diff --git a/README.md b/README.md
index 103c557e5..37493ff43 100644
--- a/README.md
+++ b/README.md
@@ -29,6 +29,7 @@ A vanilla, up-to-date fork of [ComfyUI](https://github.com/comfyanonymous/comfyu
- [AuraFlow](https://comfyanonymous.github.io/ComfyUI_examples/aura_flow/)
- [HunyuanDiT](https://comfyanonymous.github.io/ComfyUI_examples/hunyuan_dit/)
- [Flux](https://comfyanonymous.github.io/ComfyUI_examples/flux/)
+ - [Lumina Image 2.0](https://comfyanonymous.github.io/ComfyUI_examples/lumina2/)
- Video Models
- [Stable Video Diffusion](https://comfyanonymous.github.io/ComfyUI_examples/video/)
- [Mochi](https://comfyanonymous.github.io/ComfyUI_examples/mochi/)
@@ -1307,7 +1308,7 @@ For any bugs, issues, or feature requests related to the frontend, please use th
The new frontend is now the default for ComfyUI. However, please note:
-1. The frontend in the main ComfyUI repository is updated weekly.
+1. The frontend in the main ComfyUI repository is updated fortnightly.
2. Daily releases are available in the separate frontend repository.
To use the most up-to-date frontend version:
@@ -1324,7 +1325,7 @@ To use the most up-to-date frontend version:
--front-end-version Comfy-Org/ComfyUI_frontend@1.2.2
```
-This approach allows you to easily switch between the stable weekly release and the cutting-edge daily updates, or even specific versions for testing purposes.
+This approach allows you to easily switch between the stable fortnightly release and the cutting-edge daily updates, or even specific versions for testing purposes.
### Accessing the Legacy Frontend
@@ -1338,7 +1339,7 @@ This will use a snapshot of the legacy frontend preserved in the [ComfyUI Legacy
## Community
-[Chat on Matrix: #comfyui_space:matrix.org](https://app.element.io/#/room/%23comfyui_space%3Amatrix.org), an alternative to Discord.
+[Discord](https://comfy.org/discord): Try the #help or #feedback channels.
## Known Issues
diff --git a/comfy/__init__.py b/comfy/__init__.py
index 91c67cc1a..8966e1c9a 100644
--- a/comfy/__init__.py
+++ b/comfy/__init__.py
@@ -1 +1 @@
-__version__ = "0.3.11"
+__version__ = "0.3.15"
diff --git a/comfy/api_server/routes/internal/internal_routes.py b/comfy/api_server/routes/internal/internal_routes.py
index 3efb0dc8f..613b0f7c7 100644
--- a/comfy/api_server/routes/internal/internal_routes.py
+++ b/comfy/api_server/routes/internal/internal_routes.py
@@ -1,13 +1,9 @@
-from typing import Optional
-
from aiohttp import web
-
-from ...services.file_service import FileService
-from ...services.terminal_service import TerminalService
-from ....app import logger
-from ....cmd.folder_paths import models_dir, user_directory, output_directory, \
- folder_names_and_paths # pylint: disable=import-error
-
+from typing import Optional
+from folder_paths import folder_names_and_paths, get_directory_by_type
+from api_server.services.terminal_service import TerminalService
+import app.logger
+import os
class InternalRoutes:
'''
@@ -19,35 +15,19 @@ class InternalRoutes:
def __init__(self, prompt_server):
self.routes: web.RouteTableDef = web.RouteTableDef()
self._app: Optional[web.Application] = None
- self.file_service = FileService({
- "models": models_dir,
- "user": user_directory,
- "output": output_directory
- })
self.prompt_server = prompt_server
self.terminal_service = TerminalService(prompt_server)
def setup_routes(self):
- @self.routes.get('/files')
- async def list_files(request):
- directory_key = request.query.get('directory', '')
- try:
- file_list = self.file_service.list_files(directory_key)
- return web.json_response({"files": file_list})
- except ValueError as e:
- return web.json_response({"error": str(e)}, status=400)
- except Exception as e:
- return web.json_response({"error": str(e)}, status=500)
-
@self.routes.get('/logs')
async def get_logs(request):
- return web.json_response("".join([(l["t"] + " - " + l["m"]) for l in logger.get_logs()]))
+ return web.json_response("".join([(l["t"] + " - " + l["m"]) for l in app.logger.get_logs()]))
@self.routes.get('/logs/raw')
- async def get_logs_raw(request):
+ async def get_raw_logs(request):
self.terminal_service.update_size()
return web.json_response({
- "entries": list(logger.get_logs()),
+ "entries": list(app.logger.get_logs()),
"size": {"cols": self.terminal_service.cols, "rows": self.terminal_service.rows}
})
@@ -63,6 +43,7 @@ class InternalRoutes:
return web.Response(status=200)
+
@self.routes.get('/folder_paths')
async def get_folder_paths(request):
response = {}
@@ -70,6 +51,20 @@ class InternalRoutes:
response[key] = folder_names_and_paths[key][0]
return web.json_response(response)
+ @self.routes.get('/files/{directory_type}')
+ async def get_files(request: web.Request) -> web.Response:
+ directory_type = request.match_info['directory_type']
+ if directory_type not in ("output", "input", "temp"):
+ return web.json_response({"error": "Invalid directory type"}, status=400)
+
+ directory = get_directory_by_type(directory_type)
+ sorted_files = sorted(
+ (entry for entry in os.scandir(directory) if entry.is_file()),
+ key=lambda entry: -entry.stat().st_mtime
+ )
+ return web.json_response([entry.name for entry in sorted_files], status=200)
+
+
def get_app(self):
if self._app is None:
self._app = web.Application()
diff --git a/comfy/api_server/services/file_service.py b/comfy/api_server/services/file_service.py
deleted file mode 100644
index daed92eb3..000000000
--- a/comfy/api_server/services/file_service.py
+++ /dev/null
@@ -1,15 +0,0 @@
-from typing import Dict, List, Optional
-
-from ..utils.file_operations import FileSystemOperations, FileSystemItem
-
-
-class FileService:
- def __init__(self, allowed_directories: Dict[str, str], file_system_ops: Optional[FileSystemOperations] = None):
- self.allowed_directories: Dict[str, str] = allowed_directories
- self.file_system_ops: FileSystemOperations = file_system_ops or FileSystemOperations()
-
- def list_files(self, directory_key: str) -> List[FileSystemItem]:
- if directory_key not in self.allowed_directories:
- raise ValueError("Invalid directory key")
- directory_path: str = self.allowed_directories[directory_key]
- return self.file_system_ops.walk_directory(directory_path)
diff --git a/comfy/cli_args.py b/comfy/cli_args.py
index 1ba607dc4..b40d26423 100644
--- a/comfy/cli_args.py
+++ b/comfy/cli_args.py
@@ -35,12 +35,13 @@ def _create_parser() -> EnhancedConfigArgParser:
parser.add_argument("--enable-cors-header", type=str, default=None, metavar="ORIGIN", nargs="?", const="*",
help="Enable CORS (Cross-Origin Resource Sharing) with optional origin or allow all with default '*'.")
parser.add_argument("--max-upload-size", type=float, default=100, help="Set the maximum upload size in MB.")
+ parser.add_argument("--base-directory", type=str, default=None, help="Set the ComfyUI base directory for models, custom_nodes, input, output, temp, and user directories.")
parser.add_argument("--extra-model-paths-config", type=str, default=None, metavar="PATH", nargs='+',
action='append', help="Load one or more extra_model_paths.yaml files.")
- parser.add_argument("--output-directory", type=str, default=None, help="Set the ComfyUI output directory.")
+ parser.add_argument("--output-directory", type=str, default=None, help="Set the ComfyUI output directory. Overrides --base-directory.")
parser.add_argument("--temp-directory", type=str, default=None,
- help="Set the ComfyUI temp directory (default is in the ComfyUI directory).")
- parser.add_argument("--input-directory", type=str, default=None, help="Set the ComfyUI input directory.")
+ help="Set the ComfyUI temp directory (default is in the ComfyUI directory). Overrides --base-directory.")
+ parser.add_argument("--input-directory", type=str, default=None, help="Set the ComfyUI input directory. Overrides --base-directory.")
parser.add_argument("--auto-launch", action="store_true",
help="Automatically launch ComfyUI in the default browser.")
parser.add_argument("--disable-auto-launch", action="store_true", help="Disable auto launching the browser.")
@@ -250,7 +251,9 @@ def _create_parser() -> EnhancedConfigArgParser:
env_var="ANTHROPIC_API_KEY"
)
- parser.add_argument("--user-directory", type=is_valid_directory, default=None, help="Set the ComfyUI user directory with an absolute path.")
+ parser.add_argument("--user-directory", type=is_valid_directory, default=None, help="Set the ComfyUI user directory with an absolute path. Overrides --base-directory.")
+
+ parser.add_argument("--enable-compress-response-body", action="store_true", help="Enable compressing response body.")
# now give plugins a chance to add configuration
for entry_point in entry_points().select(group='comfyui.custom_config'):
@@ -284,6 +287,9 @@ def _parse_args(parser: Optional[argparse.ArgumentParser] = None, args_parsing:
if args.disable_auto_launch:
args.auto_launch = False
+ if args.force_fp16:
+ args.fp16_unet = True
+
configuration_obj = Configuration(**vars(args))
configuration_obj.config_files = config_files
assert all(isinstance(config_file, str) for config_file in config_files)
diff --git a/comfy/cli_args_types.py b/comfy/cli_args_types.py
index dce80a22d..1f9239a93 100644
--- a/comfy/cli_args_types.py
+++ b/comfy/cli_args_types.py
@@ -40,6 +40,7 @@ class Configuration(dict):
config_files (Optional[List[str]]): Path to the configuration file(s) that were set in the arguments.
cwd (Optional[str]): Working directory. Defaults to the current directory. This is always treated as a base path for model files, and it will be the place where model files are downloaded.
base_paths (Optional[list[str]]): Additional base paths for custom nodes, models and inputs.
+ base_directory (Optional[str]): Set the ComfyUI base directory for models, custom_nodes, input, output, temp, and user directories.
listen (str): IP address to listen on. Defaults to "127.0.0.1".
port (int): Port number for the server to listen on. Defaults to 8188.
enable_cors_header (Optional[str]): Enables CORS with the specified origin.
@@ -123,6 +124,7 @@ class Configuration(dict):
user_directory (Optional[str]): Set the ComfyUI user directory with an absolute path.
log_stdout (bool): Send normal process output to stdout instead of stderr (default)
panic_when (list[str]): List of fully qualified exception class names to panic (sys.exit(1)) when a workflow raises it.
+ enable_compress_response_body (bool): Enable compressing response body.
"""
def __init__(self, **kwargs):
@@ -131,9 +133,11 @@ class Configuration(dict):
self.config_files = []
self.cwd: Optional[str] = None
self.base_paths: list[str] = []
+ self.base_directory = Optional[str] = None
self.listen: str = "127.0.0.1"
self.port: int = 8188
self.enable_cors_header: Optional[str] = None
+ self.enable_compress_response_body: bool = False
self.max_upload_size: float = 100.0
self.extra_model_paths_config: Optional[List[str]] = []
self.output_directory: Optional[str] = None
diff --git a/comfy/clip_model.py b/comfy/clip_model.py
index ae9a0e16e..58cf8f338 100644
--- a/comfy/clip_model.py
+++ b/comfy/clip_model.py
@@ -103,9 +103,10 @@ class CLIPTextModel_(torch.nn.Module):
mask = None
if attention_mask is not None:
mask = 1.0 - attention_mask.to(x.dtype).reshape((attention_mask.shape[0], 1, -1, attention_mask.shape[-1])).expand(attention_mask.shape[0], 1, attention_mask.shape[-1], attention_mask.shape[-1])
- mask = mask.masked_fill(mask.to(torch.bool), float("-inf"))
+ mask = mask.masked_fill(mask.to(torch.bool), -torch.finfo(x.dtype).max)
+
+ causal_mask = torch.full((x.shape[1], x.shape[1]), -torch.finfo(x.dtype).max, dtype=x.dtype, device=x.device).triu_(1)
- causal_mask = torch.empty(x.shape[1], x.shape[1], dtype=x.dtype, device=x.device).fill_(float("-inf")).triu_(1)
if mask is not None:
mask += causal_mask
else:
diff --git a/comfy/cmd/folder_paths.py b/comfy/cmd/folder_paths.py
index 1b9c2b972..7c04b0612 100644
--- a/comfy/cmd/folder_paths.py
+++ b/comfy/cmd/folder_paths.py
@@ -65,7 +65,7 @@ def init_default_paths(folder_names_and_paths: FolderNames, configuration: Optio
from ..cmd.main_pre import args
configuration = configuration or args
- base_paths = [Path(configuration.cwd) if configuration.cwd is not None else None] + configuration.base_paths
+ base_paths = [Path(configuration.cwd) if configuration.cwd is not None else None] + [Path(configuration.base_directory) if configuration.base_directory is not None else None] + configuration.base_paths
base_paths = [Path(path) for path in base_paths if path is not None]
if len(base_paths) == 0:
base_paths = [Path(os.getcwd())]
diff --git a/comfy/cmd/server.py b/comfy/cmd/server.py
index 840f31bcb..5c491e8be 100644
--- a/comfy/cmd/server.py
+++ b/comfy/cmd/server.py
@@ -80,6 +80,19 @@ async def cache_control(request: web.Request, handler):
return response
+@web.middleware
+async def compress_body(request: web.Request, handler):
+ accept_encoding = request.headers.get("Accept-Encoding", "")
+ response: web.Response = await handler(request)
+ if not isinstance(response, web.Response):
+ return response
+ if response.content_type not in ["application/json", "text/plain"]:
+ return response
+ if response.body and "gzip" in accept_encoding:
+ response.enable_compression()
+ return response
+
+
def create_cors_middleware(allowed_origin: str):
@web.middleware
async def cors_middleware(request: web.Request, handler):
@@ -169,7 +182,8 @@ class PromptServer(ExecutorToClientProgress):
PromptServer.instance = self
mimetypes.init()
- mimetypes.types_map['.js'] = 'application/javascript; charset=utf-8'
+ mimetypes.add_type('application/javascript; charset=utf-8', '.js')
+ mimetypes.add_type('image/webp', '.webp')
self.address: str = "0.0.0.0"
self.user_manager = UserManager()
@@ -188,6 +202,9 @@ class PromptServer(ExecutorToClientProgress):
self.background_tasks: dict[str, Task] = dict()
middlewares = [cache_control]
+ if args.enable_compress_response_body:
+ middlewares.append(compress_body)
+
if args.enable_cors_header:
middlewares.append(create_cors_middleware(args.enable_cors_header))
else:
diff --git a/comfy/comfy_types/node_typing.py b/comfy/comfy_types/node_typing.py
index 056b1aa65..0696dbe5e 100644
--- a/comfy/comfy_types/node_typing.py
+++ b/comfy/comfy_types/node_typing.py
@@ -66,13 +66,26 @@ class IO(StrEnum):
b = frozenset(value.split(","))
return not (b.issubset(a) or a.issubset(b))
+class RemoteInputOptions(TypedDict):
+ route: str
+ """The route to the remote source."""
+ refresh_button: bool
+ """Specifies whether to show a refresh button in the UI below the widget."""
+ control_after_refresh: Literal["first", "last"]
+ """Specifies the control after the refresh button is clicked. If "first", the first item will be automatically selected, and so on."""
+ timeout: int
+ """The maximum amount of time to wait for a response from the remote source in milliseconds."""
+ max_retries: int
+ """The maximum number of retries before aborting the request."""
+ refresh: int
+ """The TTL of the remote input's value in milliseconds. Specifies the interval at which the remote input's value is refreshed."""
class InputTypeOptions(TypedDict):
"""Provides type hinting for the return type of the INPUT_TYPES node function.
Due to IDE limitations with unions, for now all options are available for all types (e.g. `label_on` is hinted even when the type is not `IO.BOOLEAN`).
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_datatypes
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/datatypes
"""
default: bool | str | float | int | list | tuple
@@ -113,6 +126,14 @@ class InputTypeOptions(TypedDict):
# defaultVal: str
dynamicPrompts: bool
"""Causes the front-end to evaluate dynamic prompts (``STRING``)"""
+ # class InputTypeCombo(InputTypeOptions):
+ image_upload: bool
+ """Specifies whether the input should have an image upload button and image preview attached to it. Requires that the input's name is `image`."""
+ image_folder: Literal["input", "output", "temp"]
+ """Specifies which folder to get preview images from if the input has the ``image_upload`` flag.
+ """
+ remote: RemoteInputOptions
+ """Specifies the configuration for a remote input."""
class HiddenInputTypeDict(TypedDict):
@@ -133,7 +154,7 @@ class HiddenInputTypeDict(TypedDict):
class InputTypeDict(TypedDict):
"""Provides type hinting for node INPUT_TYPES.
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_more_on_inputs
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/more_on_inputs
"""
required: dict[str, tuple[IO, InputTypeOptions]]
@@ -143,14 +164,14 @@ class InputTypeDict(TypedDict):
hidden: HiddenInputTypeDict
"""Offers advanced functionality and server-client communication.
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_more_on_inputs#hidden-inputs
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/more_on_inputs#hidden-inputs
"""
class ComfyNodeABC(ABC):
"""Abstract base class for Comfy nodes. Includes the names and expected types of attributes.
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_server_overview
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/server_overview
"""
DESCRIPTION: str
@@ -167,7 +188,7 @@ class ComfyNodeABC(ABC):
CATEGORY: str
"""The category of the node, as per the "Add Node" menu.
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_server_overview#category
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/server_overview#category
"""
EXPERIMENTAL: bool
"""Flags a node as experimental, informing users that it may change or not work as expected."""
@@ -181,9 +202,9 @@ class ComfyNodeABC(ABC):
* Must include the ``required`` key, which describes all inputs that must be connected for the node to execute.
* The ``optional`` key can be added to describe inputs which do not need to be connected.
- * The ``hidden`` key offers some advanced functionality. More info at: https://docs.comfy.org/essentials/custom_node_more_on_inputs#hidden-inputs
+ * The ``hidden`` key offers some advanced functionality. More info at: https://docs.comfy.org/custom-nodes/backend/more_on_inputs#hidden-inputs
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_server_overview#input-types
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/server_overview#input-types
"""
return {"required": {}}
@@ -198,7 +219,7 @@ class ComfyNodeABC(ABC):
By default, a node is not considered an output. Set ``OUTPUT_NODE = True`` to specify that it is.
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_server_overview#output-node
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/server_overview#output-node
"""
INPUT_IS_LIST: bool
"""A flag indicating if this node implements the additional code necessary to deal with OUTPUT_IS_LIST nodes.
@@ -209,7 +230,7 @@ class ComfyNodeABC(ABC):
A node can also override the default input behaviour and receive the whole list in a single call. This is done by setting a class attribute `INPUT_IS_LIST` to ``True``.
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_lists#list-processing
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/lists#list-processing
"""
OUTPUT_IS_LIST: tuple[bool]
"""A tuple indicating which node outputs are lists, but will be connected to nodes that expect individual items.
@@ -227,7 +248,7 @@ class ComfyNodeABC(ABC):
the node should provide a class attribute `OUTPUT_IS_LIST`, which is a ``tuple[bool]``, of the same length as `RETURN_TYPES`,
specifying which outputs which should be so treated.
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_lists#list-processing
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/lists#list-processing
"""
RETURN_TYPES: tuple[IO]
@@ -237,19 +258,19 @@ class ComfyNodeABC(ABC):
RETURN_TYPES = (IO.INT, "INT", "CUSTOM_TYPE")
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_server_overview#return-types
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/server_overview#return-types
"""
RETURN_NAMES: tuple[str]
"""The output slot names for each item in `RETURN_TYPES`, e.g. ``RETURN_NAMES = ("count", "filter_string")``
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_server_overview#return-names
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/server_overview#return-names
"""
OUTPUT_TOOLTIPS: tuple[str]
"""A tuple of strings to use as tooltips for node outputs, one for each item in `RETURN_TYPES`."""
FUNCTION: str
"""The name of the function to execute as a literal string, e.g. `FUNCTION = "execute"`
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_server_overview#function
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/server_overview#function
"""
@@ -267,7 +288,7 @@ class CheckLazyMixin:
Params should match the nodes execution ``FUNCTION`` (self, and all inputs by name).
Will be executed repeatedly until it returns an empty list, or all requested items were already evaluated (and sent as params).
- Comfy Docs: https://docs.comfy.org/essentials/custom_node_lazy_evaluation#defining-check-lazy-status
+ Comfy Docs: https://docs.comfy.org/custom-nodes/backend/lazy_evaluation#defining-check-lazy-status
"""
need = [name for name in kwargs if kwargs[name] is None]
diff --git a/comfy/component_model/folder_path_types.py b/comfy/component_model/folder_path_types.py
index 0f8ebe070..40654911b 100644
--- a/comfy/component_model/folder_path_types.py
+++ b/comfy/component_model/folder_path_types.py
@@ -13,7 +13,7 @@ from typing import Any, NamedTuple, Optional, Iterable
from .platform_path import construct_path
-supported_pt_extensions = frozenset(['.ckpt', '.pt', '.bin', '.pth', '.safetensors', '.pkl', '.sft', ".index.json"])
+supported_pt_extensions = frozenset(['.ckpt', '.pt', '.pt2', '.bin', '.pth', '.safetensors', '.pkl', '.sft' ".index.json"])
extension_mimetypes_cache = {
"webp": "image",
}
diff --git a/comfy/extra_config.py b/comfy/extra_config.py
index d3603ec72..72a242af6 100644
--- a/comfy/extra_config.py
+++ b/comfy/extra_config.py
@@ -7,7 +7,7 @@ import yaml
def load_extra_path_config(yaml_path):
from .cmd import folder_paths
- with open(yaml_path, 'r') as stream:
+ with open(yaml_path, 'r', encoding='utf-8') as stream:
config = yaml.safe_load(stream)
yaml_dir = os.path.dirname(os.path.abspath(yaml_path))
for c in config:
@@ -32,5 +32,6 @@ def load_extra_path_config(yaml_path):
full_path = os.path.join(base_path, full_path)
elif not os.path.isabs(full_path):
full_path = os.path.abspath(os.path.join(yaml_dir, y))
- logging.info("Adding extra search path {} {}".format(x, full_path))
- folder_paths.add_model_folder_path(x, full_path, is_default=is_default)
+ normalized_path = os.path.normpath(full_path)
+ logging.info("Adding extra search path {} {}".format(x, normalized_path))
+ folder_paths.add_model_folder_path(x, normalized_path, is_default=is_default)
diff --git a/comfy/k_diffusion/sampling.py b/comfy/k_diffusion/sampling.py
index 6b6909a70..f03cb2631 100644
--- a/comfy/k_diffusion/sampling.py
+++ b/comfy/k_diffusion/sampling.py
@@ -1311,7 +1311,7 @@ def sample_dpmpp_2m_cfg_pp(model, x, sigmas, extra_args=None, callback=None, dis
return x
@torch.no_grad()
-def res_multistep(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, cfg_pp=False):
+def res_multistep(model, x, sigmas, extra_args=None, callback=None, disable=None, s_noise=1., noise_sampler=None, eta=1., cfg_pp=False):
extra_args = {} if extra_args is None else extra_args
seed = extra_args.get("seed", None)
noise_sampler = default_noise_sampler(x, seed=seed) if noise_sampler is None else noise_sampler
@@ -1333,53 +1333,60 @@ def res_multistep(model, x, sigmas, extra_args=None, callback=None, disable=None
extra_args["model_options"] = model_patcher.set_model_options_post_cfg_function(model_options, post_cfg_function, disable_cfg1_optimization=True)
for i in trange(len(sigmas) - 1, disable=disable):
- if s_churn > 0:
- gamma = min(s_churn / (len(sigmas) - 1), 2**0.5 - 1) if s_tmin <= sigmas[i] <= s_tmax else 0.0
- sigma_hat = sigmas[i] * (gamma + 1)
- else:
- gamma = 0
- sigma_hat = sigmas[i]
-
- if gamma > 0:
- eps = torch.randn_like(x) * s_noise
- x = x + eps * (sigma_hat**2 - sigmas[i] ** 2) ** 0.5
- denoised = model(x, sigma_hat * s_in, **extra_args)
+ denoised = model(x, sigmas[i] * s_in, **extra_args)
+ sigma_down, sigma_up = get_ancestral_step(sigmas[i], sigmas[i + 1], eta=eta)
if callback is not None:
- callback({"x": x, "i": i, "sigma": sigmas[i], "sigma_hat": sigma_hat, "denoised": denoised})
- if sigmas[i + 1] == 0 or old_denoised is None:
+ callback({"x": x, "i": i, "sigma": sigmas[i], "sigma_hat": sigmas[i], "denoised": denoised})
+ if sigma_down == 0 or old_denoised is None:
# Euler method
if cfg_pp:
- d = to_d(x, sigma_hat, uncond_denoised)
- x = denoised + d * sigmas[i + 1]
+ d = to_d(x, sigmas[i], uncond_denoised)
+ x = denoised + d * sigma_down
else:
- d = to_d(x, sigma_hat, denoised)
- dt = sigmas[i + 1] - sigma_hat
+ d = to_d(x, sigmas[i], denoised)
+ dt = sigma_down - sigmas[i]
x = x + d * dt
else:
# Second order multistep method in https://arxiv.org/pdf/2308.02157
- t, t_next, t_prev = t_fn(sigmas[i]), t_fn(sigmas[i + 1]), t_fn(sigmas[i - 1])
+ t, t_next, t_prev = t_fn(sigmas[i]), t_fn(sigma_down), t_fn(sigmas[i - 1])
h = t_next - t
c2 = (t_prev - t) / h
phi1_val, phi2_val = phi1_fn(-h), phi2_fn(-h)
- b1 = torch.nan_to_num(phi1_val - 1.0 / c2 * phi2_val, nan=0.0)
- b2 = torch.nan_to_num(1.0 / c2 * phi2_val, nan=0.0)
+ b1 = torch.nan_to_num(phi1_val - phi2_val / c2, nan=0.0)
+ b2 = torch.nan_to_num(phi2_val / c2, nan=0.0)
if cfg_pp:
x = x + (denoised - uncond_denoised)
+ x = sigma_fn(h) * x + h * (b1 * uncond_denoised + b2 * old_denoised)
+ else:
+ x = sigma_fn(h) * x + h * (b1 * denoised + b2 * old_denoised)
- x = (sigma_fn(t_next) / sigma_fn(t)) * x + h * (b1 * denoised + b2 * old_denoised)
+ # Noise addition
+ if sigmas[i + 1] > 0:
+ x = x + noise_sampler(sigmas[i], sigmas[i + 1]) * s_noise * sigma_up
- old_denoised = denoised
+ if cfg_pp:
+ old_denoised = uncond_denoised
+ else:
+ old_denoised = denoised
return x
@torch.no_grad()
-def sample_res_multistep(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=False)
+def sample_res_multistep(model, x, sigmas, extra_args=None, callback=None, disable=None, s_noise=1., noise_sampler=None):
+ return res_multistep(model, x, sigmas, extra_args=extra_args, callback=callback, disable=disable, s_noise=s_noise, noise_sampler=noise_sampler, eta=0., cfg_pp=False)
@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)
+def sample_res_multistep_cfg_pp(model, x, sigmas, extra_args=None, callback=None, disable=None, s_noise=1., noise_sampler=None):
+ return res_multistep(model, x, sigmas, extra_args=extra_args, callback=callback, disable=disable, s_noise=s_noise, noise_sampler=noise_sampler, eta=0., cfg_pp=True)
+
+@torch.no_grad()
+def sample_res_multistep_ancestral(model, x, sigmas, extra_args=None, callback=None, disable=None, eta=1., s_noise=1., noise_sampler=None):
+ return res_multistep(model, x, sigmas, extra_args=extra_args, callback=callback, disable=disable, s_noise=s_noise, noise_sampler=noise_sampler, eta=eta, cfg_pp=False)
+
+@torch.no_grad()
+def sample_res_multistep_ancestral_cfg_pp(model, x, sigmas, extra_args=None, callback=None, disable=None, eta=1., s_noise=1., noise_sampler=None):
+ return res_multistep(model, x, sigmas, extra_args=extra_args, callback=callback, disable=disable, s_noise=s_noise, noise_sampler=noise_sampler, eta=eta, cfg_pp=True)
@torch.no_grad()
def sample_gradient_estimation(model, x, sigmas, extra_args=None, callback=None, disable=None, ge_gamma=2.):
diff --git a/comfy/ldm/flux/math.py b/comfy/ldm/flux/math.py
index 7418e79b2..72c1da549 100644
--- a/comfy/ldm/flux/math.py
+++ b/comfy/ldm/flux/math.py
@@ -22,7 +22,7 @@ def attention(q: Tensor, k: Tensor, v: Tensor, pe: Tensor, mask=None) -> Tensor:
def rope(pos: Tensor, dim: int, theta: int) -> Tensor:
assert dim % 2 == 0
- if model_management.is_device_mps(pos.device) or model_management.is_intel_xpu():
+ if model_management.is_device_mps(pos.device) or model_management.is_intel_xpu() or model_management.is_directml_enabled():
device = torch.device("cpu")
else:
device = pos.device
diff --git a/comfy/ldm/hunyuan_video/model.py b/comfy/ldm/hunyuan_video/model.py
index 17b8ac60e..fbf36f5a8 100644
--- a/comfy/ldm/hunyuan_video/model.py
+++ b/comfy/ldm/hunyuan_video/model.py
@@ -301,7 +301,7 @@ class HunyuanVideo(nn.Module):
shape[i] = shape[i] // self.patch_size[i]
img = img.reshape([img.shape[0]] + shape + [self.out_channels] + self.patch_size)
img = img.permute(0, 4, 1, 5, 2, 6, 3, 7)
- img = img.reshape(initial_shape)
+ img = img.reshape(initial_shape[0], self.out_channels, initial_shape[2], initial_shape[3], initial_shape[4])
return img
def forward(self, x, timestep, context, y, guidance=None, attention_mask=None, control=None, transformer_options={}, **kwargs):
diff --git a/comfy/ldm/lumina/model.py b/comfy/ldm/lumina/model.py
new file mode 100644
index 000000000..ccd5d2c0e
--- /dev/null
+++ b/comfy/ldm/lumina/model.py
@@ -0,0 +1,622 @@
+# Code from: https://github.com/Alpha-VLLM/Lumina-Image-2.0/blob/main/models/model.py
+from __future__ import annotations
+
+from typing import List, Optional, Tuple
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+import comfy.ldm.common_dit
+
+from comfy.ldm.modules.diffusionmodules.mmdit import TimestepEmbedder, RMSNorm
+from comfy.ldm.modules.attention import optimized_attention_masked
+from comfy.ldm.flux.layers import EmbedND
+
+
+def modulate(x, scale):
+ return x * (1 + scale.unsqueeze(1))
+
+#############################################################################
+# Core NextDiT Model #
+#############################################################################
+
+
+class JointAttention(nn.Module):
+ """Multi-head attention module."""
+
+ def __init__(
+ self,
+ dim: int,
+ n_heads: int,
+ n_kv_heads: Optional[int],
+ qk_norm: bool,
+ operation_settings={},
+ ):
+ """
+ Initialize the Attention module.
+
+ Args:
+ dim (int): Number of input dimensions.
+ n_heads (int): Number of heads.
+ n_kv_heads (Optional[int]): Number of kv heads, if using GQA.
+
+ """
+ super().__init__()
+ self.n_kv_heads = n_heads if n_kv_heads is None else n_kv_heads
+ self.n_local_heads = n_heads
+ self.n_local_kv_heads = self.n_kv_heads
+ self.n_rep = self.n_local_heads // self.n_local_kv_heads
+ self.head_dim = dim // n_heads
+
+ self.qkv = operation_settings.get("operations").Linear(
+ dim,
+ (n_heads + self.n_kv_heads + self.n_kv_heads) * self.head_dim,
+ bias=False,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ )
+ self.out = operation_settings.get("operations").Linear(
+ n_heads * self.head_dim,
+ dim,
+ bias=False,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ )
+
+ if qk_norm:
+ self.q_norm = RMSNorm(self.head_dim, elementwise_affine=True, **operation_settings)
+ self.k_norm = RMSNorm(self.head_dim, elementwise_affine=True, **operation_settings)
+ else:
+ self.q_norm = self.k_norm = nn.Identity()
+
+ @staticmethod
+ def apply_rotary_emb(
+ x_in: torch.Tensor,
+ freqs_cis: torch.Tensor,
+ ) -> torch.Tensor:
+ """
+ Apply rotary embeddings to input tensors using the given frequency
+ tensor.
+
+ This function applies rotary embeddings to the given query 'xq' and
+ key 'xk' tensors using the provided frequency tensor 'freqs_cis'. The
+ input tensors are reshaped as complex numbers, and the frequency tensor
+ is reshaped for broadcasting compatibility. The resulting tensors
+ contain rotary embeddings and are returned as real tensors.
+
+ Args:
+ x_in (torch.Tensor): Query or Key tensor to apply rotary embeddings.
+ freqs_cis (torch.Tensor): Precomputed frequency tensor for complex
+ exponentials.
+
+ Returns:
+ Tuple[torch.Tensor, torch.Tensor]: Tuple of modified query tensor
+ and key tensor with rotary embeddings.
+ """
+
+ t_ = x_in.reshape(*x_in.shape[:-1], -1, 1, 2)
+ t_out = freqs_cis[..., 0] * t_[..., 0] + freqs_cis[..., 1] * t_[..., 1]
+ return t_out.reshape(*x_in.shape)
+
+ def forward(
+ self,
+ x: torch.Tensor,
+ x_mask: torch.Tensor,
+ freqs_cis: torch.Tensor,
+ ) -> torch.Tensor:
+ """
+
+ Args:
+ x:
+ x_mask:
+ freqs_cis:
+
+ Returns:
+
+ """
+ bsz, seqlen, _ = x.shape
+
+ xq, xk, xv = torch.split(
+ self.qkv(x),
+ [
+ self.n_local_heads * self.head_dim,
+ self.n_local_kv_heads * self.head_dim,
+ self.n_local_kv_heads * self.head_dim,
+ ],
+ dim=-1,
+ )
+ xq = xq.view(bsz, seqlen, self.n_local_heads, self.head_dim)
+ xk = xk.view(bsz, seqlen, self.n_local_kv_heads, self.head_dim)
+ xv = xv.view(bsz, seqlen, self.n_local_kv_heads, self.head_dim)
+
+ xq = self.q_norm(xq)
+ xk = self.k_norm(xk)
+
+ xq = JointAttention.apply_rotary_emb(xq, freqs_cis=freqs_cis)
+ xk = JointAttention.apply_rotary_emb(xk, freqs_cis=freqs_cis)
+
+ n_rep = self.n_local_heads // self.n_local_kv_heads
+ if n_rep >= 1:
+ xk = xk.unsqueeze(3).repeat(1, 1, 1, n_rep, 1).flatten(2, 3)
+ xv = xv.unsqueeze(3).repeat(1, 1, 1, n_rep, 1).flatten(2, 3)
+ output = optimized_attention_masked(xq.movedim(1, 2), xk.movedim(1, 2), xv.movedim(1, 2), self.n_local_heads, x_mask, skip_reshape=True)
+
+ return self.out(output)
+
+
+class FeedForward(nn.Module):
+ def __init__(
+ self,
+ dim: int,
+ hidden_dim: int,
+ multiple_of: int,
+ ffn_dim_multiplier: Optional[float],
+ operation_settings={},
+ ):
+ """
+ Initialize the FeedForward module.
+
+ Args:
+ dim (int): Input dimension.
+ hidden_dim (int): Hidden dimension of the feedforward layer.
+ multiple_of (int): Value to ensure hidden dimension is a multiple
+ of this value.
+ ffn_dim_multiplier (float, optional): Custom multiplier for hidden
+ dimension. Defaults to None.
+
+ """
+ super().__init__()
+ # custom dim factor multiplier
+ if ffn_dim_multiplier is not None:
+ hidden_dim = int(ffn_dim_multiplier * hidden_dim)
+ hidden_dim = multiple_of * ((hidden_dim + multiple_of - 1) // multiple_of)
+
+ self.w1 = operation_settings.get("operations").Linear(
+ dim,
+ hidden_dim,
+ bias=False,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ )
+ self.w2 = operation_settings.get("operations").Linear(
+ hidden_dim,
+ dim,
+ bias=False,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ )
+ self.w3 = operation_settings.get("operations").Linear(
+ dim,
+ hidden_dim,
+ bias=False,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ )
+
+ # @torch.compile
+ def _forward_silu_gating(self, x1, x3):
+ return F.silu(x1) * x3
+
+ def forward(self, x):
+ return self.w2(self._forward_silu_gating(self.w1(x), self.w3(x)))
+
+
+class JointTransformerBlock(nn.Module):
+ def __init__(
+ self,
+ layer_id: int,
+ dim: int,
+ n_heads: int,
+ n_kv_heads: int,
+ multiple_of: int,
+ ffn_dim_multiplier: float,
+ norm_eps: float,
+ qk_norm: bool,
+ modulation=True,
+ operation_settings={},
+ ) -> None:
+ """
+ Initialize a TransformerBlock.
+
+ Args:
+ layer_id (int): Identifier for the layer.
+ dim (int): Embedding dimension of the input features.
+ n_heads (int): Number of attention heads.
+ n_kv_heads (Optional[int]): Number of attention heads in key and
+ value features (if using GQA), or set to None for the same as
+ query.
+ multiple_of (int):
+ ffn_dim_multiplier (float):
+ norm_eps (float):
+
+ """
+ super().__init__()
+ self.dim = dim
+ self.head_dim = dim // n_heads
+ self.attention = JointAttention(dim, n_heads, n_kv_heads, qk_norm, operation_settings=operation_settings)
+ self.feed_forward = FeedForward(
+ dim=dim,
+ hidden_dim=4 * dim,
+ multiple_of=multiple_of,
+ ffn_dim_multiplier=ffn_dim_multiplier,
+ operation_settings=operation_settings,
+ )
+ self.layer_id = layer_id
+ self.attention_norm1 = RMSNorm(dim, eps=norm_eps, elementwise_affine=True, **operation_settings)
+ self.ffn_norm1 = RMSNorm(dim, eps=norm_eps, elementwise_affine=True, **operation_settings)
+
+ self.attention_norm2 = RMSNorm(dim, eps=norm_eps, elementwise_affine=True, **operation_settings)
+ self.ffn_norm2 = RMSNorm(dim, eps=norm_eps, elementwise_affine=True, **operation_settings)
+
+ self.modulation = modulation
+ if modulation:
+ self.adaLN_modulation = nn.Sequential(
+ nn.SiLU(),
+ operation_settings.get("operations").Linear(
+ min(dim, 1024),
+ 4 * dim,
+ bias=True,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ ),
+ )
+
+ def forward(
+ self,
+ x: torch.Tensor,
+ x_mask: torch.Tensor,
+ freqs_cis: torch.Tensor,
+ adaln_input: Optional[torch.Tensor]=None,
+ ):
+ """
+ Perform a forward pass through the TransformerBlock.
+
+ Args:
+ x (torch.Tensor): Input tensor.
+ freqs_cis (torch.Tensor): Precomputed cosine and sine frequencies.
+
+ Returns:
+ torch.Tensor: Output tensor after applying attention and
+ feedforward layers.
+
+ """
+ if self.modulation:
+ assert adaln_input is not None
+ scale_msa, gate_msa, scale_mlp, gate_mlp = self.adaLN_modulation(adaln_input).chunk(4, dim=1)
+
+ x = x + gate_msa.unsqueeze(1).tanh() * self.attention_norm2(
+ self.attention(
+ modulate(self.attention_norm1(x), scale_msa),
+ x_mask,
+ freqs_cis,
+ )
+ )
+ x = x + gate_mlp.unsqueeze(1).tanh() * self.ffn_norm2(
+ self.feed_forward(
+ modulate(self.ffn_norm1(x), scale_mlp),
+ )
+ )
+ else:
+ assert adaln_input is None
+ x = x + self.attention_norm2(
+ self.attention(
+ self.attention_norm1(x),
+ x_mask,
+ freqs_cis,
+ )
+ )
+ x = x + self.ffn_norm2(
+ self.feed_forward(
+ self.ffn_norm1(x),
+ )
+ )
+ return x
+
+
+class FinalLayer(nn.Module):
+ """
+ The final layer of NextDiT.
+ """
+
+ def __init__(self, hidden_size, patch_size, out_channels, operation_settings={}):
+ super().__init__()
+ self.norm_final = operation_settings.get("operations").LayerNorm(
+ hidden_size,
+ elementwise_affine=False,
+ eps=1e-6,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ )
+ self.linear = operation_settings.get("operations").Linear(
+ hidden_size,
+ patch_size * patch_size * out_channels,
+ bias=True,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ )
+
+ self.adaLN_modulation = nn.Sequential(
+ nn.SiLU(),
+ operation_settings.get("operations").Linear(
+ min(hidden_size, 1024),
+ hidden_size,
+ bias=True,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ ),
+ )
+
+ def forward(self, x, c):
+ scale = self.adaLN_modulation(c)
+ x = modulate(self.norm_final(x), scale)
+ x = self.linear(x)
+ return x
+
+
+class NextDiT(nn.Module):
+ """
+ Diffusion model with a Transformer backbone.
+ """
+
+ def __init__(
+ self,
+ patch_size: int = 2,
+ in_channels: int = 4,
+ dim: int = 4096,
+ n_layers: int = 32,
+ n_refiner_layers: int = 2,
+ n_heads: int = 32,
+ n_kv_heads: Optional[int] = None,
+ multiple_of: int = 256,
+ ffn_dim_multiplier: Optional[float] = None,
+ norm_eps: float = 1e-5,
+ qk_norm: bool = False,
+ cap_feat_dim: int = 5120,
+ axes_dims: List[int] = (16, 56, 56),
+ axes_lens: List[int] = (1, 512, 512),
+ image_model=None,
+ device=None,
+ dtype=None,
+ operations=None,
+ ) -> None:
+ super().__init__()
+ self.dtype = dtype
+ operation_settings = {"operations": operations, "device": device, "dtype": dtype}
+ self.in_channels = in_channels
+ self.out_channels = in_channels
+ self.patch_size = patch_size
+
+ self.x_embedder = operation_settings.get("operations").Linear(
+ in_features=patch_size * patch_size * in_channels,
+ out_features=dim,
+ bias=True,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ )
+
+ self.noise_refiner = nn.ModuleList(
+ [
+ JointTransformerBlock(
+ layer_id,
+ dim,
+ n_heads,
+ n_kv_heads,
+ multiple_of,
+ ffn_dim_multiplier,
+ norm_eps,
+ qk_norm,
+ modulation=True,
+ operation_settings=operation_settings,
+ )
+ for layer_id in range(n_refiner_layers)
+ ]
+ )
+ self.context_refiner = nn.ModuleList(
+ [
+ JointTransformerBlock(
+ layer_id,
+ dim,
+ n_heads,
+ n_kv_heads,
+ multiple_of,
+ ffn_dim_multiplier,
+ norm_eps,
+ qk_norm,
+ modulation=False,
+ operation_settings=operation_settings,
+ )
+ for layer_id in range(n_refiner_layers)
+ ]
+ )
+
+ self.t_embedder = TimestepEmbedder(min(dim, 1024), **operation_settings)
+ self.cap_embedder = nn.Sequential(
+ RMSNorm(cap_feat_dim, eps=norm_eps, elementwise_affine=True, **operation_settings),
+ operation_settings.get("operations").Linear(
+ cap_feat_dim,
+ dim,
+ bias=True,
+ device=operation_settings.get("device"),
+ dtype=operation_settings.get("dtype"),
+ ),
+ )
+
+ self.layers = nn.ModuleList(
+ [
+ JointTransformerBlock(
+ layer_id,
+ dim,
+ n_heads,
+ n_kv_heads,
+ multiple_of,
+ ffn_dim_multiplier,
+ norm_eps,
+ qk_norm,
+ operation_settings=operation_settings,
+ )
+ for layer_id in range(n_layers)
+ ]
+ )
+ self.norm_final = RMSNorm(dim, eps=norm_eps, elementwise_affine=True, **operation_settings)
+ self.final_layer = FinalLayer(dim, patch_size, self.out_channels, operation_settings=operation_settings)
+
+ assert (dim // n_heads) == sum(axes_dims)
+ self.axes_dims = axes_dims
+ self.axes_lens = axes_lens
+ self.rope_embedder = EmbedND(dim=dim // n_heads, theta=10000.0, axes_dim=axes_dims)
+ self.dim = dim
+ self.n_heads = n_heads
+
+ def unpatchify(
+ self, x: torch.Tensor, img_size: List[Tuple[int, int]], cap_size: List[int], return_tensor=False
+ ) -> List[torch.Tensor]:
+ """
+ x: (N, T, patch_size**2 * C)
+ imgs: (N, H, W, C)
+ """
+ pH = pW = self.patch_size
+ imgs = []
+ for i in range(x.size(0)):
+ H, W = img_size[i]
+ begin = cap_size[i]
+ end = begin + (H // pH) * (W // pW)
+ imgs.append(
+ x[i][begin:end]
+ .view(H // pH, W // pW, pH, pW, self.out_channels)
+ .permute(4, 0, 2, 1, 3)
+ .flatten(3, 4)
+ .flatten(1, 2)
+ )
+
+ if return_tensor:
+ imgs = torch.stack(imgs, dim=0)
+ return imgs
+
+ def patchify_and_embed(
+ self, x: List[torch.Tensor] | torch.Tensor, cap_feats: torch.Tensor, cap_mask: torch.Tensor, t: torch.Tensor, num_tokens
+ ) -> Tuple[torch.Tensor, torch.Tensor, List[Tuple[int, int]], List[int], torch.Tensor]:
+ bsz = len(x)
+ pH = pW = self.patch_size
+ device = x[0].device
+ dtype = x[0].dtype
+
+ if cap_mask is not None:
+ l_effective_cap_len = cap_mask.sum(dim=1).tolist()
+ else:
+ l_effective_cap_len = [num_tokens] * bsz
+
+ if cap_mask is not None and not torch.is_floating_point(cap_mask):
+ cap_mask = (cap_mask - 1).to(dtype) * torch.finfo(dtype).max
+
+ img_sizes = [(img.size(1), img.size(2)) for img in x]
+ l_effective_img_len = [(H // pH) * (W // pW) for (H, W) in img_sizes]
+
+ max_seq_len = max(
+ (cap_len+img_len for cap_len, img_len in zip(l_effective_cap_len, l_effective_img_len))
+ )
+ max_cap_len = max(l_effective_cap_len)
+ max_img_len = max(l_effective_img_len)
+
+ position_ids = torch.zeros(bsz, max_seq_len, 3, dtype=torch.int32, device=device)
+
+ for i in range(bsz):
+ cap_len = l_effective_cap_len[i]
+ img_len = l_effective_img_len[i]
+ H, W = img_sizes[i]
+ H_tokens, W_tokens = H // pH, W // pW
+ assert H_tokens * W_tokens == img_len
+
+ position_ids[i, :cap_len, 0] = torch.arange(cap_len, dtype=torch.int32, device=device)
+ position_ids[i, cap_len:cap_len+img_len, 0] = cap_len
+ row_ids = torch.arange(H_tokens, dtype=torch.int32, device=device).view(-1, 1).repeat(1, W_tokens).flatten()
+ col_ids = torch.arange(W_tokens, dtype=torch.int32, device=device).view(1, -1).repeat(H_tokens, 1).flatten()
+ position_ids[i, cap_len:cap_len+img_len, 1] = row_ids
+ position_ids[i, cap_len:cap_len+img_len, 2] = col_ids
+
+ freqs_cis = self.rope_embedder(position_ids).movedim(1, 2).to(dtype)
+
+ # build freqs_cis for cap and image individually
+ cap_freqs_cis_shape = list(freqs_cis.shape)
+ # cap_freqs_cis_shape[1] = max_cap_len
+ cap_freqs_cis_shape[1] = cap_feats.shape[1]
+ cap_freqs_cis = torch.zeros(*cap_freqs_cis_shape, device=device, dtype=freqs_cis.dtype)
+
+ img_freqs_cis_shape = list(freqs_cis.shape)
+ img_freqs_cis_shape[1] = max_img_len
+ img_freqs_cis = torch.zeros(*img_freqs_cis_shape, device=device, dtype=freqs_cis.dtype)
+
+ for i in range(bsz):
+ cap_len = l_effective_cap_len[i]
+ img_len = l_effective_img_len[i]
+ cap_freqs_cis[i, :cap_len] = freqs_cis[i, :cap_len]
+ img_freqs_cis[i, :img_len] = freqs_cis[i, cap_len:cap_len+img_len]
+
+ # refine context
+ for layer in self.context_refiner:
+ cap_feats = layer(cap_feats, cap_mask, cap_freqs_cis)
+
+ # refine image
+ flat_x = []
+ for i in range(bsz):
+ img = x[i]
+ C, H, W = img.size()
+ img = img.view(C, H // pH, pH, W // pW, pW).permute(1, 3, 2, 4, 0).flatten(2).flatten(0, 1)
+ flat_x.append(img)
+ x = flat_x
+ padded_img_embed = torch.zeros(bsz, max_img_len, x[0].shape[-1], device=device, dtype=x[0].dtype)
+ padded_img_mask = torch.zeros(bsz, max_img_len, dtype=dtype, device=device)
+ for i in range(bsz):
+ padded_img_embed[i, :l_effective_img_len[i]] = x[i]
+ padded_img_mask[i, l_effective_img_len[i]:] = -torch.finfo(dtype).max
+
+ padded_img_embed = self.x_embedder(padded_img_embed)
+ padded_img_mask = padded_img_mask.unsqueeze(1)
+ for layer in self.noise_refiner:
+ padded_img_embed = layer(padded_img_embed, padded_img_mask, img_freqs_cis, t)
+
+ if cap_mask is not None:
+ mask = torch.zeros(bsz, max_seq_len, dtype=dtype, device=device)
+ mask[:, :max_cap_len] = cap_mask[:, :max_cap_len]
+ else:
+ mask = None
+
+ padded_full_embed = torch.zeros(bsz, max_seq_len, self.dim, device=device, dtype=x[0].dtype)
+ for i in range(bsz):
+ cap_len = l_effective_cap_len[i]
+ img_len = l_effective_img_len[i]
+
+ padded_full_embed[i, :cap_len] = cap_feats[i, :cap_len]
+ padded_full_embed[i, cap_len:cap_len+img_len] = padded_img_embed[i, :img_len]
+
+ return padded_full_embed, mask, img_sizes, l_effective_cap_len, freqs_cis
+
+ # def forward(self, x, t, cap_feats, cap_mask):
+ def forward(self, x, timesteps, context, num_tokens, attention_mask=None, **kwargs):
+ t = 1.0 - timesteps
+ cap_feats = context
+ cap_mask = attention_mask
+ bs, c, h, w = x.shape
+ x = comfy.ldm.common_dit.pad_to_patch_size(x, (self.patch_size, self.patch_size))
+ """
+ Forward pass of NextDiT.
+ t: (N,) tensor of diffusion timesteps
+ y: (N,) tensor of text tokens/features
+ """
+
+ t = self.t_embedder(t, dtype=x.dtype) # (N, D)
+ adaln_input = t
+
+ cap_feats = self.cap_embedder(cap_feats) # (N, L, D) # todo check if able to batchify w.o. redundant compute
+
+ x_is_tensor = isinstance(x, torch.Tensor)
+ x, mask, img_size, cap_size, freqs_cis = self.patchify_and_embed(x, cap_feats, cap_mask, t, num_tokens)
+ freqs_cis = freqs_cis.to(x.device)
+
+ for layer in self.layers:
+ x = layer(x, mask, freqs_cis, adaln_input)
+
+ x = self.final_layer(x, adaln_input)
+ x = self.unpatchify(x, img_size, cap_size, return_tensor=x_is_tensor)[:,:,:h,:w]
+
+ return -x
+
diff --git a/comfy/ldm/modules/attention.py b/comfy/ldm/modules/attention.py
index a373681ec..6a4201942 100644
--- a/comfy/ldm/modules/attention.py
+++ b/comfy/ldm/modules/attention.py
@@ -30,11 +30,12 @@ FORCE_UPCAST_ATTENTION_DTYPE = model_management.force_upcast_attention_dtype()
logger = logging.getLogger(__name__)
-def get_attn_precision(attn_precision):
+def get_attn_precision(attn_precision, current_dtype):
if args.dont_upcast_attention:
return None
- if FORCE_UPCAST_ATTENTION_DTYPE is not None:
- return FORCE_UPCAST_ATTENTION_DTYPE
+
+ if FORCE_UPCAST_ATTENTION_DTYPE is not None and current_dtype in FORCE_UPCAST_ATTENTION_DTYPE:
+ return FORCE_UPCAST_ATTENTION_DTYPE[current_dtype]
return attn_precision
@@ -52,17 +53,6 @@ def default(val, d):
return d
-def max_neg_value(t):
- return -torch.finfo(t.dtype).max
-
-
-def init_(tensor):
- dim = tensor.shape[-1]
- std = 1 / math.sqrt(dim)
- tensor.uniform_(-std, std)
- return tensor
-
-
# feedforward
class GEGLU(nn.Module):
def __init__(self, dim_in, dim_out, dtype=None, device=None, operations=ops):
@@ -99,7 +89,7 @@ def Normalize(in_channels, dtype=None, device=None):
def attention_basic(q, k, v, heads, mask=None, attn_precision=None, skip_reshape=False, skip_output_reshape=False):
- attn_precision = get_attn_precision(attn_precision)
+ attn_precision = get_attn_precision(attn_precision, q.dtype)
if skip_reshape:
b, _, _, dim_head = q.shape
@@ -168,7 +158,7 @@ def attention_basic(q, k, v, heads, mask=None, attn_precision=None, skip_reshape
def attention_sub_quad(query, key, value, heads, mask=None, attn_precision=None, skip_reshape=False, skip_output_reshape=False):
- attn_precision = get_attn_precision(attn_precision)
+ attn_precision = get_attn_precision(attn_precision, query.dtype)
if skip_reshape:
b, _, _, dim_head = query.shape
@@ -238,7 +228,7 @@ def attention_sub_quad(query, key, value, heads, mask=None, attn_precision=None,
def attention_split(q, k, v, heads, mask=None, attn_precision=None, skip_reshape=False, skip_output_reshape=False):
- attn_precision = get_attn_precision(attn_precision)
+ attn_precision = get_attn_precision(attn_precision, q.dtype)
if skip_reshape:
b, _, _, dim_head = q.shape
@@ -430,6 +420,7 @@ def pytorch_style_decl(func):
:param func:
:return:
"""
+
@wraps(func)
def wrapper(q, k, v, heads, mask=None, attn_precision=None, skip_reshape=False):
if skip_reshape:
@@ -487,12 +478,12 @@ def attention_pytorch(q, k, v, heads, mask=None, attn_precision=None, skip_resha
m = mask
if mask is not None:
if mask.shape[0] > 1:
- m = mask[i : i + SDP_BATCH_LIMIT]
+ m = mask[i: i + SDP_BATCH_LIMIT]
- out[i : i + SDP_BATCH_LIMIT] = torch.nn.functional.scaled_dot_product_attention(
- q[i : i + SDP_BATCH_LIMIT],
- k[i : i + SDP_BATCH_LIMIT],
- v[i : i + SDP_BATCH_LIMIT],
+ out[i: i + SDP_BATCH_LIMIT] = torch.nn.functional.scaled_dot_product_attention(
+ q[i: i + SDP_BATCH_LIMIT],
+ k[i: i + SDP_BATCH_LIMIT],
+ v[i: i + SDP_BATCH_LIMIT],
attn_mask=m,
dropout_p=0.0, is_causal=False
).transpose(1, 2).reshape(-1, q.shape[2], heads * dim_head)
@@ -502,7 +493,7 @@ def attention_pytorch(q, k, v, heads, mask=None, attn_precision=None, skip_resha
def attention_sage(q, k, v, heads, mask=None, attn_precision=None, skip_reshape=False, skip_output_reshape=False):
if skip_reshape:
b, _, _, dim_head = q.shape
- tensor_layout="HND"
+ tensor_layout = "HND"
else:
b, _, dim_head = q.shape
dim_head //= heads
@@ -510,7 +501,7 @@ def attention_sage(q, k, v, heads, mask=None, attn_precision=None, skip_reshape=
lambda t: t.view(b, -1, heads, dim_head),
(q, k, v),
)
- tensor_layout="NHD"
+ tensor_layout = "NHD"
if mask is not None:
# add a batch dimension if there isn't already one
diff --git a/comfy/ldm/modules/diffusionmodules/mmdit.py b/comfy/ldm/modules/diffusionmodules/mmdit.py
index 14747eada..65a505431 100644
--- a/comfy/ldm/modules/diffusionmodules/mmdit.py
+++ b/comfy/ldm/modules/diffusionmodules/mmdit.py
@@ -323,7 +323,7 @@ class SelfAttention(nn.Module):
class RMSNorm(torch.nn.Module):
def __init__(
- self, dim: int, elementwise_affine: bool = False, eps: float = 1e-6, device=None, dtype=None
+ self, dim: int, elementwise_affine: bool = False, eps: float = 1e-6, device=None, dtype=None, **kwargs
):
"""
Initialize the RMSNorm normalization layer.
diff --git a/comfy/ldm/modules/diffusionmodules/model.py b/comfy/ldm/modules/diffusionmodules/model.py
index 61a21803c..9eab1262f 100644
--- a/comfy/ldm/modules/diffusionmodules/model.py
+++ b/comfy/ldm/modules/diffusionmodules/model.py
@@ -305,7 +305,7 @@ def vae_attention():
if model_management.xformers_enabled_vae():
logging.debug("Using xformers attention in VAE")
return xformers_attention
- elif model_management.pytorch_attention_enabled():
+ elif model_management.pytorch_attention_enabled_vae():
logging.debug("Using pytorch attention in VAE")
return pytorch_attention
else:
diff --git a/comfy/lora.py b/comfy/lora.py
index 0d3c7e87e..43a726623 100644
--- a/comfy/lora.py
+++ b/comfy/lora.py
@@ -309,7 +309,7 @@ def model_lora_keys_unet(model, key_map=None):
if k.endswith(".weight"):
key_lora = k[len("diffusion_model."):-len(".weight")].replace(".", "_")
key_map["lora_unet_{}".format(key_lora)] = k
- key_map["lora_prior_unet_{}".format(key_lora)] = k # cascade lora: TODO put lora key prefix in the model config
+
key_map["{}".format(k[:-len(".weight")])] = k # generic lora format without any weird key names
else:
key_map["{}".format(k)] = k # generic lora format for not .weight without any weird key names
@@ -329,6 +329,13 @@ def model_lora_keys_unet(model, key_map=None):
diffusers_lora_key = diffusers_lora_key[:-2]
key_map[diffusers_lora_key] = unet_key
+ if isinstance(model, model_base.StableCascade_C):
+ for k in sdk:
+ if k.startswith("diffusion_model."):
+ if k.endswith(".weight"):
+ key_lora = k[len("diffusion_model."):-len(".weight")].replace(".", "_")
+ key_map["lora_prior_unet_{}".format(key_lora)] = k
+
if isinstance(model, model_base.SD3): # Diffusers lora SD3
diffusers_keys = utils.mmdit_to_diffusers(model.model_config.unet_config, output_prefix="diffusion_model.")
for k in diffusers_keys:
diff --git a/comfy/model_base.py b/comfy/model_base.py
index c0f240e2e..1e194d48e 100644
--- a/comfy/model_base.py
+++ b/comfy/model_base.py
@@ -39,6 +39,7 @@ from .ldm.genmo.joint_model.asymm_models_joint import AsymmDiTJoint
from .ldm.hunyuan_video.model import HunyuanVideo as HunyuanVideoModel
from .ldm.hydit.models import HunYuanDiT
from .ldm.lightricks.model import LTXVModel
+from .ldm.lumina.model import NextDiT
from .ldm.modules.diffusionmodules.mmdit import OpenAISignatureMMDITWrapper
from .ldm.modules.diffusionmodules.openaimodel import UNetModel, Timestep
from .ldm.modules.diffusionmodules.upscaling import ImageConcatWithNoiseAugmentation
@@ -181,9 +182,6 @@ class BaseModel(torch.nn.Module):
def get_dtype(self):
return self.diffusion_model.dtype
- def is_adm(self):
- return self.adm_channels > 0
-
def encode_adm(self, **kwargs):
return None
@@ -908,6 +906,15 @@ class HunyuanVideo(BaseModel):
if cross_attn is not None:
out['c_crossattn'] = conds.CONDRegular(cross_attn)
+ image = kwargs.get("concat_latent_image", None)
+ noise = kwargs.get("noise", None)
+
+ if image is not None:
+ padding_shape = (noise.shape[0], 16, noise.shape[2] - 1, noise.shape[3], noise.shape[4])
+ latent_padding = torch.zeros(padding_shape, device=noise.device, dtype=noise.dtype)
+ image_latents = torch.cat([image.to(noise), latent_padding], dim=2)
+ out['c_concat'] = conds.CONDNoiseShape(self.process_latent_in(image_latents))
+
guidance = kwargs.get("guidance", 6.0)
if guidance is not None:
out['guidance'] = conds.CONDRegular(torch.FloatTensor([guidance]))
@@ -940,3 +947,19 @@ class CosmosVideo(BaseModel):
latent_image = latent_image + noise
latent_image = self.model_sampling.calculate_input(torch.tensor([sigma_noise_augmentation], device=latent_image.device, dtype=latent_image.dtype), latent_image)
return latent_image * ((sigma ** 2 + self.model_sampling.sigma_data ** 2) ** 0.5)
+
+class Lumina2(BaseModel):
+ def __init__(self, model_config, model_type=ModelType.FLOW, device=None):
+ super().__init__(model_config, model_type, device=device, unet_model=NextDiT)
+
+ def extra_conds(self, **kwargs):
+ out = super().extra_conds(**kwargs)
+ attention_mask = kwargs.get("attention_mask", None)
+ if attention_mask is not None:
+ if torch.numel(attention_mask) != attention_mask.sum():
+ out['attention_mask'] = conds.CONDRegular(attention_mask)
+ out['num_tokens'] = conds.CONDConstant(max(1, torch.sum(attention_mask).item()))
+ cross_attn = kwargs.get("cross_attn", None)
+ if cross_attn is not None:
+ out['c_crossattn'] = conds.CONDRegular(cross_attn)
+ return out
diff --git a/comfy/model_detection.py b/comfy/model_detection.py
index 3da3737a4..4573174c5 100644
--- a/comfy/model_detection.py
+++ b/comfy/model_detection.py
@@ -140,7 +140,7 @@ def detect_unet_config(state_dict, key_prefix):
if '{}txt_in.individual_token_refiner.blocks.0.norm1.weight'.format(key_prefix) in state_dict_keys: #Hunyuan Video
dit_config = {}
dit_config["image_model"] = "hunyuan_video"
- dit_config["in_channels"] = 16
+ dit_config["in_channels"] = state_dict['{}img_in.proj.weight'.format(key_prefix)].shape[1] #SkyReels img2video has 32 input channels
dit_config["patch_size"] = [1, 2, 2]
dit_config["out_channels"] = 16
dit_config["vec_in_dim"] = 768
@@ -243,7 +243,7 @@ def detect_unet_config(state_dict, key_prefix):
dit_config["micro_condition"] = False
return dit_config
- if '{}blocks.block0.blocks.0.block.attn.to_q.0.weight'.format(key_prefix) in state_dict_keys:
+ if '{}blocks.block0.blocks.0.block.attn.to_q.0.weight'.format(key_prefix) in state_dict_keys: # Cosmos
dit_config = {}
dit_config["image_model"] = "cosmos"
dit_config["max_img_h"] = 240
@@ -288,6 +288,21 @@ def detect_unet_config(state_dict, key_prefix):
dit_config["extra_per_block_abs_pos_emb_type"] = "learnable"
return dit_config
+ if '{}cap_embedder.1.weight'.format(key_prefix) in state_dict_keys: # Lumina 2
+ dit_config = {}
+ dit_config["image_model"] = "lumina2"
+ dit_config["patch_size"] = 2
+ dit_config["in_channels"] = 16
+ dit_config["dim"] = 2304
+ dit_config["cap_feat_dim"] = 2304
+ dit_config["n_layers"] = 26
+ dit_config["n_heads"] = 24
+ dit_config["n_kv_heads"] = 8
+ dit_config["qk_norm"] = True
+ dit_config["axes_dims"] = [32, 32, 32]
+ dit_config["axes_lens"] = [300, 512, 512]
+ return dit_config
+
if '{}input_blocks.0.0.weight'.format(key_prefix) not in state_dict_keys:
return None
diff --git a/comfy/model_management.py b/comfy/model_management.py
index 1062f6ad8..99ab1bce2 100644
--- a/comfy/model_management.py
+++ b/comfy/model_management.py
@@ -72,7 +72,9 @@ xpu_available = False
torch_version = ""
try:
torch_version = torch.version.__version__
- xpu_available = (int(torch_version[0]) < 2 or (int(torch_version[0]) == 2 and int(torch_version[2]) <= 4)) and torch.xpu.is_available()
+ temp = torch_version.split(".")
+ torch_version_numeric = (int(temp[0]), int(temp[1]))
+ xpu_available = (torch_version_numeric[0] < 2 or (torch_version_numeric[0] == 2 and torch_version_numeric[1] <= 4)) and torch.xpu.is_available()
except:
pass
@@ -259,7 +261,7 @@ def is_amd():
MIN_WEIGHT_MEMORY_RATIO = 0.4
if is_nvidia():
- MIN_WEIGHT_MEMORY_RATIO = 0.1
+ MIN_WEIGHT_MEMORY_RATIO = 0.0
ENABLE_PYTORCH_ATTENTION = False
if args.use_pytorch_cross_attention:
@@ -268,7 +270,7 @@ if args.use_pytorch_cross_attention:
try:
if is_nvidia() or is_amd():
- if int(torch_version[0]) >= 2:
+ if torch_version_numeric[0] >= 2:
if ENABLE_PYTORCH_ATTENTION == False and args.use_split_cross_attention == False and args.use_quad_cross_attention == False:
ENABLE_PYTORCH_ATTENTION = True
if is_intel_xpu() or is_ascend_npu():
@@ -277,13 +279,32 @@ try:
except:
pass
+try:
+ if is_amd():
+ arch = torch.cuda.get_device_properties(get_torch_device()).gcnArchName
+ logging.info("AMD arch: {}".format(arch))
+ if args.use_split_cross_attention == False and args.use_quad_cross_attention == False:
+ if torch_version_numeric[0] >= 2 and torch_version_numeric[1] >= 7: # works on 2.6 but doesn't actually seem to improve much
+ if any((a in arch) for a in ["gfx1100", "gfx1101"]): # TODO: more arches
+ ENABLE_PYTORCH_ATTENTION = True
+except:
+ pass
+
if ENABLE_PYTORCH_ATTENTION:
torch.backends.cuda.enable_math_sdp(True)
torch.backends.cuda.enable_flash_sdp(True)
torch.backends.cuda.enable_mem_efficient_sdp(True)
+PRIORITIZE_FP16 = False # TODO: remove and replace with something that shows exactly which dtype is faster than the other
try:
- if int(torch_version[0]) == 2 and int(torch_version[2]) >= 5:
+ if is_nvidia() and args.fast:
+ torch.backends.cuda.matmul.allow_fp16_accumulation = True
+ PRIORITIZE_FP16 = True # TODO: limit to cards where it actually boosts performance
+except:
+ pass
+
+try:
+ if torch_version_numeric[0] == 2 and torch_version_numeric[1] >= 5:
torch.backends.cuda.allow_fp16_bf16_reduction_math_sdp(True) # pylint: disable=no-member
except:
logging.warning("Warning, could not set allow_fp16_bf16_reduction_math_sdp")
@@ -629,7 +650,6 @@ def _load_models_gpu(models: Sequence[ModelManageable], memory_required: int = 0
current_loaded_models.insert(0, loaded_model)
logger.debug(f"Loaded {loaded_model}")
-
span = get_current_span()
span.set_attribute("models_to_load", list(map(str, models_to_load)))
span.set_attribute("models_freed", list(map(str, models_freed)))
@@ -759,6 +779,10 @@ def unet_dtype(device=None, model_params=0, supported_dtypes=(torch.float16, tor
if model_params * 2 > free_model_memory:
return fp8_dtype
+ if PRIORITIZE_FP16:
+ if torch.float16 in supported_dtypes and should_use_fp16(device=device, model_params=model_params):
+ return torch.float16
+
for dt in supported_dtypes:
if dt == torch.float16 and should_use_fp16(device=device, model_params=model_params):
if torch.float16 in supported_dtypes:
@@ -1037,6 +1061,12 @@ def pytorch_attention_enabled():
return ENABLE_PYTORCH_ATTENTION
+def pytorch_attention_enabled_vae():
+ if is_amd():
+ return False # enabling pytorch attention on AMD currently causes crash when doing high res
+ return pytorch_attention_enabled()
+
+
def pytorch_attention_flash_attention():
global ENABLE_PYTORCH_ATTENTION
if ENABLE_PYTORCH_ATTENTION:
@@ -1047,6 +1077,8 @@ def pytorch_attention_flash_attention():
return True
if is_ascend_npu():
return True
+ if is_amd():
+ return True # if you have pytorch attention enabled on AMD it probably supports at least mem efficient attention
return False
@@ -1061,11 +1093,11 @@ def force_upcast_attention_dtype():
upcast = args.force_upcast_attention
macos_version = mac_version()
- if macos_version is not None and ((14, 5) <= macos_version <= (15, 2)): # black image bug on recent versions of macOS
+ if macos_version is not None and ((14, 5) <= macos_version < (16,)): # black image bug on recent versions of macOS
upcast = True
if upcast:
- return torch.float32
+ return {torch.float16: torch.float32}
else:
return None
@@ -1139,21 +1171,27 @@ def is_device_cuda(device):
return is_device_type(device, 'cuda')
-def should_use_fp16(device=None, model_params=0, prioritize_performance=True, manual_cast=False):
- global directml_device
+def is_directml_enabled():
+ global directml_enabled
+ if directml_enabled:
+ return True
+ return False
+
+
+def should_use_fp16(device=None, model_params=0, prioritize_performance=True, manual_cast=False):
if device is not None:
if is_device_cpu(device):
return False
- if FORCE_FP16:
+ if args.force_fp16:
return True
if FORCE_FP32:
return False
- if directml_device:
- return False
+ if is_directml_enabled():
+ return True
if (device is not None and is_device_mps(device)) or mps_mode():
return True
@@ -1234,6 +1272,16 @@ def should_use_bf16(device=None, model_params=0, prioritize_performance=True, ma
if is_intel_xpu():
return True
+ if is_ascend_npu():
+ return True
+
+ if is_amd():
+ arch = torch.cuda.get_device_properties(device).gcnArchName
+ if any((a in arch) for a in ["gfx1030", "gfx1031", "gfx1010", "gfx1011", "gfx1012", "gfx906", "gfx900", "gfx803"]): # RDNA2 and older don't support bf16
+ if manual_cast:
+ return True
+ return False
+
try:
props_major = min(torch.cuda.get_device_properties(torch.device(f"cuda:{i}")).major for i in range(torch.cuda.device_count()))
if props_major >= 8:
@@ -1247,7 +1295,7 @@ def should_use_bf16(device=None, model_params=0, prioritize_performance=True, ma
bf16_works = torch.cuda.is_bf16_supported()
- if bf16_works or manual_cast:
+ if bf16_works and manual_cast:
free_model_memory = maximum_vram_for_weights(device)
if (not prioritize_performance) or model_params * 4 > free_model_memory:
return True
@@ -1271,11 +1319,11 @@ def supports_fp8_compute(device=None):
if props.minor < 9:
return False
- if int(torch_version[0]) < 2 or (int(torch_version[0]) == 2 and int(torch_version[2]) < 3):
+ if torch_version_numeric[0] < 2 or (torch_version_numeric[0] == 2 and torch_version_numeric[1] < 3):
return False
if WINDOWS:
- if (int(torch_version[0]) == 2 and int(torch_version[2]) < 4):
+ if (torch_version_numeric[0] == 2 and torch_version_numeric[1] < 4):
return False
return True
diff --git a/comfy/model_management_types.py b/comfy/model_management_types.py
index 25c8f917c..266f4e30d 100644
--- a/comfy/model_management_types.py
+++ b/comfy/model_management_types.py
@@ -126,6 +126,16 @@ class ModelManageable(Protocol):
self.unpatch_model(self.offload_device, unpatch_weights=unpatch_all)
return self.model
+ def set_model_compute_dtype(self, dtype: torch.dtype):
+ pass
+
+ def add_weight_wrapper(self, name, function):
+ pass
+
+ @property
+ def force_cast_weights(self) -> bool:
+ return False
+
@dataclasses.dataclass
class MemoryMeasurements:
diff --git a/comfy/model_patcher.py b/comfy/model_patcher.py
index 91baa688b..68e07cc03 100644
--- a/comfy/model_patcher.py
+++ b/comfy/model_patcher.py
@@ -112,8 +112,28 @@ def wipe_lowvram_weight(m):
if hasattr(m, "prev_comfy_cast_weights"):
m.comfy_cast_weights = m.prev_comfy_cast_weights
del m.prev_comfy_cast_weights
- m.weight_function = None
- m.bias_function = None
+
+ if hasattr(m, "weight_function"):
+ m.weight_function = []
+
+ if hasattr(m, "bias_function"):
+ m.bias_function = []
+
+def move_weight_functions(m, device):
+ if device is None:
+ return 0
+
+ memory = 0
+ if hasattr(m, "weight_function"):
+ for f in m.weight_function:
+ if hasattr(f, "move_to"):
+ memory += f.move_to(device=device)
+
+ if hasattr(m, "bias_function"):
+ for f in m.bias_function:
+ if hasattr(f, "move_to"):
+ memory += f.move_to(device=device)
+ return memory
class LowVramPatch:
@@ -207,11 +227,13 @@ class ModelPatcher(ModelManageable):
self.backup = {}
self.object_patches = {}
self.object_patches_backup = {}
+ self.weight_wrapper_patches = {}
self._model_options: ModelOptions = {"transformer_options": {}}
self.model_size()
self.load_device = load_device
self.offload_device = offload_device
self.weight_inplace_update = weight_inplace_update
+ self._force_cast_weights = False
self._parent: ModelManageable | None = None
self.patches_uuid: uuid.UUID = uuid.uuid4()
self.ckpt_name = ckpt_name
@@ -262,6 +284,14 @@ class ModelPatcher(ModelManageable):
def parent(self) -> Optional["ModelPatcher"]:
return self._parent
+ @property
+ def force_cast_weights(self) -> bool:
+ return self._force_cast_weights
+
+ @force_cast_weights.setter
+ def force_cast_weights(self, value:bool) -> None:
+ self._force_cast_weights = value
+
def lowvram_patch_counter(self):
return self._memory_measurements.lowvram_patch_counter
@@ -284,11 +314,14 @@ class ModelPatcher(ModelManageable):
n.patches_uuid = self.patches_uuid
n.object_patches = self.object_patches.copy()
+ n.weight_wrapper_patches = self.weight_wrapper_patches.copy()
n._model_options = copy.deepcopy(self.model_options)
n.backup = self.backup
n.object_patches_backup = self.object_patches_backup
n._parent = self
+ n.force_cast_weights = self.force_cast_weights
+
# attachments
n.attachments = {}
for k in self.attachments:
@@ -435,6 +468,16 @@ class ModelPatcher(ModelManageable):
def add_object_patch(self, name, obj):
self.object_patches[name] = obj
+ def set_model_compute_dtype(self, dtype):
+ self.add_object_patch("manual_cast_dtype", dtype)
+ if dtype is not None:
+ self.force_cast_weights = True
+ self.patches_uuid = uuid.uuid4() #TODO: optimize by preventing a full model reload for this
+
+ def add_weight_wrapper(self, name, function):
+ self.weight_wrapper_patches[name] = self.weight_wrapper_patches.get(name, []) + [function]
+ self.patches_uuid = uuid.uuid4()
+
def get_model_object(self, name: str) -> torch.nn.Module | typing.Any:
"""Retrieves a nested attribute from an object using dot notation considering
object patches.
@@ -617,6 +660,9 @@ class ModelPatcher(ModelManageable):
lowvram_weight = False
+ weight_key = "{}.weight".format(n)
+ bias_key = "{}.bias".format(n)
+
if not full_load and hasattr(m, "comfy_cast_weights"):
if mem_counter + module_mem >= lowvram_model_memory:
lowvram_weight = True
@@ -624,34 +670,46 @@ class ModelPatcher(ModelManageable):
if hasattr(m, "prev_comfy_cast_weights"): # Already lowvramed
continue
- weight_key = "{}.weight".format(n)
- bias_key = "{}.bias".format(n)
-
+ cast_weight = self.force_cast_weights
if lowvram_weight:
+ if hasattr(m, "comfy_cast_weights"):
+ m.weight_function = []
+ m.bias_function = []
+
if weight_key in self.patches:
if force_patch_weights:
self.patch_weight_to_device(weight_key)
else:
- m.weight_function = LowVramPatch(weight_key, self.patches)
+ m.weight_function = [LowVramPatch(weight_key, self.patches)]
patch_counter += 1
if bias_key in self.patches:
if force_patch_weights:
self.patch_weight_to_device(bias_key)
else:
- m.bias_function = LowVramPatch(bias_key, self.patches)
+ m.bias_function = [LowVramPatch(bias_key, self.patches)]
patch_counter += 1
- m.prev_comfy_cast_weights = m.comfy_cast_weights
- m.comfy_cast_weights = True
+ cast_weight = True
else:
if hasattr(m, "comfy_cast_weights"):
- if m.comfy_cast_weights:
- wipe_lowvram_weight(m)
+ wipe_lowvram_weight(m)
if full_load or mem_counter + module_mem < lowvram_model_memory:
mem_counter += module_mem
load_completely.append((module_mem, n, m, params))
+ if cast_weight:
+ m.prev_comfy_cast_weights = m.comfy_cast_weights
+ m.comfy_cast_weights = True
+
+ if weight_key in self.weight_wrapper_patches:
+ m.weight_function.extend(self.weight_wrapper_patches[weight_key])
+
+ if bias_key in self.weight_wrapper_patches:
+ m.bias_function.extend(self.weight_wrapper_patches[bias_key])
+
+ mem_counter += move_weight_functions(m, device_to)
+
load_completely.sort(reverse=True)
for x in load_completely:
n = x[1]
@@ -714,6 +772,7 @@ class ModelPatcher(ModelManageable):
self.unpatch_hooks()
if self._memory_measurements.model_lowvram:
for m in self.model.modules():
+ move_weight_functions(m, device_to)
wipe_lowvram_weight(m)
self._memory_measurements.model_lowvram = False
@@ -780,15 +839,19 @@ class ModelPatcher(ModelManageable):
weight_key = "{}.weight".format(n)
bias_key = "{}.bias".format(n)
if move_weight:
+ cast_weight = self.force_cast_weights
m.to(device_to)
+ module_mem += move_weight_functions(m, device_to)
if lowvram_possible:
if weight_key in self.patches:
- m.weight_function = LowVramPatch(weight_key, self.patches)
+ m.weight_function.append(LowVramPatch(weight_key, self.patches))
patch_counter += 1
if bias_key in self.patches:
- m.bias_function = LowVramPatch(bias_key, self.patches)
+ m.bias_function.append(LowVramPatch(bias_key, self.patches))
patch_counter += 1
+ cast_weight = True
+ if cast_weight:
m.prev_comfy_cast_weights = m.comfy_cast_weights
m.comfy_cast_weights = True
m.comfy_patched_weights = False
diff --git a/comfy/model_sampling.py b/comfy/model_sampling.py
index c83954647..ef49ce882 100644
--- a/comfy/model_sampling.py
+++ b/comfy/model_sampling.py
@@ -46,6 +46,7 @@ class EPS(ModelSampling):
return model_input - model_output * sigma
def noise_scaling(self, sigma, noise, latent_image, max_denoise=False):
+ sigma = sigma.view(sigma.shape[:1] + (1,) * (noise.ndim - 1))
if max_denoise:
noise = noise * torch.sqrt(1.0 + sigma ** 2.0)
else:
@@ -79,9 +80,11 @@ class CONST(ModelSampling):
return model_input - model_output * sigma
def noise_scaling(self, sigma, noise, latent_image, max_denoise=False):
+ sigma = sigma.view(sigma.shape[:1] + (1,) * (noise.ndim - 1))
return sigma * noise + (1.0 - sigma) * latent_image
def inverse_noise_scaling(self, sigma, latent):
+ sigma = sigma.view(sigma.shape[:1] + (1,) * (latent.ndim - 1))
return latent / (1.0 - sigma)
diff --git a/comfy/node_helpers.py b/comfy/node_helpers.py
index 39faa6cb2..b527e87c7 100644
--- a/comfy/node_helpers.py
+++ b/comfy/node_helpers.py
@@ -3,7 +3,6 @@ import hashlib
from PIL import ImageFile, UnidentifiedImageError
from .cli_args import args
-from .nodes.package_typing import CustomNode
def conditioning_set_values(conditioning, values: dict = None):
@@ -50,7 +49,6 @@ def export_custom_nodes():
Must be called from within the module where the CustomNode classes are defined.
"""
import inspect
- from abc import ABC
from .nodes.package_typing import CustomNode
# Get the calling module
@@ -76,3 +74,13 @@ def export_custom_nodes():
del frame
return custom_nodes
+
+
+def string_to_torch_dtype(string):
+ import torch
+ if string == "fp32":
+ return torch.float32
+ if string == "fp16":
+ return torch.float16
+ if string == "bf16":
+ return torch.bfloat16
diff --git a/comfy/nodes/base_nodes.py b/comfy/nodes/base_nodes.py
index bedc36af3..f59016b58 100644
--- a/comfy/nodes/base_nodes.py
+++ b/comfy/nodes/base_nodes.py
@@ -946,7 +946,7 @@ class CLIPLoader:
@classmethod
def INPUT_TYPES(s):
return {"required": { "clip_name": (get_filename_list_with_downloadable("text_encoders", KNOWN_CLIP_MODELS),),
- "type": (["stable_diffusion", "stable_cascade", "sd3", "stable_audio", "mochi", "ltxv", "pixart", "cosmos"], ),
+ "type": (["stable_diffusion", "stable_cascade", "sd3", "stable_audio", "mochi", "ltxv", "pixart", "cosmos", "lumina2"], ),
},
"optional": {
"device": (["default", "cpu"], {"advanced": True}),
@@ -956,7 +956,7 @@ class CLIPLoader:
CATEGORY = "advanced/loaders"
- DESCRIPTION = "[Recipes]\n\nstable_diffusion: clip-l\nstable_cascade: clip-g\nsd3: t5 / clip-g / clip-l\nstable_audio: t5\nmochi: t5\ncosmos: old t5 xxl"
+ DESCRIPTION = "[Recipes]\n\nstable_diffusion: clip-l\nstable_cascade: clip-g\nsd3: t5 / clip-g / clip-l\nstable_audio: t5\nmochi: t5\ncosmos: old t5 xxl\nlumina2: gemma 2 2B"
def load_clip(self, clip_name, type="stable_diffusion", device="default"):
clip_type = sd.CLIPType.STABLE_DIFFUSION
@@ -974,6 +974,8 @@ class CLIPLoader:
clip_type = sd.CLIPType.PIXART
elif type == "cosmos":
clip_type = sd.CLIPType.COSMOS
+ elif type == "lumina2":
+ clip_type = comfy.sd.CLIPType.LUMINA2
else:
logging.warning(f"Unknown clip type argument passed: {type} for model {clip_name}")
@@ -1101,10 +1103,11 @@ class StyleModelApply:
for t in conditioning:
(txt, keys) = t
keys = keys.copy()
- if strength_type == "attn_bias" and strength != 1.0:
+ # even if the strength is 1.0 (i.e, no change), if there's already a mask, we have to add to it
+ if "attention_mask" in keys or (strength_type == "attn_bias" and strength != 1.0):
# math.log raises an error if the argument is zero
# torch.log returns -inf, which is what we want
- attn_bias = torch.log(torch.Tensor([strength]))
+ attn_bias = torch.log(torch.Tensor([strength if strength_type == "attn_bias" else 1.0]))
# get the size of the mask image
mask_ref_size = keys.get("attention_mask_img_shape", (1, 1))
n_ref = mask_ref_size[0] * mask_ref_size[1]
@@ -1793,6 +1796,36 @@ class LoadImageMask:
return True
+
+class LoadImageOutput(LoadImage):
+ @classmethod
+ def INPUT_TYPES(s):
+ return {
+ "required": {
+ "image": ("COMBO", {
+ "image_upload": True,
+ "image_folder": "output",
+ "remote": {
+ "route": "/internal/files/output",
+ "refresh_button": True,
+ "control_after_refresh": "first",
+ },
+ }),
+ }
+ }
+
+ DESCRIPTION = "Load an image from the output folder. When the refresh button is clicked, the node will update the image list and automatically select the first image, allowing for easy iteration."
+ EXPERIMENTAL = True
+ FUNCTION = "load_image_output"
+
+ def load_image_output(self, image):
+ return self.load_image(f"{image} [output]")
+
+ @classmethod
+ def VALIDATE_INPUTS(s, image):
+ return True
+
+
class ImageScale:
upscale_methods = ["nearest-exact", "bilinear", "area", "bicubic", "lanczos"]
crop_methods = ["disabled", "center"]
@@ -1979,6 +2012,7 @@ NODE_CLASS_MAPPINGS = {
"PreviewImage": PreviewImage,
"LoadImage": LoadImage,
"LoadImageMask": LoadImageMask,
+ "LoadImageOutput": LoadImageOutput,
"ImageScale": ImageScale,
"ImageScaleBy": ImageScaleBy,
"ImageInvert": ImageInvert,
@@ -2081,6 +2115,7 @@ NODE_DISPLAY_NAME_MAPPINGS = {
"PreviewImage": "Preview Image",
"LoadImage": "Load Image",
"LoadImageMask": "Load Image (as Mask)",
+ "LoadImageOutput": "Load Image (from Outputs)",
"ImageScale": "Upscale Image",
"ImageScaleBy": "Upscale Image By",
"ImageUpscaleWithModel": "Upscale Image (using Model)",
diff --git a/comfy/ops.py b/comfy/ops.py
index 8f6de810d..7565e1dcd 100644
--- a/comfy/ops.py
+++ b/comfy/ops.py
@@ -44,15 +44,17 @@ def cast_bias_weight(s, input=None, dtype=None, device=None, bias_dtype=None):
bias = None
non_blocking = True if torch.jit.is_tracing() or torch.jit.is_scripting() else model_management.device_supports_non_blocking(device)
if s.bias is not None:
- has_function = s.bias_function is not None
+ has_function = len(s.bias_function) > 0
bias = model_management.cast_to(s.bias, bias_dtype, device, non_blocking=non_blocking, copy=has_function)
if has_function:
- bias = s.bias_function(bias)
+ for f in s.bias_function:
+ bias = f(bias)
- has_function = s.weight_function is not None
+ has_function = len(s.weight_function) > 0
weight = model_management.cast_to(s.weight, dtype, device, non_blocking=non_blocking, copy=has_function)
if has_function:
- weight = s.weight_function(weight)
+ for f in s.weight_function:
+ weight = f(weight)
return weight, bias
@@ -63,8 +65,8 @@ class SkipInit:
class CastWeightBiasOp:
comfy_cast_weights = False
- weight_function = None
- bias_function = None
+ weight_function = []
+ bias_function = []
class skip_init:
@@ -118,7 +120,7 @@ class disable_weight_init:
return torch.nn.functional.linear(input, weight, bias)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
return super().forward(*args, **kwargs)
@@ -132,7 +134,7 @@ class disable_weight_init:
return self._conv_forward(input, weight, bias)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
return super().forward(*args, **kwargs)
@@ -146,7 +148,7 @@ class disable_weight_init:
return self._conv_forward(input, weight, bias)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
return super().forward(*args, **kwargs)
@@ -160,7 +162,7 @@ class disable_weight_init:
return self._conv_forward(input, weight, bias)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
return super().forward(*args, **kwargs)
@@ -174,7 +176,7 @@ class disable_weight_init:
return torch.nn.functional.group_norm(input, self.num_groups, weight, bias, self.eps)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
return super().forward(*args, **kwargs)
@@ -192,7 +194,7 @@ class disable_weight_init:
return torch.nn.functional.layer_norm(input, self.normalized_shape, weight, bias, self.eps)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
return super().forward(*args, **kwargs)
@@ -213,7 +215,7 @@ class disable_weight_init:
output_padding, self.groups, self.dilation)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
return super().forward(*args, **kwargs)
@@ -234,7 +236,7 @@ class disable_weight_init:
output_padding, self.groups, self.dilation)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
return super().forward(*args, **kwargs)
@@ -252,7 +254,7 @@ class disable_weight_init:
return torch.nn.functional.embedding(input, weight, self.padding_idx, self.max_norm, self.norm_type, self.scale_grad_by_freq, self.sparse).to(dtype=output_dtype)
def forward(self, *args, **kwargs):
- if self.comfy_cast_weights:
+ if self.comfy_cast_weights or len(self.weight_function) > 0 or len(self.bias_function) > 0:
return self.forward_comfy_cast_weights(*args, **kwargs)
else:
if "out_dtype" in kwargs:
diff --git a/comfy/samplers.py b/comfy/samplers.py
index b969dcd76..ad34d359b 100644
--- a/comfy/samplers.py
+++ b/comfy/samplers.py
@@ -724,7 +724,8 @@ 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", "gradient_estimation"]
+ "ipndm", "ipndm_v", "deis", "res_multistep", "res_multistep_cfg_pp", "res_multistep_ancestral", "res_multistep_ancestral_cfg_pp",
+ "gradient_estimation"]
class KSAMPLER(Sampler):
diff --git a/comfy/sd.py b/comfy/sd.py
index e0cf4fd5c..4acade653 100644
--- a/comfy/sd.py
+++ b/comfy/sd.py
@@ -42,6 +42,7 @@ from .text_encoders import hunyuan_video
from .text_encoders import hydit
from .text_encoders import long_clipl
from .text_encoders import lt
+from .text_encoders import lumina2
from .text_encoders import pixart_t5
from .text_encoders import sa_t5
from .text_encoders import sd2_clip
@@ -676,6 +677,7 @@ class CLIPType(Enum):
HUNYUAN_VIDEO = 9
PIXART = 10
COSMOS = 11
+ LUMINA2 = 12
@dataclasses.dataclass
@@ -704,6 +706,7 @@ class TEModel(Enum):
T5_BASE = 6
LLAMA3_8 = 7
T5_XXL_OLD = 8
+ GEMMA_2_2B = 9
def detect_te_model(sd):
@@ -723,6 +726,8 @@ def detect_te_model(sd):
return TEModel.T5_XXL_OLD
if "encoder.block.0.layer.0.SelfAttention.k.weight" in sd:
return TEModel.T5_BASE
+ if 'model.layers.0.post_feedforward_layernorm.weight' in sd:
+ return TEModel.GEMMA_2_2B
if "model.layers.0.post_attention_layernorm.weight" in sd:
return TEModel.LLAMA3_8
return None
@@ -762,6 +767,7 @@ def load_text_encoder_state_dicts(state_dicts=[], embedding_directory=None, clip
if "text_projection" in clip_data[i]:
clip_data[i]["text_projection.weight"] = clip_data[i]["text_projection"].transpose(0, 1) # old models saved with the CLIPSave node
+ tokenizer_data = {}
clip_target = CLIPTarget()
clip_target.params = {}
if len(clip_data) == 1:
@@ -801,6 +807,10 @@ def load_text_encoder_state_dicts(state_dicts=[], embedding_directory=None, clip
elif te_model == TEModel.T5_BASE:
clip_target.clip = sa_t5.SAT5Model
clip_target.tokenizer = sa_t5.SAT5Tokenizer
+ elif te_model == TEModel.GEMMA_2_2B:
+ clip_target.clip = lumina2.te(**llama_detect(clip_data))
+ clip_target.tokenizer = lumina2.LuminaTokenizer
+ tokenizer_data["spiece_model"] = clip_data[0].get("spiece_model", None)
else:
if clip_type == CLIPType.SD3:
clip_target.clip = sd3_clip.sd3_clip(clip_l=True, clip_g=False, t5=False)
@@ -830,7 +840,6 @@ def load_text_encoder_state_dicts(state_dicts=[], embedding_directory=None, clip
clip_target.tokenizer = sd3_clip.SD3Tokenizer
parameters = 0
- tokenizer_data = {}
for c in clip_data:
parameters += utils.calculate_parameters(c)
tokenizer_data, model_options = long_clipl.model_options_long_clip(c, tokenizer_data, model_options)
diff --git a/comfy/sd1_clip.py b/comfy/sd1_clip.py
index b05c03f73..11ce2a73f 100644
--- a/comfy/sd1_clip.py
+++ b/comfy/sd1_clip.py
@@ -500,9 +500,11 @@ SDTokenizerT = TypeVar('SDTokenizerT', bound='SDTokenizer')
class SDTokenizer:
- def __init__(self, tokenizer_path: torch.Tensor | bytes | bytearray | memoryview | str | Path | Traversable = None, max_length=77, pad_with_end=True, embedding_directory=None, embedding_size=768, embedding_key='clip_l', tokenizer_class=CLIPTokenizer, has_start_token=True, has_end_token=True, pad_to_max_length=True, min_length=None, pad_token=None, end_token=None, tokenizer_data=None):
+ def __init__(self, tokenizer_path: torch.Tensor | bytes | bytearray | memoryview | str | Path | Traversable = None, max_length=77, pad_with_end=True, embedding_directory=None, embedding_size=768, embedding_key='clip_l', tokenizer_class=CLIPTokenizer, has_start_token=True, has_end_token=True, pad_to_max_length=True, min_length=None, pad_token=None, end_token=None, tokenizer_data=None, tokenizer_args=None):
if tokenizer_data is None:
tokenizer_data = dict()
+ if tokenizer_args is None:
+ tokenizer_args = dict()
if tokenizer_path is None:
tokenizer_path = files.get_package_as_path("comfy.sd1_tokenizer")
if isinstance(tokenizer_path, Path):
@@ -515,7 +517,7 @@ class SDTokenizer:
tokenizer_path = get_package_as_path('comfy.sd1_tokenizer')
self.tokenizer_class = tokenizer_class
self.tokenizer_path = tokenizer_path
- self.tokenizer: PreTrainedTokenizerBase | SPieceTokenizer = tokenizer_class.from_pretrained(tokenizer_path)
+ self.tokenizer: PreTrainedTokenizerBase | SPieceTokenizer = tokenizer_class.from_pretrained(tokenizer_path, **tokenizer_args)
self.max_length = max_length
self.min_length = min_length
self.end_token = None
@@ -699,11 +701,15 @@ SD1TokenizerT = TypeVar("SD1TokenizerT", bound="SD1Tokenizer")
class SD1Tokenizer:
- def __init__(self, embedding_directory=None, tokenizer_data=None, clip_name="l", tokenizer=SDTokenizer):
+ def __init__(self, embedding_directory=None, tokenizer_data: dict=None, clip_name="l", tokenizer=SDTokenizer, name=None):
if tokenizer_data is None:
tokenizer_data = {}
- self.clip_name = clip_name
- self.clip = "clip_{}".format(self.clip_name)
+ if name is not None:
+ self.clip_name = name
+ self.clip = "{}".format(self.clip_name)
+ else:
+ self.clip_name = clip_name
+ self.clip = "clip_{}".format(self.clip_name)
tokenizer = tokenizer_data.get("{}_tokenizer_class".format(self.clip), tokenizer)
self.sd_tokenizer = tokenizer(embedding_directory=embedding_directory, tokenizer_data=tokenizer_data)
@@ -729,7 +735,7 @@ class SD1Tokenizer:
return sd1_tokenizer
def state_dict(self):
- return {}
+ return getattr(self, self.clip).state_dict()
class SD1CheckpointClipModel(SDClipModel):
def __init__(self, device="cpu", dtype=None, model_options=None, textmodel_json_config=None):
diff --git a/comfy/supported_models.py b/comfy/supported_models.py
index 670330850..f8cb04347 100644
--- a/comfy/supported_models.py
+++ b/comfy/supported_models.py
@@ -14,6 +14,7 @@ from .text_encoders import genmo
from .text_encoders import hunyuan_video
from .text_encoders import hydit
from .text_encoders import lt
+from .text_encoders import lumina2
from .text_encoders import pixart_t5
from .text_encoders import sa_t5
from .text_encoders import sd2_clip
@@ -63,7 +64,9 @@ class SD15(supported_models_base.BASE):
replace_prefix = {"clip_l.": "cond_stage_model."}
return utils.state_dict_prefix_replace(state_dict, replace_prefix)
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return supported_models_base.ClipTarget(sd1_clip.SD1Tokenizer, sd1_clip.SD1ClipModel)
@@ -108,7 +111,9 @@ class SD20(supported_models_base.BASE):
state_dict = diffusers_convert.convert_text_enc_state_dict_v20(state_dict)
return state_dict
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return supported_models_base.ClipTarget(sd2_clip.SD2Tokenizer, sd2_clip.SD2ClipModel)
@@ -173,7 +178,9 @@ class SDXLRefiner(supported_models_base.BASE):
state_dict_g = utils.state_dict_prefix_replace(state_dict_g, replace_prefix)
return state_dict_g
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return supported_models_base.ClipTarget(sdxl_clip.SDXLTokenizer, sdxl_clip.SDXLRefinerClipModel)
@@ -246,7 +253,9 @@ class SDXL(supported_models_base.BASE):
state_dict_g = utils.state_dict_prefix_replace(state_dict_g, replace_prefix)
return state_dict_g
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return supported_models_base.ClipTarget(sdxl_clip.SDXLTokenizer, sdxl_clip.SDXLClipModel)
@@ -322,7 +331,9 @@ class SVD_img2vid(supported_models_base.BASE):
out = model_base.SVD_img2vid(self, device=device)
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return None
@@ -390,7 +401,9 @@ class Stable_Zero123(supported_models_base.BASE):
out = model_base.Stable_Zero123(self, device=device, cc_projection_weight=state_dict["cc_projection.weight"], cc_projection_bias=state_dict["cc_projection.bias"])
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return None
@@ -466,7 +479,9 @@ class Stable_Cascade_C(supported_models_base.BASE):
out = model_base.StableCascade_C(self, device=device)
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return supported_models_base.ClipTarget(sdxl_clip.StableCascadeTokenizer, sdxl_clip.StableCascadeClipModel)
@@ -541,7 +556,9 @@ class SD3(supported_models_base.BASE):
out = model_base.SD3(self, device=device)
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
clip_l = False
clip_g = False
t5 = False
@@ -585,7 +602,9 @@ class StableAudio(supported_models_base.BASE):
replace_prefix = {"": "model.model."}
return utils.state_dict_prefix_replace(state_dict, replace_prefix)
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return supported_models_base.ClipTarget(sa_t5.SAT5Tokenizer, sa_t5.SAT5Model)
@@ -609,7 +628,9 @@ class AuraFlow(supported_models_base.BASE):
out = model_base.AuraFlow(self, device=device)
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return supported_models_base.ClipTarget(aura_t5.AuraT5Tokenizer, aura_t5.AuraT5Model)
@@ -675,7 +696,9 @@ class HunyuanDiT(supported_models_base.BASE):
out = model_base.HunyuanDiT(self, device=device)
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
return supported_models_base.ClipTarget(hydit.HyditTokenizer, hydit.HyditModel)
@@ -715,7 +738,9 @@ class Flux(supported_models_base.BASE):
out = model_base.Flux(self, device=device)
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
pref = self.text_encoder_key_prefix[0]
t5_detect = sd3_clip.t5_xxl_detect(state_dict, "{}t5xxl.transformer.".format(pref))
return supported_models_base.ClipTarget(flux.FluxTokenizer, flux.flux_clip(**t5_detect))
@@ -802,7 +827,9 @@ class LTXV(supported_models_base.BASE):
out = model_base.LTXV(self, device=device)
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
pref = self.text_encoder_key_prefix[0]
t5_detect = sd3_clip.t5_xxl_detect(state_dict, "{}t5xxl.transformer.".format(pref))
return supported_models_base.ClipTarget(lt.LTXVT5Tokenizer, lt.ltxv_te(**t5_detect))
@@ -885,7 +912,9 @@ class CosmosT2V(supported_models_base.BASE):
out = model_base.CosmosVideo(self, device=device)
return out
- def clip_target(self, state_dict={}):
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
pref = self.text_encoder_key_prefix[0]
t5_detect = sd3_clip.t5_xxl_detect(state_dict, "{}t5xxl.transformer.".format(pref))
return supported_models_base.ClipTarget(cosmos.CosmosT5Tokenizer, cosmos.te(**t5_detect))
@@ -902,6 +931,38 @@ class CosmosI2V(CosmosT2V):
return out
-models = [Stable_Zero123, SD15_instructpix2pix, SD15, SD20, SD21UnclipL, SD21UnclipH, SDXL_instructpix2pix, SDXLRefiner, SDXL, SSD1B, KOALA_700M, KOALA_1B, Segmind_Vega, SD_X4Upscaler, Stable_Cascade_C, Stable_Cascade_B, SV3D_u, SV3D_p, SD3, StableAudio, AuraFlow, PixArtAlpha, PixArtSigma, HunyuanDiT, HunyuanDiT1, FluxInpaint, Flux, FluxSchnell, GenmoMochi, LTXV, HunyuanVideo, CosmosT2V, CosmosI2V]
+class Lumina2(supported_models_base.BASE):
+ unet_config = {
+ "image_model": "lumina2",
+ }
+
+ sampling_settings = {
+ "multiplier": 1.0,
+ "shift": 6.0,
+ }
+
+ memory_usage_factor = 1.2
+
+ unet_extra_config = {}
+ latent_format = latent_formats.Flux
+
+ supported_inference_dtypes = [torch.bfloat16, torch.float32]
+
+ vae_key_prefix = ["vae."]
+ text_encoder_key_prefix = ["text_encoders."]
+
+ def get_model(self, state_dict, prefix="", device=None):
+ out = model_base.Lumina2(self, device=device)
+ return out
+
+ def clip_target(self, state_dict=None):
+ if state_dict is None:
+ state_dict = {}
+ pref = self.text_encoder_key_prefix[0]
+ hunyuan_detect = hunyuan_video.llama_detect(state_dict, "{}gemma2_2b.transformer.".format(pref))
+ return supported_models_base.ClipTarget(lumina2.LuminaTokenizer, lumina2.te(**hunyuan_detect))
+
+
+models = [Stable_Zero123, SD15_instructpix2pix, SD15, SD20, SD21UnclipL, SD21UnclipH, SDXL_instructpix2pix, SDXLRefiner, SDXL, SSD1B, KOALA_700M, KOALA_1B, Segmind_Vega, SD_X4Upscaler, Stable_Cascade_C, Stable_Cascade_B, SV3D_u, SV3D_p, SD3, StableAudio, AuraFlow, PixArtAlpha, PixArtSigma, HunyuanDiT, HunyuanDiT1, FluxInpaint, Flux, FluxSchnell, GenmoMochi, LTXV, HunyuanVideo, CosmosT2V, CosmosI2V, Lumina2]
models += [SVD_img2vid]
diff --git a/comfy/text_encoders/bert.py b/comfy/text_encoders/bert.py
index e58cffb70..c4c12b071 100644
--- a/comfy/text_encoders/bert.py
+++ b/comfy/text_encoders/bert.py
@@ -120,7 +120,7 @@ class BertModel_(torch.nn.Module):
mask = None
if attention_mask is not None:
mask = 1.0 - attention_mask.to(x.dtype).reshape((attention_mask.shape[0], 1, -1, attention_mask.shape[-1])).expand(attention_mask.shape[0], 1, attention_mask.shape[-1], attention_mask.shape[-1])
- mask = mask.masked_fill(mask.to(torch.bool), float("-inf"))
+ mask = mask.masked_fill(mask.to(torch.bool), -torch.finfo(x.dtype).max)
x, i = self.encoder(x, mask, intermediate_output)
return x, i
diff --git a/comfy/text_encoders/llama.py b/comfy/text_encoders/llama.py
index 4bc280e24..e6681512a 100644
--- a/comfy/text_encoders/llama.py
+++ b/comfy/text_encoders/llama.py
@@ -1,9 +1,9 @@
-import torch
-import torch.nn as nn
-import torch.nn.functional as F
from dataclasses import dataclass
from typing import Optional, Any
+import torch
+import torch.nn as nn
+
from ..ldm.common_dit import rms_norm
from ..ldm.modules.attention import optimized_attention_for_device
@@ -19,21 +19,48 @@ class Llama2Config:
max_position_embeddings: int = 8192
rms_norm_eps: float = 1e-5
rope_theta: float = 500000.0
+ transformer_type: str = "llama"
+ head_dim = 128
+ rms_norm_add = False
+ mlp_activation = "silu"
+
+
+@dataclass
+class Gemma2_2B_Config:
+ vocab_size: int = 256000
+ hidden_size: int = 2304
+ intermediate_size: int = 9216
+ num_hidden_layers: int = 26
+ num_attention_heads: int = 8
+ num_key_value_heads: int = 4
+ max_position_embeddings: int = 8192
+ rms_norm_eps: float = 1e-6
+ rope_theta: float = 10000.0
+ transformer_type: str = "gemma2"
+ head_dim = 256
+ rms_norm_add = True
+ mlp_activation = "gelu_pytorch_tanh"
+
class RMSNorm(nn.Module):
- def __init__(self, dim: int, eps: float = 1e-5, device=None, dtype=None):
+ def __init__(self, dim: int, eps: float = 1e-5, add=False, device=None, dtype=None):
super().__init__()
self.eps = eps
self.weight = nn.Parameter(torch.empty(dim, device=device, dtype=dtype))
+ self.add = add
def forward(self, x: torch.Tensor):
- return rms_norm(x, self.weight, self.eps)
+ w = self.weight
+ if self.add:
+ w = w + 1.0
+
+ return rms_norm(x, w, self.eps)
def rotate_half(x):
"""Rotates half the hidden dims of the input."""
x1 = x[..., : x.shape[-1] // 2]
- x2 = x[..., x.shape[-1] // 2 :]
+ x2 = x[..., x.shape[-1] // 2:]
return torch.cat((-x2, x1), dim=-1)
@@ -66,23 +93,24 @@ class Attention(nn.Module):
self.num_heads = config.num_attention_heads
self.num_kv_heads = config.num_key_value_heads
self.hidden_size = config.hidden_size
- self.head_dim = self.hidden_size // self.num_heads
+
+ self.head_dim = config.head_dim
+ self.inner_size = self.num_heads * self.head_dim
ops = ops or nn
- self.q_proj = ops.Linear(config.hidden_size, config.hidden_size, bias=False, device=device, dtype=dtype)
+ self.q_proj = ops.Linear(config.hidden_size, self.inner_size, bias=False, device=device, dtype=dtype)
self.k_proj = ops.Linear(config.hidden_size, self.num_kv_heads * self.head_dim, bias=False, device=device, dtype=dtype)
self.v_proj = ops.Linear(config.hidden_size, self.num_kv_heads * self.head_dim, bias=False, device=device, dtype=dtype)
- self.o_proj = ops.Linear(config.hidden_size, config.hidden_size, bias=False, device=device, dtype=dtype)
+ self.o_proj = ops.Linear(self.inner_size, config.hidden_size, bias=False, device=device, dtype=dtype)
def forward(
- self,
- hidden_states: torch.Tensor,
- attention_mask: Optional[torch.Tensor] = None,
- freqs_cis: Optional[torch.Tensor] = None,
- optimized_attention=None,
+ self,
+ hidden_states: torch.Tensor,
+ attention_mask: Optional[torch.Tensor] = None,
+ freqs_cis: Optional[torch.Tensor] = None,
+ optimized_attention=None,
):
batch_size, seq_length, _ = hidden_states.shape
-
xq = self.q_proj(hidden_states)
xk = self.k_proj(hidden_states)
xv = self.v_proj(hidden_states)
@@ -99,6 +127,7 @@ class Attention(nn.Module):
output = optimized_attention(xq, xk, xv, self.num_heads, mask=attention_mask, skip_reshape=True)
return self.o_proj(output)
+
class MLP(nn.Module):
def __init__(self, config: Llama2Config, device=None, dtype=None, ops: Any = None):
super().__init__()
@@ -106,9 +135,14 @@ class MLP(nn.Module):
self.gate_proj = ops.Linear(config.hidden_size, config.intermediate_size, bias=False, device=device, dtype=dtype)
self.up_proj = ops.Linear(config.hidden_size, config.intermediate_size, bias=False, device=device, dtype=dtype)
self.down_proj = ops.Linear(config.intermediate_size, config.hidden_size, bias=False, device=device, dtype=dtype)
+ if config.mlp_activation == "silu":
+ self.activation = torch.nn.functional.silu
+ elif config.mlp_activation == "gelu_pytorch_tanh":
+ self.activation = lambda a: torch.nn.functional.gelu(a, approximate="tanh")
def forward(self, x):
- return self.down_proj(F.silu(self.gate_proj(x)) * self.up_proj(x))
+ return self.down_proj(self.activation(self.gate_proj(x)) * self.up_proj(x))
+
class TransformerBlock(nn.Module):
def __init__(self, config: Llama2Config, device=None, dtype=None, ops: Any = None):
@@ -119,11 +153,11 @@ class TransformerBlock(nn.Module):
self.post_attention_layernorm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps, device=device, dtype=dtype)
def forward(
- self,
- x: torch.Tensor,
- attention_mask: Optional[torch.Tensor] = None,
- freqs_cis: Optional[torch.Tensor] = None,
- optimized_attention=None,
+ self,
+ x: torch.Tensor,
+ attention_mask: Optional[torch.Tensor] = None,
+ freqs_cis: Optional[torch.Tensor] = None,
+ optimized_attention=None,
):
# Self Attention
residual = x
@@ -144,6 +178,47 @@ class TransformerBlock(nn.Module):
return x
+
+class TransformerBlockGemma2(nn.Module):
+ def __init__(self, config: Llama2Config, device=None, dtype=None, ops: Any = None):
+ super().__init__()
+ self.self_attn = Attention(config, device=device, dtype=dtype, ops=ops)
+ self.mlp = MLP(config, device=device, dtype=dtype, ops=ops)
+ self.input_layernorm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps, add=config.rms_norm_add, device=device, dtype=dtype)
+ self.post_attention_layernorm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps, add=config.rms_norm_add, device=device, dtype=dtype)
+ self.pre_feedforward_layernorm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps, add=config.rms_norm_add, device=device, dtype=dtype)
+ self.post_feedforward_layernorm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps, add=config.rms_norm_add, device=device, dtype=dtype)
+
+ def forward(
+ self,
+ x: torch.Tensor,
+ attention_mask: Optional[torch.Tensor] = None,
+ freqs_cis: Optional[torch.Tensor] = None,
+ optimized_attention=None,
+ ):
+ # Self Attention
+ residual = x
+ x = self.input_layernorm(x)
+ x = self.self_attn(
+ hidden_states=x,
+ attention_mask=attention_mask,
+ freqs_cis=freqs_cis,
+ optimized_attention=optimized_attention,
+ )
+
+ x = self.post_attention_layernorm(x)
+ x = residual + x
+
+ # MLP
+ residual = x
+ x = self.pre_feedforward_layernorm(x)
+ x = self.mlp(x)
+ x = self.post_feedforward_layernorm(x)
+ x = residual + x
+
+ return x
+
+
class Llama2_(nn.Module):
def __init__(self, config, device=None, dtype=None, ops=None):
super().__init__()
@@ -156,17 +231,27 @@ class Llama2_(nn.Module):
device=device,
dtype=dtype
)
+ if self.config.transformer_type == "gemma2":
+ transformer = TransformerBlockGemma2
+ self.normalize_in = True
+ else:
+ transformer = TransformerBlock
+ self.normalize_in = False
+
self.layers = nn.ModuleList([
- TransformerBlock(config, device=device, dtype=dtype, ops=ops)
+ transformer(config, device=device, dtype=dtype, ops=ops)
for _ in range(config.num_hidden_layers)
])
- self.norm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps, device=device, dtype=dtype)
+ self.norm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps, add=config.rms_norm_add, device=device, dtype=dtype)
# self.lm_head = ops.Linear(config.hidden_size, config.vocab_size, bias=False, device=device, dtype=dtype)
def forward(self, x, attention_mask=None, intermediate_output=None, final_layer_norm_intermediate=True, dtype=None):
x = self.embed_tokens(x, out_dtype=dtype)
- freqs_cis = precompute_freqs_cis(self.config.hidden_size // self.config.num_attention_heads,
+ if self.normalize_in:
+ x *= self.config.hidden_size ** 0.5
+
+ freqs_cis = precompute_freqs_cis(self.config.head_dim,
x.shape[1],
self.config.rope_theta,
device=x.device)
@@ -205,15 +290,7 @@ class Llama2_(nn.Module):
return x, intermediate
-class Llama2(torch.nn.Module):
- def __init__(self, config_dict, dtype, device, operations):
- super().__init__()
- config = Llama2Config(**config_dict)
- self.num_layers = config.num_hidden_layers
-
- self.model = Llama2_(config, device=device, dtype=dtype, ops=operations)
- self.dtype = dtype
-
+class BaseLlama:
def get_input_embeddings(self):
return self.model.embed_tokens
@@ -222,3 +299,23 @@ class Llama2(torch.nn.Module):
def forward(self, input_ids, *args, **kwargs):
return self.model(input_ids, *args, **kwargs)
+
+
+class Llama2(BaseLlama, torch.nn.Module):
+ def __init__(self, config_dict, dtype, device, operations):
+ super().__init__()
+ config = Llama2Config(**config_dict)
+ self.num_layers = config.num_hidden_layers
+
+ self.model = Llama2_(config, device=device, dtype=dtype, ops=operations)
+ self.dtype = dtype
+
+
+class Gemma2_2B(BaseLlama, torch.nn.Module):
+ def __init__(self, config_dict, dtype, device, operations):
+ super().__init__()
+ config = Gemma2_2B_Config(**config_dict)
+ self.num_layers = config.num_hidden_layers
+
+ self.model = Llama2_(config, device=device, dtype=dtype, ops=operations)
+ self.dtype = dtype
diff --git a/comfy/text_encoders/lumina2.py b/comfy/text_encoders/lumina2.py
new file mode 100644
index 000000000..166d13281
--- /dev/null
+++ b/comfy/text_encoders/lumina2.py
@@ -0,0 +1,44 @@
+from comfy import sd1_clip
+from .spiece_tokenizer import SPieceTokenizer
+import comfy.text_encoders.llama
+
+
+class Gemma2BTokenizer(sd1_clip.SDTokenizer):
+ def __init__(self, embedding_directory=None, tokenizer_data={}):
+ tokenizer = tokenizer_data.get("spiece_model", None)
+ super().__init__(tokenizer, pad_with_end=False, embedding_size=2304, embedding_key='gemma2_2b', tokenizer_class=SPieceTokenizer, has_end_token=False, pad_to_max_length=False, max_length=99999999, min_length=1, tokenizer_args={"add_bos": True, "add_eos": False})
+
+ def state_dict(self):
+ return {"spiece_model": self.tokenizer.serialize_model()}
+
+
+class LuminaTokenizer(sd1_clip.SD1Tokenizer):
+ def __init__(self, embedding_directory=None, tokenizer_data={}):
+ super().__init__(embedding_directory=embedding_directory, tokenizer_data=tokenizer_data, name="gemma2_2b", tokenizer=Gemma2BTokenizer)
+
+
+class Gemma2_2BModel(sd1_clip.SDClipModel):
+ def __init__(self, device="cpu", layer="hidden", layer_idx=-2, dtype=None, attention_mask=True, model_options={}):
+ llama_scaled_fp8 = model_options.get("llama_scaled_fp8", None)
+ if llama_scaled_fp8 is not None:
+ model_options = model_options.copy()
+ model_options["scaled_fp8"] = llama_scaled_fp8
+
+ super().__init__(device=device, layer=layer, layer_idx=layer_idx, textmodel_json_config={}, dtype=dtype, special_tokens={"start": 2, "pad": 0}, layer_norm_hidden_state=False, model_class=comfy.text_encoders.llama.Gemma2_2B, enable_attention_masks=attention_mask, return_attention_masks=attention_mask, model_options=model_options)
+
+
+class LuminaModel(sd1_clip.SD1ClipModel):
+ def __init__(self, device="cpu", dtype=None, model_options={}):
+ super().__init__(device=device, dtype=dtype, name="gemma2_2b", clip_model=Gemma2_2BModel, model_options=model_options)
+
+
+def te(dtype_llama=None, llama_scaled_fp8=None):
+ class LuminaTEModel_(LuminaModel):
+ def __init__(self, device="cpu", dtype=None, model_options={}):
+ if llama_scaled_fp8 is not None and "llama_scaled_fp8" not in model_options:
+ model_options = model_options.copy()
+ model_options["llama_scaled_fp8"] = llama_scaled_fp8
+ if dtype_llama is not None:
+ dtype = dtype_llama
+ super().__init__(device=device, dtype=dtype, model_options=model_options)
+ return LuminaTEModel_
diff --git a/comfy/text_encoders/spiece_tokenizer.py b/comfy/text_encoders/spiece_tokenizer.py
index 77ab07f7d..7da3a4d1f 100644
--- a/comfy/text_encoders/spiece_tokenizer.py
+++ b/comfy/text_encoders/spiece_tokenizer.py
@@ -1,26 +1,31 @@
import copy
+from pathlib import Path
import sentencepiece
import torch
class SPieceTokenizer:
- add_eos = True
-
@staticmethod
- def from_pretrained(path):
- return SPieceTokenizer(path)
+ def from_pretrained(path, **kwargs):
+ return SPieceTokenizer(path, **kwargs)
- def __init__(self, tokenizer_path):
+ def __init__(self, tokenizer_path: bytes | str | Path, add_bos=False, add_eos=True):
+ self.add_bos = add_bos
+ self.add_eos = add_eos
if torch.is_tensor(tokenizer_path):
tokenizer_path = tokenizer_path.numpy().tobytes()
- construction_args = {}
+ construction_args = {
+ 'add_bos': self.add_bos,
+ 'add_eos': self.add_eos
+ }
+
if isinstance(tokenizer_path, bytes):
construction_args["model_proto"] = tokenizer_path
else:
construction_args["model_file"] = tokenizer_path
- self.tokenizer = sentencepiece.SentencePieceProcessor(add_eos=SPieceTokenizer.add_eos, **construction_args) # pylint: disable=unexpected-keyword-arg
+ self.tokenizer = sentencepiece.SentencePieceProcessor(**construction_args) # pylint: disable=unexpected-keyword-arg
self.end = self.tokenizer.eos_id()
self.eos_token_id = self.end
@@ -41,4 +46,3 @@ class SPieceTokenizer:
def clone(self):
return copy.copy(self)
-
diff --git a/comfy/text_encoders/t5.py b/comfy/text_encoders/t5.py
index de940e90f..dd5da6ebc 100644
--- a/comfy/text_encoders/t5.py
+++ b/comfy/text_encoders/t5.py
@@ -214,7 +214,7 @@ class T5Stack(torch.nn.Module):
mask = None
if attention_mask is not None:
mask = 1.0 - attention_mask.to(x.dtype).reshape((attention_mask.shape[0], 1, -1, attention_mask.shape[-1])).expand(attention_mask.shape[0], 1, attention_mask.shape[-1], attention_mask.shape[-1])
- mask = mask.masked_fill(mask.to(torch.bool), float("-inf"))
+ mask = mask.masked_fill(mask.to(torch.bool), -torch.finfo(x.dtype).max)
intermediate = None
optimized_attention = optimized_attention_for_device(x.device, mask=attention_mask is not None, small_input=True)
diff --git a/comfy/utils.py b/comfy/utils.py
index d3293c5cf..00da91fb7 100644
--- a/comfy/utils.py
+++ b/comfy/utils.py
@@ -97,7 +97,7 @@ def load_torch_file(ckpt: str, safe_load=False, device=None):
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 ValueError("{}\n\nFile path: {}\n\nThe safetensors file is corrupt/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
diff --git a/comfy/web/assets/BaseViewTemplate-DDUNNAbV.js b/comfy/web/assets/BaseViewTemplate-BTbuZf5t.js
similarity index 72%
rename from comfy/web/assets/BaseViewTemplate-DDUNNAbV.js
rename to comfy/web/assets/BaseViewTemplate-BTbuZf5t.js
index 02a4b0fe1..fbf913891 100644
--- a/comfy/web/assets/BaseViewTemplate-DDUNNAbV.js
+++ b/comfy/web/assets/BaseViewTemplate-BTbuZf5t.js
@@ -1,4 +1,8 @@
+<<<<<<<< HEAD:comfy/web/assets/BaseViewTemplate-DDUNNAbV.js
import { d as defineComponent, U as ref, p as onMounted, b4 as isElectron, W as nextTick, b5 as electronAPI, o as openBlock, f as createElementBlock, i as withDirectives, v as vShow, j as unref, b6 as isNativeWindow, m as createBaseVNode, A as renderSlot, ai as normalizeClass } from "./index-BsGgXmrT.js";
+========
+import { d as defineComponent, T as ref, p as onMounted, b8 as isElectron, V as nextTick, b9 as electronAPI, o as openBlock, f as createElementBlock, i as withDirectives, v as vShow, j as unref, ba as isNativeWindow, m as createBaseVNode, A as renderSlot, aj as normalizeClass } from "./index-Bv0b06LE.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/BaseViewTemplate-BTbuZf5t.js
const _hoisted_1 = { class: "flex-grow w-full flex items-center justify-center overflow-auto" };
const _sfc_main = /* @__PURE__ */ defineComponent({
__name: "BaseViewTemplate",
@@ -27,7 +31,7 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
});
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", {
- class: normalizeClass(["font-sans w-screen h-screen flex flex-col pointer-events-auto", [
+ class: normalizeClass(["font-sans w-screen h-screen flex flex-col", [
props.dark ? "text-neutral-300 bg-neutral-900 dark-theme" : "text-neutral-900 bg-neutral-300"
]])
}, [
@@ -48,4 +52,8 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
export {
_sfc_main as _
};
+<<<<<<<< HEAD:comfy/web/assets/BaseViewTemplate-DDUNNAbV.js
//# sourceMappingURL=BaseViewTemplate-DDUNNAbV.js.map
+========
+//# sourceMappingURL=BaseViewTemplate-BTbuZf5t.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/BaseViewTemplate-BTbuZf5t.js
diff --git a/comfy/web/assets/DesktopStartView-D9r53Bue.js b/comfy/web/assets/DesktopStartView-D9r53Bue.js
new file mode 100644
index 000000000..744682eca
--- /dev/null
+++ b/comfy/web/assets/DesktopStartView-D9r53Bue.js
@@ -0,0 +1,19 @@
+import { d as defineComponent, o as openBlock, y as createBlock, z as withCtx, k as createVNode, j as unref, bE as script } from "./index-Bv0b06LE.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BTbuZf5t.js";
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "DesktopStartView",
+ setup(__props) {
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(_sfc_main$1, { dark: "" }, {
+ default: withCtx(() => [
+ createVNode(unref(script), { class: "m-8 w-48 h-48" })
+ ]),
+ _: 1
+ });
+ };
+ }
+});
+export {
+ _sfc_main as default
+};
+//# sourceMappingURL=DesktopStartView-D9r53Bue.js.map
diff --git a/comfy/web/assets/DesktopStartView-elroCqfp.js b/comfy/web/assets/DesktopStartView-elroCqfp.js
deleted file mode 100644
index 33f82928a..000000000
--- a/comfy/web/assets/DesktopStartView-elroCqfp.js
+++ /dev/null
@@ -1,22 +0,0 @@
-import { d as defineComponent, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, k as createVNode, j as unref, bs as script } from "./index-BsGgXmrT.js";
-import { _ as _sfc_main$1 } from "./BaseViewTemplate-DDUNNAbV.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-elroCqfp.js.map
diff --git a/comfy/web/assets/DesktopUpdateView-C-R0415K.js b/comfy/web/assets/DesktopUpdateView-C-R0415K.js
new file mode 100644
index 000000000..8de7eee9e
--- /dev/null
+++ b/comfy/web/assets/DesktopUpdateView-C-R0415K.js
@@ -0,0 +1,58 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+import { d as defineComponent, T as ref, d8 as onUnmounted, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, j as unref, bg as t, k as createVNode, bE as script, l as script$1, b9 as electronAPI, _ as _export_sfc } from "./index-Bv0b06LE.js";
+import { s as script$2 } from "./index-A_bXPJCN.js";
+import { _ as _sfc_main$1 } from "./TerminalOutputDrawer-CKr7Br7O.js";
+import { _ as _sfc_main$2 } from "./BaseViewTemplate-BTbuZf5t.js";
+const _hoisted_1 = { class: "h-screen w-screen grid items-center justify-around overflow-y-auto" };
+const _hoisted_2 = { class: "relative m-8 text-center" };
+const _hoisted_3 = { class: "download-bg pi-download text-4xl font-bold" };
+const _hoisted_4 = { class: "m-8" };
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "DesktopUpdateView",
+ setup(__props) {
+ const electron = electronAPI();
+ const terminalVisible = ref(false);
+ const toggleConsoleDrawer = /* @__PURE__ */ __name(() => {
+ terminalVisible.value = !terminalVisible.value;
+ }, "toggleConsoleDrawer");
+ onUnmounted(() => electron.Validation.dispose());
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(_sfc_main$2, { dark: "" }, {
+ default: withCtx(() => [
+ createBaseVNode("div", _hoisted_1, [
+ createBaseVNode("div", _hoisted_2, [
+ createBaseVNode("h1", _hoisted_3, toDisplayString(unref(t)("desktopUpdate.title")), 1),
+ createBaseVNode("div", _hoisted_4, [
+ createBaseVNode("span", null, toDisplayString(unref(t)("desktopUpdate.description")), 1)
+ ]),
+ createVNode(unref(script), { class: "m-8 w-48 h-48" }),
+ createVNode(unref(script$1), {
+ style: { "transform": "translateX(-50%)" },
+ class: "fixed bottom-0 left-1/2 my-8",
+ label: unref(t)("maintenance.consoleLogs"),
+ icon: "pi pi-desktop",
+ "icon-pos": "left",
+ severity: "secondary",
+ onClick: toggleConsoleDrawer
+ }, null, 8, ["label"]),
+ createVNode(_sfc_main$1, {
+ modelValue: terminalVisible.value,
+ "onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => terminalVisible.value = $event),
+ header: unref(t)("g.terminal"),
+ "default-message": unref(t)("desktopUpdate.terminalDefaultMessage")
+ }, null, 8, ["modelValue", "header", "default-message"])
+ ])
+ ]),
+ createVNode(unref(script$2))
+ ]),
+ _: 1
+ });
+ };
+ }
+});
+const DesktopUpdateView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-8d77828d"]]);
+export {
+ DesktopUpdateView as default
+};
+//# sourceMappingURL=DesktopUpdateView-C-R0415K.js.map
diff --git a/comfy/web/assets/DesktopUpdateView-CxchaIvw.css b/comfy/web/assets/DesktopUpdateView-CxchaIvw.css
new file mode 100644
index 000000000..e85cbfae6
--- /dev/null
+++ b/comfy/web/assets/DesktopUpdateView-CxchaIvw.css
@@ -0,0 +1,20 @@
+
+.download-bg[data-v-8d77828d]::before {
+ position: absolute;
+ margin: 0px;
+ color: var(--p-text-muted-color);
+ font-family: 'primeicons';
+ top: -2rem;
+ right: 2rem;
+ speak: none;
+ font-style: normal;
+ font-weight: normal;
+ font-variant: normal;
+ text-transform: none;
+ line-height: 1;
+ display: inline-block;
+ -webkit-font-smoothing: antialiased;
+ opacity: 0.02;
+ font-size: min(14rem, 90vw);
+ z-index: 0
+}
diff --git a/comfy/web/assets/DownloadGitView-BFcFCk37.js b/comfy/web/assets/DownloadGitView-PWqK5ke4.js
similarity index 80%
rename from comfy/web/assets/DownloadGitView-BFcFCk37.js
rename to comfy/web/assets/DownloadGitView-PWqK5ke4.js
index 3d9182786..d82f89374 100644
--- a/comfy/web/assets/DownloadGitView-BFcFCk37.js
+++ b/comfy/web/assets/DownloadGitView-PWqK5ke4.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/DownloadGitView-BFcFCk37.js
import { d as defineComponent, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, l as script, be as useRouter } from "./index-BsGgXmrT.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-DDUNNAbV.js";
+========
+import { d as defineComponent, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, l as script, bi as useRouter } from "./index-Bv0b06LE.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BTbuZf5t.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/DownloadGitView-PWqK5ke4.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-BFcFCk37.js
//# sourceMappingURL=DownloadGitView-BFcFCk37.js.map
+========
+//# sourceMappingURL=DownloadGitView-PWqK5ke4.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/DownloadGitView-PWqK5ke4.js
diff --git a/comfy/web/assets/ExtensionPanel-BPpLOa_B.js b/comfy/web/assets/ExtensionPanel-Ba57xrmg.js
similarity index 88%
rename from comfy/web/assets/ExtensionPanel-BPpLOa_B.js
rename to comfy/web/assets/ExtensionPanel-Ba57xrmg.js
index 76705d2f4..2b495f1b6 100644
--- a/comfy/web/assets/ExtensionPanel-BPpLOa_B.js
+++ b/comfy/web/assets/ExtensionPanel-Ba57xrmg.js
@@ -1,8 +1,14 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/ExtensionPanel-BPpLOa_B.js
import { d as defineComponent, U as ref, df as FilterMatchMode, dk as useExtensionStore, a as useSettingStore, p as onMounted, c as computed, o as openBlock, y as createBlock, z as withCtx, k as createVNode, dg as SearchBox, j as unref, bj as script, m as createBaseVNode, f as createElementBlock, D as renderList, E as toDisplayString, a7 as createTextVNode, F as Fragment, l as script$1, B as createCommentVNode, a4 as script$3, ax as script$4, bn as script$5, dh as _sfc_main$1 } from "./index-BsGgXmrT.js";
import { g as script$2, h as script$6 } from "./index-Br6dw1F6.js";
import "./index-COyiXDAn.js";
+========
+import { d as defineComponent, T as ref, dx as FilterMatchMode, dC as useExtensionStore, a as useSettingStore, p as onMounted, c as computed, o as openBlock, y as createBlock, z as withCtx, k as createVNode, dy as SearchBox, j as unref, bn as script, m as createBaseVNode, f as createElementBlock, D as renderList, E as toDisplayString, a8 as createTextVNode, F as Fragment, l as script$1, B as createCommentVNode, a5 as script$3, ay as script$4, br as script$5, dz as _sfc_main$1 } from "./index-Bv0b06LE.js";
+import { g as script$2, h as script$6 } from "./index-CgMyWf7n.js";
+import "./index-Dzu9WL4p.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/ExtensionPanel-Ba57xrmg.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-BPpLOa_B.js
//# sourceMappingURL=ExtensionPanel-BPpLOa_B.js.map
+========
+//# sourceMappingURL=ExtensionPanel-Ba57xrmg.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/ExtensionPanel-Ba57xrmg.js
diff --git a/comfy/web/assets/GraphView-B_UDZi95.js b/comfy/web/assets/GraphView-B_UDZi95.js
new file mode 100644
index 000000000..dc6554706
--- /dev/null
+++ b/comfy/web/assets/GraphView-B_UDZi95.js
@@ -0,0 +1,4919 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+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, m as createBaseVNode, n as normalizeStyle, _ as _export_sfc, p as onMounted, q as onBeforeUnmount, t as useSidebarTabStore, x as useBottomPanelStore, y as createBlock, z as withCtx, A as renderSlot, B as createCommentVNode, C as resolveDynamicComponent, F as Fragment, D as renderList, E as toDisplayString, G as script$5, H as markRaw, I as useI18n, J as useCommandStore, K as useCanvasStore, L as LiteGraph, M as useColorPaletteStore, N as watch, O as useNodeDefStore, P as BadgePosition, Q as LGraphBadge, R as _, S as NodeBadgeMode, T as ref, U as useEventListener, V as nextTick, W as st, X as normalizeI18nKey, Y as useTitleEditorStore, Z as LGraphGroup, $ as LGraphNode, a0 as EditableText, a1 as defineStore, a2 as useNodeFrequencyStore, a3 as useNodeBookmarkStore, a4 as highlightQuery, a5 as script$8, a6 as formatNumberWithSuffix, a7 as NodeSourceType, a8 as createTextVNode, a9 as script$9, aa as NodePreview, ab as NodeSearchFilter, ac as script$a, ad as SearchFilterChip, ae as useLitegraphService, af as storeToRefs, ag as isRef, ah as toRaw, ai as LinkReleaseTriggerAction, aj as normalizeClass, ak as useUserStore, al as useDialogStore, am as SettingDialogHeader, an as SettingDialogContent, ao as useKeybindingStore, ap as Teleport, aq as usePragmaticDraggable, ar as usePragmaticDroppable, as as withModifiers, at as mergeProps, au as useWorkflowService, av as useWorkflowBookmarkStore, aw as script$c, ax as script$d, ay as script$e, az as useModelToNodeStore, aA as ComfyNodeDefImpl, aB as ComfyModelDef, aC as ComfyWorkflow, aD as LGraphCanvas, aE as te, aF as LGraph, aG as LLink, aH as DragAndScale, aI as ContextMenu, aJ as CanvasPointer, aK as isImageNode, aL as api, aM as getStorageValue, aN as useModelStore, aO as setStorageValue, aP as LinkMarkerShape, aQ as IS_CONTROL_WIDGET, aR as updateControlWidgetLabel, aS as useColorPaletteService, aT as ChangeTracker, aU as i18n, aV as useToast, aW as useToastStore, aX as useQueueSettingsStore, aY as script$g, aZ as useQueuePendingTaskCountStore, a_ as useLocalStorage, a$ as useDraggable, b0 as watchDebounced, b1 as inject, b2 as useElementBounding, b3 as script$i, b4 as lodashExports, b5 as useEventBus, b6 as useMenuItemStore, b7 as provide, b8 as isElectron, b9 as electronAPI, ba as isNativeWindow, bb as useDialogService, bc as LGraphEventMode, bd as useQueueStore, be as DEFAULT_DARK_COLOR_PALETTE, bf as DEFAULT_LIGHT_COLOR_PALETTE, bg as t, bh as useErrorHandling } from "./index-Bv0b06LE.js";
+import { s as script$1, a as script$2, b as script$3, c as script$4, d as script$6, e as script$7, f as script$b, g as script$h, h as script$j } from "./index-C068lYT4.js";
+import { s as script$f } from "./index-A_bXPJCN.js";
+import { u as useKeybindingService } from "./keybindingService-DyjX-nxF.js";
+import { u as useServerConfigStore } from "./serverConfigStore-D2Vr0L0h.js";
+import "./index-Dzu9WL4p.js";
+const DEFAULT_TITLE = "ComfyUI";
+const TITLE_SUFFIX = " - ComfyUI";
+const _sfc_main$u = /* @__PURE__ */ defineComponent({
+ __name: "BrowserTabTitle",
+ setup(__props) {
+ const executionStore = useExecutionStore();
+ const executionText = computed(
+ () => executionStore.isIdle ? "" : `[${executionStore.executionProgress}%]`
+ );
+ const settingStore = useSettingStore();
+ const betaMenuEnabled = computed(
+ () => settingStore.get("Comfy.UseNewMenu") !== "Disabled"
+ );
+ const workflowStore = useWorkflowStore();
+ const isUnsavedText = computed(
+ () => workflowStore.activeWorkflow?.isModified || !workflowStore.activeWorkflow?.isPersisted ? " *" : ""
+ );
+ const workflowNameText = computed(() => {
+ const workflowName = workflowStore.activeWorkflow?.filename;
+ return workflowName ? isUnsavedText.value + workflowName + TITLE_SUFFIX : DEFAULT_TITLE;
+ });
+ const nodeExecutionTitle = computed(
+ () => executionStore.executingNode && executionStore.executingNodeProgress ? `${executionText.value}[${executionStore.executingNodeProgress}%] ${executionStore.executingNode.type}` : ""
+ );
+ const workflowTitle = computed(
+ () => executionText.value + (betaMenuEnabled.value ? workflowNameText.value : DEFAULT_TITLE)
+ );
+ const title = computed(() => nodeExecutionTitle.value || workflowTitle.value);
+ useTitle(title);
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div");
+ };
+ }
+});
+const _hoisted_1$k = { class: "window-actions-spacer" };
+const _sfc_main$t = /* @__PURE__ */ defineComponent({
+ __name: "MenuHamburger",
+ setup(__props) {
+ const workspaceState = useWorkspaceStore();
+ const settingStore = useSettingStore();
+ const exitFocusMode = /* @__PURE__ */ __name(() => {
+ workspaceState.focusMode = false;
+ }, "exitFocusMode");
+ watchEffect(() => {
+ if (settingStore.get("Comfy.UseNewMenu") !== "Disabled") {
+ return;
+ }
+ if (workspaceState.focusMode) {
+ app.ui.menuContainer.style.display = "none";
+ } else {
+ app.ui.menuContainer.style.display = "block";
+ }
+ });
+ const menuSetting = computed(() => settingStore.get("Comfy.UseNewMenu"));
+ const positionCSS = computed(
+ () => (
+ // 'Bottom' menuSetting shows the hamburger button in the bottom right corner
+ // 'Disabled', 'Top' menuSetting shows the hamburger button in the top right corner
+ menuSetting.value === "Bottom" ? { bottom: "0px", right: "0px" } : { top: "0px", right: "0px" }
+ )
+ );
+ return (_ctx, _cache) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return withDirectives((openBlock(), createElementBlock("div", {
+ class: "comfy-menu-hamburger no-drag",
+ style: normalizeStyle(positionCSS.value)
+ }, [
+ withDirectives(createVNode(unref(script), {
+ icon: "pi pi-bars",
+ severity: "secondary",
+ text: "",
+ size: "large",
+ "aria-label": _ctx.$t("menu.showMenu"),
+ "aria-live": "assertive",
+ onClick: exitFocusMode,
+ onContextmenu: unref(showNativeMenu)
+ }, null, 8, ["aria-label", "onContextmenu"]), [
+ [_directive_tooltip, { value: _ctx.$t("menu.showMenu"), showDelay: 300 }]
+ ]),
+ withDirectives(createBaseVNode("div", _hoisted_1$k, null, 512), [
+ [vShow, menuSetting.value !== "Bottom"]
+ ])
+ ], 4)), [
+ [vShow, unref(workspaceState).focusMode]
+ ]);
+ };
+ }
+});
+const MenuHamburger = /* @__PURE__ */ _export_sfc(_sfc_main$t, [["__scopeId", "data-v-82120b51"]]);
+const _sfc_main$s = /* @__PURE__ */ defineComponent({
+ __name: "UnloadWindowConfirmDialog",
+ setup(__props) {
+ const settingStore = useSettingStore();
+ const workflowStore = useWorkflowStore();
+ const handleBeforeUnload = /* @__PURE__ */ __name((event) => {
+ if (settingStore.get("Comfy.Window.UnloadConfirmation") && workflowStore.modifiedWorkflows.length > 0) {
+ event.preventDefault();
+ return true;
+ }
+ return void 0;
+ }, "handleBeforeUnload");
+ onMounted(() => {
+ window.addEventListener("beforeunload", handleBeforeUnload);
+ });
+ onBeforeUnmount(() => {
+ window.removeEventListener("beforeunload", handleBeforeUnload);
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div");
+ };
+ }
+});
+const _sfc_main$r = /* @__PURE__ */ defineComponent({
+ __name: "LiteGraphCanvasSplitterOverlay",
+ setup(__props) {
+ const settingStore = useSettingStore();
+ const sidebarLocation = computed(
+ () => settingStore.get("Comfy.Sidebar.Location")
+ );
+ const sidebarPanelVisible = computed(
+ () => useSidebarTabStore().activeSidebarTab !== null
+ );
+ const bottomPanelVisible = computed(
+ () => useBottomPanelStore().bottomPanelVisible
+ );
+ const activeSidebarTabId = computed(
+ () => useSidebarTabStore().activeSidebarTabId
+ );
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(unref(script$2), {
+ class: "splitter-overlay-root splitter-overlay",
+ "pt:gutter": sidebarPanelVisible.value ? "" : "hidden",
+ key: activeSidebarTabId.value,
+ stateKey: activeSidebarTabId.value,
+ stateStorage: "local"
+ }, {
+ default: withCtx(() => [
+ sidebarLocation.value === "left" ? withDirectives((openBlock(), createBlock(unref(script$1), {
+ key: 0,
+ class: "side-bar-panel",
+ minSize: 10,
+ size: 20
+ }, {
+ default: withCtx(() => [
+ renderSlot(_ctx.$slots, "side-bar-panel", {}, void 0, true)
+ ]),
+ _: 3
+ }, 512)), [
+ [vShow, sidebarPanelVisible.value]
+ ]) : createCommentVNode("", true),
+ createVNode(unref(script$1), { size: 100 }, {
+ default: withCtx(() => [
+ createVNode(unref(script$2), {
+ class: "splitter-overlay max-w-full",
+ layout: "vertical",
+ "pt:gutter": bottomPanelVisible.value ? "" : "hidden",
+ stateKey: "bottom-panel-splitter",
+ stateStorage: "local"
+ }, {
+ default: withCtx(() => [
+ createVNode(unref(script$1), { class: "graph-canvas-panel relative" }, {
+ default: withCtx(() => [
+ renderSlot(_ctx.$slots, "graph-canvas-panel", {}, void 0, true)
+ ]),
+ _: 3
+ }),
+ withDirectives(createVNode(unref(script$1), { class: "bottom-panel" }, {
+ default: withCtx(() => [
+ renderSlot(_ctx.$slots, "bottom-panel", {}, void 0, true)
+ ]),
+ _: 3
+ }, 512), [
+ [vShow, bottomPanelVisible.value]
+ ])
+ ]),
+ _: 3
+ }, 8, ["pt:gutter"])
+ ]),
+ _: 3
+ }),
+ sidebarLocation.value === "right" ? withDirectives((openBlock(), createBlock(unref(script$1), {
+ key: 1,
+ class: "side-bar-panel",
+ minSize: 10,
+ size: 20
+ }, {
+ default: withCtx(() => [
+ renderSlot(_ctx.$slots, "side-bar-panel", {}, void 0, true)
+ ]),
+ _: 3
+ }, 512)), [
+ [vShow, sidebarPanelVisible.value]
+ ]) : createCommentVNode("", true)
+ ]),
+ _: 3
+ }, 8, ["pt:gutter", "stateKey"]);
+ };
+ }
+});
+const LiteGraphCanvasSplitterOverlay = /* @__PURE__ */ _export_sfc(_sfc_main$r, [["__scopeId", "data-v-e50caa15"]]);
+const _sfc_main$q = /* @__PURE__ */ defineComponent({
+ __name: "ExtensionSlot",
+ props: {
+ extension: {}
+ },
+ setup(__props) {
+ const props = __props;
+ const mountCustomExtension = /* @__PURE__ */ __name((extension, el) => {
+ extension.render(el);
+ }, "mountCustomExtension");
+ onBeforeUnmount(() => {
+ if (props.extension.type === "custom" && props.extension.destroy) {
+ props.extension.destroy();
+ }
+ });
+ return (_ctx, _cache) => {
+ return _ctx.extension.type === "vue" ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.extension.component), { key: 0 })) : (openBlock(), createElementBlock("div", {
+ key: 1,
+ ref: /* @__PURE__ */ __name((el) => {
+ if (el)
+ mountCustomExtension(
+ props.extension,
+ el
+ );
+ }, "ref")
+ }, null, 512));
+ };
+ }
+});
+const _hoisted_1$j = { class: "flex flex-col h-full" };
+const _hoisted_2$7 = { class: "w-full flex justify-between" };
+const _hoisted_3$6 = { class: "tabs-container" };
+const _hoisted_4$2 = { class: "font-bold" };
+const _hoisted_5$1 = { class: "flex-grow h-0" };
+const _sfc_main$p = /* @__PURE__ */ defineComponent({
+ __name: "BottomPanel",
+ setup(__props) {
+ const bottomPanelStore = useBottomPanelStore();
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", _hoisted_1$j, [
+ createVNode(unref(script$5), {
+ value: unref(bottomPanelStore).activeBottomPanelTabId,
+ "onUpdate:value": _cache[1] || (_cache[1] = ($event) => unref(bottomPanelStore).activeBottomPanelTabId = $event)
+ }, {
+ default: withCtx(() => [
+ createVNode(unref(script$3), { "pt:tabList": "border-none" }, {
+ default: withCtx(() => [
+ createBaseVNode("div", _hoisted_2$7, [
+ createBaseVNode("div", _hoisted_3$6, [
+ (openBlock(true), createElementBlock(Fragment, null, renderList(unref(bottomPanelStore).bottomPanelTabs, (tab) => {
+ return openBlock(), createBlock(unref(script$4), {
+ key: tab.id,
+ value: tab.id,
+ class: "p-3 border-none"
+ }, {
+ default: withCtx(() => [
+ createBaseVNode("span", _hoisted_4$2, toDisplayString(tab.title.toUpperCase()), 1)
+ ]),
+ _: 2
+ }, 1032, ["value"]);
+ }), 128))
+ ]),
+ createVNode(unref(script), {
+ class: "justify-self-end",
+ icon: "pi pi-times",
+ severity: "secondary",
+ size: "small",
+ text: "",
+ onClick: _cache[0] || (_cache[0] = ($event) => unref(bottomPanelStore).bottomPanelVisible = false)
+ })
+ ])
+ ]),
+ _: 1
+ })
+ ]),
+ _: 1
+ }, 8, ["value"]),
+ createBaseVNode("div", _hoisted_5$1, [
+ unref(bottomPanelStore).bottomPanelVisible && unref(bottomPanelStore).activeBottomPanelTab ? (openBlock(), createBlock(_sfc_main$q, {
+ key: 0,
+ extension: unref(bottomPanelStore).activeBottomPanelTab
+ }, null, 8, ["extension"])) : createCommentVNode("", true)
+ ])
+ ]);
+ };
+ }
+});
+const _hoisted_1$i = {
+ viewBox: "0 0 1024 1024",
+ width: "1.2em",
+ height: "1.2em"
+};
+function render$7(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$i, _cache[0] || (_cache[0] = [
+ 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)
+ ]));
+}
+__name(render$7, "render$7");
+const __unplugin_components_1$2 = markRaw({ name: "simple-line-icons-cursor", render: render$7 });
+const _hoisted_1$h = {
+ viewBox: "0 0 24 24",
+ width: "1.2em",
+ height: "1.2em"
+};
+function render$6(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$h, _cache[0] || (_cache[0] = [
+ 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)
+ ]));
+}
+__name(render$6, "render$6");
+const __unplugin_components_0$2 = markRaw({ name: "material-symbols-pan-tool-outline", render: render$6 });
+const _sfc_main$o = /* @__PURE__ */ defineComponent({
+ __name: "GraphCanvasMenu",
+ setup(__props) {
+ const { t: t2 } = useI18n();
+ const commandStore = useCommandStore();
+ const canvasStore = useCanvasStore();
+ const settingStore = useSettingStore();
+ const linkHidden = computed(
+ () => settingStore.get("Comfy.LinkRenderMode") === LiteGraph.HIDDEN_LINK
+ );
+ let interval = null;
+ const repeat = /* @__PURE__ */ __name((command) => {
+ if (interval) return;
+ const cmd = /* @__PURE__ */ __name(() => commandStore.execute(command), "cmd");
+ cmd();
+ interval = window.setInterval(cmd, 100);
+ }, "repeat");
+ const stopRepeat = /* @__PURE__ */ __name(() => {
+ if (interval) {
+ clearInterval(interval);
+ interval = null;
+ }
+ }, "stopRepeat");
+ return (_ctx, _cache) => {
+ const _component_i_material_symbols58pan_tool_outline = __unplugin_components_0$2;
+ const _component_i_simple_line_icons58cursor = __unplugin_components_1$2;
+ const _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createBlock(unref(script$6), { class: "p-buttongroup-vertical absolute bottom-[10px] right-[10px] z-[1000]" }, {
+ default: withCtx(() => [
+ withDirectives(createVNode(unref(script), {
+ severity: "secondary",
+ icon: "pi pi-plus",
+ "aria-label": _ctx.$t("graphCanvasMenu.zoomIn"),
+ onMousedown: _cache[0] || (_cache[0] = ($event) => repeat("Comfy.Canvas.ZoomIn")),
+ onMouseup: stopRepeat
+ }, null, 8, ["aria-label"]), [
+ [
+ _directive_tooltip,
+ unref(t2)("graphCanvasMenu.zoomIn"),
+ void 0,
+ { left: true }
+ ]
+ ]),
+ withDirectives(createVNode(unref(script), {
+ severity: "secondary",
+ icon: "pi pi-minus",
+ "aria-label": _ctx.$t("graphCanvasMenu.zoomOut"),
+ onMousedown: _cache[1] || (_cache[1] = ($event) => repeat("Comfy.Canvas.ZoomOut")),
+ onMouseup: stopRepeat
+ }, null, 8, ["aria-label"]), [
+ [
+ _directive_tooltip,
+ unref(t2)("graphCanvasMenu.zoomOut"),
+ void 0,
+ { left: true }
+ ]
+ ]),
+ withDirectives(createVNode(unref(script), {
+ severity: "secondary",
+ icon: "pi pi-expand",
+ "aria-label": _ctx.$t("graphCanvasMenu.fitView"),
+ onClick: _cache[2] || (_cache[2] = () => unref(commandStore).execute("Comfy.Canvas.FitView"))
+ }, null, 8, ["aria-label"]), [
+ [
+ _directive_tooltip,
+ unref(t2)("graphCanvasMenu.fitView"),
+ void 0,
+ { left: true }
+ ]
+ ]),
+ withDirectives((openBlock(), createBlock(unref(script), {
+ severity: "secondary",
+ "aria-label": unref(t2)(
+ "graphCanvasMenu." + (unref(canvasStore).canvas?.read_only ? "panMode" : "selectMode")
+ ),
+ onClick: _cache[3] || (_cache[3] = () => unref(commandStore).execute("Comfy.Canvas.ToggleLock"))
+ }, {
+ icon: withCtx(() => [
+ unref(canvasStore).canvas?.read_only ? (openBlock(), createBlock(_component_i_material_symbols58pan_tool_outline, { key: 0 })) : (openBlock(), createBlock(_component_i_simple_line_icons58cursor, { key: 1 }))
+ ]),
+ _: 1
+ }, 8, ["aria-label"])), [
+ [
+ _directive_tooltip,
+ unref(t2)(
+ "graphCanvasMenu." + (unref(canvasStore).canvas?.read_only ? "panMode" : "selectMode")
+ ) + " (Space)",
+ void 0,
+ { left: true }
+ ]
+ ]),
+ withDirectives(createVNode(unref(script), {
+ severity: "secondary",
+ icon: linkHidden.value ? "pi pi-eye-slash" : "pi pi-eye",
+ "aria-label": _ctx.$t("graphCanvasMenu.toggleLinkVisibility"),
+ onClick: _cache[4] || (_cache[4] = () => unref(commandStore).execute("Comfy.Canvas.ToggleLinkVisibility")),
+ "data-testid": "toggle-link-visibility-button"
+ }, null, 8, ["icon", "aria-label"]), [
+ [
+ _directive_tooltip,
+ unref(t2)("graphCanvasMenu.toggleLinkVisibility"),
+ void 0,
+ { left: true }
+ ]
+ ])
+ ]),
+ _: 1
+ });
+ };
+ }
+});
+const GraphCanvasMenu = /* @__PURE__ */ _export_sfc(_sfc_main$o, [["__scopeId", "data-v-27a9500c"]]);
+const _sfc_main$n = /* @__PURE__ */ defineComponent({
+ __name: "NodeBadge",
+ setup(__props) {
+ const settingStore = useSettingStore();
+ const colorPaletteStore = useColorPaletteStore();
+ const nodeSourceBadgeMode = computed(
+ () => settingStore.get("Comfy.NodeBadge.NodeSourceBadgeMode")
+ );
+ const nodeIdBadgeMode = computed(
+ () => settingStore.get("Comfy.NodeBadge.NodeIdBadgeMode")
+ );
+ const nodeLifeCycleBadgeMode = computed(
+ () => settingStore.get("Comfy.NodeBadge.NodeLifeCycleBadgeMode")
+ );
+ watch([nodeSourceBadgeMode, nodeIdBadgeMode, nodeLifeCycleBadgeMode], () => {
+ app.graph?.setDirtyCanvas(true, true);
+ });
+ const nodeDefStore = useNodeDefStore();
+ function badgeTextVisible(nodeDef, badgeMode) {
+ return !(badgeMode === NodeBadgeMode.None || nodeDef?.isCoreNode && badgeMode === NodeBadgeMode.HideBuiltIn);
+ }
+ __name(badgeTextVisible, "badgeTextVisible");
+ onMounted(() => {
+ app.registerExtension({
+ name: "Comfy.NodeBadge",
+ nodeCreated(node) {
+ node.badgePosition = BadgePosition.TopRight;
+ const badge = computed(() => {
+ const nodeDef = nodeDefStore.fromLGraphNode(node);
+ return new LGraphBadge({
+ text: _.truncate(
+ [
+ badgeTextVisible(nodeDef, nodeIdBadgeMode.value) ? `#${node.id}` : "",
+ badgeTextVisible(nodeDef, nodeLifeCycleBadgeMode.value) ? nodeDef?.nodeLifeCycleBadgeText ?? "" : "",
+ badgeTextVisible(nodeDef, nodeSourceBadgeMode.value) ? nodeDef?.nodeSource?.badgeText ?? "" : ""
+ ].filter((s) => s.length > 0).join(" "),
+ {
+ length: 31
+ }
+ ),
+ fgColor: colorPaletteStore.completedActivePalette.colors.litegraph_base.BADGE_FG_COLOR,
+ bgColor: colorPaletteStore.completedActivePalette.colors.litegraph_base.BADGE_BG_COLOR
+ });
+ });
+ node.badges.push(() => badge.value);
+ }
+ });
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div");
+ };
+ }
+});
+const _sfc_main$m = /* @__PURE__ */ defineComponent({
+ __name: "NodeTooltip",
+ setup(__props) {
+ let idleTimeout;
+ const nodeDefStore = useNodeDefStore();
+ const settingStore = useSettingStore();
+ const tooltipRef = ref();
+ const tooltipText = ref("");
+ const left = ref();
+ const top = ref();
+ const hideTooltip = /* @__PURE__ */ __name(() => tooltipText.value = null, "hideTooltip");
+ const showTooltip = /* @__PURE__ */ __name(async (tooltip) => {
+ if (!tooltip) return;
+ left.value = app.canvas.mouse[0] + "px";
+ top.value = app.canvas.mouse[1] + "px";
+ tooltipText.value = tooltip;
+ await nextTick();
+ const rect = tooltipRef.value.getBoundingClientRect();
+ if (rect.right > window.innerWidth) {
+ left.value = app.canvas.mouse[0] - rect.width + "px";
+ }
+ if (rect.top < 0) {
+ top.value = app.canvas.mouse[1] + rect.height + "px";
+ }
+ }, "showTooltip");
+ const onIdle = /* @__PURE__ */ __name(() => {
+ const { canvas } = app;
+ const node = canvas.node_over;
+ if (!node) return;
+ const ctor = node.constructor;
+ const nodeDef = nodeDefStore.nodeDefsByName[node.type];
+ if (ctor.title_mode !== LiteGraph.NO_TITLE && canvas.graph_mouse[1] < node.pos[1]) {
+ return showTooltip(nodeDef.description);
+ }
+ if (node.flags?.collapsed) return;
+ const inputSlot = canvas.isOverNodeInput(
+ node,
+ canvas.graph_mouse[0],
+ canvas.graph_mouse[1],
+ [0, 0]
+ );
+ if (inputSlot !== -1) {
+ const inputName = node.inputs[inputSlot].name;
+ const translatedTooltip = st(
+ `nodeDefs.${normalizeI18nKey(node.type)}.inputs.${normalizeI18nKey(inputName)}.tooltip`,
+ nodeDef.inputs.getInput(inputName)?.tooltip
+ );
+ return showTooltip(translatedTooltip);
+ }
+ const outputSlot = canvas.isOverNodeOutput(
+ node,
+ canvas.graph_mouse[0],
+ canvas.graph_mouse[1],
+ [0, 0]
+ );
+ if (outputSlot !== -1) {
+ const translatedTooltip = st(
+ `nodeDefs.${normalizeI18nKey(node.type)}.outputs.${outputSlot}.tooltip`,
+ nodeDef.outputs.all?.[outputSlot]?.tooltip
+ );
+ return showTooltip(translatedTooltip);
+ }
+ const widget = app.canvas.getWidgetAtCursor();
+ if (widget && !widget.element) {
+ const translatedTooltip = st(
+ `nodeDefs.${normalizeI18nKey(node.type)}.inputs.${normalizeI18nKey(widget.name)}.tooltip`,
+ nodeDef.inputs.getInput(widget.name)?.tooltip
+ );
+ return showTooltip(widget.tooltip ?? translatedTooltip);
+ }
+ }, "onIdle");
+ const onMouseMove = /* @__PURE__ */ __name((e) => {
+ hideTooltip();
+ clearTimeout(idleTimeout);
+ if (e.target.nodeName !== "CANVAS") return;
+ idleTimeout = window.setTimeout(
+ onIdle,
+ settingStore.get("LiteGraph.Node.TooltipDelay")
+ );
+ }, "onMouseMove");
+ useEventListener(window, "mousemove", onMouseMove);
+ useEventListener(window, "click", hideTooltip);
+ return (_ctx, _cache) => {
+ return tooltipText.value ? (openBlock(), createElementBlock("div", {
+ key: 0,
+ ref_key: "tooltipRef",
+ ref: tooltipRef,
+ class: "node-tooltip",
+ style: normalizeStyle({ left: left.value, top: top.value })
+ }, toDisplayString(tooltipText.value), 5)) : createCommentVNode("", true);
+ };
+ }
+});
+const NodeTooltip = /* @__PURE__ */ _export_sfc(_sfc_main$m, [["__scopeId", "data-v-f03142eb"]]);
+const _sfc_main$l = /* @__PURE__ */ defineComponent({
+ __name: "TitleEditor",
+ setup(__props) {
+ const settingStore = useSettingStore();
+ const showInput = ref(false);
+ const editedTitle = ref("");
+ const inputStyle = ref({
+ position: "fixed",
+ left: "0px",
+ top: "0px",
+ width: "200px",
+ height: "20px",
+ fontSize: "12px"
+ });
+ const titleEditorStore = useTitleEditorStore();
+ const canvasStore = useCanvasStore();
+ const previousCanvasDraggable = ref(true);
+ const onEdit = /* @__PURE__ */ __name((newValue) => {
+ if (titleEditorStore.titleEditorTarget && newValue.trim() !== "") {
+ titleEditorStore.titleEditorTarget.title = newValue.trim();
+ app.graph.setDirtyCanvas(true, true);
+ }
+ showInput.value = false;
+ titleEditorStore.titleEditorTarget = null;
+ canvasStore.canvas.allow_dragcanvas = previousCanvasDraggable.value;
+ }, "onEdit");
+ watch(
+ () => titleEditorStore.titleEditorTarget,
+ (target) => {
+ if (target === null) {
+ return;
+ }
+ editedTitle.value = target.title;
+ showInput.value = true;
+ previousCanvasDraggable.value = canvasStore.canvas.allow_dragcanvas;
+ canvasStore.canvas.allow_dragcanvas = false;
+ if (target instanceof LGraphGroup) {
+ const group = target;
+ const [x, y] = group.pos;
+ const [w, h] = group.size;
+ const [left, top] = app.canvasPosToClientPos([x, y]);
+ inputStyle.value.left = `${left}px`;
+ inputStyle.value.top = `${top}px`;
+ const width = w * app.canvas.ds.scale;
+ const height = group.titleHeight * app.canvas.ds.scale;
+ inputStyle.value.width = `${width}px`;
+ inputStyle.value.height = `${height}px`;
+ const fontSize = group.font_size * app.canvas.ds.scale;
+ inputStyle.value.fontSize = `${fontSize}px`;
+ } else if (target instanceof LGraphNode) {
+ const node = target;
+ const [x, y] = node.getBounding();
+ const canvasWidth = node.width;
+ const canvasHeight = LiteGraph.NODE_TITLE_HEIGHT;
+ const [left, top] = app.canvasPosToClientPos([x, y]);
+ inputStyle.value.left = `${left}px`;
+ inputStyle.value.top = `${top}px`;
+ const width = canvasWidth * app.canvas.ds.scale;
+ const height = canvasHeight * app.canvas.ds.scale;
+ inputStyle.value.width = `${width}px`;
+ inputStyle.value.height = `${height}px`;
+ const fontSize = 12 * app.canvas.ds.scale;
+ inputStyle.value.fontSize = `${fontSize}px`;
+ }
+ }
+ );
+ const canvasEventHandler = /* @__PURE__ */ __name((event) => {
+ if (event.detail.subType === "group-double-click") {
+ if (!settingStore.get("Comfy.Group.DoubleClickTitleToEdit")) {
+ return;
+ }
+ const group = event.detail.group;
+ const [x, y] = group.pos;
+ const e = event.detail.originalEvent;
+ const relativeY = e.canvasY - y;
+ if (relativeY <= group.titleHeight) {
+ titleEditorStore.titleEditorTarget = group;
+ }
+ } else if (event.detail.subType === "node-double-click") {
+ if (!settingStore.get("Comfy.Node.DoubleClickTitleToEdit")) {
+ return;
+ }
+ const node = event.detail.node;
+ const [x, y] = node.pos;
+ const e = event.detail.originalEvent;
+ const relativeY = e.canvasY - y;
+ if (relativeY <= 0) {
+ titleEditorStore.titleEditorTarget = node;
+ }
+ }
+ }, "canvasEventHandler");
+ useEventListener(document, "litegraph:canvas", canvasEventHandler);
+ return (_ctx, _cache) => {
+ return showInput.value ? (openBlock(), createElementBlock("div", {
+ key: 0,
+ class: "group-title-editor node-title-editor",
+ style: normalizeStyle(inputStyle.value)
+ }, [
+ createVNode(EditableText, {
+ isEditing: showInput.value,
+ modelValue: editedTitle.value,
+ onEdit
+ }, null, 8, ["isEditing", "modelValue"])
+ ], 4)) : createCommentVNode("", true);
+ };
+ }
+});
+const TitleEditor = /* @__PURE__ */ _export_sfc(_sfc_main$l, [["__scopeId", "data-v-12d3fd12"]]);
+const useSearchBoxStore = defineStore("searchBox", () => {
+ const visible = ref(false);
+ function toggleVisible() {
+ visible.value = !visible.value;
+ }
+ __name(toggleVisible, "toggleVisible");
+ return {
+ visible,
+ toggleVisible
+ };
+});
+class ConnectingLinkImpl {
+ static {
+ __name(this, "ConnectingLinkImpl");
+ }
+ constructor(node, slot, input, output, pos, afterRerouteId) {
+ this.node = node;
+ this.slot = slot;
+ this.input = input;
+ this.output = output;
+ this.pos = pos;
+ this.afterRerouteId = afterRerouteId;
+ }
+ static createFromPlainObject(obj) {
+ return new ConnectingLinkImpl(
+ obj.node,
+ obj.slot,
+ obj.input,
+ obj.output,
+ obj.pos,
+ obj.afterRerouteId
+ );
+ }
+ get type() {
+ const result = this.input ? this.input.type : this.output?.type ?? null;
+ return result === -1 ? null : result;
+ }
+ /**
+ * Which slot type is release and need to be reconnected.
+ * - 'output' means we need a new node's outputs slot to connect with this link
+ */
+ get releaseSlotType() {
+ return this.output ? "input" : "output";
+ }
+ connectTo(newNode) {
+ const newNodeSlots = this.releaseSlotType === "output" ? newNode.outputs : newNode.inputs;
+ if (!newNodeSlots) return;
+ const newNodeSlot = newNodeSlots.findIndex(
+ (slot) => LiteGraph.isValidConnection(slot.type, this.type)
+ );
+ if (newNodeSlot === -1) {
+ console.warn(
+ `Could not find slot with type ${this.type} on node ${newNode.title}. This should never happen`
+ );
+ return;
+ }
+ if (this.releaseSlotType === "input") {
+ this.node.connect(this.slot, newNode, newNodeSlot, this.afterRerouteId);
+ } else {
+ newNode.connect(newNodeSlot, this.node, this.slot, this.afterRerouteId);
+ }
+ }
+}
+const _sfc_main$k = {
+ name: "AutoCompletePlus",
+ extends: script$7,
+ emits: ["focused-option-changed"],
+ data() {
+ return {
+ // Flag to determine if IME is active
+ isComposing: false
+ };
+ },
+ mounted() {
+ if (typeof script$7.mounted === "function") {
+ script$7.mounted.call(this);
+ }
+ const inputEl = this.$el.querySelector("input");
+ if (inputEl) {
+ inputEl.addEventListener("compositionstart", () => {
+ this.isComposing = true;
+ });
+ inputEl.addEventListener("compositionend", () => {
+ this.isComposing = false;
+ });
+ }
+ this.$watch(
+ () => this.focusedOptionIndex,
+ (newVal, oldVal) => {
+ this.$emit("focused-option-changed", newVal);
+ }
+ );
+ },
+ methods: {
+ // Override onKeyDown to block Enter when IME is active
+ onKeyDown(event) {
+ if (event.key === "Enter" && this.isComposing) {
+ event.preventDefault();
+ event.stopPropagation();
+ return;
+ }
+ script$7.methods.onKeyDown.call(this, event);
+ }
+ }
+};
+const _hoisted_1$g = { class: "option-container flex justify-between items-center px-2 py-0 cursor-pointer overflow-hidden w-full" };
+const _hoisted_2$6 = { class: "option-display-name font-semibold flex flex-col" };
+const _hoisted_3$5 = { key: 0 };
+const _hoisted_4$1 = ["innerHTML"];
+const _hoisted_5 = ["innerHTML"];
+const _hoisted_6 = {
+ key: 0,
+ class: "option-category font-light text-sm text-muted overflow-hidden text-ellipsis whitespace-nowrap"
+};
+const _hoisted_7 = { class: "option-badges" };
+const _sfc_main$j = /* @__PURE__ */ defineComponent({
+ __name: "NodeSearchItem",
+ props: {
+ nodeDef: {},
+ currentQuery: {}
+ },
+ setup(__props) {
+ const settingStore = useSettingStore();
+ const showCategory = computed(
+ () => settingStore.get("Comfy.NodeSearchBoxImpl.ShowCategory")
+ );
+ const showIdName = computed(
+ () => settingStore.get("Comfy.NodeSearchBoxImpl.ShowIdName")
+ );
+ const showNodeFrequency = computed(
+ () => settingStore.get("Comfy.NodeSearchBoxImpl.ShowNodeFrequency")
+ );
+ const nodeFrequencyStore = useNodeFrequencyStore();
+ const nodeFrequency = computed(
+ () => nodeFrequencyStore.getNodeFrequency(props.nodeDef)
+ );
+ const nodeBookmarkStore = useNodeBookmarkStore();
+ const isBookmarked = computed(
+ () => nodeBookmarkStore.isBookmarked(props.nodeDef)
+ );
+ const props = __props;
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", _hoisted_1$g, [
+ createBaseVNode("div", _hoisted_2$6, [
+ createBaseVNode("div", null, [
+ isBookmarked.value ? (openBlock(), createElementBlock("span", _hoisted_3$5, _cache[0] || (_cache[0] = [
+ createBaseVNode("i", { class: "pi pi-bookmark-fill text-sm mr-1" }, null, -1)
+ ]))) : createCommentVNode("", true),
+ createBaseVNode("span", {
+ innerHTML: unref(highlightQuery)(_ctx.nodeDef.display_name, _ctx.currentQuery)
+ }, null, 8, _hoisted_4$1),
+ _cache[1] || (_cache[1] = createBaseVNode("span", null, " ", -1)),
+ showIdName.value ? (openBlock(), createBlock(unref(script$8), {
+ key: 1,
+ severity: "secondary"
+ }, {
+ default: withCtx(() => [
+ createBaseVNode("span", {
+ innerHTML: unref(highlightQuery)(_ctx.nodeDef.name, _ctx.currentQuery)
+ }, null, 8, _hoisted_5)
+ ]),
+ _: 1
+ })) : createCommentVNode("", true)
+ ]),
+ showCategory.value ? (openBlock(), createElementBlock("div", _hoisted_6, toDisplayString(_ctx.nodeDef.category.replaceAll("/", " > ")), 1)) : createCommentVNode("", true)
+ ]),
+ createBaseVNode("div", _hoisted_7, [
+ _ctx.nodeDef.experimental ? (openBlock(), createBlock(unref(script$8), {
+ key: 0,
+ value: _ctx.$t("g.experimental"),
+ severity: "primary"
+ }, null, 8, ["value"])) : createCommentVNode("", true),
+ _ctx.nodeDef.deprecated ? (openBlock(), createBlock(unref(script$8), {
+ key: 1,
+ value: _ctx.$t("g.deprecated"),
+ severity: "danger"
+ }, null, 8, ["value"])) : createCommentVNode("", true),
+ showNodeFrequency.value && nodeFrequency.value > 0 ? (openBlock(), createBlock(unref(script$8), {
+ key: 2,
+ value: unref(formatNumberWithSuffix)(nodeFrequency.value, { roundToInt: true }),
+ severity: "secondary"
+ }, null, 8, ["value"])) : createCommentVNode("", true),
+ _ctx.nodeDef.nodeSource.type !== unref(NodeSourceType).Unknown ? (openBlock(), createBlock(unref(script$9), {
+ key: 3,
+ class: "text-sm font-light"
+ }, {
+ default: withCtx(() => [
+ createTextVNode(toDisplayString(_ctx.nodeDef.nodeSource.displayText), 1)
+ ]),
+ _: 1
+ })) : createCommentVNode("", true)
+ ])
+ ]);
+ };
+ }
+});
+const NodeSearchItem = /* @__PURE__ */ _export_sfc(_sfc_main$j, [["__scopeId", "data-v-fd0a74bd"]]);
+const _hoisted_1$f = { class: "comfy-vue-node-search-container flex justify-center items-center w-full min-w-96" };
+const _hoisted_2$5 = {
+ key: 0,
+ class: "comfy-vue-node-preview-container absolute left-[-350px] top-[50px]"
+};
+const _hoisted_3$4 = { class: "_dialog-body" };
+const _sfc_main$i = /* @__PURE__ */ defineComponent({
+ __name: "NodeSearchBox",
+ props: {
+ filters: {},
+ searchLimit: { default: 64 }
+ },
+ emits: ["addFilter", "removeFilter", "addNode"],
+ setup(__props, { emit: __emit }) {
+ const settingStore = useSettingStore();
+ const { t: t2 } = useI18n();
+ const enableNodePreview = computed(
+ () => settingStore.get("Comfy.NodeSearchBoxImpl.NodePreview")
+ );
+ const props = __props;
+ const nodeSearchFilterVisible = ref(false);
+ const inputId = `comfy-vue-node-search-box-input-${Math.random()}`;
+ const suggestions = ref([]);
+ const hoveredSuggestion = ref(null);
+ const currentQuery = ref("");
+ const placeholder = computed(() => {
+ return props.filters.length === 0 ? t2("g.searchNodes") + "..." : "";
+ });
+ const nodeDefStore = useNodeDefStore();
+ const nodeFrequencyStore = useNodeFrequencyStore();
+ const search = /* @__PURE__ */ __name((query) => {
+ const queryIsEmpty = query === "" && props.filters.length === 0;
+ currentQuery.value = query;
+ suggestions.value = queryIsEmpty ? nodeFrequencyStore.topNodeDefs : [
+ ...nodeDefStore.nodeSearchService.searchNode(query, props.filters, {
+ limit: props.searchLimit
+ })
+ ];
+ }, "search");
+ const emit = __emit;
+ let inputElement = null;
+ const reFocusInput = /* @__PURE__ */ __name(() => {
+ inputElement ??= document.getElementById(inputId);
+ if (inputElement) {
+ inputElement.blur();
+ nextTick(() => inputElement?.focus());
+ }
+ }, "reFocusInput");
+ onMounted(reFocusInput);
+ const onAddFilter = /* @__PURE__ */ __name((filterAndValue) => {
+ nodeSearchFilterVisible.value = false;
+ emit("addFilter", filterAndValue);
+ }, "onAddFilter");
+ const onRemoveFilter = /* @__PURE__ */ __name((event, filterAndValue) => {
+ event.stopPropagation();
+ event.preventDefault();
+ emit("removeFilter", filterAndValue);
+ reFocusInput();
+ }, "onRemoveFilter");
+ const setHoverSuggestion = /* @__PURE__ */ __name((index) => {
+ if (index === -1) {
+ hoveredSuggestion.value = null;
+ return;
+ }
+ const value = suggestions.value[index];
+ hoveredSuggestion.value = value;
+ }, "setHoverSuggestion");
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", _hoisted_1$f, [
+ enableNodePreview.value ? (openBlock(), createElementBlock("div", _hoisted_2$5, [
+ hoveredSuggestion.value ? (openBlock(), createBlock(NodePreview, {
+ nodeDef: hoveredSuggestion.value,
+ key: hoveredSuggestion.value?.name || ""
+ }, null, 8, ["nodeDef"])) : createCommentVNode("", true)
+ ])) : createCommentVNode("", true),
+ createVNode(unref(script), {
+ icon: "pi pi-filter",
+ severity: "secondary",
+ class: "filter-button z-10",
+ onClick: _cache[0] || (_cache[0] = ($event) => nodeSearchFilterVisible.value = true)
+ }),
+ createVNode(unref(script$a), {
+ visible: nodeSearchFilterVisible.value,
+ "onUpdate:visible": _cache[1] || (_cache[1] = ($event) => nodeSearchFilterVisible.value = $event),
+ class: "min-w-96",
+ "dismissable-mask": "",
+ modal: "",
+ onHide: reFocusInput
+ }, {
+ header: withCtx(() => _cache[5] || (_cache[5] = [
+ createBaseVNode("h3", null, "Add node filter condition", -1)
+ ])),
+ default: withCtx(() => [
+ createBaseVNode("div", _hoisted_3$4, [
+ createVNode(NodeSearchFilter, { onAddFilter })
+ ])
+ ]),
+ _: 1
+ }, 8, ["visible"]),
+ createVNode(_sfc_main$k, {
+ "model-value": props.filters,
+ class: "comfy-vue-node-search-box z-10 flex-grow",
+ scrollHeight: "40vh",
+ placeholder: placeholder.value,
+ "input-id": inputId,
+ "append-to": "self",
+ suggestions: suggestions.value,
+ "min-length": 0,
+ delay: 100,
+ loading: !unref(nodeFrequencyStore).isLoaded,
+ onComplete: _cache[2] || (_cache[2] = ($event) => search($event.query)),
+ onOptionSelect: _cache[3] || (_cache[3] = ($event) => emit("addNode", $event.value)),
+ onFocusedOptionChanged: _cache[4] || (_cache[4] = ($event) => setHoverSuggestion($event)),
+ "complete-on-focus": "",
+ "auto-option-focus": "",
+ "force-selection": "",
+ multiple: "",
+ optionLabel: "display_name"
+ }, {
+ option: withCtx(({ option }) => [
+ createVNode(NodeSearchItem, {
+ nodeDef: option,
+ currentQuery: currentQuery.value
+ }, null, 8, ["nodeDef", "currentQuery"])
+ ]),
+ chip: withCtx(({ value }) => [
+ Array.isArray(value) && value.length === 2 ? (openBlock(), createBlock(SearchFilterChip, {
+ key: `${value[0].id}-${value[1]}`,
+ onRemove: /* @__PURE__ */ __name(($event) => onRemoveFilter($event, value), "onRemove"),
+ text: value[1],
+ badge: value[0].invokeSequence.toUpperCase(),
+ "badge-class": value[0].invokeSequence + "-badge"
+ }, null, 8, ["onRemove", "text", "badge", "badge-class"])) : createCommentVNode("", true)
+ ]),
+ _: 1
+ }, 8, ["model-value", "placeholder", "suggestions", "loading"])
+ ]);
+ };
+ }
+});
+const _sfc_main$h = /* @__PURE__ */ defineComponent({
+ __name: "NodeSearchBoxPopover",
+ setup(__props) {
+ const settingStore = useSettingStore();
+ const litegraphService = useLitegraphService();
+ const { visible } = storeToRefs(useSearchBoxStore());
+ const dismissable = ref(true);
+ const triggerEvent = ref(null);
+ const getNewNodeLocation = /* @__PURE__ */ __name(() => {
+ if (!triggerEvent.value) {
+ return litegraphService.getCanvasCenter();
+ }
+ const originalEvent = triggerEvent.value.detail.originalEvent;
+ return [originalEvent.canvasX, originalEvent.canvasY];
+ }, "getNewNodeLocation");
+ const nodeFilters = ref([]);
+ const addFilter = /* @__PURE__ */ __name((filter) => {
+ nodeFilters.value.push(filter);
+ }, "addFilter");
+ const removeFilter = /* @__PURE__ */ __name((filter) => {
+ nodeFilters.value = nodeFilters.value.filter(
+ (f) => toRaw(f) !== toRaw(filter)
+ );
+ }, "removeFilter");
+ const clearFilters = /* @__PURE__ */ __name(() => {
+ nodeFilters.value = [];
+ }, "clearFilters");
+ const closeDialog = /* @__PURE__ */ __name(() => {
+ visible.value = false;
+ }, "closeDialog");
+ const addNode = /* @__PURE__ */ __name((nodeDef) => {
+ const node = litegraphService.addNodeOnGraph(nodeDef, {
+ pos: getNewNodeLocation()
+ });
+ const eventDetail = triggerEvent.value?.detail;
+ if (eventDetail && eventDetail.subType === "empty-release") {
+ eventDetail.linkReleaseContext.links.forEach((link) => {
+ ConnectingLinkImpl.createFromPlainObject(link).connectTo(node);
+ });
+ }
+ window.setTimeout(() => {
+ closeDialog();
+ }, 100);
+ }, "addNode");
+ const newSearchBoxEnabled = computed(
+ () => settingStore.get("Comfy.NodeSearchBoxImpl") === "default"
+ );
+ const showSearchBox = /* @__PURE__ */ __name((e) => {
+ const detail = e.detail;
+ if (newSearchBoxEnabled.value) {
+ if (detail.originalEvent?.pointerType === "touch") {
+ setTimeout(() => {
+ showNewSearchBox(e);
+ }, 128);
+ } else {
+ showNewSearchBox(e);
+ }
+ } else {
+ canvasStore.canvas.showSearchBox(detail.originalEvent);
+ }
+ }, "showSearchBox");
+ const nodeDefStore = useNodeDefStore();
+ const showNewSearchBox = /* @__PURE__ */ __name((e) => {
+ if (e.detail.subType === "empty-release") {
+ const links = e.detail.linkReleaseContext.links;
+ if (links.length === 0) {
+ console.warn("Empty release with no links! This should never happen");
+ return;
+ }
+ const firstLink = ConnectingLinkImpl.createFromPlainObject(links[0]);
+ const filter = nodeDefStore.nodeSearchService.getFilterById(
+ firstLink.releaseSlotType
+ );
+ const dataType = firstLink.type.toString();
+ addFilter([filter, dataType]);
+ }
+ visible.value = true;
+ triggerEvent.value = e;
+ dismissable.value = false;
+ setTimeout(() => {
+ dismissable.value = true;
+ }, 300);
+ }, "showNewSearchBox");
+ const showContextMenu = /* @__PURE__ */ __name((e) => {
+ if (e.detail.subType !== "empty-release") {
+ return;
+ }
+ const links = e.detail.linkReleaseContext.links;
+ if (links.length === 0) {
+ console.warn("Empty release with no links! This should never happen");
+ return;
+ }
+ const firstLink = ConnectingLinkImpl.createFromPlainObject(links[0]);
+ const mouseEvent = e.detail.originalEvent;
+ const commonOptions = {
+ e: mouseEvent,
+ allow_searchbox: true,
+ showSearchBox: /* @__PURE__ */ __name(() => showSearchBox(e), "showSearchBox")
+ };
+ const connectionOptions = firstLink.output ? {
+ nodeFrom: firstLink.node,
+ slotFrom: firstLink.output,
+ afterRerouteId: firstLink.afterRerouteId
+ } : {
+ nodeTo: firstLink.node,
+ slotTo: firstLink.input,
+ afterRerouteId: firstLink.afterRerouteId
+ };
+ canvasStore.canvas.showConnectionMenu({
+ ...connectionOptions,
+ ...commonOptions
+ });
+ }, "showContextMenu");
+ const canvasStore = useCanvasStore();
+ watchEffect(() => {
+ if (canvasStore.canvas) {
+ LiteGraph.release_link_on_empty_shows_menu = false;
+ canvasStore.canvas.allow_searchbox = false;
+ }
+ });
+ const canvasEventHandler = /* @__PURE__ */ __name((e) => {
+ if (e.detail.subType === "empty-double-click") {
+ showSearchBox(e);
+ } else if (e.detail.subType === "empty-release") {
+ handleCanvasEmptyRelease(e);
+ } else if (e.detail.subType === "group-double-click") {
+ const group = e.detail.group;
+ const [x, y] = group.pos;
+ const relativeY = e.detail.originalEvent.canvasY - y;
+ if (relativeY > group.titleHeight) {
+ showSearchBox(e);
+ }
+ }
+ }, "canvasEventHandler");
+ const linkReleaseAction = computed(() => {
+ return settingStore.get("Comfy.LinkRelease.Action");
+ });
+ const linkReleaseActionShift = computed(() => {
+ return settingStore.get("Comfy.LinkRelease.ActionShift");
+ });
+ const handleCanvasEmptyRelease = /* @__PURE__ */ __name((e) => {
+ const detail = e.detail;
+ const shiftPressed = detail.originalEvent.shiftKey;
+ const action = shiftPressed ? linkReleaseActionShift.value : linkReleaseAction.value;
+ switch (action) {
+ case LinkReleaseTriggerAction.SEARCH_BOX:
+ showSearchBox(e);
+ break;
+ case LinkReleaseTriggerAction.CONTEXT_MENU:
+ showContextMenu(e);
+ break;
+ case LinkReleaseTriggerAction.NO_ACTION:
+ default:
+ break;
+ }
+ }, "handleCanvasEmptyRelease");
+ useEventListener(document, "litegraph:canvas", canvasEventHandler);
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", null, [
+ createVNode(unref(script$a), {
+ visible: unref(visible),
+ "onUpdate:visible": _cache[0] || (_cache[0] = ($event) => isRef(visible) ? visible.value = $event : null),
+ modal: "",
+ "dismissable-mask": dismissable.value,
+ onHide: clearFilters,
+ pt: {
+ root: {
+ class: "invisible-dialog-root",
+ role: "search"
+ },
+ mask: { class: "node-search-box-dialog-mask" },
+ transition: {
+ enterFromClass: "opacity-0 scale-75",
+ // 100ms is the duration of the transition in the dialog component
+ enterActiveClass: "transition-all duration-100 ease-out",
+ leaveActiveClass: "transition-all duration-100 ease-in",
+ leaveToClass: "opacity-0 scale-75"
+ }
+ }
+ }, {
+ container: withCtx(() => [
+ createVNode(_sfc_main$i, {
+ filters: nodeFilters.value,
+ onAddFilter: addFilter,
+ onRemoveFilter: removeFilter,
+ onAddNode: addNode
+ }, null, 8, ["filters"])
+ ]),
+ _: 1
+ }, 8, ["visible", "dismissable-mask"])
+ ]);
+ };
+ }
+});
+const _sfc_main$g = /* @__PURE__ */ defineComponent({
+ __name: "SidebarIcon",
+ props: {
+ icon: String,
+ selected: Boolean,
+ tooltip: {
+ type: String,
+ default: ""
+ },
+ class: {
+ type: String,
+ default: ""
+ },
+ iconBadge: {
+ type: [String, Function],
+ default: ""
+ }
+ },
+ emits: ["click"],
+ setup(__props, { emit: __emit }) {
+ const props = __props;
+ const emit = __emit;
+ const overlayValue = computed(
+ () => typeof props.iconBadge === "function" ? props.iconBadge() || "" : props.iconBadge
+ );
+ const shouldShowBadge = computed(() => !!overlayValue.value);
+ return (_ctx, _cache) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return withDirectives((openBlock(), createBlock(unref(script), {
+ class: normalizeClass(props.class),
+ text: "",
+ pt: {
+ root: {
+ class: `side-bar-button ${props.selected ? "p-button-primary side-bar-button-selected" : "p-button-secondary"}`,
+ "aria-label": props.tooltip
+ }
+ },
+ onClick: _cache[0] || (_cache[0] = ($event) => emit("click", $event))
+ }, {
+ icon: withCtx(() => [
+ shouldShowBadge.value ? (openBlock(), createBlock(unref(script$b), {
+ key: 0,
+ value: overlayValue.value
+ }, {
+ default: withCtx(() => [
+ createBaseVNode("i", {
+ class: normalizeClass(props.icon + " side-bar-button-icon")
+ }, null, 2)
+ ]),
+ _: 1
+ }, 8, ["value"])) : (openBlock(), createElementBlock("i", {
+ key: 1,
+ class: normalizeClass(props.icon + " side-bar-button-icon")
+ }, null, 2))
+ ]),
+ _: 1
+ }, 8, ["class", "pt"])), [
+ [_directive_tooltip, { value: props.tooltip, showDelay: 300, hideDelay: 300 }]
+ ]);
+ };
+ }
+});
+const SidebarIcon = /* @__PURE__ */ _export_sfc(_sfc_main$g, [["__scopeId", "data-v-6ab4daa6"]]);
+const _sfc_main$f = /* @__PURE__ */ defineComponent({
+ __name: "SidebarLogoutIcon",
+ setup(__props) {
+ const { t: t2 } = useI18n();
+ const userStore = useUserStore();
+ const tooltip = computed(
+ () => `${t2("sideToolbar.logout")} (${userStore.currentUser?.username})`
+ );
+ const logout = /* @__PURE__ */ __name(() => {
+ userStore.logout();
+ window.location.reload();
+ }, "logout");
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(SidebarIcon, {
+ icon: "pi pi-sign-out",
+ tooltip: tooltip.value,
+ onClick: logout
+ }, null, 8, ["tooltip"]);
+ };
+ }
+});
+const _sfc_main$e = /* @__PURE__ */ defineComponent({
+ __name: "SidebarSettingsToggleIcon",
+ setup(__props) {
+ const dialogStore = useDialogStore();
+ const showSetting = /* @__PURE__ */ __name(() => {
+ dialogStore.showDialog({
+ key: "global-settings",
+ headerComponent: SettingDialogHeader,
+ component: SettingDialogContent
+ });
+ }, "showSetting");
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(SidebarIcon, {
+ icon: "pi pi-cog",
+ class: "comfy-settings-btn",
+ onClick: showSetting,
+ tooltip: _ctx.$t("g.settings")
+ }, null, 8, ["tooltip"]);
+ };
+ }
+});
+const _sfc_main$d = /* @__PURE__ */ defineComponent({
+ __name: "SidebarThemeToggleIcon",
+ setup(__props) {
+ const colorPaletteStore = useColorPaletteStore();
+ const icon = computed(
+ () => colorPaletteStore.completedActivePalette.light_theme ? "pi pi-sun" : "pi pi-moon"
+ );
+ const commandStore = useCommandStore();
+ const toggleTheme = /* @__PURE__ */ __name(() => {
+ commandStore.execute("Comfy.ToggleTheme");
+ }, "toggleTheme");
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(SidebarIcon, {
+ icon: icon.value,
+ onClick: toggleTheme,
+ tooltip: _ctx.$t("sideToolbar.themeToggle"),
+ class: "comfy-vue-theme-toggle"
+ }, null, 8, ["icon", "tooltip"]);
+ };
+ }
+});
+const _hoisted_1$e = { class: "side-tool-bar-end" };
+const _hoisted_2$4 = {
+ key: 0,
+ class: "sidebar-content-container h-full overflow-y-auto overflow-x-hidden"
+};
+const _sfc_main$c = /* @__PURE__ */ defineComponent({
+ __name: "SideToolbar",
+ setup(__props) {
+ const workspaceStore = useWorkspaceStore();
+ const settingStore = useSettingStore();
+ const userStore = useUserStore();
+ const teleportTarget = computed(
+ () => settingStore.get("Comfy.Sidebar.Location") === "left" ? ".comfyui-body-left" : ".comfyui-body-right"
+ );
+ const isSmall = computed(
+ () => settingStore.get("Comfy.Sidebar.Size") === "small"
+ );
+ const tabs = computed(() => workspaceStore.getSidebarTabs());
+ const selectedTab = computed(() => workspaceStore.sidebarTab.activeSidebarTab);
+ const onTabClick = /* @__PURE__ */ __name((item) => {
+ workspaceStore.sidebarTab.toggleSidebarTab(item.id);
+ }, "onTabClick");
+ const keybindingStore = useKeybindingStore();
+ const getTabTooltipSuffix = /* @__PURE__ */ __name((tab) => {
+ const keybinding = keybindingStore.getKeybindingByCommandId(
+ `Workspace.ToggleSidebarTab.${tab.id}`
+ );
+ return keybinding ? ` (${keybinding.combo.toString()})` : "";
+ }, "getTabTooltipSuffix");
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock(Fragment, null, [
+ (openBlock(), createBlock(Teleport, { to: teleportTarget.value }, [
+ createBaseVNode("nav", {
+ class: normalizeClass(["side-tool-bar-container", { "small-sidebar": isSmall.value }])
+ }, [
+ (openBlock(true), createElementBlock(Fragment, null, renderList(tabs.value, (tab) => {
+ return openBlock(), createBlock(SidebarIcon, {
+ key: tab.id,
+ icon: tab.icon,
+ iconBadge: tab.iconBadge,
+ tooltip: tab.tooltip + getTabTooltipSuffix(tab),
+ selected: tab.id === selectedTab.value?.id,
+ class: normalizeClass(tab.id + "-tab-button"),
+ onClick: /* @__PURE__ */ __name(($event) => onTabClick(tab), "onClick")
+ }, null, 8, ["icon", "iconBadge", "tooltip", "selected", "class", "onClick"]);
+ }), 128)),
+ createBaseVNode("div", _hoisted_1$e, [
+ unref(userStore).isMultiUserServer ? (openBlock(), createBlock(_sfc_main$f, { key: 0 })) : createCommentVNode("", true),
+ createVNode(_sfc_main$d),
+ createVNode(_sfc_main$e)
+ ])
+ ], 2)
+ ], 8, ["to"])),
+ selectedTab.value ? (openBlock(), createElementBlock("div", _hoisted_2$4, [
+ createVNode(_sfc_main$q, { extension: selectedTab.value }, null, 8, ["extension"])
+ ])) : createCommentVNode("", true)
+ ], 64);
+ };
+ }
+});
+const SideToolbar = /* @__PURE__ */ _export_sfc(_sfc_main$c, [["__scopeId", "data-v-04875455"]]);
+const _hoisted_1$d = { class: "workflow-label text-sm max-w-[150px] truncate inline-block" };
+const _hoisted_2$3 = { class: "relative" };
+const _hoisted_3$3 = {
+ key: 0,
+ class: "status-indicator"
+};
+const _sfc_main$b = /* @__PURE__ */ defineComponent({
+ __name: "WorkflowTab",
+ props: {
+ class: {},
+ workflowOption: {}
+ },
+ setup(__props) {
+ const props = __props;
+ const { t: t2 } = useI18n();
+ const workspaceStore = useWorkspaceStore();
+ const workflowStore = useWorkflowStore();
+ const workflowTabRef = ref(null);
+ const closeWorkflows = /* @__PURE__ */ __name(async (options) => {
+ for (const opt of options) {
+ if (!await useWorkflowService().closeWorkflow(opt.workflow, {
+ warnIfUnsaved: !workspaceStore.shiftDown,
+ hint: t2("sideToolbar.workflowTab.dirtyCloseHint")
+ })) {
+ break;
+ }
+ }
+ }, "closeWorkflows");
+ const onCloseWorkflow = /* @__PURE__ */ __name((option) => {
+ closeWorkflows([option]);
+ }, "onCloseWorkflow");
+ const tabGetter = /* @__PURE__ */ __name(() => workflowTabRef.value, "tabGetter");
+ usePragmaticDraggable(tabGetter, {
+ getInitialData: /* @__PURE__ */ __name(() => {
+ return {
+ workflowKey: props.workflowOption.workflow.key
+ };
+ }, "getInitialData")
+ });
+ usePragmaticDroppable(tabGetter, {
+ getData: /* @__PURE__ */ __name(() => {
+ return {
+ workflowKey: props.workflowOption.workflow.key
+ };
+ }, "getData"),
+ onDrop: /* @__PURE__ */ __name((e) => {
+ const fromIndex = workflowStore.openWorkflows.findIndex(
+ (wf) => wf.key === e.source.data.workflowKey
+ );
+ const toIndex = workflowStore.openWorkflows.findIndex(
+ (wf) => wf.key === e.location.current.dropTargets[0]?.data.workflowKey
+ );
+ if (fromIndex !== toIndex) {
+ workflowStore.reorderWorkflows(fromIndex, toIndex);
+ }
+ }, "onDrop")
+ });
+ return (_ctx, _cache) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createElementBlock("div", mergeProps({
+ class: "flex p-2 gap-2 workflow-tab",
+ ref_key: "workflowTabRef",
+ ref: workflowTabRef
+ }, _ctx.$attrs), [
+ withDirectives((openBlock(), createElementBlock("span", _hoisted_1$d, [
+ createTextVNode(toDisplayString(_ctx.workflowOption.workflow.filename), 1)
+ ])), [
+ [
+ _directive_tooltip,
+ _ctx.workflowOption.workflow.key,
+ void 0,
+ { bottom: true }
+ ]
+ ]),
+ createBaseVNode("div", _hoisted_2$3, [
+ !unref(workspaceStore).shiftDown && (_ctx.workflowOption.workflow.isModified || !_ctx.workflowOption.workflow.isPersisted) ? (openBlock(), createElementBlock("span", _hoisted_3$3, "•")) : createCommentVNode("", true),
+ createVNode(unref(script), {
+ class: "close-button p-0 w-auto",
+ icon: "pi pi-times",
+ text: "",
+ severity: "secondary",
+ size: "small",
+ onClick: _cache[0] || (_cache[0] = withModifiers(($event) => onCloseWorkflow(_ctx.workflowOption), ["stop"]))
+ })
+ ])
+ ], 16);
+ };
+ }
+});
+const WorkflowTab = /* @__PURE__ */ _export_sfc(_sfc_main$b, [["__scopeId", "data-v-fd6ae3af"]]);
+const _hoisted_1$c = { class: "workflow-tabs-container flex flex-row max-w-full h-full" };
+const _sfc_main$a = /* @__PURE__ */ defineComponent({
+ __name: "WorkflowTabs",
+ props: {
+ class: {}
+ },
+ setup(__props) {
+ const props = __props;
+ const { t: t2 } = useI18n();
+ const workspaceStore = useWorkspaceStore();
+ const workflowStore = useWorkflowStore();
+ const workflowService = useWorkflowService();
+ const workflowBookmarkStore = useWorkflowBookmarkStore();
+ const rightClickedTab = ref(null);
+ const menu = ref();
+ const workflowToOption = /* @__PURE__ */ __name((workflow) => ({
+ value: workflow.path,
+ workflow
+ }), "workflowToOption");
+ const options = computed(
+ () => workflowStore.openWorkflows.map(workflowToOption)
+ );
+ const selectedWorkflow = computed(
+ () => workflowStore.activeWorkflow ? workflowToOption(workflowStore.activeWorkflow) : null
+ );
+ const onWorkflowChange = /* @__PURE__ */ __name((option) => {
+ if (!option) {
+ return;
+ }
+ if (selectedWorkflow.value?.value === option.value) {
+ return;
+ }
+ workflowService.openWorkflow(option.workflow);
+ }, "onWorkflowChange");
+ const closeWorkflows = /* @__PURE__ */ __name(async (options2) => {
+ for (const opt of options2) {
+ if (!await workflowService.closeWorkflow(opt.workflow, {
+ warnIfUnsaved: !workspaceStore.shiftDown
+ })) {
+ break;
+ }
+ }
+ }, "closeWorkflows");
+ const onCloseWorkflow = /* @__PURE__ */ __name((option) => {
+ closeWorkflows([option]);
+ }, "onCloseWorkflow");
+ const showContextMenu = /* @__PURE__ */ __name((event, option) => {
+ rightClickedTab.value = option;
+ menu.value.show(event);
+ }, "showContextMenu");
+ const contextMenuItems = computed(() => {
+ const tab = rightClickedTab.value;
+ if (!tab) return [];
+ const index = options.value.findIndex((v) => v.workflow === tab.workflow);
+ return [
+ {
+ label: t2("tabMenu.duplicateTab"),
+ command: /* @__PURE__ */ __name(() => {
+ workflowService.duplicateWorkflow(tab.workflow);
+ }, "command")
+ },
+ {
+ separator: true
+ },
+ {
+ label: t2("tabMenu.closeTab"),
+ command: /* @__PURE__ */ __name(() => onCloseWorkflow(tab), "command")
+ },
+ {
+ label: t2("tabMenu.closeTabsToLeft"),
+ command: /* @__PURE__ */ __name(() => closeWorkflows(options.value.slice(0, index)), "command"),
+ disabled: index <= 0
+ },
+ {
+ label: t2("tabMenu.closeTabsToRight"),
+ command: /* @__PURE__ */ __name(() => closeWorkflows(options.value.slice(index + 1)), "command"),
+ disabled: index === options.value.length - 1
+ },
+ {
+ label: t2("tabMenu.closeOtherTabs"),
+ command: /* @__PURE__ */ __name(() => closeWorkflows([
+ ...options.value.slice(index + 1),
+ ...options.value.slice(0, index)
+ ]), "command"),
+ disabled: options.value.length <= 1
+ },
+ {
+ label: workflowBookmarkStore.isBookmarked(tab.workflow.path) ? t2("tabMenu.removeFromBookmarks") : t2("tabMenu.addToBookmarks"),
+ command: /* @__PURE__ */ __name(() => workflowBookmarkStore.toggleBookmarked(tab.workflow.path), "command"),
+ disabled: tab.workflow.isTemporary
+ }
+ ];
+ });
+ const commandStore = useCommandStore();
+ const handleWheel = /* @__PURE__ */ __name((event) => {
+ const scrollElement = event.currentTarget;
+ const scrollAmount = event.deltaX || event.deltaY;
+ scrollElement.scroll({
+ left: scrollElement.scrollLeft + scrollAmount
+ });
+ }, "handleWheel");
+ return (_ctx, _cache) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createElementBlock("div", _hoisted_1$c, [
+ createVNode(unref(script$d), {
+ class: "overflow-hidden no-drag",
+ "pt:content": {
+ class: "p-0 w-full",
+ onwheel: handleWheel
+ },
+ "pt:barX": "h-1"
+ }, {
+ default: withCtx(() => [
+ createVNode(unref(script$c), {
+ class: normalizeClass(["workflow-tabs bg-transparent", props.class]),
+ modelValue: selectedWorkflow.value,
+ "onUpdate:modelValue": onWorkflowChange,
+ options: options.value,
+ optionLabel: "label",
+ dataKey: "value"
+ }, {
+ option: withCtx(({ option }) => [
+ createVNode(WorkflowTab, {
+ onContextmenu: /* @__PURE__ */ __name(($event) => showContextMenu($event, option), "onContextmenu"),
+ onMouseup: withModifiers(($event) => onCloseWorkflow(option), ["middle"]),
+ "workflow-option": option
+ }, null, 8, ["onContextmenu", "onMouseup", "workflow-option"])
+ ]),
+ _: 1
+ }, 8, ["class", "modelValue", "options"])
+ ]),
+ _: 1
+ }, 8, ["pt:content"]),
+ withDirectives(createVNode(unref(script), {
+ class: "new-blank-workflow-button flex-shrink-0 no-drag",
+ icon: "pi pi-plus",
+ text: "",
+ severity: "secondary",
+ "aria-label": _ctx.$t("sideToolbar.newBlankWorkflow"),
+ onClick: _cache[0] || (_cache[0] = () => unref(commandStore).execute("Comfy.NewBlankWorkflow"))
+ }, null, 8, ["aria-label"]), [
+ [_directive_tooltip, { value: _ctx.$t("sideToolbar.newBlankWorkflow"), showDelay: 300 }]
+ ]),
+ createVNode(unref(script$e), {
+ ref_key: "menu",
+ ref: menu,
+ model: contextMenuItems.value
+ }, null, 8, ["model"])
+ ]);
+ };
+ }
+});
+const WorkflowTabs = /* @__PURE__ */ _export_sfc(_sfc_main$a, [["__scopeId", "data-v-54fadc45"]]);
+const _hoisted_1$b = { class: "absolute top-0 left-0 w-auto max-w-full" };
+const _sfc_main$9 = /* @__PURE__ */ defineComponent({
+ __name: "SecondRowWorkflowTabs",
+ setup(__props) {
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", _hoisted_1$b, [
+ createVNode(WorkflowTabs)
+ ]);
+ };
+ }
+});
+const SecondRowWorkflowTabs = /* @__PURE__ */ _export_sfc(_sfc_main$9, [["__scopeId", "data-v-6ab68035"]]);
+const useCanvasDrop = /* @__PURE__ */ __name((canvasRef) => {
+ const modelToNodeStore = useModelToNodeStore();
+ const litegraphService = useLitegraphService();
+ const workflowService = useWorkflowService();
+ usePragmaticDroppable(() => canvasRef.value, {
+ getDropEffect: /* @__PURE__ */ __name((args) => args.source.data.type === "tree-explorer-node" ? "copy" : "move", "getDropEffect"),
+ onDrop: /* @__PURE__ */ __name((event) => {
+ const loc = event.location.current.input;
+ const dndData = event.source.data;
+ if (dndData.type === "tree-explorer-node") {
+ const node = dndData.data;
+ if (node.data instanceof ComfyNodeDefImpl) {
+ const nodeDef = node.data;
+ const pos = app.clientPosToCanvasPos([
+ loc.clientX,
+ loc.clientY + LiteGraph.NODE_TITLE_HEIGHT
+ ]);
+ litegraphService.addNodeOnGraph(nodeDef, { pos });
+ } else if (node.data instanceof ComfyModelDef) {
+ const model = node.data;
+ const pos = app.clientPosToCanvasPos([loc.clientX, loc.clientY]);
+ const nodeAtPos = app.graph.getNodeOnPos(pos[0], pos[1]);
+ let targetProvider = null;
+ let targetGraphNode = null;
+ if (nodeAtPos) {
+ const providers = modelToNodeStore.getAllNodeProviders(
+ model.directory
+ );
+ for (const provider of providers) {
+ if (provider.nodeDef.name === nodeAtPos.comfyClass) {
+ targetGraphNode = nodeAtPos;
+ targetProvider = provider;
+ }
+ }
+ }
+ if (!targetGraphNode) {
+ const provider = modelToNodeStore.getNodeProvider(model.directory);
+ if (provider) {
+ targetGraphNode = litegraphService.addNodeOnGraph(
+ provider.nodeDef,
+ {
+ pos
+ }
+ );
+ targetProvider = provider;
+ }
+ }
+ if (targetGraphNode) {
+ const widget = targetGraphNode.widgets?.find(
+ (widget2) => widget2.name === targetProvider?.key
+ );
+ if (widget) {
+ widget.value = model.file_name;
+ }
+ }
+ } else if (node.data instanceof ComfyWorkflow) {
+ const workflow = node.data;
+ const position = app.clientPosToCanvasPos([
+ loc.clientX,
+ loc.clientY
+ ]);
+ workflowService.insertWorkflow(workflow, { position });
+ }
+ }
+ }, "onDrop")
+ });
+}, "useCanvasDrop");
+const useContextMenuTranslation = /* @__PURE__ */ __name(() => {
+ const f = LGraphCanvas.prototype.getCanvasMenuOptions;
+ const getCanvasCenterMenuOptions = /* @__PURE__ */ __name(function(...args) {
+ const res = f.apply(this, args);
+ for (const item of res) {
+ if (item?.content) {
+ item.content = st(`contextMenu.${item.content}`, item.content);
+ }
+ }
+ return res;
+ }, "getCanvasCenterMenuOptions");
+ LGraphCanvas.prototype.getCanvasMenuOptions = getCanvasCenterMenuOptions;
+ function translateMenus(values, options) {
+ if (!values) return;
+ const reInput = /Convert (.*) to input/;
+ const reWidget = /Convert (.*) to widget/;
+ const cvt = st("contextMenu.Convert ", "Convert ");
+ const tinp = st("contextMenu. to input", " to input");
+ const twgt = st("contextMenu. to widget", " to widget");
+ for (const value of values) {
+ if (typeof value === "string") continue;
+ translateMenus(value?.submenu?.options, options);
+ if (!value?.content) {
+ continue;
+ }
+ if (te(`contextMenu.${value.content}`)) {
+ value.content = st(`contextMenu.${value.content}`, value.content);
+ }
+ const extraInfo = options.extra || options.parentMenu?.options?.extra;
+ const matchInput = value.content?.match(reInput);
+ if (matchInput) {
+ let match = matchInput[1];
+ extraInfo?.inputs?.find((i) => {
+ if (i.name != match) return false;
+ match = i.label ? i.label : i.name;
+ });
+ extraInfo?.widgets?.find((i) => {
+ if (i.name != match) return false;
+ match = i.label ? i.label : i.name;
+ });
+ value.content = cvt + match + tinp;
+ continue;
+ }
+ const matchWidget = value.content?.match(reWidget);
+ if (matchWidget) {
+ let match = matchWidget[1];
+ extraInfo?.inputs?.find((i) => {
+ if (i.name != match) return false;
+ match = i.label ? i.label : i.name;
+ });
+ extraInfo?.widgets?.find((i) => {
+ if (i.name != match) return false;
+ match = i.label ? i.label : i.name;
+ });
+ value.content = cvt + match + twgt;
+ continue;
+ }
+ }
+ }
+ __name(translateMenus, "translateMenus");
+ const OriginalContextMenu = LiteGraph.ContextMenu;
+ function ContextMenu2(values, options) {
+ if (options.title) {
+ options.title = st(
+ `nodeDefs.${normalizeI18nKey(options.title)}.display_name`,
+ options.title
+ );
+ }
+ translateMenus(values, options);
+ const ctx = new OriginalContextMenu(values, options);
+ return ctx;
+ }
+ __name(ContextMenu2, "ContextMenu");
+ LiteGraph.ContextMenu = ContextMenu2;
+}, "useContextMenuTranslation");
+const useCopy = /* @__PURE__ */ __name(() => {
+ const canvasStore = useCanvasStore();
+ useEventListener(document, "copy", (e) => {
+ if (!(e.target instanceof Element)) {
+ return;
+ }
+ if (e.target instanceof HTMLTextAreaElement && e.target.type === "textarea" || e.target instanceof HTMLInputElement && e.target.type === "text") {
+ return;
+ }
+ const isTargetInGraph = e.target.classList.contains("litegraph") || e.target.classList.contains("graph-canvas-container") || e.target.id === "graph-canvas";
+ const canvas = canvasStore.canvas;
+ if (isTargetInGraph && canvas?.selectedItems) {
+ canvas.copyToClipboard();
+ e.clipboardData?.setData("text", " ");
+ e.preventDefault();
+ e.stopImmediatePropagation();
+ return false;
+ }
+ });
+}, "useCopy");
+const useGlobalLitegraph = /* @__PURE__ */ __name(() => {
+ window["LiteGraph"] = LiteGraph;
+ window["LGraph"] = LGraph;
+ window["LLink"] = LLink;
+ window["LGraphNode"] = LGraphNode;
+ window["LGraphGroup"] = LGraphGroup;
+ window["DragAndScale"] = DragAndScale;
+ window["LGraphCanvas"] = LGraphCanvas;
+ window["ContextMenu"] = ContextMenu;
+ window["LGraphBadge"] = LGraphBadge;
+}, "useGlobalLitegraph");
+const useLitegraphSettings = /* @__PURE__ */ __name(() => {
+ const settingStore = useSettingStore();
+ const canvasStore = useCanvasStore();
+ watchEffect(() => {
+ const canvasInfoEnabled = settingStore.get("Comfy.Graph.CanvasInfo");
+ if (canvasStore.canvas) {
+ canvasStore.canvas.show_info = canvasInfoEnabled;
+ }
+ });
+ watchEffect(() => {
+ const zoomSpeed = settingStore.get("Comfy.Graph.ZoomSpeed");
+ if (canvasStore.canvas) {
+ canvasStore.canvas.zoom_speed = zoomSpeed;
+ }
+ });
+ watchEffect(() => {
+ LiteGraph.snaps_for_comfy = settingStore.get(
+ "Comfy.Node.AutoSnapLinkToSlot"
+ );
+ });
+ watchEffect(() => {
+ LiteGraph.snap_highlights_node = settingStore.get(
+ "Comfy.Node.SnapHighlightsNode"
+ );
+ });
+ watchEffect(() => {
+ LGraphNode.keepAllLinksOnBypass = settingStore.get(
+ "Comfy.Node.BypassAllLinksOnDelete"
+ );
+ });
+ watchEffect(() => {
+ LiteGraph.middle_click_slot_add_default_node = settingStore.get(
+ "Comfy.Node.MiddleClickRerouteNode"
+ );
+ });
+ watchEffect(() => {
+ const linkRenderMode = settingStore.get("Comfy.LinkRenderMode");
+ if (canvasStore.canvas) {
+ canvasStore.canvas.links_render_mode = linkRenderMode;
+ canvasStore.canvas.setDirty(
+ /* fg */
+ false,
+ /* bg */
+ true
+ );
+ }
+ });
+ watchEffect(() => {
+ const lowQualityRenderingZoomThreshold = settingStore.get(
+ "LiteGraph.Canvas.LowQualityRenderingZoomThreshold"
+ );
+ if (canvasStore.canvas) {
+ canvasStore.canvas.low_quality_zoom_threshold = lowQualityRenderingZoomThreshold;
+ canvasStore.canvas.setDirty(
+ /* fg */
+ true,
+ /* bg */
+ true
+ );
+ }
+ });
+ watchEffect(() => {
+ const linkMarkerShape = settingStore.get("Comfy.Graph.LinkMarkers");
+ const { canvas } = canvasStore;
+ if (canvas) {
+ canvas.linkMarkerShape = linkMarkerShape;
+ canvas.setDirty(false, true);
+ }
+ });
+ watchEffect(() => {
+ const reroutesEnabled = settingStore.get("Comfy.RerouteBeta");
+ const { canvas } = canvasStore;
+ if (canvas) {
+ canvas.reroutesEnabled = reroutesEnabled;
+ canvas.setDirty(false, true);
+ }
+ });
+ watchEffect(() => {
+ const maximumFps = settingStore.get("LiteGraph.Canvas.MaximumFps");
+ const { canvas } = canvasStore;
+ if (canvas) canvas.maximumFps = maximumFps;
+ });
+ watchEffect(() => {
+ const dragZoomEnabled = settingStore.get("Comfy.Graph.CtrlShiftZoom");
+ const { canvas } = canvasStore;
+ if (canvas) canvas.dragZoomEnabled = dragZoomEnabled;
+ });
+ watchEffect(() => {
+ CanvasPointer.doubleClickTime = settingStore.get(
+ "Comfy.Pointer.DoubleClickTime"
+ );
+ });
+ watchEffect(() => {
+ CanvasPointer.bufferTime = settingStore.get("Comfy.Pointer.ClickBufferTime");
+ });
+ watchEffect(() => {
+ CanvasPointer.maxClickDrift = settingStore.get("Comfy.Pointer.ClickDrift");
+ });
+ watchEffect(() => {
+ LiteGraph.CANVAS_GRID_SIZE = settingStore.get("Comfy.SnapToGrid.GridSize");
+ });
+ watchEffect(() => {
+ LiteGraph.alwaysSnapToGrid = settingStore.get("pysssss.SnapToGrid");
+ });
+ watchEffect(() => {
+ LiteGraph.context_menu_scaling = settingStore.get(
+ "LiteGraph.ContextMenu.Scaling"
+ );
+ });
+}, "useLitegraphSettings");
+const usePaste = /* @__PURE__ */ __name(() => {
+ const workspaceStore = useWorkspaceStore();
+ const canvasStore = useCanvasStore();
+ useEventListener(document, "paste", async (e) => {
+ if (workspaceStore.shiftDown) return;
+ const canvas = canvasStore.canvas;
+ if (!canvas) return;
+ const graph = canvas.graph;
+ let data = e.clipboardData || window.clipboardData;
+ const items = data.items;
+ for (const item of items) {
+ if (item.type.startsWith("image/")) {
+ let imageNode = null;
+ const currentNode = canvas.current_node;
+ if (currentNode && currentNode.is_selected && isImageNode(currentNode)) {
+ imageNode = currentNode;
+ }
+ if (!imageNode) {
+ const newNode = LiteGraph.createNode("LoadImage");
+ newNode.pos = [...canvas.graph_mouse];
+ imageNode = graph.add(newNode) ?? null;
+ graph.change();
+ }
+ const blob = item.getAsFile();
+ imageNode?.pasteFile?.(blob);
+ return;
+ }
+ }
+ data = data.getData("text/plain");
+ let workflow = null;
+ try {
+ data = data.slice(data.indexOf("{"));
+ workflow = JSON.parse(data);
+ } catch (err) {
+ try {
+ data = data.slice(data.indexOf("workflow\n"));
+ data = data.slice(data.indexOf("{"));
+ workflow = JSON.parse(data);
+ } catch (error) {
+ workflow = null;
+ }
+ }
+ if (workflow && workflow.version && workflow.nodes && workflow.extra) {
+ await app.loadGraphData(workflow);
+ } else {
+ if (e.target instanceof HTMLTextAreaElement && e.target.type === "textarea" || e.target instanceof HTMLInputElement && e.target.type === "text") {
+ return;
+ }
+ canvas.pasteFromClipboard();
+ }
+ });
+}, "usePaste");
+function useWorkflowPersistence() {
+ const workflowStore = useWorkflowStore();
+ const settingStore = useSettingStore();
+ const persistCurrentWorkflow = /* @__PURE__ */ __name(() => {
+ const workflow = JSON.stringify(app.serializeGraph());
+ localStorage.setItem("workflow", workflow);
+ if (api.clientId) {
+ sessionStorage.setItem(`workflow:${api.clientId}`, workflow);
+ }
+ }, "persistCurrentWorkflow");
+ const loadWorkflowFromStorage = /* @__PURE__ */ __name(async (json, workflowName) => {
+ if (!json) return false;
+ const workflow = JSON.parse(json);
+ await app.loadGraphData(workflow, true, true, workflowName);
+ return true;
+ }, "loadWorkflowFromStorage");
+ const loadPreviousWorkflowFromStorage = /* @__PURE__ */ __name(async () => {
+ const workflowName = getStorageValue("Comfy.PreviousWorkflow");
+ const clientId = api.initialClientId ?? api.clientId;
+ if (clientId) {
+ const sessionWorkflow = sessionStorage.getItem(`workflow:${clientId}`);
+ if (await loadWorkflowFromStorage(sessionWorkflow, workflowName)) {
+ return true;
+ }
+ }
+ const localWorkflow = localStorage.getItem("workflow");
+ return await loadWorkflowFromStorage(localWorkflow, workflowName);
+ }, "loadPreviousWorkflowFromStorage");
+ const loadDefaultWorkflow = /* @__PURE__ */ __name(async () => {
+ if (!settingStore.get("Comfy.TutorialCompleted")) {
+ await settingStore.set("Comfy.TutorialCompleted", true);
+ await useModelStore().loadModelFolders();
+ await useWorkflowService().loadTutorialWorkflow();
+ } else {
+ await app.loadGraphData();
+ }
+ }, "loadDefaultWorkflow");
+ const restorePreviousWorkflow = /* @__PURE__ */ __name(async () => {
+ try {
+ const restored = await loadPreviousWorkflowFromStorage();
+ if (!restored) {
+ await loadDefaultWorkflow();
+ }
+ } catch (err) {
+ console.error("Error loading previous workflow", err);
+ await loadDefaultWorkflow();
+ }
+ }, "restorePreviousWorkflow");
+ watchEffect(() => {
+ if (workflowStore.activeWorkflow) {
+ const workflow = workflowStore.activeWorkflow;
+ setStorageValue("Comfy.PreviousWorkflow", workflow.key);
+ persistCurrentWorkflow();
+ }
+ });
+ api.addEventListener("graphChanged", persistCurrentWorkflow);
+ const openWorkflows = computed(() => workflowStore.openWorkflows);
+ const activeWorkflow = computed(() => workflowStore.activeWorkflow);
+ const restoreState = computed(
+ () => {
+ if (!openWorkflows.value || !activeWorkflow.value) {
+ return { paths: [], activeIndex: -1 };
+ }
+ const paths = openWorkflows.value.filter((workflow) => workflow?.isPersisted && !workflow.isModified).map((workflow) => workflow.path);
+ const activeIndex = openWorkflows.value.findIndex(
+ (workflow) => workflow.path === activeWorkflow.value?.path
+ );
+ return { paths, activeIndex };
+ }
+ );
+ const storedWorkflows = JSON.parse(
+ getStorageValue("Comfy.OpenWorkflowsPaths") || "[]"
+ );
+ const storedActiveIndex = JSON.parse(
+ getStorageValue("Comfy.ActiveWorkflowIndex") || "-1"
+ );
+ watch(restoreState, ({ paths, activeIndex }) => {
+ setStorageValue("Comfy.OpenWorkflowsPaths", JSON.stringify(paths));
+ setStorageValue("Comfy.ActiveWorkflowIndex", JSON.stringify(activeIndex));
+ });
+ const restoreWorkflowTabsState = /* @__PURE__ */ __name(() => {
+ const isRestorable = storedWorkflows?.length > 0 && storedActiveIndex >= 0;
+ if (isRestorable) {
+ workflowStore.openWorkflowsInBackground({
+ left: storedWorkflows.slice(0, storedActiveIndex),
+ right: storedWorkflows.slice(storedActiveIndex)
+ });
+ }
+ }, "restoreWorkflowTabsState");
+ return {
+ restorePreviousWorkflow,
+ restoreWorkflowTabsState
+ };
+}
+__name(useWorkflowPersistence, "useWorkflowPersistence");
+const CORE_SETTINGS = [
+ {
+ id: "Comfy.Validation.Workflows",
+ name: "Validate workflows",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.NodeSearchBoxImpl",
+ category: ["Comfy", "Node Search Box", "Implementation"],
+ experimental: true,
+ name: "Node search box implementation",
+ type: "combo",
+ options: ["default", "litegraph (legacy)"],
+ defaultValue: "default"
+ },
+ {
+ id: "Comfy.LinkRelease.Action",
+ category: ["LiteGraph", "LinkRelease", "Action"],
+ name: "Action on link release (No modifier)",
+ type: "combo",
+ options: Object.values(LinkReleaseTriggerAction),
+ defaultValue: LinkReleaseTriggerAction.CONTEXT_MENU
+ },
+ {
+ id: "Comfy.LinkRelease.ActionShift",
+ category: ["LiteGraph", "LinkRelease", "ActionShift"],
+ name: "Action on link release (Shift)",
+ type: "combo",
+ options: Object.values(LinkReleaseTriggerAction),
+ defaultValue: LinkReleaseTriggerAction.SEARCH_BOX
+ },
+ {
+ id: "Comfy.NodeSearchBoxImpl.NodePreview",
+ category: ["Comfy", "Node Search Box", "NodePreview"],
+ name: "Node preview",
+ tooltip: "Only applies to the default implementation",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.NodeSearchBoxImpl.ShowCategory",
+ category: ["Comfy", "Node Search Box", "ShowCategory"],
+ name: "Show node category in search results",
+ tooltip: "Only applies to the default implementation",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.NodeSearchBoxImpl.ShowIdName",
+ category: ["Comfy", "Node Search Box", "ShowIdName"],
+ name: "Show node id name in search results",
+ tooltip: "Only applies to the default implementation",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "Comfy.NodeSearchBoxImpl.ShowNodeFrequency",
+ category: ["Comfy", "Node Search Box", "ShowNodeFrequency"],
+ name: "Show node frequency in search results",
+ tooltip: "Only applies to the default implementation",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "Comfy.Sidebar.Location",
+ category: ["Appearance", "Sidebar", "Location"],
+ name: "Sidebar location",
+ type: "combo",
+ options: ["left", "right"],
+ defaultValue: "left"
+ },
+ {
+ id: "Comfy.Sidebar.Size",
+ category: ["Appearance", "Sidebar", "Size"],
+ name: "Sidebar size",
+ type: "combo",
+ options: ["normal", "small"],
+ // Default to small if the window is less than 1536px(2xl) wide.
+ defaultValue: /* @__PURE__ */ __name(() => window.innerWidth < 1536 ? "small" : "normal", "defaultValue")
+ },
+ {
+ id: "Comfy.TextareaWidget.FontSize",
+ category: ["Appearance", "Node Widget", "TextareaWidget", "FontSize"],
+ name: "Textarea widget font size",
+ type: "slider",
+ defaultValue: 10,
+ attrs: {
+ min: 8,
+ max: 24
+ }
+ },
+ {
+ id: "Comfy.TextareaWidget.Spellcheck",
+ category: ["Comfy", "Node Widget", "TextareaWidget", "Spellcheck"],
+ name: "Textarea widget spellcheck",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "Comfy.Workflow.SortNodeIdOnSave",
+ name: "Sort node IDs when saving workflow",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "Comfy.Graph.CanvasInfo",
+ category: ["LiteGraph", "Canvas", "CanvasInfo"],
+ name: "Show canvas info on bottom left corner (fps, etc.)",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.Node.ShowDeprecated",
+ name: "Show deprecated nodes in search",
+ tooltip: "Deprecated nodes are hidden by default in the UI, but remain functional in existing workflows that use them.",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "Comfy.Node.ShowExperimental",
+ name: "Show experimental nodes in search",
+ tooltip: "Experimental nodes are marked as such in the UI and may be subject to significant changes or removal in future versions. Use with caution in production workflows",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.Node.Opacity",
+ category: ["Appearance", "Node", "Opacity"],
+ name: "Node opacity",
+ type: "slider",
+ defaultValue: 1,
+ attrs: {
+ min: 0.01,
+ max: 1,
+ step: 0.01
+ }
+ },
+ {
+ id: "Comfy.Workflow.ShowMissingNodesWarning",
+ name: "Show missing nodes warning",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.Workflow.ShowMissingModelsWarning",
+ name: "Show missing models warning",
+ type: "boolean",
+ defaultValue: true,
+ experimental: true
+ },
+ {
+ id: "Comfy.Graph.ZoomSpeed",
+ category: ["LiteGraph", "Canvas", "ZoomSpeed"],
+ name: "Canvas zoom speed",
+ type: "slider",
+ defaultValue: 1.1,
+ attrs: {
+ min: 1.01,
+ max: 2.5,
+ step: 0.01
+ }
+ },
+ // Bookmarks are stored in the settings store.
+ // Bookmarks are in format of category/display_name. e.g. "conditioning/CLIPTextEncode"
+ {
+ id: "Comfy.NodeLibrary.Bookmarks",
+ name: "Node library bookmarks with display name (deprecated)",
+ type: "hidden",
+ defaultValue: [],
+ deprecated: true
+ },
+ {
+ id: "Comfy.NodeLibrary.Bookmarks.V2",
+ name: "Node library bookmarks v2 with unique name",
+ type: "hidden",
+ defaultValue: []
+ },
+ // Stores mapping from bookmark folder name to its customization.
+ {
+ id: "Comfy.NodeLibrary.BookmarksCustomization",
+ name: "Node library bookmarks customization",
+ type: "hidden",
+ defaultValue: {}
+ },
+ // Hidden setting used by the queue for how to fit images
+ {
+ id: "Comfy.Queue.ImageFit",
+ name: "Queue image fit",
+ type: "hidden",
+ defaultValue: "cover"
+ },
+ {
+ id: "Comfy.GroupSelectedNodes.Padding",
+ category: ["LiteGraph", "Group", "Padding"],
+ name: "Group selected nodes padding",
+ type: "slider",
+ defaultValue: 10,
+ attrs: {
+ min: 0,
+ max: 100
+ }
+ },
+ {
+ id: "Comfy.Node.DoubleClickTitleToEdit",
+ category: ["LiteGraph", "Node", "DoubleClickTitleToEdit"],
+ name: "Double click node title to edit",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.Group.DoubleClickTitleToEdit",
+ category: ["LiteGraph", "Group", "DoubleClickTitleToEdit"],
+ name: "Double click group title to edit",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.Window.UnloadConfirmation",
+ name: "Show confirmation when closing window",
+ type: "boolean",
+ defaultValue: true,
+ versionModified: "1.7.12"
+ },
+ {
+ id: "Comfy.TreeExplorer.ItemPadding",
+ category: ["Appearance", "Tree Explorer", "ItemPadding"],
+ name: "Tree explorer item padding",
+ type: "slider",
+ defaultValue: 2,
+ attrs: {
+ min: 0,
+ max: 8,
+ step: 1
+ }
+ },
+ {
+ id: "Comfy.ModelLibrary.AutoLoadAll",
+ name: "Automatically load all model folders",
+ tooltip: "If true, all folders will load as soon as you open the model library (this may cause delays while it loads). If false, root level model folders will only load once you click on them.",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "Comfy.ModelLibrary.NameFormat",
+ name: "What name to display in the model library tree view",
+ tooltip: 'Select "filename" to render a simplified view of the raw filename (without directory or ".safetensors" extension) in the model list. Select "title" to display the configurable model metadata title.',
+ type: "combo",
+ options: ["filename", "title"],
+ defaultValue: "title"
+ },
+ {
+ id: "Comfy.Locale",
+ name: "Language",
+ type: "combo",
+ options: [
+ { value: "en", text: "English" },
+ { value: "zh", text: "中文" },
+ { value: "ru", text: "Русский" },
+ { value: "ja", text: "日本語" },
+ { value: "ko", text: "한국어" },
+ { value: "fr", text: "Français" }
+ ],
+ defaultValue: /* @__PURE__ */ __name(() => navigator.language.split("-")[0] || "en", "defaultValue")
+ },
+ {
+ id: "Comfy.NodeBadge.NodeSourceBadgeMode",
+ category: ["LiteGraph", "Node", "NodeSourceBadgeMode"],
+ name: "Node source badge mode",
+ type: "combo",
+ options: Object.values(NodeBadgeMode),
+ defaultValue: NodeBadgeMode.HideBuiltIn
+ },
+ {
+ id: "Comfy.NodeBadge.NodeIdBadgeMode",
+ category: ["LiteGraph", "Node", "NodeIdBadgeMode"],
+ name: "Node ID badge mode",
+ type: "combo",
+ options: [NodeBadgeMode.None, NodeBadgeMode.ShowAll],
+ defaultValue: NodeBadgeMode.None
+ },
+ {
+ id: "Comfy.NodeBadge.NodeLifeCycleBadgeMode",
+ category: ["LiteGraph", "Node", "NodeLifeCycleBadgeMode"],
+ name: "Node life cycle badge mode",
+ type: "combo",
+ options: [NodeBadgeMode.None, NodeBadgeMode.ShowAll],
+ defaultValue: NodeBadgeMode.ShowAll
+ },
+ {
+ id: "Comfy.ConfirmClear",
+ category: ["Comfy", "Workflow", "ConfirmClear"],
+ name: "Require confirmation when clearing workflow",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.PromptFilename",
+ category: ["Comfy", "Workflow", "PromptFilename"],
+ name: "Prompt for filename when saving workflow",
+ type: "boolean",
+ defaultValue: true
+ },
+ /**
+ * file format for preview
+ *
+ * format;quality
+ *
+ * ex)
+ * webp;50 -> webp, quality 50
+ * jpeg;80 -> rgb, jpeg, quality 80
+ *
+ * @type {string}
+ */
+ {
+ id: "Comfy.PreviewFormat",
+ category: ["LiteGraph", "Node Widget", "PreviewFormat"],
+ name: "Preview image format",
+ tooltip: "When displaying a preview in the image widget, convert it to a lightweight image, e.g. webp, jpeg, webp;50, etc.",
+ type: "text",
+ defaultValue: ""
+ },
+ {
+ id: "Comfy.DisableSliders",
+ category: ["LiteGraph", "Node Widget", "DisableSliders"],
+ name: "Disable node widget sliders",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "Comfy.DisableFloatRounding",
+ category: ["LiteGraph", "Node Widget", "DisableFloatRounding"],
+ name: "Disable default float widget rounding.",
+ tooltip: "(requires page reload) Cannot disable round when round is set by the node in the backend.",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "Comfy.FloatRoundingPrecision",
+ category: ["LiteGraph", "Node Widget", "FloatRoundingPrecision"],
+ name: "Float widget rounding decimal places [0 = auto].",
+ tooltip: "(requires page reload)",
+ type: "slider",
+ attrs: {
+ min: 0,
+ max: 6,
+ step: 1
+ },
+ defaultValue: 0
+ },
+ {
+ id: "LiteGraph.Node.TooltipDelay",
+ name: "Tooltip Delay",
+ type: "number",
+ attrs: {
+ min: 100,
+ max: 3e3,
+ step: 50
+ },
+ defaultValue: 500,
+ versionAdded: "1.9.0"
+ },
+ {
+ id: "Comfy.EnableTooltips",
+ category: ["LiteGraph", "Node", "EnableTooltips"],
+ name: "Enable Tooltips",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.DevMode",
+ name: "Enable dev mode options (API save, etc.)",
+ type: "boolean",
+ defaultValue: false,
+ onChange: /* @__PURE__ */ __name((value) => {
+ const element = document.getElementById("comfy-dev-save-api-button");
+ if (element) {
+ element.style.display = value ? "flex" : "none";
+ }
+ }, "onChange")
+ },
+ {
+ id: "Comfy.UseNewMenu",
+ category: ["Comfy", "Menu", "UseNewMenu"],
+ defaultValue: "Top",
+ name: "Use new menu",
+ type: "combo",
+ options: ["Disabled", "Top", "Bottom"],
+ migrateDeprecatedValue: /* @__PURE__ */ __name((value) => {
+ if (value === "Floating") {
+ return "Top";
+ }
+ return value;
+ }, "migrateDeprecatedValue")
+ },
+ {
+ id: "Comfy.Workflow.WorkflowTabsPosition",
+ name: "Opened workflows position",
+ type: "combo",
+ options: ["Sidebar", "Topbar", "Topbar (2nd-row)"],
+ // Default to topbar (2nd-row) if the window is less than 1536px(2xl) wide.
+ defaultValue: /* @__PURE__ */ __name(() => window.innerWidth < 1536 ? "Topbar (2nd-row)" : "Topbar", "defaultValue")
+ },
+ {
+ id: "Comfy.Graph.CanvasMenu",
+ category: ["LiteGraph", "Canvas", "CanvasMenu"],
+ name: "Show graph canvas menu",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.QueueButton.BatchCountLimit",
+ name: "Batch count limit",
+ tooltip: "The maximum number of tasks added to the queue at one button click",
+ type: "number",
+ defaultValue: 100,
+ versionAdded: "1.3.5"
+ },
+ {
+ id: "Comfy.Keybinding.UnsetBindings",
+ name: "Keybindings unset by the user",
+ type: "hidden",
+ defaultValue: [],
+ versionAdded: "1.3.7",
+ versionModified: "1.7.3",
+ migrateDeprecatedValue: /* @__PURE__ */ __name((value) => {
+ return value.map((keybinding) => {
+ if (keybinding["targetSelector"] === "#graph-canvas") {
+ keybinding["targetElementId"] = "graph-canvas";
+ }
+ return keybinding;
+ });
+ }, "migrateDeprecatedValue")
+ },
+ {
+ id: "Comfy.Keybinding.NewBindings",
+ name: "Keybindings set by the user",
+ type: "hidden",
+ defaultValue: [],
+ versionAdded: "1.3.7"
+ },
+ {
+ id: "Comfy.Extension.Disabled",
+ name: "Disabled extension names",
+ type: "hidden",
+ defaultValue: [],
+ versionAdded: "1.3.11"
+ },
+ {
+ id: "Comfy.Validation.NodeDefs",
+ name: "Validate node definitions (slow)",
+ type: "boolean",
+ tooltip: "Recommended for node developers. This will validate all node definitions on startup.",
+ defaultValue: false,
+ versionAdded: "1.3.14"
+ },
+ {
+ id: "Comfy.LinkRenderMode",
+ category: ["LiteGraph", "Graph", "LinkRenderMode"],
+ name: "Link Render Mode",
+ defaultValue: 2,
+ type: "combo",
+ options: [
+ { value: LiteGraph.STRAIGHT_LINK, text: "Straight" },
+ { value: LiteGraph.LINEAR_LINK, text: "Linear" },
+ { value: LiteGraph.SPLINE_LINK, text: "Spline" },
+ { value: LiteGraph.HIDDEN_LINK, text: "Hidden" }
+ ]
+ },
+ {
+ id: "Comfy.Node.AutoSnapLinkToSlot",
+ category: ["LiteGraph", "Node", "AutoSnapLinkToSlot"],
+ name: "Auto snap link to node slot",
+ tooltip: "When dragging a link over a node, the link automatically snap to a viable input slot on the node",
+ type: "boolean",
+ defaultValue: true,
+ versionAdded: "1.3.29"
+ },
+ {
+ id: "Comfy.Node.SnapHighlightsNode",
+ category: ["LiteGraph", "Node", "SnapHighlightsNode"],
+ name: "Snap highlights node",
+ tooltip: "When dragging a link over a node with viable input slot, highlight the node",
+ type: "boolean",
+ defaultValue: true,
+ versionAdded: "1.3.29"
+ },
+ {
+ id: "Comfy.Node.BypassAllLinksOnDelete",
+ category: ["LiteGraph", "Node", "BypassAllLinksOnDelete"],
+ name: "Keep all links when deleting nodes",
+ tooltip: "When deleting a node, attempt to reconnect all of its input and output links (bypassing the deleted node)",
+ type: "boolean",
+ defaultValue: true,
+ versionAdded: "1.3.40"
+ },
+ {
+ id: "Comfy.Node.MiddleClickRerouteNode",
+ category: ["LiteGraph", "Node", "MiddleClickRerouteNode"],
+ name: "Middle-click creates a new Reroute node",
+ type: "boolean",
+ defaultValue: true,
+ versionAdded: "1.3.42"
+ },
+ {
+ id: "Comfy.RerouteBeta",
+ category: ["LiteGraph", "RerouteBeta"],
+ name: "Opt-in to the reroute beta test",
+ tooltip: "Enables the new native reroutes.\n\nReroutes can be added by holding alt and dragging from a link line, or on the link menu.\n\nDisabling this option is non-destructive - reroutes are hidden.",
+ experimental: true,
+ type: "boolean",
+ defaultValue: false,
+ versionAdded: "1.3.42"
+ },
+ {
+ id: "Comfy.Graph.LinkMarkers",
+ category: ["LiteGraph", "Link", "LinkMarkers"],
+ name: "Link midpoint markers",
+ defaultValue: LinkMarkerShape.Circle,
+ type: "combo",
+ options: [
+ { value: LinkMarkerShape.None, text: "None" },
+ { value: LinkMarkerShape.Circle, text: "Circle" },
+ { value: LinkMarkerShape.Arrow, text: "Arrow" }
+ ],
+ versionAdded: "1.3.42"
+ },
+ {
+ id: "Comfy.DOMClippingEnabled",
+ category: ["LiteGraph", "Node", "DOMClippingEnabled"],
+ name: "Enable DOM element clipping (enabling may reduce performance)",
+ type: "boolean",
+ defaultValue: true
+ },
+ {
+ id: "Comfy.Graph.CtrlShiftZoom",
+ category: ["LiteGraph", "Canvas", "CtrlShiftZoom"],
+ name: "Enable fast-zoom shortcut (Ctrl + Shift + Drag)",
+ type: "boolean",
+ defaultValue: true,
+ versionAdded: "1.4.0"
+ },
+ {
+ id: "Comfy.Pointer.ClickDrift",
+ category: ["LiteGraph", "Pointer", "ClickDrift"],
+ name: "Pointer click drift (maximum distance)",
+ tooltip: "If the pointer moves more than this distance while holding a button down, it is considered dragging (rather than clicking).\n\nHelps prevent objects from being unintentionally nudged if the pointer is moved whilst clicking.",
+ experimental: true,
+ type: "slider",
+ attrs: {
+ min: 0,
+ max: 20,
+ step: 1
+ },
+ defaultValue: 6,
+ versionAdded: "1.4.3"
+ },
+ {
+ id: "Comfy.Pointer.ClickBufferTime",
+ category: ["LiteGraph", "Pointer", "ClickBufferTime"],
+ name: "Pointer click drift delay",
+ tooltip: "After pressing a pointer button down, this is the maximum time (in milliseconds) that pointer movement can be ignored for.\n\nHelps prevent objects from being unintentionally nudged if the pointer is moved whilst clicking.",
+ experimental: true,
+ type: "slider",
+ attrs: {
+ min: 0,
+ max: 1e3,
+ step: 25
+ },
+ defaultValue: 150,
+ versionAdded: "1.4.3"
+ },
+ {
+ id: "Comfy.Pointer.DoubleClickTime",
+ category: ["LiteGraph", "Pointer", "DoubleClickTime"],
+ name: "Double click interval (maximum)",
+ tooltip: "The maximum time in milliseconds between the two clicks of a double-click. Increasing this value may assist if double-clicks are sometimes not registered.",
+ type: "slider",
+ attrs: {
+ min: 100,
+ max: 1e3,
+ step: 50
+ },
+ defaultValue: 300,
+ versionAdded: "1.4.3"
+ },
+ {
+ id: "Comfy.SnapToGrid.GridSize",
+ category: ["LiteGraph", "Canvas", "GridSize"],
+ name: "Snap to grid size",
+ type: "slider",
+ attrs: {
+ min: 1,
+ max: 500
+ },
+ tooltip: "When dragging and resizing nodes while holding shift they will be aligned to the grid, this controls the size of that grid.",
+ defaultValue: LiteGraph.CANVAS_GRID_SIZE
+ },
+ // Keep the 'pysssss.SnapToGrid' setting id so we don't need to migrate setting values.
+ // Using a new setting id can cause existing users to lose their existing settings.
+ {
+ id: "pysssss.SnapToGrid",
+ category: ["LiteGraph", "Canvas", "AlwaysSnapToGrid"],
+ name: "Always snap to grid",
+ type: "boolean",
+ defaultValue: false,
+ versionAdded: "1.3.13"
+ },
+ {
+ id: "Comfy.Server.ServerConfigValues",
+ name: "Server config values for frontend display",
+ tooltip: "Server config values used for frontend display only",
+ type: "hidden",
+ // Mapping from server config id to value.
+ defaultValue: {},
+ versionAdded: "1.4.8"
+ },
+ {
+ id: "Comfy.Server.LaunchArgs",
+ name: "Server launch arguments",
+ tooltip: "These are the actual arguments that are passed to the server when it is launched.",
+ type: "hidden",
+ defaultValue: {},
+ versionAdded: "1.4.8"
+ },
+ {
+ id: "Comfy.Queue.MaxHistoryItems",
+ name: "Queue history size",
+ tooltip: "The maximum number of tasks that show in the queue history.",
+ type: "slider",
+ attrs: {
+ min: 16,
+ max: 256,
+ step: 16
+ },
+ defaultValue: 64,
+ versionAdded: "1.4.12"
+ },
+ {
+ id: "LiteGraph.Canvas.MaximumFps",
+ name: "Maximum FPS",
+ tooltip: "The maximum frames per second that the canvas is allowed to render. Caps GPU usage at the cost of smoothness. If 0, the screen refresh rate is used. Default: 0",
+ type: "slider",
+ attrs: {
+ min: 0,
+ max: 120
+ },
+ defaultValue: 0,
+ versionAdded: "1.5.1"
+ },
+ {
+ id: "Comfy.EnableWorkflowViewRestore",
+ category: ["Comfy", "Workflow", "EnableWorkflowViewRestore"],
+ name: "Save and restore canvas position and zoom level in workflows",
+ type: "boolean",
+ defaultValue: true,
+ versionModified: "1.5.4"
+ },
+ {
+ id: "Comfy.Workflow.ConfirmDelete",
+ name: "Show confirmation when deleting workflows",
+ type: "boolean",
+ defaultValue: true,
+ versionAdded: "1.5.6"
+ },
+ {
+ id: "Comfy.ColorPalette",
+ name: "The active color palette id",
+ type: "hidden",
+ defaultValue: "dark",
+ versionModified: "1.6.7",
+ migrateDeprecatedValue(value) {
+ return value.startsWith("custom_") ? value.replace("custom_", "") : value;
+ }
+ },
+ {
+ id: "Comfy.CustomColorPalettes",
+ name: "Custom color palettes",
+ type: "hidden",
+ defaultValue: {},
+ versionModified: "1.6.7"
+ },
+ {
+ id: "Comfy.WidgetControlMode",
+ category: ["Comfy", "Node Widget", "WidgetControlMode"],
+ name: "Widget control mode",
+ tooltip: "Controls when widget values are updated (randomize/increment/decrement), either before the prompt is queued or after.",
+ type: "combo",
+ defaultValue: "after",
+ options: ["before", "after"],
+ versionModified: "1.6.10"
+ },
+ {
+ id: "Comfy.TutorialCompleted",
+ name: "Tutorial completed",
+ type: "hidden",
+ defaultValue: false,
+ versionAdded: "1.8.7"
+ },
+ {
+ id: "LiteGraph.ContextMenu.Scaling",
+ name: "Scale node combo widget menus (lists) when zoomed in",
+ defaultValue: false,
+ type: "boolean",
+ versionAdded: "1.8.8"
+ },
+ {
+ id: "LiteGraph.Canvas.LowQualityRenderingZoomThreshold",
+ name: "Low quality rendering zoom threshold",
+ tooltip: "Render low quality shapes when zoomed out",
+ type: "slider",
+ attrs: {
+ min: 0.1,
+ max: 1,
+ step: 0.01
+ },
+ defaultValue: 0.6,
+ versionAdded: "1.9.1"
+ }
+];
+const _sfc_main$8 = /* @__PURE__ */ defineComponent({
+ __name: "GraphCanvas",
+ emits: ["ready"],
+ setup(__props, { emit: __emit }) {
+ const emit = __emit;
+ const canvasRef = ref(null);
+ const settingStore = useSettingStore();
+ const nodeDefStore = useNodeDefStore();
+ const workspaceStore = useWorkspaceStore();
+ const canvasStore = useCanvasStore();
+ const betaMenuEnabled = computed(
+ () => settingStore.get("Comfy.UseNewMenu") !== "Disabled"
+ );
+ const workflowTabsPosition = computed(
+ () => settingStore.get("Comfy.Workflow.WorkflowTabsPosition")
+ );
+ const canvasMenuEnabled = computed(
+ () => settingStore.get("Comfy.Graph.CanvasMenu")
+ );
+ const tooltipEnabled = computed(() => settingStore.get("Comfy.EnableTooltips"));
+ watchEffect(() => {
+ nodeDefStore.showDeprecated = settingStore.get("Comfy.Node.ShowDeprecated");
+ });
+ watchEffect(() => {
+ nodeDefStore.showExperimental = settingStore.get(
+ "Comfy.Node.ShowExperimental"
+ );
+ });
+ watchEffect(() => {
+ const spellcheckEnabled = settingStore.get("Comfy.TextareaWidget.Spellcheck");
+ const textareas = document.querySelectorAll("textarea.comfy-multiline-input");
+ textareas.forEach((textarea) => {
+ textarea.spellcheck = spellcheckEnabled;
+ textarea.focus();
+ textarea.blur();
+ });
+ });
+ watch(
+ () => settingStore.get("Comfy.WidgetControlMode"),
+ () => {
+ if (!canvasStore.canvas) return;
+ for (const n of app.graph.nodes) {
+ if (!n.widgets) continue;
+ for (const w of n.widgets) {
+ if (w[IS_CONTROL_WIDGET]) {
+ updateControlWidgetLabel(w);
+ if (w.linkedWidgets) {
+ for (const l of w.linkedWidgets) {
+ updateControlWidgetLabel(l);
+ }
+ }
+ }
+ }
+ }
+ app.graph.setDirtyCanvas(true);
+ }
+ );
+ const colorPaletteService = useColorPaletteService();
+ const colorPaletteStore = useColorPaletteStore();
+ watch(
+ [() => canvasStore.canvas, () => settingStore.get("Comfy.ColorPalette")],
+ ([canvas, currentPaletteId]) => {
+ if (!canvas) return;
+ colorPaletteService.loadColorPalette(currentPaletteId);
+ }
+ );
+ watch(
+ () => colorPaletteStore.activePaletteId,
+ (newValue) => {
+ settingStore.set("Comfy.ColorPalette", newValue);
+ }
+ );
+ const loadCustomNodesI18n = /* @__PURE__ */ __name(async () => {
+ try {
+ const i18nData = await api.getCustomNodesI18n();
+ Object.entries(i18nData).forEach(([locale, message]) => {
+ i18n.global.mergeLocaleMessage(locale, message);
+ });
+ } catch (error) {
+ console.error("Failed to load custom nodes i18n", error);
+ }
+ }, "loadCustomNodesI18n");
+ const comfyAppReady = ref(false);
+ const workflowPersistence = useWorkflowPersistence();
+ useCanvasDrop(canvasRef);
+ useLitegraphSettings();
+ onMounted(async () => {
+ useGlobalLitegraph();
+ useContextMenuTranslation();
+ useCopy();
+ usePaste();
+ app.vueAppReady = true;
+ workspaceStore.spinner = true;
+ ChangeTracker.init(app);
+ await loadCustomNodesI18n();
+ await settingStore.loadSettingValues();
+ CORE_SETTINGS.forEach((setting) => {
+ settingStore.addSetting(setting);
+ });
+ await app.setup(canvasRef.value);
+ canvasStore.canvas = app.canvas;
+ canvasStore.canvas.render_canvas_border = false;
+ workspaceStore.spinner = false;
+ window["app"] = app;
+ window["graph"] = app.graph;
+ comfyAppReady.value = true;
+ colorPaletteStore.customPalettes = settingStore.get(
+ "Comfy.CustomColorPalettes"
+ );
+ await workflowPersistence.restorePreviousWorkflow();
+ workflowPersistence.restoreWorkflowTabsState();
+ watch(
+ () => settingStore.get("Comfy.Locale"),
+ async () => {
+ await useCommandStore().execute("Comfy.RefreshNodeDefinitions");
+ useWorkflowService().reloadCurrentWorkflow();
+ }
+ );
+ emit("ready");
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock(Fragment, null, [
+ comfyAppReady.value && betaMenuEnabled.value && !unref(workspaceStore).focusMode ? (openBlock(), createBlock(LiteGraphCanvasSplitterOverlay, { key: 0 }, {
+ "side-bar-panel": withCtx(() => [
+ createVNode(SideToolbar)
+ ]),
+ "bottom-panel": withCtx(() => [
+ createVNode(_sfc_main$p)
+ ]),
+ "graph-canvas-panel": withCtx(() => [
+ workflowTabsPosition.value === "Topbar (2nd-row)" ? (openBlock(), createBlock(SecondRowWorkflowTabs, {
+ key: 0,
+ class: "pointer-events-auto"
+ })) : createCommentVNode("", true),
+ canvasMenuEnabled.value ? (openBlock(), createBlock(GraphCanvasMenu, {
+ key: 1,
+ class: "pointer-events-auto"
+ })) : createCommentVNode("", true)
+ ]),
+ _: 1
+ })) : createCommentVNode("", true),
+ createVNode(TitleEditor),
+ !betaMenuEnabled.value && canvasMenuEnabled.value ? (openBlock(), createBlock(GraphCanvasMenu, { key: 1 })) : createCommentVNode("", true),
+ createBaseVNode("canvas", {
+ ref_key: "canvasRef",
+ ref: canvasRef,
+ id: "graph-canvas",
+ tabindex: "1",
+ class: "w-full h-full touch-none"
+ }, null, 512),
+ createVNode(_sfc_main$h),
+ tooltipEnabled.value ? (openBlock(), createBlock(NodeTooltip, { key: 2 })) : createCommentVNode("", true),
+ createVNode(_sfc_main$n)
+ ], 64);
+ };
+ }
+});
+const _sfc_main$7 = /* @__PURE__ */ defineComponent({
+ __name: "GlobalToast",
+ setup(__props) {
+ const toast = useToast();
+ const toastStore = useToastStore();
+ const settingStore = useSettingStore();
+ watch(
+ () => toastStore.messagesToAdd,
+ (newMessages) => {
+ if (newMessages.length === 0) {
+ return;
+ }
+ newMessages.forEach((message) => {
+ toast.add(message);
+ });
+ toastStore.messagesToAdd = [];
+ },
+ { deep: true }
+ );
+ watch(
+ () => toastStore.messagesToRemove,
+ (messagesToRemove) => {
+ if (messagesToRemove.length === 0) {
+ return;
+ }
+ messagesToRemove.forEach((message) => {
+ toast.remove(message);
+ });
+ toastStore.messagesToRemove = [];
+ },
+ { deep: true }
+ );
+ watch(
+ () => toastStore.removeAllRequested,
+ (requested) => {
+ if (requested) {
+ toast.removeAllGroups();
+ toastStore.removeAllRequested = false;
+ }
+ }
+ );
+ function updateToastPosition() {
+ const styleElement = document.getElementById("dynamic-toast-style") || createStyleElement();
+ const rect = document.querySelector(".graph-canvas-container").getBoundingClientRect();
+ styleElement.textContent = `
+ .p-toast.p-component.p-toast-top-right {
+ top: ${rect.top + 20}px !important;
+ right: ${window.innerWidth - (rect.left + rect.width) + 20}px !important;
+ }
+ `;
+ }
+ __name(updateToastPosition, "updateToastPosition");
+ function createStyleElement() {
+ const style = document.createElement("style");
+ style.id = "dynamic-toast-style";
+ document.head.appendChild(style);
+ return style;
+ }
+ __name(createStyleElement, "createStyleElement");
+ watch(
+ () => settingStore.get("Comfy.UseNewMenu"),
+ () => nextTick(updateToastPosition),
+ { immediate: true }
+ );
+ watch(
+ () => settingStore.get("Comfy.Sidebar.Location"),
+ () => nextTick(updateToastPosition),
+ { immediate: true }
+ );
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(unref(script$f));
+ };
+ }
+});
+const _hoisted_1$a = {
+ viewBox: "0 0 24 24",
+ width: "1.2em",
+ height: "1.2em"
+};
+function render$5(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$a, _cache[0] || (_cache[0] = [
+ createBaseVNode("path", {
+ fill: "none",
+ stroke: "currentColor",
+ "stroke-linecap": "round",
+ "stroke-linejoin": "round",
+ "stroke-width": "2",
+ d: "M6 4v16m4-16l10 8l-10 8z"
+ }, null, -1)
+ ]));
+}
+__name(render$5, "render$5");
+const __unplugin_components_3 = markRaw({ name: "lucide-step-forward", render: render$5 });
+const _hoisted_1$9 = {
+ viewBox: "0 0 24 24",
+ width: "1.2em",
+ height: "1.2em"
+};
+function render$4(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$9, _cache[0] || (_cache[0] = [
+ 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)
+ ]));
+}
+__name(render$4, "render$4");
+const __unplugin_components_2 = markRaw({ name: "lucide-fast-forward", render: render$4 });
+const _hoisted_1$8 = {
+ viewBox: "0 0 24 24",
+ width: "1.2em",
+ height: "1.2em"
+};
+function render$3(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$8, _cache[0] || (_cache[0] = [
+ createBaseVNode("path", {
+ fill: "none",
+ stroke: "currentColor",
+ "stroke-linecap": "round",
+ "stroke-linejoin": "round",
+ "stroke-width": "2",
+ d: "m6 3l14 9l-14 9z"
+ }, null, -1)
+ ]));
+}
+__name(render$3, "render$3");
+const __unplugin_components_1$1 = markRaw({ name: "lucide-play", render: render$3 });
+const _hoisted_1$7 = {
+ viewBox: "0 0 24 24",
+ width: "1.2em",
+ height: "1.2em"
+};
+function render$2(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$7, _cache[0] || (_cache[0] = [
+ createBaseVNode("g", {
+ fill: "none",
+ stroke: "currentColor",
+ "stroke-linecap": "round",
+ "stroke-linejoin": "round",
+ "stroke-width": "2"
+ }, [
+ createBaseVNode("path", { d: "M16 12H3m13 6H3m7-12H3m18 12V8a2 2 0 0 0-2-2h-5" }),
+ createBaseVNode("path", { d: "m16 8l-2-2l2-2" })
+ ], -1)
+ ]));
+}
+__name(render$2, "render$2");
+const __unplugin_components_0$1 = markRaw({ name: "lucide-list-start", render: render$2 });
+const _hoisted_1$6 = ["aria-label"];
+const minQueueCount = 1;
+const _sfc_main$6 = /* @__PURE__ */ defineComponent({
+ __name: "BatchCountEdit",
+ props: {
+ class: { default: "" }
+ },
+ setup(__props) {
+ const props = __props;
+ const queueSettingsStore = useQueueSettingsStore();
+ const { batchCount } = storeToRefs(queueSettingsStore);
+ const settingStore = useSettingStore();
+ const maxQueueCount = computed(
+ () => settingStore.get("Comfy.QueueButton.BatchCountLimit")
+ );
+ const handleClick = /* @__PURE__ */ __name((increment) => {
+ let newCount;
+ if (increment) {
+ const originalCount = batchCount.value - 1;
+ newCount = Math.min(originalCount * 2, maxQueueCount.value);
+ } else {
+ const originalCount = batchCount.value + 1;
+ newCount = Math.floor(originalCount / 2);
+ }
+ batchCount.value = newCount;
+ }, "handleClick");
+ return (_ctx, _cache) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return withDirectives((openBlock(), createElementBlock("div", {
+ class: normalizeClass(["batch-count", props.class]),
+ "aria-label": _ctx.$t("menu.batchCount")
+ }, [
+ createVNode(unref(script$g), {
+ class: "w-14",
+ modelValue: unref(batchCount),
+ "onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => isRef(batchCount) ? batchCount.value = $event : null),
+ min: minQueueCount,
+ max: maxQueueCount.value,
+ fluid: "",
+ showButtons: "",
+ pt: {
+ incrementButton: {
+ class: "w-6",
+ onmousedown: /* @__PURE__ */ __name(() => {
+ handleClick(true);
+ }, "onmousedown")
+ },
+ decrementButton: {
+ class: "w-6",
+ onmousedown: /* @__PURE__ */ __name(() => {
+ handleClick(false);
+ }, "onmousedown")
+ }
+ }
+ }, null, 8, ["modelValue", "max", "pt"])
+ ], 10, _hoisted_1$6)), [
+ [
+ _directive_tooltip,
+ _ctx.$t("menu.batchCount"),
+ void 0,
+ { bottom: true }
+ ]
+ ]);
+ };
+ }
+});
+const BatchCountEdit = /* @__PURE__ */ _export_sfc(_sfc_main$6, [["__scopeId", "data-v-26957f1f"]]);
+const _hoisted_1$5 = { class: "queue-button-group flex" };
+const _sfc_main$5 = /* @__PURE__ */ defineComponent({
+ __name: "ComfyQueueButton",
+ setup(__props) {
+ const workspaceStore = useWorkspaceStore();
+ const queueCountStore = storeToRefs(useQueuePendingTaskCountStore());
+ const { mode: queueMode } = storeToRefs(useQueueSettingsStore());
+ const { t: t2 } = useI18n();
+ const queueModeMenuItemLookup = computed(() => ({
+ disabled: {
+ key: "disabled",
+ label: t2("menu.queue"),
+ tooltip: t2("menu.disabledTooltip"),
+ command: /* @__PURE__ */ __name(() => {
+ queueMode.value = "disabled";
+ }, "command")
+ },
+ instant: {
+ key: "instant",
+ label: `${t2("menu.queue")} (${t2("menu.instant")})`,
+ tooltip: t2("menu.instantTooltip"),
+ command: /* @__PURE__ */ __name(() => {
+ queueMode.value = "instant";
+ }, "command")
+ },
+ change: {
+ key: "change",
+ label: `${t2("menu.queue")} (${t2("menu.onChange")})`,
+ tooltip: t2("menu.onChangeTooltip"),
+ command: /* @__PURE__ */ __name(() => {
+ queueMode.value = "change";
+ }, "command")
+ }
+ }));
+ const activeQueueModeMenuItem = computed(
+ () => queueModeMenuItemLookup.value[queueMode.value]
+ );
+ const queueModeMenuItems = computed(
+ () => Object.values(queueModeMenuItemLookup.value)
+ );
+ const executingPrompt = computed(() => !!queueCountStore.count.value);
+ const hasPendingTasks = computed(() => queueCountStore.count.value > 1);
+ const commandStore = useCommandStore();
+ const queuePrompt = /* @__PURE__ */ __name((e) => {
+ const commandId = e.shiftKey ? "Comfy.QueuePromptFront" : "Comfy.QueuePrompt";
+ commandStore.execute(commandId);
+ }, "queuePrompt");
+ return (_ctx, _cache) => {
+ const _component_i_lucide58list_start = __unplugin_components_0$1;
+ const _component_i_lucide58play = __unplugin_components_1$1;
+ const _component_i_lucide58fast_forward = __unplugin_components_2;
+ const _component_i_lucide58step_forward = __unplugin_components_3;
+ const _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createElementBlock("div", _hoisted_1$5, [
+ withDirectives((openBlock(), createBlock(unref(script$h), {
+ class: "comfyui-queue-button",
+ label: activeQueueModeMenuItem.value.label,
+ severity: "primary",
+ size: "small",
+ onClick: queuePrompt,
+ model: queueModeMenuItems.value,
+ "data-testid": "queue-button"
+ }, {
+ icon: withCtx(() => [
+ unref(workspaceStore).shiftDown ? (openBlock(), createBlock(_component_i_lucide58list_start, { key: 0 })) : unref(queueMode) === "disabled" ? (openBlock(), createBlock(_component_i_lucide58play, { key: 1 })) : unref(queueMode) === "instant" ? (openBlock(), createBlock(_component_i_lucide58fast_forward, { key: 2 })) : unref(queueMode) === "change" ? (openBlock(), createBlock(_component_i_lucide58step_forward, { key: 3 })) : createCommentVNode("", true)
+ ]),
+ item: withCtx(({ item }) => [
+ withDirectives(createVNode(unref(script), {
+ label: String(item.label),
+ icon: item.icon,
+ severity: item.key === unref(queueMode) ? "primary" : "secondary",
+ size: "small",
+ text: ""
+ }, null, 8, ["label", "icon", "severity"]), [
+ [_directive_tooltip, item.tooltip]
+ ])
+ ]),
+ _: 1
+ }, 8, ["label", "model"])), [
+ [
+ _directive_tooltip,
+ unref(workspaceStore).shiftDown ? _ctx.$t("menu.queueWorkflowFront") : _ctx.$t("menu.queueWorkflow"),
+ void 0,
+ { bottom: true }
+ ]
+ ]),
+ createVNode(BatchCountEdit),
+ createVNode(unref(script$6), { class: "execution-actions flex flex-nowrap" }, {
+ default: withCtx(() => [
+ withDirectives(createVNode(unref(script), {
+ icon: "pi pi-times",
+ severity: executingPrompt.value ? "danger" : "secondary",
+ disabled: !executingPrompt.value,
+ text: "",
+ "aria-label": _ctx.$t("menu.interrupt"),
+ onClick: _cache[0] || (_cache[0] = () => unref(commandStore).execute("Comfy.Interrupt"))
+ }, null, 8, ["severity", "disabled", "aria-label"]), [
+ [
+ _directive_tooltip,
+ _ctx.$t("menu.interrupt"),
+ void 0,
+ { bottom: true }
+ ]
+ ]),
+ withDirectives(createVNode(unref(script), {
+ icon: "pi pi-stop",
+ severity: hasPendingTasks.value ? "danger" : "secondary",
+ disabled: !hasPendingTasks.value,
+ text: "",
+ "aria-label": _ctx.$t("sideToolbar.queueTab.clearPendingTasks"),
+ onClick: _cache[1] || (_cache[1] = () => unref(commandStore).execute("Comfy.ClearPendingTasks"))
+ }, null, 8, ["severity", "disabled", "aria-label"]), [
+ [
+ _directive_tooltip,
+ _ctx.$t("sideToolbar.queueTab.clearPendingTasks"),
+ void 0,
+ { bottom: true }
+ ]
+ ])
+ ]),
+ _: 1
+ })
+ ]);
+ };
+ }
+});
+const ComfyQueueButton = /* @__PURE__ */ _export_sfc(_sfc_main$5, [["__scopeId", "data-v-91a628af"]]);
+const overlapThreshold = 20;
+const _sfc_main$4 = /* @__PURE__ */ defineComponent({
+ __name: "ComfyActionbar",
+ setup(__props) {
+ const settingsStore = useSettingStore();
+ const visible = computed(
+ () => settingsStore.get("Comfy.UseNewMenu") !== "Disabled"
+ );
+ const panelRef = ref(null);
+ const dragHandleRef = ref(null);
+ const isDocked = useLocalStorage("Comfy.MenuPosition.Docked", false);
+ const storedPosition = useLocalStorage("Comfy.MenuPosition.Floating", {
+ x: 0,
+ y: 0
+ });
+ const {
+ x,
+ y,
+ style,
+ isDragging
+ } = useDraggable(panelRef, {
+ initialValue: { x: 0, y: 0 },
+ handle: dragHandleRef,
+ containerElement: document.body
+ });
+ watchDebounced(
+ [x, y],
+ ([newX, newY]) => {
+ storedPosition.value = { x: newX, y: newY };
+ },
+ { debounce: 300 }
+ );
+ const setInitialPosition = /* @__PURE__ */ __name(() => {
+ if (x.value !== 0 || y.value !== 0) {
+ return;
+ }
+ if (storedPosition.value.x !== 0 || storedPosition.value.y !== 0) {
+ x.value = storedPosition.value.x;
+ y.value = storedPosition.value.y;
+ captureLastDragState();
+ return;
+ }
+ if (panelRef.value) {
+ const screenWidth = window.innerWidth;
+ const screenHeight = window.innerHeight;
+ const menuWidth = panelRef.value.offsetWidth;
+ const menuHeight = panelRef.value.offsetHeight;
+ if (menuWidth === 0 || menuHeight === 0) {
+ return;
+ }
+ x.value = (screenWidth - menuWidth) / 2;
+ y.value = screenHeight - menuHeight - 10;
+ captureLastDragState();
+ }
+ }, "setInitialPosition");
+ onMounted(setInitialPosition);
+ watch(visible, (newVisible) => {
+ if (newVisible) {
+ nextTick(setInitialPosition);
+ }
+ });
+ const lastDragState = ref({
+ x: x.value,
+ y: y.value,
+ windowWidth: window.innerWidth,
+ windowHeight: window.innerHeight
+ });
+ const captureLastDragState = /* @__PURE__ */ __name(() => {
+ lastDragState.value = {
+ x: x.value,
+ y: y.value,
+ windowWidth: window.innerWidth,
+ windowHeight: window.innerHeight
+ };
+ }, "captureLastDragState");
+ watch(
+ isDragging,
+ (newIsDragging) => {
+ if (!newIsDragging) {
+ captureLastDragState();
+ }
+ },
+ { immediate: true }
+ );
+ const adjustMenuPosition = /* @__PURE__ */ __name(() => {
+ if (panelRef.value) {
+ const screenWidth = window.innerWidth;
+ const screenHeight = window.innerHeight;
+ const menuWidth = panelRef.value.offsetWidth;
+ const menuHeight = panelRef.value.offsetHeight;
+ const distanceLeft = lastDragState.value.x;
+ const distanceRight = lastDragState.value.windowWidth - (lastDragState.value.x + menuWidth);
+ const distanceTop = lastDragState.value.y;
+ const distanceBottom = lastDragState.value.windowHeight - (lastDragState.value.y + menuHeight);
+ const distances = [
+ { edge: "left", distance: distanceLeft },
+ { edge: "right", distance: distanceRight },
+ { edge: "top", distance: distanceTop },
+ { edge: "bottom", distance: distanceBottom }
+ ];
+ const closestEdge = distances.reduce(
+ (min, curr) => curr.distance < min.distance ? curr : min
+ );
+ const verticalRatio = lastDragState.value.y / lastDragState.value.windowHeight;
+ const horizontalRatio = lastDragState.value.x / lastDragState.value.windowWidth;
+ if (closestEdge.edge === "left") {
+ x.value = closestEdge.distance;
+ y.value = verticalRatio * screenHeight;
+ } else if (closestEdge.edge === "right") {
+ x.value = screenWidth - menuWidth - closestEdge.distance;
+ y.value = verticalRatio * screenHeight;
+ } else if (closestEdge.edge === "top") {
+ x.value = horizontalRatio * screenWidth;
+ y.value = closestEdge.distance;
+ } else {
+ x.value = horizontalRatio * screenWidth;
+ y.value = screenHeight - menuHeight - closestEdge.distance;
+ }
+ x.value = lodashExports.clamp(x.value, 0, screenWidth - menuWidth);
+ y.value = lodashExports.clamp(y.value, 0, screenHeight - menuHeight);
+ }
+ }, "adjustMenuPosition");
+ useEventListener(window, "resize", adjustMenuPosition);
+ const topMenuRef = inject("topMenuRef");
+ const topMenuBounds = useElementBounding(topMenuRef);
+ const isOverlappingWithTopMenu = computed(() => {
+ if (!panelRef.value) {
+ return false;
+ }
+ const { height } = panelRef.value.getBoundingClientRect();
+ const actionbarBottom = y.value + height;
+ const topMenuBottom = topMenuBounds.bottom.value;
+ const overlapPixels = Math.min(actionbarBottom, topMenuBottom) - Math.max(y.value, topMenuBounds.top.value);
+ return overlapPixels > overlapThreshold;
+ });
+ watch(isDragging, (newIsDragging) => {
+ if (!newIsDragging) {
+ isDocked.value = isOverlappingWithTopMenu.value;
+ } else {
+ isDocked.value = false;
+ }
+ });
+ const eventBus = useEventBus("topMenu");
+ watch([isDragging, isOverlappingWithTopMenu], ([dragging, overlapping]) => {
+ eventBus.emit("updateHighlight", {
+ isDragging: dragging,
+ isOverlapping: overlapping
+ });
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(unref(script$i), {
+ class: normalizeClass(["actionbar w-fit", { "is-dragging": unref(isDragging), "is-docked": unref(isDocked) }]),
+ style: normalizeStyle(unref(style))
+ }, {
+ default: withCtx(() => [
+ createBaseVNode("div", {
+ class: "actionbar-content flex items-center select-none",
+ ref_key: "panelRef",
+ ref: panelRef
+ }, [
+ createBaseVNode("span", {
+ class: "drag-handle cursor-move mr-2 p-0!",
+ ref_key: "dragHandleRef",
+ ref: dragHandleRef
+ }, null, 512),
+ createVNode(ComfyQueueButton)
+ ], 512)
+ ]),
+ _: 1
+ }, 8, ["style", "class"]);
+ };
+ }
+});
+const Actionbar = /* @__PURE__ */ _export_sfc(_sfc_main$4, [["__scopeId", "data-v-ebd56d51"]]);
+const _hoisted_1$4 = {
+ viewBox: "0 0 24 24",
+ width: "1.2em",
+ height: "1.2em"
+};
+function render$1(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$4, _cache[0] || (_cache[0] = [
+ 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)
+ ]));
+}
+__name(render$1, "render$1");
+const __unplugin_components_1 = markRaw({ name: "material-symbols-dock-to-bottom-outline", render: render$1 });
+const _hoisted_1$3 = {
+ viewBox: "0 0 24 24",
+ width: "1.2em",
+ height: "1.2em"
+};
+function render(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$3, _cache[0] || (_cache[0] = [
+ 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)
+ ]));
+}
+__name(render, "render");
+const __unplugin_components_0 = markRaw({ name: "material-symbols-dock-to-bottom", render });
+const _sfc_main$3 = /* @__PURE__ */ defineComponent({
+ __name: "BottomPanelToggleButton",
+ setup(__props) {
+ const bottomPanelStore = useBottomPanelStore();
+ return (_ctx, _cache) => {
+ const _component_i_material_symbols58dock_to_bottom = __unplugin_components_0;
+ const _component_i_material_symbols58dock_to_bottom_outline = __unplugin_components_1;
+ const _directive_tooltip = resolveDirective("tooltip");
+ return withDirectives((openBlock(), createBlock(unref(script), {
+ severity: "secondary",
+ text: "",
+ "aria-label": _ctx.$t("menu.toggleBottomPanel"),
+ onClick: unref(bottomPanelStore).toggleBottomPanel
+ }, {
+ icon: withCtx(() => [
+ unref(bottomPanelStore).bottomPanelVisible ? (openBlock(), createBlock(_component_i_material_symbols58dock_to_bottom, { key: 0 })) : (openBlock(), createBlock(_component_i_material_symbols58dock_to_bottom_outline, { key: 1 }))
+ ]),
+ _: 1
+ }, 8, ["aria-label", "onClick"])), [
+ [vShow, unref(bottomPanelStore).bottomPanelTabs.length > 0],
+ [_directive_tooltip, { value: _ctx.$t("menu.toggleBottomPanel"), showDelay: 300 }]
+ ]);
+ };
+ }
+});
+const _hoisted_1$2 = ["href"];
+const _hoisted_2$2 = { class: "p-menubar-item-label" };
+const _hoisted_3$2 = {
+ key: 1,
+ class: "ml-auto border border-surface rounded text-muted text-xs text-nowrap p-1 keybinding-tag"
+};
+const _sfc_main$2 = /* @__PURE__ */ defineComponent({
+ __name: "CommandMenubar",
+ setup(__props) {
+ const settingStore = useSettingStore();
+ const dropdownDirection = computed(
+ () => settingStore.get("Comfy.UseNewMenu") === "Top" ? "down" : "up"
+ );
+ const menuItemsStore = useMenuItemStore();
+ const { t: t2 } = useI18n();
+ const translateMenuItem = /* @__PURE__ */ __name((item) => {
+ const label = typeof item.label === "function" ? item.label() : item.label;
+ const translatedLabel = label ? t2(`menuLabels.${normalizeI18nKey(label)}`, label) : void 0;
+ return {
+ ...item,
+ label: translatedLabel,
+ items: item.items?.map(translateMenuItem)
+ };
+ }, "translateMenuItem");
+ const translatedItems = computed(
+ () => menuItemsStore.menuItems.map(translateMenuItem)
+ );
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(unref(script$j), {
+ model: translatedItems.value,
+ class: "top-menubar border-none p-0 bg-transparent",
+ pt: {
+ rootList: "gap-0 flex-nowrap w-auto",
+ submenu: `dropdown-direction-${dropdownDirection.value}`,
+ item: "relative"
+ }
+ }, {
+ item: withCtx(({ item, props }) => [
+ createBaseVNode("a", mergeProps({ class: "p-menubar-item-link" }, props.action, {
+ href: item.url,
+ target: "_blank"
+ }), [
+ item.icon ? (openBlock(), createElementBlock("span", {
+ key: 0,
+ class: normalizeClass(["p-menubar-item-icon", item.icon])
+ }, null, 2)) : createCommentVNode("", true),
+ createBaseVNode("span", _hoisted_2$2, toDisplayString(item.label), 1),
+ item?.comfyCommand?.keybinding ? (openBlock(), createElementBlock("span", _hoisted_3$2, toDisplayString(item.comfyCommand.keybinding.combo.toString()), 1)) : createCommentVNode("", true)
+ ], 16, _hoisted_1$2)
+ ]),
+ _: 1
+ }, 8, ["model", "pt"]);
+ };
+ }
+});
+const CommandMenubar = /* @__PURE__ */ _export_sfc(_sfc_main$2, [["__scopeId", "data-v-56df69d2"]]);
+const _hoisted_1$1 = { class: "flex-grow min-w-0 app-drag h-full" };
+const _hoisted_2$1 = { class: "window-actions-spacer flex-shrink-0" };
+const _hoisted_3$1 = { class: "fixed top-0 left-0 app-drag w-full h-[var(--comfy-topbar-height)]" };
+const _sfc_main$1 = /* @__PURE__ */ defineComponent({
+ __name: "TopMenubar",
+ setup(__props) {
+ const workspaceState = useWorkspaceStore();
+ const settingStore = useSettingStore();
+ const workflowTabsPosition = computed(
+ () => settingStore.get("Comfy.Workflow.WorkflowTabsPosition")
+ );
+ const menuSetting = computed(() => settingStore.get("Comfy.UseNewMenu"));
+ const betaMenuEnabled = computed(() => menuSetting.value !== "Disabled");
+ const showTopMenu = computed(
+ () => betaMenuEnabled.value && !workspaceState.focusMode
+ );
+ const menuRight = ref(null);
+ onMounted(() => {
+ if (menuRight.value) {
+ menuRight.value.appendChild(app.menu.element);
+ }
+ });
+ const topMenuRef = ref(null);
+ provide("topMenuRef", topMenuRef);
+ const eventBus = useEventBus("topMenu");
+ const isDropZone = ref(false);
+ const isDroppable = ref(false);
+ eventBus.on((event, payload) => {
+ if (event === "updateHighlight") {
+ isDropZone.value = payload.isDragging;
+ isDroppable.value = payload.isOverlapping && payload.isDragging;
+ }
+ });
+ onMounted(() => {
+ if (isElectron()) {
+ electronAPI().changeTheme({
+ height: topMenuRef.value.getBoundingClientRect().height
+ });
+ }
+ });
+ return (_ctx, _cache) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createElementBlock(Fragment, null, [
+ withDirectives(createBaseVNode("div", {
+ ref_key: "topMenuRef",
+ ref: topMenuRef,
+ class: normalizeClass(["comfyui-menu flex items-center", { dropzone: isDropZone.value, "dropzone-active": isDroppable.value }])
+ }, [
+ _cache[1] || (_cache[1] = createBaseVNode("h1", { class: "comfyui-logo mx-2 app-drag" }, "ComfyUI", -1)),
+ createVNode(CommandMenubar),
+ createBaseVNode("div", _hoisted_1$1, [
+ workflowTabsPosition.value === "Topbar" ? (openBlock(), createBlock(WorkflowTabs, { key: 0 })) : createCommentVNode("", true)
+ ]),
+ createBaseVNode("div", {
+ class: "comfyui-menu-right flex-shrink-0",
+ ref_key: "menuRight",
+ ref: menuRight
+ }, null, 512),
+ createVNode(Actionbar),
+ createVNode(_sfc_main$3, { class: "flex-shrink-0" }),
+ withDirectives(createVNode(unref(script), {
+ class: "flex-shrink-0",
+ icon: "pi pi-bars",
+ severity: "secondary",
+ text: "",
+ "aria-label": _ctx.$t("menu.hideMenu"),
+ onClick: _cache[0] || (_cache[0] = ($event) => unref(workspaceState).focusMode = true),
+ onContextmenu: unref(showNativeMenu)
+ }, null, 8, ["aria-label", "onContextmenu"]), [
+ [_directive_tooltip, { value: _ctx.$t("menu.hideMenu"), showDelay: 300 }]
+ ]),
+ withDirectives(createBaseVNode("div", _hoisted_2$1, null, 512), [
+ [vShow, menuSetting.value !== "Bottom"]
+ ])
+ ], 2), [
+ [vShow, showTopMenu.value]
+ ]),
+ withDirectives(createBaseVNode("div", _hoisted_3$1, null, 512), [
+ [vShow, unref(isNativeWindow)() && !showTopMenu.value]
+ ])
+ ], 64);
+ };
+ }
+});
+const TopMenubar = /* @__PURE__ */ _export_sfc(_sfc_main$1, [["__scopeId", "data-v-68d3b5b9"]]);
+function useCoreCommands() {
+ const workflowService = useWorkflowService();
+ const workflowStore = useWorkflowStore();
+ const dialogService = useDialogService();
+ const colorPaletteStore = useColorPaletteStore();
+ const getTracker = /* @__PURE__ */ __name(() => workflowStore.activeWorkflow?.changeTracker, "getTracker");
+ const getSelectedNodes = /* @__PURE__ */ __name(() => {
+ const selectedNodes = app.canvas.selected_nodes;
+ const result = [];
+ if (selectedNodes) {
+ for (const i in selectedNodes) {
+ const node = selectedNodes[i];
+ result.push(node);
+ }
+ }
+ return result;
+ }, "getSelectedNodes");
+ const toggleSelectedNodesMode = /* @__PURE__ */ __name((mode) => {
+ getSelectedNodes().forEach((node) => {
+ if (node.mode === mode) {
+ node.mode = LGraphEventMode.ALWAYS;
+ } else {
+ node.mode = mode;
+ }
+ });
+ }, "toggleSelectedNodesMode");
+ return [
+ {
+ id: "Comfy.NewBlankWorkflow",
+ icon: "pi pi-plus",
+ label: "New Blank Workflow",
+ menubarLabel: "New",
+ function: /* @__PURE__ */ __name(() => workflowService.loadBlankWorkflow(), "function")
+ },
+ {
+ id: "Comfy.OpenWorkflow",
+ icon: "pi pi-folder-open",
+ label: "Open Workflow",
+ menubarLabel: "Open",
+ function: /* @__PURE__ */ __name(() => {
+ app.ui.loadFile();
+ }, "function")
+ },
+ {
+ id: "Comfy.LoadDefaultWorkflow",
+ icon: "pi pi-code",
+ label: "Load Default Workflow",
+ function: /* @__PURE__ */ __name(() => workflowService.loadDefaultWorkflow(), "function")
+ },
+ {
+ id: "Comfy.SaveWorkflow",
+ icon: "pi pi-save",
+ label: "Save Workflow",
+ menubarLabel: "Save",
+ function: /* @__PURE__ */ __name(async () => {
+ const workflow = useWorkflowStore().activeWorkflow;
+ if (!workflow) return;
+ await workflowService.saveWorkflow(workflow);
+ }, "function")
+ },
+ {
+ id: "Comfy.SaveWorkflowAs",
+ icon: "pi pi-save",
+ label: "Save Workflow As",
+ menubarLabel: "Save As",
+ function: /* @__PURE__ */ __name(async () => {
+ const workflow = useWorkflowStore().activeWorkflow;
+ if (!workflow) return;
+ await workflowService.saveWorkflowAs(workflow);
+ }, "function")
+ },
+ {
+ id: "Comfy.ExportWorkflow",
+ icon: "pi pi-download",
+ label: "Export Workflow",
+ menubarLabel: "Export",
+ function: /* @__PURE__ */ __name(() => {
+ workflowService.exportWorkflow("workflow", "workflow");
+ }, "function")
+ },
+ {
+ id: "Comfy.ExportWorkflowAPI",
+ icon: "pi pi-download",
+ label: "Export Workflow (API Format)",
+ menubarLabel: "Export (API)",
+ function: /* @__PURE__ */ __name(() => {
+ workflowService.exportWorkflow("workflow_api", "output");
+ }, "function")
+ },
+ {
+ id: "Comfy.Undo",
+ icon: "pi pi-undo",
+ label: "Undo",
+ function: /* @__PURE__ */ __name(async () => {
+ await getTracker()?.undo?.();
+ }, "function")
+ },
+ {
+ id: "Comfy.Redo",
+ icon: "pi pi-refresh",
+ label: "Redo",
+ function: /* @__PURE__ */ __name(async () => {
+ await getTracker()?.redo?.();
+ }, "function")
+ },
+ {
+ id: "Comfy.ClearWorkflow",
+ icon: "pi pi-trash",
+ label: "Clear Workflow",
+ function: /* @__PURE__ */ __name(() => {
+ const settingStore = useSettingStore();
+ if (!settingStore.get("Comfy.ComfirmClear") || confirm("Clear workflow?")) {
+ app.clean();
+ app.graph.clear();
+ api.dispatchCustomEvent("graphCleared");
+ }
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ResetView",
+ icon: "pi pi-expand",
+ label: "Reset View",
+ function: /* @__PURE__ */ __name(() => {
+ useLitegraphService().resetView();
+ }, "function")
+ },
+ {
+ id: "Comfy.OpenClipspace",
+ icon: "pi pi-clipboard",
+ label: "Clipspace",
+ function: /* @__PURE__ */ __name(() => {
+ app.openClipspace();
+ }, "function")
+ },
+ {
+ id: "Comfy.RefreshNodeDefinitions",
+ icon: "pi pi-refresh",
+ label: "Refresh Node Definitions",
+ function: /* @__PURE__ */ __name(async () => {
+ await app.refreshComboInNodes();
+ }, "function")
+ },
+ {
+ id: "Comfy.Interrupt",
+ icon: "pi pi-stop",
+ label: "Interrupt",
+ function: /* @__PURE__ */ __name(async () => {
+ await api.interrupt();
+ useToastStore().add({
+ severity: "info",
+ summary: "Interrupted",
+ detail: "Execution has been interrupted",
+ life: 1e3
+ });
+ }, "function")
+ },
+ {
+ id: "Comfy.ClearPendingTasks",
+ icon: "pi pi-stop",
+ label: "Clear Pending Tasks",
+ function: /* @__PURE__ */ __name(async () => {
+ await useQueueStore().clear(["queue"]);
+ useToastStore().add({
+ severity: "info",
+ summary: "Confirmed",
+ detail: "Pending tasks deleted",
+ life: 3e3
+ });
+ }, "function")
+ },
+ {
+ id: "Comfy.BrowseTemplates",
+ icon: "pi pi-folder-open",
+ label: "Browse Templates",
+ function: /* @__PURE__ */ __name(() => {
+ dialogService.showTemplateWorkflowsDialog();
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ZoomIn",
+ icon: "pi pi-plus",
+ label: "Zoom In",
+ function: /* @__PURE__ */ __name(() => {
+ const ds = app.canvas.ds;
+ ds.changeScale(
+ ds.scale * 1.1,
+ ds.element ? [ds.element.width / 2, ds.element.height / 2] : void 0
+ );
+ app.canvas.setDirty(true, true);
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ZoomOut",
+ icon: "pi pi-minus",
+ label: "Zoom Out",
+ function: /* @__PURE__ */ __name(() => {
+ const ds = app.canvas.ds;
+ ds.changeScale(
+ ds.scale / 1.1,
+ ds.element ? [ds.element.width / 2, ds.element.height / 2] : void 0
+ );
+ app.canvas.setDirty(true, true);
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.FitView",
+ icon: "pi pi-expand",
+ label: "Fit view to selected nodes",
+ function: /* @__PURE__ */ __name(() => {
+ if (app.canvas.empty) {
+ useToastStore().add({
+ severity: "error",
+ summary: "Empty canvas",
+ life: 3e3
+ });
+ return;
+ }
+ app.canvas.fitViewToSelectionAnimated();
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ToggleLock",
+ icon: "pi pi-lock",
+ label: "Canvas Toggle Lock",
+ function: /* @__PURE__ */ __name(() => {
+ app.canvas["read_only"] = !app.canvas["read_only"];
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ToggleLinkVisibility",
+ icon: "pi pi-eye",
+ label: "Canvas Toggle Link Visibility",
+ versionAdded: "1.3.6",
+ function: (() => {
+ const settingStore = useSettingStore();
+ let lastLinksRenderMode = LiteGraph.SPLINE_LINK;
+ return () => {
+ const currentMode = settingStore.get("Comfy.LinkRenderMode");
+ if (currentMode === LiteGraph.HIDDEN_LINK) {
+ settingStore.set("Comfy.LinkRenderMode", lastLinksRenderMode);
+ } else {
+ lastLinksRenderMode = currentMode;
+ settingStore.set("Comfy.LinkRenderMode", LiteGraph.HIDDEN_LINK);
+ }
+ };
+ })()
+ },
+ {
+ id: "Comfy.QueuePrompt",
+ icon: "pi pi-play",
+ label: "Queue Prompt",
+ versionAdded: "1.3.7",
+ function: /* @__PURE__ */ __name(() => {
+ const batchCount = useQueueSettingsStore().batchCount;
+ app.queuePrompt(0, batchCount);
+ }, "function")
+ },
+ {
+ id: "Comfy.QueuePromptFront",
+ icon: "pi pi-play",
+ label: "Queue Prompt (Front)",
+ versionAdded: "1.3.7",
+ function: /* @__PURE__ */ __name(() => {
+ const batchCount = useQueueSettingsStore().batchCount;
+ app.queuePrompt(-1, batchCount);
+ }, "function")
+ },
+ {
+ id: "Comfy.ShowSettingsDialog",
+ icon: "pi pi-cog",
+ label: "Show Settings Dialog",
+ versionAdded: "1.3.7",
+ function: /* @__PURE__ */ __name(() => {
+ dialogService.showSettingsDialog();
+ }, "function")
+ },
+ {
+ id: "Comfy.Graph.GroupSelectedNodes",
+ icon: "pi pi-sitemap",
+ label: "Group Selected Nodes",
+ versionAdded: "1.3.7",
+ function: /* @__PURE__ */ __name(() => {
+ const { canvas } = app;
+ if (!canvas.selectedItems?.size) {
+ useToastStore().add({
+ severity: "error",
+ summary: "Nothing to group",
+ detail: "Please select the nodes (or other groups) to create a group for",
+ life: 3e3
+ });
+ return;
+ }
+ const group = new LGraphGroup();
+ const padding = useSettingStore().get(
+ "Comfy.GroupSelectedNodes.Padding"
+ );
+ group.resizeTo(canvas.selectedItems, padding);
+ canvas.graph.add(group);
+ useTitleEditorStore().titleEditorTarget = group;
+ }, "function")
+ },
+ {
+ id: "Workspace.NextOpenedWorkflow",
+ icon: "pi pi-step-forward",
+ label: "Next Opened Workflow",
+ versionAdded: "1.3.9",
+ function: /* @__PURE__ */ __name(() => {
+ workflowService.loadNextOpenedWorkflow();
+ }, "function")
+ },
+ {
+ id: "Workspace.PreviousOpenedWorkflow",
+ icon: "pi pi-step-backward",
+ label: "Previous Opened Workflow",
+ versionAdded: "1.3.9",
+ function: /* @__PURE__ */ __name(() => {
+ workflowService.loadPreviousOpenedWorkflow();
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ToggleSelectedNodes.Mute",
+ icon: "pi pi-volume-off",
+ label: "Mute/Unmute Selected Nodes",
+ versionAdded: "1.3.11",
+ function: /* @__PURE__ */ __name(() => {
+ toggleSelectedNodesMode(LGraphEventMode.NEVER);
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ToggleSelectedNodes.Bypass",
+ icon: "pi pi-shield",
+ label: "Bypass/Unbypass Selected Nodes",
+ versionAdded: "1.3.11",
+ function: /* @__PURE__ */ __name(() => {
+ toggleSelectedNodesMode(LGraphEventMode.BYPASS);
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ToggleSelectedNodes.Pin",
+ icon: "pi pi-pin",
+ label: "Pin/Unpin Selected Nodes",
+ versionAdded: "1.3.11",
+ function: /* @__PURE__ */ __name(() => {
+ getSelectedNodes().forEach((node) => {
+ node.pin(!node.pinned);
+ });
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ToggleSelected.Pin",
+ icon: "pi pi-pin",
+ label: "Pin/Unpin Selected Items",
+ versionAdded: "1.3.33",
+ function: /* @__PURE__ */ __name(() => {
+ for (const item of app.canvas.selectedItems) {
+ if (item instanceof LGraphNode || item instanceof LGraphGroup) {
+ item.pin(!item.pinned);
+ }
+ }
+ }, "function")
+ },
+ {
+ id: "Comfy.Canvas.ToggleSelectedNodes.Collapse",
+ icon: "pi pi-minus",
+ label: "Collapse/Expand Selected Nodes",
+ versionAdded: "1.3.11",
+ function: /* @__PURE__ */ __name(() => {
+ getSelectedNodes().forEach((node) => {
+ node.collapse();
+ });
+ }, "function")
+ },
+ {
+ id: "Comfy.ToggleTheme",
+ icon: "pi pi-moon",
+ label: "Toggle Theme (Dark/Light)",
+ versionAdded: "1.3.12",
+ function: (() => {
+ let previousDarkTheme = DEFAULT_DARK_COLOR_PALETTE.id;
+ let previousLightTheme = DEFAULT_LIGHT_COLOR_PALETTE.id;
+ return () => {
+ const settingStore = useSettingStore();
+ const theme = colorPaletteStore.completedActivePalette;
+ if (theme.light_theme) {
+ previousLightTheme = theme.id;
+ settingStore.set("Comfy.ColorPalette", previousDarkTheme);
+ } else {
+ previousDarkTheme = theme.id;
+ settingStore.set("Comfy.ColorPalette", previousLightTheme);
+ }
+ };
+ })()
+ },
+ {
+ id: "Workspace.ToggleBottomPanel",
+ icon: "pi pi-list",
+ label: "Toggle Bottom Panel",
+ versionAdded: "1.3.22",
+ function: /* @__PURE__ */ __name(() => {
+ useBottomPanelStore().toggleBottomPanel();
+ }, "function")
+ },
+ {
+ id: "Workspace.ToggleFocusMode",
+ icon: "pi pi-eye",
+ label: "Toggle Focus Mode",
+ versionAdded: "1.3.27",
+ function: /* @__PURE__ */ __name(() => {
+ useWorkspaceStore().toggleFocusMode();
+ }, "function")
+ },
+ {
+ id: "Comfy.Graph.FitGroupToContents",
+ icon: "pi pi-expand",
+ label: "Fit Group To Contents",
+ versionAdded: "1.4.9",
+ function: /* @__PURE__ */ __name(() => {
+ for (const group of app.canvas.selectedItems) {
+ if (group instanceof LGraphGroup) {
+ group.recomputeInsideNodes();
+ const padding = useSettingStore().get(
+ "Comfy.GroupSelectedNodes.Padding"
+ );
+ group.resizeTo(group.children, padding);
+ app.graph.change();
+ }
+ }
+ }, "function")
+ },
+ {
+ id: "Comfy.Help.OpenComfyUIIssues",
+ icon: "pi pi-github",
+ label: "Open ComfyUI Issues",
+ menubarLabel: "ComfyUI Issues",
+ versionAdded: "1.5.5",
+ function: /* @__PURE__ */ __name(() => {
+ window.open(
+ "https://github.com/comfyanonymous/ComfyUI/issues",
+ "_blank"
+ );
+ }, "function")
+ },
+ {
+ id: "Comfy.Help.OpenComfyUIDocs",
+ icon: "pi pi-info-circle",
+ label: "Open ComfyUI Docs",
+ menubarLabel: "ComfyUI Docs",
+ versionAdded: "1.5.5",
+ function: /* @__PURE__ */ __name(() => {
+ window.open("https://docs.comfy.org/", "_blank");
+ }, "function")
+ },
+ {
+ id: "Comfy.Help.OpenComfyOrgDiscord",
+ icon: "pi pi-discord",
+ label: "Open Comfy-Org Discord",
+ menubarLabel: "Comfy-Org Discord",
+ versionAdded: "1.5.5",
+ function: /* @__PURE__ */ __name(() => {
+ window.open("https://www.comfy.org/discord", "_blank");
+ }, "function")
+ },
+ {
+ id: "Workspace.SearchBox.Toggle",
+ icon: "pi pi-search",
+ label: "Toggle Search Box",
+ versionAdded: "1.5.7",
+ function: /* @__PURE__ */ __name(() => {
+ useSearchBoxStore().toggleVisible();
+ }, "function")
+ },
+ {
+ id: "Comfy.Help.AboutComfyUI",
+ icon: "pi pi-info-circle",
+ label: "Open About ComfyUI",
+ menubarLabel: "About ComfyUI",
+ versionAdded: "1.6.4",
+ function: /* @__PURE__ */ __name(() => {
+ dialogService.showSettingsDialog("about");
+ }, "function")
+ },
+ {
+ id: "Comfy.DuplicateWorkflow",
+ icon: "pi pi-clone",
+ label: "Duplicate Current Workflow",
+ versionAdded: "1.6.15",
+ function: /* @__PURE__ */ __name(() => {
+ workflowService.duplicateWorkflow(workflowStore.activeWorkflow);
+ }, "function")
+ },
+ {
+ id: "Workspace.CloseWorkflow",
+ icon: "pi pi-times",
+ label: "Close Current Workflow",
+ versionAdded: "1.7.3",
+ function: /* @__PURE__ */ __name(() => {
+ if (workflowStore.activeWorkflow)
+ workflowService.closeWorkflow(workflowStore.activeWorkflow);
+ }, "function")
+ },
+ {
+ id: "Comfy.Feedback",
+ icon: "pi pi-megaphone",
+ label: "Give Feedback",
+ versionAdded: "1.8.2",
+ function: /* @__PURE__ */ __name(() => {
+ dialogService.showIssueReportDialog({
+ title: t("g.feedback"),
+ subtitle: t("issueReport.feedbackTitle"),
+ panelProps: {
+ errorType: "Feedback",
+ defaultFields: ["SystemStats", "Settings"]
+ }
+ });
+ }, "function")
+ },
+ {
+ id: "Comfy.Help.OpenComfyUIForum",
+ icon: "pi pi-comments",
+ label: "Open ComfyUI Forum",
+ menubarLabel: "ComfyUI Forum",
+ versionAdded: "1.8.2",
+ function: /* @__PURE__ */ __name(() => {
+ window.open("https://forum.comfy.org/", "_blank");
+ }, "function")
+ }
+ ];
+}
+__name(useCoreCommands, "useCoreCommands");
+var LatentPreviewMethod = /* @__PURE__ */ ((LatentPreviewMethod2) => {
+ LatentPreviewMethod2["NoPreviews"] = "none";
+ LatentPreviewMethod2["Auto"] = "auto";
+ LatentPreviewMethod2["Latent2RGB"] = "latent2rgb";
+ LatentPreviewMethod2["TAESD"] = "taesd";
+ return LatentPreviewMethod2;
+})(LatentPreviewMethod || {});
+var LogLevel = /* @__PURE__ */ ((LogLevel2) => {
+ LogLevel2["DEBUG"] = "DEBUG";
+ LogLevel2["INFO"] = "INFO";
+ LogLevel2["WARNING"] = "WARNING";
+ LogLevel2["ERROR"] = "ERROR";
+ LogLevel2["CRITICAL"] = "CRITICAL";
+ return LogLevel2;
+})(LogLevel || {});
+var HashFunction = /* @__PURE__ */ ((HashFunction2) => {
+ HashFunction2["MD5"] = "md5";
+ HashFunction2["SHA1"] = "sha1";
+ HashFunction2["SHA256"] = "sha256";
+ HashFunction2["SHA512"] = "sha512";
+ return HashFunction2;
+})(HashFunction || {});
+var AutoLaunch = /* @__PURE__ */ ((AutoLaunch2) => {
+ AutoLaunch2["Auto"] = "auto";
+ AutoLaunch2["Disable"] = "disable";
+ AutoLaunch2["Enable"] = "enable";
+ return AutoLaunch2;
+})(AutoLaunch || {});
+var CudaMalloc = /* @__PURE__ */ ((CudaMalloc2) => {
+ CudaMalloc2["Auto"] = "auto";
+ CudaMalloc2["Disable"] = "disable";
+ CudaMalloc2["Enable"] = "enable";
+ return CudaMalloc2;
+})(CudaMalloc || {});
+var FloatingPointPrecision = /* @__PURE__ */ ((FloatingPointPrecision2) => {
+ FloatingPointPrecision2["AUTO"] = "auto";
+ FloatingPointPrecision2["FP64"] = "fp64";
+ FloatingPointPrecision2["FP32"] = "fp32";
+ FloatingPointPrecision2["FP16"] = "fp16";
+ FloatingPointPrecision2["BF16"] = "bf16";
+ FloatingPointPrecision2["FP8E4M3FN"] = "fp8_e4m3fn";
+ FloatingPointPrecision2["FP8E5M2"] = "fp8_e5m2";
+ return FloatingPointPrecision2;
+})(FloatingPointPrecision || {});
+var CrossAttentionMethod = /* @__PURE__ */ ((CrossAttentionMethod2) => {
+ CrossAttentionMethod2["Auto"] = "auto";
+ CrossAttentionMethod2["Split"] = "split";
+ CrossAttentionMethod2["Quad"] = "quad";
+ CrossAttentionMethod2["Pytorch"] = "pytorch";
+ return CrossAttentionMethod2;
+})(CrossAttentionMethod || {});
+var VramManagement = /* @__PURE__ */ ((VramManagement2) => {
+ VramManagement2["Auto"] = "auto";
+ VramManagement2["GPUOnly"] = "gpu-only";
+ VramManagement2["HighVram"] = "highvram";
+ VramManagement2["NormalVram"] = "normalvram";
+ VramManagement2["LowVram"] = "lowvram";
+ VramManagement2["NoVram"] = "novram";
+ VramManagement2["CPU"] = "cpu";
+ return VramManagement2;
+})(VramManagement || {});
+const WEB_ONLY_CONFIG_ITEMS = [
+ // Launch behavior
+ {
+ id: "auto-launch",
+ name: "Automatically opens in the browser on startup",
+ category: ["Launch"],
+ type: "combo",
+ options: Object.values(AutoLaunch),
+ defaultValue: AutoLaunch.Auto,
+ getValue: /* @__PURE__ */ __name((value) => {
+ switch (value) {
+ case AutoLaunch.Auto:
+ return {};
+ case AutoLaunch.Enable:
+ return {
+ ["auto-launch"]: true
+ };
+ case AutoLaunch.Disable:
+ return {
+ ["disable-auto-launch"]: true
+ };
+ }
+ }, "getValue")
+ }
+];
+const SERVER_CONFIG_ITEMS = [
+ // Network settings
+ {
+ id: "listen",
+ name: "Host: The IP address to listen on",
+ category: ["Network"],
+ type: "text",
+ defaultValue: "127.0.0.1"
+ },
+ {
+ id: "port",
+ name: "Port: The port to listen on",
+ category: ["Network"],
+ type: "number",
+ // The default launch port for desktop app is 8000 instead of 8188.
+ defaultValue: 8e3
+ },
+ {
+ id: "tls-keyfile",
+ name: "TLS Key File: Path to TLS key file for HTTPS",
+ category: ["Network"],
+ type: "text",
+ defaultValue: ""
+ },
+ {
+ id: "tls-certfile",
+ name: "TLS Certificate File: Path to TLS certificate file for HTTPS",
+ category: ["Network"],
+ type: "text",
+ defaultValue: ""
+ },
+ {
+ id: "enable-cors-header",
+ name: 'Enable CORS header: Use "*" for all origins or specify domain',
+ category: ["Network"],
+ type: "text",
+ defaultValue: ""
+ },
+ {
+ id: "max-upload-size",
+ name: "Maximum upload size (MB)",
+ category: ["Network"],
+ type: "number",
+ defaultValue: 100
+ },
+ // CUDA settings
+ {
+ id: "cuda-device",
+ name: "CUDA device index to use",
+ category: ["CUDA"],
+ type: "number",
+ defaultValue: null
+ },
+ {
+ id: "cuda-malloc",
+ name: "Use CUDA malloc for memory allocation",
+ category: ["CUDA"],
+ type: "combo",
+ options: Object.values(CudaMalloc),
+ defaultValue: CudaMalloc.Auto,
+ getValue: /* @__PURE__ */ __name((value) => {
+ switch (value) {
+ case CudaMalloc.Auto:
+ return {};
+ case CudaMalloc.Enable:
+ return {
+ ["cuda-malloc"]: true
+ };
+ case CudaMalloc.Disable:
+ return {
+ ["disable-cuda-malloc"]: true
+ };
+ }
+ }, "getValue")
+ },
+ // Precision settings
+ {
+ id: "global-precision",
+ name: "Global floating point precision",
+ category: ["Inference"],
+ type: "combo",
+ options: [
+ FloatingPointPrecision.AUTO,
+ FloatingPointPrecision.FP32,
+ FloatingPointPrecision.FP16
+ ],
+ defaultValue: FloatingPointPrecision.AUTO,
+ tooltip: "Global floating point precision",
+ getValue: /* @__PURE__ */ __name((value) => {
+ switch (value) {
+ case FloatingPointPrecision.AUTO:
+ return {};
+ case FloatingPointPrecision.FP32:
+ return {
+ ["force-fp32"]: true
+ };
+ case FloatingPointPrecision.FP16:
+ return {
+ ["force-fp16"]: true
+ };
+ default:
+ return {};
+ }
+ }, "getValue")
+ },
+ // UNET precision
+ {
+ id: "unet-precision",
+ name: "UNET precision",
+ category: ["Inference"],
+ type: "combo",
+ options: [
+ FloatingPointPrecision.AUTO,
+ FloatingPointPrecision.FP64,
+ FloatingPointPrecision.FP32,
+ FloatingPointPrecision.FP16,
+ FloatingPointPrecision.BF16,
+ FloatingPointPrecision.FP8E4M3FN,
+ FloatingPointPrecision.FP8E5M2
+ ],
+ defaultValue: FloatingPointPrecision.AUTO,
+ tooltip: "UNET precision",
+ getValue: /* @__PURE__ */ __name((value) => {
+ switch (value) {
+ case FloatingPointPrecision.AUTO:
+ return {};
+ default:
+ return {
+ [`${value.toLowerCase()}-unet`]: true
+ };
+ }
+ }, "getValue")
+ },
+ // VAE settings
+ {
+ id: "vae-precision",
+ name: "VAE precision",
+ category: ["Inference"],
+ type: "combo",
+ options: [
+ FloatingPointPrecision.AUTO,
+ FloatingPointPrecision.FP16,
+ FloatingPointPrecision.FP32,
+ FloatingPointPrecision.BF16
+ ],
+ defaultValue: FloatingPointPrecision.AUTO,
+ tooltip: "VAE precision",
+ getValue: /* @__PURE__ */ __name((value) => {
+ switch (value) {
+ case FloatingPointPrecision.AUTO:
+ return {};
+ default:
+ return {
+ [`${value.toLowerCase()}-vae`]: true
+ };
+ }
+ }, "getValue")
+ },
+ {
+ id: "cpu-vae",
+ name: "Run VAE on CPU",
+ category: ["Inference"],
+ type: "boolean",
+ defaultValue: false
+ },
+ // Text Encoder settings
+ {
+ id: "text-encoder-precision",
+ name: "Text Encoder precision",
+ category: ["Inference"],
+ type: "combo",
+ options: [
+ FloatingPointPrecision.AUTO,
+ FloatingPointPrecision.FP8E4M3FN,
+ FloatingPointPrecision.FP8E5M2,
+ FloatingPointPrecision.FP16,
+ FloatingPointPrecision.FP32
+ ],
+ defaultValue: FloatingPointPrecision.AUTO,
+ tooltip: "Text Encoder precision",
+ getValue: /* @__PURE__ */ __name((value) => {
+ switch (value) {
+ case FloatingPointPrecision.AUTO:
+ return {};
+ default:
+ return {
+ [`${value.toLowerCase()}-text-enc`]: true
+ };
+ }
+ }, "getValue")
+ },
+ // Memory and performance settings
+ {
+ id: "force-channels-last",
+ name: "Force channels-last memory format",
+ category: ["Memory"],
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "directml",
+ name: "DirectML device index",
+ category: ["Memory"],
+ type: "number",
+ defaultValue: null
+ },
+ {
+ id: "disable-ipex-optimize",
+ name: "Disable IPEX optimization",
+ category: ["Memory"],
+ type: "boolean",
+ defaultValue: false
+ },
+ // Preview settings
+ {
+ id: "preview-method",
+ name: "Method used for latent previews",
+ category: ["Preview"],
+ type: "combo",
+ options: Object.values(LatentPreviewMethod),
+ defaultValue: LatentPreviewMethod.NoPreviews
+ },
+ {
+ id: "preview-size",
+ name: "Size of preview images",
+ category: ["Preview"],
+ type: "slider",
+ defaultValue: 512,
+ attrs: {
+ min: 128,
+ max: 2048,
+ step: 128
+ }
+ },
+ // Cache settings
+ {
+ id: "cache-classic",
+ name: "Use classic cache system",
+ category: ["Cache"],
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "cache-lru",
+ name: "Use LRU caching with a maximum of N node results cached.",
+ category: ["Cache"],
+ type: "number",
+ defaultValue: null,
+ tooltip: "May use more RAM/VRAM."
+ },
+ // Attention settings
+ {
+ id: "cross-attention-method",
+ name: "Cross attention method",
+ category: ["Attention"],
+ type: "combo",
+ options: Object.values(CrossAttentionMethod),
+ defaultValue: CrossAttentionMethod.Auto,
+ getValue: /* @__PURE__ */ __name((value) => {
+ switch (value) {
+ case CrossAttentionMethod.Auto:
+ return {};
+ default:
+ return {
+ [`use-${value.toLowerCase()}-cross-attention`]: true
+ };
+ }
+ }, "getValue")
+ },
+ {
+ id: "disable-xformers",
+ name: "Disable xFormers optimization",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "force-upcast-attention",
+ name: "Force attention upcast",
+ category: ["Attention"],
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "dont-upcast-attention",
+ name: "Prevent attention upcast",
+ category: ["Attention"],
+ type: "boolean",
+ defaultValue: false
+ },
+ // VRAM management
+ {
+ id: "vram-management",
+ name: "VRAM management mode",
+ category: ["Memory"],
+ type: "combo",
+ options: Object.values(VramManagement),
+ defaultValue: VramManagement.Auto,
+ getValue: /* @__PURE__ */ __name((value) => {
+ switch (value) {
+ case VramManagement.Auto:
+ return {};
+ default:
+ return {
+ [value]: true
+ };
+ }
+ }, "getValue")
+ },
+ {
+ id: "reserve-vram",
+ name: "Reserved VRAM (GB)",
+ category: ["Memory"],
+ type: "number",
+ defaultValue: null,
+ tooltip: "Set the amount of vram in GB you want to reserve for use by your OS/other software. By default some amount is reverved depending on your OS."
+ },
+ // Misc settings
+ {
+ id: "default-hashing-function",
+ name: "Default hashing function for model files",
+ type: "combo",
+ options: Object.values(HashFunction),
+ defaultValue: HashFunction.SHA256
+ },
+ {
+ id: "disable-smart-memory",
+ name: "Disable smart memory management",
+ tooltip: "Force ComfyUI to aggressively offload to regular ram instead of keeping models in vram when it can.",
+ category: ["Memory"],
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "deterministic",
+ name: "Make pytorch use slower deterministic algorithms when it can.",
+ type: "boolean",
+ defaultValue: false,
+ tooltip: "Note that this might not make images deterministic in all cases."
+ },
+ {
+ id: "fast",
+ name: "Enable some untested and potentially quality deteriorating optimizations.",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "dont-print-server",
+ name: "Don't print server output to console.",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "disable-metadata",
+ name: "Disable saving prompt metadata in files.",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "disable-all-custom-nodes",
+ name: "Disable loading all custom nodes.",
+ type: "boolean",
+ defaultValue: false
+ },
+ {
+ id: "log-level",
+ name: "Logging verbosity level",
+ type: "combo",
+ options: Object.values(LogLevel),
+ defaultValue: LogLevel.INFO,
+ getValue: /* @__PURE__ */ __name((value) => {
+ return {
+ verbose: value
+ };
+ }, "getValue")
+ },
+ // Directories
+ {
+ id: "input-directory",
+ name: "Input directory",
+ category: ["Directories"],
+ type: "text",
+ defaultValue: ""
+ },
+ {
+ id: "output-directory",
+ name: "Output directory",
+ category: ["Directories"],
+ type: "text",
+ defaultValue: ""
+ }
+];
+function setupAutoQueueHandler() {
+ const queueCountStore = useQueuePendingTaskCountStore();
+ const queueSettingsStore = useQueueSettingsStore();
+ let graphHasChanged = false;
+ let internalCount = 0;
+ api.addEventListener("graphChanged", () => {
+ if (queueSettingsStore.mode === "change") {
+ if (internalCount) {
+ graphHasChanged = true;
+ } else {
+ graphHasChanged = false;
+ app.queuePrompt(0, queueSettingsStore.batchCount);
+ internalCount++;
+ }
+ }
+ });
+ queueCountStore.$subscribe(
+ () => {
+ internalCount = queueCountStore.count;
+ if (!internalCount && !app.lastExecutionError) {
+ if (queueSettingsStore.mode === "instant" || queueSettingsStore.mode === "change" && graphHasChanged) {
+ graphHasChanged = false;
+ app.queuePrompt(0, queueSettingsStore.batchCount);
+ }
+ }
+ },
+ { detached: true }
+ );
+}
+__name(setupAutoQueueHandler, "setupAutoQueueHandler");
+const _hoisted_1 = { class: "comfyui-body grid h-screen w-screen overflow-hidden" };
+const _hoisted_2 = {
+ class: "comfyui-body-top",
+ id: "comfyui-body-top"
+};
+const _hoisted_3 = {
+ class: "comfyui-body-bottom",
+ id: "comfyui-body-bottom"
+};
+const _hoisted_4 = {
+ class: "graph-canvas-container",
+ id: "graph-canvas-container"
+};
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "GraphView",
+ setup(__props) {
+ setupAutoQueueHandler();
+ const { t: t2 } = useI18n();
+ const toast = useToast();
+ const settingStore = useSettingStore();
+ const executionStore = useExecutionStore();
+ const colorPaletteStore = useColorPaletteStore();
+ const queueStore = useQueueStore();
+ watch(
+ () => colorPaletteStore.completedActivePalette,
+ (newTheme) => {
+ const DARK_THEME_CLASS = "dark-theme";
+ if (newTheme.light_theme) {
+ document.body.classList.remove(DARK_THEME_CLASS);
+ } else {
+ document.body.classList.add(DARK_THEME_CLASS);
+ }
+ if (isElectron()) {
+ electronAPI().changeTheme({
+ color: "rgba(0, 0, 0, 0)",
+ symbolColor: newTheme.colors.comfy_base["input-text"]
+ });
+ }
+ },
+ { 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
+ );
+ electronAPI().Events.trackEvent("execution", {
+ status: task.displayStatus.toLowerCase()
+ });
+ });
+ },
+ { deep: true }
+ );
+ }
+ watchEffect(() => {
+ const fontSize = settingStore.get("Comfy.TextareaWidget.FontSize");
+ document.documentElement.style.setProperty(
+ "--comfy-textarea-font-size",
+ `${fontSize}px`
+ );
+ });
+ watchEffect(() => {
+ const padding = settingStore.get("Comfy.TreeExplorer.ItemPadding");
+ document.documentElement.style.setProperty(
+ "--comfy-tree-explorer-item-padding",
+ `${padding}px`
+ );
+ });
+ watchEffect(() => {
+ const locale = settingStore.get("Comfy.Locale");
+ if (locale) {
+ i18n.global.locale.value = locale;
+ }
+ });
+ const useNewMenu = computed(() => {
+ return settingStore.get("Comfy.UseNewMenu");
+ });
+ watchEffect(() => {
+ if (useNewMenu.value === "Disabled") {
+ app.ui.menuContainer.style.setProperty("display", "block");
+ app.ui.restoreMenuPosition();
+ } else {
+ app.ui.menuContainer.style.setProperty("display", "none");
+ }
+ });
+ watchEffect(() => {
+ queueStore.maxHistoryItems = settingStore.get("Comfy.Queue.MaxHistoryItems");
+ });
+ const init = /* @__PURE__ */ __name(() => {
+ const coreCommands = useCoreCommands();
+ useCommandStore().registerCommands(coreCommands);
+ useMenuItemStore().registerCoreMenuCommands();
+ useKeybindingService().registerCoreKeybindings();
+ useSidebarTabStore().registerCoreSidebarTabs();
+ useBottomPanelStore().registerCoreBottomPanelTabs();
+ app.extensionManager = useWorkspaceStore();
+ }, "init");
+ const queuePendingTaskCountStore = useQueuePendingTaskCountStore();
+ const onStatus = /* @__PURE__ */ __name(async (e) => {
+ queuePendingTaskCountStore.update(e);
+ await queueStore.update();
+ }, "onStatus");
+ const reconnectingMessage = {
+ severity: "error",
+ summary: t2("g.reconnecting")
+ };
+ const onReconnecting = /* @__PURE__ */ __name(() => {
+ toast.remove(reconnectingMessage);
+ toast.add(reconnectingMessage);
+ }, "onReconnecting");
+ const onReconnected = /* @__PURE__ */ __name(() => {
+ toast.remove(reconnectingMessage);
+ toast.add({
+ severity: "success",
+ summary: t2("g.reconnected"),
+ life: 2e3
+ });
+ }, "onReconnected");
+ onMounted(() => {
+ api.addEventListener("status", onStatus);
+ api.addEventListener("reconnecting", onReconnecting);
+ api.addEventListener("reconnected", onReconnected);
+ executionStore.bindExecutionEvents();
+ try {
+ init();
+ } catch (e) {
+ console.error("Failed to init ComfyUI frontend", e);
+ }
+ });
+ onBeforeUnmount(() => {
+ api.removeEventListener("status", onStatus);
+ api.removeEventListener("reconnecting", onReconnecting);
+ api.removeEventListener("reconnected", onReconnected);
+ executionStore.unbindExecutionEvents();
+ });
+ useEventListener(window, "keydown", useKeybindingService().keybindHandler);
+ const { wrapWithErrorHandling, wrapWithErrorHandlingAsync } = useErrorHandling();
+ const onGraphReady = /* @__PURE__ */ __name(() => {
+ requestIdleCallback(
+ () => {
+ wrapWithErrorHandling(useKeybindingService().registerUserKeybindings)();
+ wrapWithErrorHandling(useServerConfigStore().loadServerConfig)(
+ SERVER_CONFIG_ITEMS,
+ settingStore.get("Comfy.Server.ServerConfigValues")
+ );
+ wrapWithErrorHandlingAsync(useModelStore().loadModelFolders)();
+ wrapWithErrorHandlingAsync(useNodeFrequencyStore().loadNodeFrequencies)();
+ useNodeDefStore().nodeSearchService.endsWithFilterStartSequence("");
+ },
+ { timeout: 1e3 }
+ );
+ }, "onGraphReady");
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock(Fragment, null, [
+ createBaseVNode("div", _hoisted_1, [
+ createBaseVNode("div", _hoisted_2, [
+ useNewMenu.value === "Top" ? (openBlock(), createBlock(TopMenubar, { key: 0 })) : createCommentVNode("", true)
+ ]),
+ createBaseVNode("div", _hoisted_3, [
+ useNewMenu.value === "Bottom" ? (openBlock(), createBlock(TopMenubar, { key: 0 })) : createCommentVNode("", true)
+ ]),
+ _cache[0] || (_cache[0] = createBaseVNode("div", {
+ class: "comfyui-body-left",
+ id: "comfyui-body-left"
+ }, null, -1)),
+ _cache[1] || (_cache[1] = createBaseVNode("div", {
+ class: "comfyui-body-right",
+ id: "comfyui-body-right"
+ }, null, -1)),
+ createBaseVNode("div", _hoisted_4, [
+ createVNode(_sfc_main$8, { onReady: onGraphReady })
+ ])
+ ]),
+ createVNode(_sfc_main$7),
+ !unref(isElectron)() ? (openBlock(), createBlock(_sfc_main$s, { key: 0 })) : createCommentVNode("", true),
+ createVNode(_sfc_main$u),
+ createVNode(MenuHamburger)
+ ], 64);
+ };
+ }
+});
+const GraphView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-e89d9273"]]);
+export {
+ GraphView as default
+};
+//# sourceMappingURL=GraphView-B_UDZi95.js.map
diff --git a/comfy/web/assets/GraphView-BL5xAPb-.css b/comfy/web/assets/GraphView-Bo28XDd0.css
similarity index 63%
rename from comfy/web/assets/GraphView-BL5xAPb-.css
rename to comfy/web/assets/GraphView-Bo28XDd0.css
index 765b2a0e7..6916fef49 100644
--- a/comfy/web/assets/GraphView-BL5xAPb-.css
+++ b/comfy/web/assets/GraphView-Bo28XDd0.css
@@ -1,6 +1,5 @@
-.comfy-menu-hamburger[data-v-7ed57d1a] {
- pointer-events: auto;
+.comfy-menu-hamburger[data-v-82120b51] {
position: fixed;
z-index: 9999;
display: flex;
@@ -41,19 +40,19 @@
z-index: 999;
}
-.p-buttongroup-vertical[data-v-cb8f9a1a] {
+.p-buttongroup-vertical[data-v-27a9500c] {
display: flex;
flex-direction: column;
border-radius: var(--p-button-border-radius);
overflow: hidden;
border: 1px solid var(--p-panel-border-color);
}
-.p-buttongroup-vertical .p-button[data-v-cb8f9a1a] {
+.p-buttongroup-vertical .p-button[data-v-27a9500c] {
margin: 0;
border-radius: 0;
}
-.node-tooltip[data-v-46859edf] {
+.node-tooltip[data-v-f03142eb] {
background: var(--comfy-input-bg);
border-radius: 5px;
box-shadow: 0 0 5px rgba(0, 0, 0, 0.4);
@@ -133,13 +132,11 @@
border-right: 4px solid var(--p-button-text-primary-color);
}
-.side-tool-bar-container[data-v-33cac83a] {
+.side-tool-bar-container[data-v-04875455] {
display: flex;
flex-direction: column;
align-items: center;
- pointer-events: auto;
-
width: var(--sidebar-width);
height: 100%;
@@ -150,16 +147,16 @@
--sidebar-width: 4rem;
--sidebar-icon-size: 1.5rem;
}
-.side-tool-bar-container.small-sidebar[data-v-33cac83a] {
+.side-tool-bar-container.small-sidebar[data-v-04875455] {
--sidebar-width: 2.5rem;
--sidebar-icon-size: 1rem;
}
-.side-tool-bar-end[data-v-33cac83a] {
+.side-tool-bar-end[data-v-04875455] {
align-self: flex-end;
margin-top: auto;
}
-.status-indicator[data-v-8d011a31] {
+.status-indicator[data-v-fd6ae3af] {
position: absolute;
font-weight: 700;
font-size: 1.5rem;
@@ -221,7 +218,7 @@
border-radius: 0px
}
-[data-v-38831d8e] .workflow-tabs {
+[data-v-6ab68035] .workflow-tabs {
background-color: var(--comfy-menu-bg);
}
@@ -235,31 +232,36 @@
border-bottom-right-radius: 0;
}
-.actionbar[data-v-915e5456] {
+.actionbar[data-v-ebd56d51] {
pointer-events: all;
position: fixed;
z-index: 1000;
}
-.actionbar.is-docked[data-v-915e5456] {
+.actionbar.is-docked[data-v-ebd56d51] {
position: static;
border-style: none;
background-color: transparent;
padding: 0px;
}
-.actionbar.is-dragging[data-v-915e5456] {
+.actionbar.is-dragging[data-v-ebd56d51] {
-webkit-user-select: none;
-moz-user-select: none;
user-select: none;
}
-[data-v-915e5456] .p-panel-content {
+[data-v-ebd56d51] .p-panel-content {
padding: 0.25rem;
}
-.is-docked[data-v-915e5456] .p-panel-content {
+.is-docked[data-v-ebd56d51] .p-panel-content {
padding: 0px;
}
-[data-v-915e5456] .p-panel-header {
+[data-v-ebd56d51] .p-panel-header {
display: none;
}
+.drag-handle[data-v-ebd56d51] {
+ height: -moz-max-content;
+ height: max-content;
+ width: 0.75rem;
+}
.top-menubar[data-v-56df69d2] .p-menubar-item-link svg {
display: none;
@@ -275,7 +277,11 @@
border-style: solid;
}
+<<<<<<<< HEAD:comfy/web/assets/GraphView-BL5xAPb-.css
.comfyui-menu[data-v-929e7543] {
+========
+.comfyui-menu[data-v-68d3b5b9] {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/GraphView-Bo28XDd0.css
width: 100vw;
height: var(--comfy-topbar-height);
background: var(--comfy-menu-bg);
@@ -288,6 +294,7 @@
order: 0;
grid-column: 1/-1;
}
+<<<<<<<< HEAD:comfy/web/assets/GraphView-BL5xAPb-.css
.comfyui-menu.dropzone[data-v-929e7543] {
background: var(--p-highlight-background);
}
@@ -298,9 +305,96 @@
line-height: revert;
}
.comfyui-logo[data-v-929e7543] {
+========
+.comfyui-menu.dropzone[data-v-68d3b5b9] {
+ background: var(--p-highlight-background);
+}
+.comfyui-menu.dropzone-active[data-v-68d3b5b9] {
+ background: var(--p-highlight-background-focus);
+}
+[data-v-68d3b5b9] .p-menubar-item-label {
+ line-height: revert;
+}
+.comfyui-logo[data-v-68d3b5b9] {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/GraphView-Bo28XDd0.css
font-size: 1.2em;
-webkit-user-select: none;
-moz-user-select: none;
user-select: none;
cursor: default;
}
+
+.comfyui-body[data-v-e89d9273] {
+ grid-template-columns: auto 1fr auto;
+ grid-template-rows: auto 1fr auto;
+}
+
+/**
+ +------------------+------------------+------------------+
+ | |
+ | .comfyui-body- |
+ | top |
+ | (spans all cols) |
+ | |
+ +------------------+------------------+------------------+
+ | | | |
+ | .comfyui-body- | #graph-canvas | .comfyui-body- |
+ | left | | right |
+ | | | |
+ | | | |
+ +------------------+------------------+------------------+
+ | |
+ | .comfyui-body- |
+ | bottom |
+ | (spans all cols) |
+ | |
+ +------------------+------------------+------------------+
+*/
+.comfyui-body-top[data-v-e89d9273] {
+ order: -5;
+ /* Span across all columns */
+ grid-column: 1/-1;
+ /* Position at the first row */
+ grid-row: 1;
+ /* Top menu bar dropdown needs to be above of graph canvas splitter overlay which is z-index: 999 */
+ /* Top menu bar z-index needs to be higher than bottom menu bar z-index as by default
+ pysssss's image feed is located at body-bottom, and it can overlap with the queue button, which
+ is located in body-top. */
+ z-index: 1001;
+ display: flex;
+ flex-direction: column;
+}
+.comfyui-body-left[data-v-e89d9273] {
+ order: -4;
+ /* Position in the first column */
+ grid-column: 1;
+ /* Position below the top element */
+ grid-row: 2;
+ z-index: 10;
+ display: flex;
+}
+.graph-canvas-container[data-v-e89d9273] {
+ width: 100%;
+ height: 100%;
+ order: -3;
+ grid-column: 2;
+ grid-row: 2;
+ position: relative;
+ overflow: hidden;
+}
+.comfyui-body-right[data-v-e89d9273] {
+ order: -2;
+ z-index: 10;
+ grid-column: 3;
+ grid-row: 2;
+}
+.comfyui-body-bottom[data-v-e89d9273] {
+ order: 4;
+ /* Span across all columns */
+ grid-column: 1/-1;
+ grid-row: 3;
+ /* Bottom menu bar dropdown needs to be above of graph canvas splitter overlay which is z-index: 999 */
+ z-index: 1000;
+ display: flex;
+ flex-direction: column;
+}
diff --git a/comfy/web/assets/InstallView-C1fnMZKt.js b/comfy/web/assets/InstallView-DW9xwU_F.js
similarity index 74%
rename from comfy/web/assets/InstallView-C1fnMZKt.js
rename to comfy/web/assets/InstallView-DW9xwU_F.js
index 0e5495620..e7e2509e9 100644
--- a/comfy/web/assets/InstallView-C1fnMZKt.js
+++ b/comfy/web/assets/InstallView-DW9xwU_F.js
@@ -1,12 +1,13 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
-import { d as defineComponent, U as ref, bm as useModel, o as openBlock, f as createElementBlock, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, bn as script, bh as script$1, ar as withModifiers, z as withCtx, ab as script$2, K as useI18n, c as computed, ai as normalizeClass, B as createCommentVNode, a4 as script$3, a7 as createTextVNode, b5 as electronAPI, _ as _export_sfc, p as onMounted, r as resolveDirective, bg as script$4, i as withDirectives, bo as script$5, bp as script$6, l as script$7, y as createBlock, bj as script$8, bq as MigrationItems, w as watchEffect, F as Fragment, D as renderList, br as script$9, be as useRouter, ag as toRaw } from "./index-BsGgXmrT.js";
-import { s as script$a, a as script$b, b as script$c, c as script$d, d as script$e } from "./index-DC_-jkme.js";
-import { _ as _sfc_main$5 } from "./BaseViewTemplate-DDUNNAbV.js";
-const _hoisted_1$4 = { class: "flex flex-col gap-6 w-[600px]" };
-const _hoisted_2$4 = { class: "flex flex-col gap-4" };
-const _hoisted_3$4 = { class: "text-2xl font-semibold text-neutral-100" };
-const _hoisted_4$4 = { class: "text-neutral-400 my-0" };
+import { d as defineComponent, T as ref, bq as useModel, o as openBlock, f as createElementBlock, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, br as script, bl as script$1, as as withModifiers, z as withCtx, ac as script$2, I as useI18n, c as computed, aj as normalizeClass, B as createCommentVNode, a5 as script$3, a8 as createTextVNode, b9 as electronAPI, _ as _export_sfc, p as onMounted, r as resolveDirective, bk as script$4, i as withDirectives, bs as script$5, bt as script$6, l as script$7, y as createBlock, bn as script$8, bu as MigrationItems, w as watchEffect, F as Fragment, D as renderList, bv as script$9, bw as mergeModels, bx as ValidationState, X as normalizeI18nKey, N as watch, by as checkMirrorReachable, bz as _sfc_main$7, bA as isInChina, bB as mergeValidationStates, bg as t, b3 as script$a, bC as CUDA_TORCH_URL, bD as NIGHTLY_CPU_TORCH_URL, bi as useRouter, ah as toRaw } from "./index-Bv0b06LE.js";
+import { s as script$b, a as script$c, b as script$d, c as script$e, d as script$f } from "./index-SeIZOWJp.js";
+import { P as PYTHON_MIRROR, a as PYPI_MIRROR } from "./uvMirrors-B-HKMf6X.js";
+import { _ as _sfc_main$8 } from "./BaseViewTemplate-BTbuZf5t.js";
+const _hoisted_1$5 = { class: "flex flex-col gap-6 w-[600px]" };
+const _hoisted_2$5 = { class: "flex flex-col gap-4" };
+const _hoisted_3$5 = { class: "text-2xl font-semibold text-neutral-100" };
+const _hoisted_4$5 = { class: "text-neutral-400 my-0" };
const _hoisted_5$3 = { class: "flex flex-col bg-neutral-800 p-4 rounded-lg" };
const _hoisted_6$3 = { class: "flex items-center gap-4" };
const _hoisted_7$3 = { class: "flex-1" };
@@ -27,7 +28,7 @@ const _hoisted_20 = {
target: "_blank",
class: "text-blue-400 hover:text-blue-300 underline"
};
-const _sfc_main$4 = /* @__PURE__ */ defineComponent({
+const _sfc_main$6 = /* @__PURE__ */ defineComponent({
__name: "DesktopSettingsConfiguration",
props: {
"autoUpdate": { type: Boolean, ...{ required: true } },
@@ -44,10 +45,10 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
showDialog.value = true;
}, "showMetricsInfo");
return (_ctx, _cache) => {
- return openBlock(), createElementBlock("div", _hoisted_1$4, [
- createBaseVNode("div", _hoisted_2$4, [
- createBaseVNode("h2", _hoisted_3$4, toDisplayString(_ctx.$t("install.desktopAppSettings")), 1),
- createBaseVNode("p", _hoisted_4$4, toDisplayString(_ctx.$t("install.desktopAppSettingsDescription")), 1)
+ return openBlock(), createElementBlock("div", _hoisted_1$5, [
+ createBaseVNode("div", _hoisted_2$5, [
+ createBaseVNode("h2", _hoisted_3$5, toDisplayString(_ctx.$t("install.desktopAppSettings")), 1),
+ createBaseVNode("p", _hoisted_4$5, toDisplayString(_ctx.$t("install.desktopAppSettingsDescription")), 1)
]),
createBaseVNode("div", _hoisted_5$3, [
createBaseVNode("div", _hoisted_6$3, [
@@ -122,10 +123,10 @@ 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 _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" };
+const _hoisted_1$4 = { class: "flex flex-col gap-6 w-[600px] h-[30rem] select-none" };
+const _hoisted_2$4 = { class: "grow flex flex-col gap-4 text-neutral-300" };
+const _hoisted_3$4 = { class: "text-2xl font-semibold text-neutral-100" };
+const _hoisted_4$4 = { class: "m-1 text-neutral-400" };
const _hoisted_5$2 = {
key: 0,
class: "m-1"
@@ -146,7 +147,7 @@ const _hoisted_12$2 = {
for: "cpu-mode",
class: "select-none"
};
-const _sfc_main$3 = /* @__PURE__ */ defineComponent({
+const _sfc_main$5 = /* @__PURE__ */ defineComponent({
__name: "GpuPicker",
props: {
"device": {
@@ -156,7 +157,7 @@ const _sfc_main$3 = /* @__PURE__ */ defineComponent({
},
emits: ["update:device"],
setup(__props) {
- const { t } = useI18n();
+ const { t: t2 } = useI18n();
const cpuMode = computed({
get: /* @__PURE__ */ __name(() => selected.value === "cpu", "get"),
set: /* @__PURE__ */ __name((value) => {
@@ -171,10 +172,10 @@ const _sfc_main$3 = /* @__PURE__ */ defineComponent({
selected.value = newValue;
}, "pickGpu");
return (_ctx, _cache) => {
- return openBlock(), createElementBlock("div", _hoisted_1$3, [
- createBaseVNode("div", _hoisted_2$3, [
- createBaseVNode("h2", _hoisted_3$3, toDisplayString(_ctx.$t("install.gpuSelection.selectGpu")), 1),
- createBaseVNode("p", _hoisted_4$3, toDisplayString(_ctx.$t("install.gpuSelection.selectGpuDescription")) + ": ", 1),
+ return openBlock(), createElementBlock("div", _hoisted_1$4, [
+ createBaseVNode("div", _hoisted_2$4, [
+ createBaseVNode("h2", _hoisted_3$4, toDisplayString(_ctx.$t("install.gpuSelection.selectGpu")), 1),
+ createBaseVNode("p", _hoisted_4$4, toDisplayString(_ctx.$t("install.gpuSelection.selectGpuDescription")) + ": ", 1),
createBaseVNode("div", {
class: normalizeClass(["flex gap-2 text-center transition-opacity", { selected: selected.value }])
}, [
@@ -240,7 +241,7 @@ const _sfc_main$3 = /* @__PURE__ */ defineComponent({
createVNode(unref(script$3), {
icon: "pi pi-exclamation-triangle",
severity: "warn",
- value: unref(t)("icon.exclamation-triangle")
+ value: unref(t2)("icon.exclamation-triangle")
}, null, 8, ["value"]),
createTextVNode(" " + toDisplayString(_ctx.$t("install.gpuSelection.customSkipsPython")), 1)
]),
@@ -258,7 +259,7 @@ const _sfc_main$3 = /* @__PURE__ */ defineComponent({
createVNode(unref(script$3), {
icon: "pi pi-exclamation-triangle",
severity: "warn",
- value: unref(t)("icon.exclamation-triangle")
+ value: unref(t2)("icon.exclamation-triangle")
}, null, 8, ["value"]),
createTextVNode(" " + toDisplayString(_ctx.$t("install.gpuSelection.cpuModeDescription")), 1)
]),
@@ -282,11 +283,11 @@ const _sfc_main$3 = /* @__PURE__ */ defineComponent({
};
}
});
-const GpuPicker = /* @__PURE__ */ _export_sfc(_sfc_main$3, [["__scopeId", "data-v-79125ff6"]]);
-const _hoisted_1$2 = { class: "flex flex-col gap-6 w-[600px]" };
-const _hoisted_2$2 = { class: "flex flex-col gap-4" };
-const _hoisted_3$2 = { class: "text-2xl font-semibold text-neutral-100" };
-const _hoisted_4$2 = { class: "text-neutral-400 my-0" };
+const GpuPicker = /* @__PURE__ */ _export_sfc(_sfc_main$5, [["__scopeId", "data-v-79125ff6"]]);
+const _hoisted_1$3 = { class: "flex flex-col gap-6 w-[600px]" };
+const _hoisted_2$3 = { class: "flex flex-col gap-4" };
+const _hoisted_3$3 = { class: "text-2xl font-semibold text-neutral-100" };
+const _hoisted_4$3 = { class: "text-neutral-400 my-0" };
const _hoisted_5$1 = { class: "flex gap-2" };
const _hoisted_6$1 = { class: "bg-neutral-800 p-4 rounded-lg" };
const _hoisted_7$1 = { class: "text-lg font-medium mt-0 mb-3 text-neutral-100" };
@@ -297,7 +298,7 @@ const _hoisted_11$1 = { class: "pi pi-info-circle" };
const _hoisted_12$1 = { class: "flex items-center gap-2" };
const _hoisted_13 = { class: "text-neutral-200" };
const _hoisted_14 = { class: "pi pi-info-circle" };
-const _sfc_main$2 = /* @__PURE__ */ defineComponent({
+const _sfc_main$4 = /* @__PURE__ */ defineComponent({
__name: "InstallLocationPicker",
props: {
"installPath": { required: true },
@@ -307,12 +308,13 @@ const _sfc_main$2 = /* @__PURE__ */ defineComponent({
},
emits: ["update:installPath", "update:pathError"],
setup(__props) {
- const { t } = useI18n();
+ const { t: t2 } = useI18n();
const installPath = useModel(__props, "installPath");
const pathError = useModel(__props, "pathError");
const pathExists = ref(false);
const appData = ref("");
const appPath = ref("");
+ const inputTouched = ref(false);
const electron = electronAPI();
onMounted(async () => {
const paths = await electron.getSystemPaths();
@@ -328,19 +330,19 @@ const _sfc_main$2 = /* @__PURE__ */ defineComponent({
const validation = await electron.validateInstallPath(path);
if (!validation.isValid) {
const errors = [];
- if (validation.cannotWrite) errors.push(t("install.cannotWrite"));
+ if (validation.cannotWrite) errors.push(t2("install.cannotWrite"));
if (validation.freeSpace < validation.requiredSpace) {
const requiredGB = validation.requiredSpace / 1024 / 1024 / 1024;
- errors.push(`${t("install.insufficientFreeSpace")}: ${requiredGB} GB`);
+ errors.push(`${t2("install.insufficientFreeSpace")}: ${requiredGB} GB`);
}
- if (validation.parentMissing) errors.push(t("install.parentMissing"));
+ if (validation.parentMissing) errors.push(t2("install.parentMissing"));
if (validation.error)
- errors.push(`${t("install.unhandledError")}: ${validation.error}`);
+ errors.push(`${t2("install.unhandledError")}: ${validation.error}`);
pathError.value = errors.join("\n");
}
if (validation.exists) pathExists.value = true;
} catch (error) {
- pathError.value = t("install.pathValidationFailed");
+ pathError.value = t2("install.pathValidationFailed");
}
}, "validatePath");
const browsePath = /* @__PURE__ */ __name(async () => {
@@ -351,15 +353,22 @@ const _sfc_main$2 = /* @__PURE__ */ defineComponent({
await validatePath(result);
}
} catch (error) {
- pathError.value = t("install.failedToSelectDirectory");
+ pathError.value = t2("install.failedToSelectDirectory");
}
}, "browsePath");
+ const onFocus = /* @__PURE__ */ __name(() => {
+ if (!inputTouched.value) {
+ inputTouched.value = true;
+ return;
+ }
+ validatePath(installPath.value);
+ }, "onFocus");
return (_ctx, _cache) => {
const _directive_tooltip = resolveDirective("tooltip");
- return openBlock(), createElementBlock("div", _hoisted_1$2, [
- createBaseVNode("div", _hoisted_2$2, [
- createBaseVNode("h2", _hoisted_3$2, toDisplayString(_ctx.$t("install.chooseInstallationLocation")), 1),
- createBaseVNode("p", _hoisted_4$2, toDisplayString(_ctx.$t("install.installLocationDescription")), 1),
+ return openBlock(), createElementBlock("div", _hoisted_1$3, [
+ createBaseVNode("div", _hoisted_2$3, [
+ createBaseVNode("h2", _hoisted_3$3, toDisplayString(_ctx.$t("install.chooseInstallationLocation")), 1),
+ createBaseVNode("p", _hoisted_4$3, toDisplayString(_ctx.$t("install.installLocationDescription")), 1),
createBaseVNode("div", _hoisted_5$1, [
createVNode(unref(script$6), { class: "flex-1" }, {
default: withCtx(() => [
@@ -369,10 +378,16 @@ const _sfc_main$2 = /* @__PURE__ */ defineComponent({
_cache[0] || (_cache[0] = ($event) => installPath.value = $event),
validatePath
],
- class: normalizeClass(["w-full", { "p-invalid": pathError.value }])
+ class: normalizeClass(["w-full", { "p-invalid": pathError.value }]),
+ onFocus
}, null, 8, ["modelValue", "class"]),
withDirectives(createVNode(unref(script$5), { class: "pi pi-info-circle" }, null, 512), [
- [_directive_tooltip, _ctx.$t("install.installLocationTooltip")]
+ [
+ _directive_tooltip,
+ _ctx.$t("install.installLocationTooltip"),
+ void 0,
+ { top: true }
+ ]
])
]),
_: 1
@@ -428,10 +443,10 @@ const _sfc_main$2 = /* @__PURE__ */ defineComponent({
};
}
});
-const _hoisted_1$1 = { class: "flex flex-col gap-6 w-[600px]" };
-const _hoisted_2$1 = { class: "flex flex-col gap-4" };
-const _hoisted_3$1 = { class: "text-2xl font-semibold text-neutral-100" };
-const _hoisted_4$1 = { class: "text-neutral-400 my-0" };
+const _hoisted_1$2 = { class: "flex flex-col gap-6 w-[600px]" };
+const _hoisted_2$2 = { class: "flex flex-col gap-4" };
+const _hoisted_3$2 = { class: "text-2xl font-semibold text-neutral-100" };
+const _hoisted_4$2 = { class: "text-neutral-400 my-0" };
const _hoisted_5 = { class: "flex gap-2" };
const _hoisted_6 = {
key: 0,
@@ -446,7 +461,7 @@ const _hoisted_12 = {
key: 1,
class: "text-neutral-400 italic"
};
-const _sfc_main$1 = /* @__PURE__ */ defineComponent({
+const _sfc_main$3 = /* @__PURE__ */ defineComponent({
__name: "MigrationPicker",
props: {
"sourcePath": { required: false },
@@ -458,7 +473,7 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
},
emits: ["update:sourcePath", "update:migrationItemIds"],
setup(__props) {
- const { t } = useI18n();
+ const { t: t2 } = useI18n();
const electron = electronAPI();
const sourcePath = useModel(__props, "sourcePath");
const migrationItemIds = useModel(__props, "migrationItemIds");
@@ -483,7 +498,7 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
if (!validation.isValid) pathError.value = validation.error;
} catch (error) {
console.error(error);
- pathError.value = t("install.pathValidationFailed");
+ pathError.value = t2("install.pathValidationFailed");
}
}, "validateSource");
const browsePath = /* @__PURE__ */ __name(async () => {
@@ -495,17 +510,17 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
}
} catch (error) {
console.error(error);
- pathError.value = t("install.failedToSelectDirectory");
+ pathError.value = t2("install.failedToSelectDirectory");
}
}, "browsePath");
watchEffect(() => {
migrationItemIds.value = migrationItems.value.filter((item) => item.selected).map((item) => item.id);
});
return (_ctx, _cache) => {
- return openBlock(), createElementBlock("div", _hoisted_1$1, [
- createBaseVNode("div", _hoisted_2$1, [
- createBaseVNode("h2", _hoisted_3$1, toDisplayString(_ctx.$t("install.migrateFromExistingInstallation")), 1),
- createBaseVNode("p", _hoisted_4$1, toDisplayString(_ctx.$t("install.migrationSourcePathDescription")), 1),
+ return openBlock(), createElementBlock("div", _hoisted_1$2, [
+ createBaseVNode("div", _hoisted_2$2, [
+ createBaseVNode("h2", _hoisted_3$2, toDisplayString(_ctx.$t("install.migrateFromExistingInstallation")), 1),
+ createBaseVNode("p", _hoisted_4$2, toDisplayString(_ctx.$t("install.migrationSourcePathDescription")), 1),
createBaseVNode("div", _hoisted_5, [
createVNode(unref(script$4), {
modelValue: sourcePath.value,
@@ -564,10 +579,170 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
};
}
});
+const _hoisted_1$1 = { class: "flex flex-col items-center gap-4" };
+const _hoisted_2$1 = { class: "w-full" };
+const _hoisted_3$1 = { class: "text-lg font-medium text-neutral-100" };
+const _hoisted_4$1 = { class: "text-sm text-neutral-400 mt-1" };
+const _sfc_main$2 = /* @__PURE__ */ defineComponent({
+ __name: "MirrorItem",
+ props: /* @__PURE__ */ mergeModels({
+ item: {}
+ }, {
+ "modelValue": { required: true },
+ "modelModifiers": {}
+ }),
+ emits: /* @__PURE__ */ mergeModels(["state-change"], ["update:modelValue"]),
+ setup(__props, { emit: __emit }) {
+ const emit = __emit;
+ const modelValue = useModel(__props, "modelValue");
+ const validationState = ref(ValidationState.IDLE);
+ const normalizedSettingId = computed(() => {
+ return normalizeI18nKey(__props.item.settingId);
+ });
+ onMounted(() => {
+ modelValue.value = __props.item.mirror;
+ });
+ watch(validationState, (newState) => {
+ emit("state-change", newState);
+ if (newState === ValidationState.INVALID && modelValue.value === __props.item.mirror) {
+ modelValue.value = __props.item.fallbackMirror;
+ }
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", _hoisted_1$1, [
+ createBaseVNode("div", _hoisted_2$1, [
+ createBaseVNode("h3", _hoisted_3$1, toDisplayString(_ctx.$t(`settings.${normalizedSettingId.value}.name`)), 1),
+ createBaseVNode("p", _hoisted_4$1, toDisplayString(_ctx.$t(`settings.${normalizedSettingId.value}.tooltip`)), 1)
+ ]),
+ createVNode(_sfc_main$7, {
+ modelValue: modelValue.value,
+ "onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => modelValue.value = $event),
+ "validate-url-fn": /* @__PURE__ */ __name((mirror) => unref(checkMirrorReachable)(mirror + (_ctx.item.validationPathSuffix ?? "")), "validate-url-fn"),
+ onStateChange: _cache[1] || (_cache[1] = ($event) => validationState.value = $event)
+ }, null, 8, ["modelValue", "validate-url-fn"])
+ ]);
+ };
+ }
+});
+const _sfc_main$1 = /* @__PURE__ */ defineComponent({
+ __name: "MirrorsConfiguration",
+ props: /* @__PURE__ */ mergeModels({
+ device: {}
+ }, {
+ "pythonMirror": { required: true },
+ "pythonMirrorModifiers": {},
+ "pypiMirror": { required: true },
+ "pypiMirrorModifiers": {},
+ "torchMirror": { required: true },
+ "torchMirrorModifiers": {}
+ }),
+ emits: ["update:pythonMirror", "update:pypiMirror", "update:torchMirror"],
+ setup(__props) {
+ const showMirrorInputs = ref(false);
+ const pythonMirror = useModel(__props, "pythonMirror");
+ const pypiMirror = useModel(__props, "pypiMirror");
+ const torchMirror = useModel(__props, "torchMirror");
+ const getTorchMirrorItem = /* @__PURE__ */ __name((device) => {
+ const settingId = "Comfy-Desktop.UV.TorchInstallMirror";
+ switch (device) {
+ case "mps":
+ return {
+ settingId,
+ mirror: NIGHTLY_CPU_TORCH_URL,
+ fallbackMirror: NIGHTLY_CPU_TORCH_URL
+ };
+ case "nvidia":
+ return {
+ settingId,
+ mirror: CUDA_TORCH_URL,
+ fallbackMirror: CUDA_TORCH_URL
+ };
+ case "cpu":
+ default:
+ return {
+ settingId,
+ mirror: PYPI_MIRROR.mirror,
+ fallbackMirror: PYPI_MIRROR.fallbackMirror
+ };
+ }
+ }, "getTorchMirrorItem");
+ const userIsInChina = ref(false);
+ onMounted(async () => {
+ userIsInChina.value = await isInChina();
+ });
+ const useFallbackMirror = /* @__PURE__ */ __name((mirror) => ({
+ ...mirror,
+ mirror: mirror.fallbackMirror
+ }), "useFallbackMirror");
+ const mirrors = computed(
+ () => [
+ [PYTHON_MIRROR, pythonMirror],
+ [PYPI_MIRROR, pypiMirror],
+ [getTorchMirrorItem(__props.device), torchMirror]
+ ].map(([item, modelValue]) => [
+ userIsInChina.value ? useFallbackMirror(item) : item,
+ modelValue
+ ])
+ );
+ const validationStates = ref(
+ mirrors.value.map(() => ValidationState.IDLE)
+ );
+ const validationState = computed(() => {
+ return mergeValidationStates(validationStates.value);
+ });
+ const validationStateTooltip = computed(() => {
+ switch (validationState.value) {
+ case ValidationState.INVALID:
+ return t("install.settings.mirrorsUnreachable");
+ case ValidationState.VALID:
+ return t("install.settings.mirrorsReachable");
+ default:
+ return t("install.settings.checkingMirrors");
+ }
+ });
+ return (_ctx, _cache) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createBlock(unref(script$a), {
+ header: _ctx.$t("install.settings.mirrorSettings"),
+ toggleable: "",
+ collapsed: !showMirrorInputs.value,
+ "pt:root": "bg-neutral-800 border-none w-[600px]"
+ }, {
+ icons: withCtx(() => [
+ withDirectives(createBaseVNode("i", {
+ class: normalizeClass({
+ "pi pi-spin pi-spinner text-neutral-400": validationState.value === unref(ValidationState).LOADING,
+ "pi pi-check text-green-500": validationState.value === unref(ValidationState).VALID,
+ "pi pi-times text-red-500": validationState.value === unref(ValidationState).INVALID
+ })
+ }, null, 2), [
+ [_directive_tooltip, validationStateTooltip.value]
+ ])
+ ]),
+ default: withCtx(() => [
+ (openBlock(true), createElementBlock(Fragment, null, renderList(mirrors.value, ([item, modelValue], index) => {
+ return openBlock(), createElementBlock(Fragment, {
+ key: item.settingId + item.mirror
+ }, [
+ index > 0 ? (openBlock(), createBlock(unref(script$1), { key: 0 })) : createCommentVNode("", true),
+ createVNode(_sfc_main$2, {
+ item,
+ modelValue: modelValue.value,
+ "onUpdate:modelValue": /* @__PURE__ */ __name(($event) => modelValue.value = $event, "onUpdate:modelValue"),
+ onStateChange: /* @__PURE__ */ __name(($event) => validationStates.value[index] = $event, "onStateChange")
+ }, null, 8, ["item", "modelValue", "onUpdate:modelValue", "onStateChange"])
+ ], 64);
+ }), 128))
+ ]),
+ _: 1
+ }, 8, ["header", "collapsed"]);
+ };
+ }
+});
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" };
-const _hoisted_4 = { class: "flex pt-6 justify-between" };
+const _hoisted_4 = { class: "flex mt-6 justify-between" };
const _sfc_main = /* @__PURE__ */ defineComponent({
__name: "InstallView",
setup(__props) {
@@ -578,6 +753,9 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
const migrationItemIds = ref([]);
const autoUpdate = ref(true);
const allowMetrics = ref(true);
+ const pythonMirror = ref("");
+ const pypiMirror = ref("");
+ const torchMirror = ref("");
const highestStep = ref(0);
const handleStepChange = /* @__PURE__ */ __name((value) => {
setHighestStep(value);
@@ -600,6 +778,9 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
allowMetrics: allowMetrics.value,
migrationSourcePath: migrationSourcePath.value,
migrationItemIds: toRaw(migrationItemIds.value),
+ pythonMirror: pythonMirror.value,
+ pypiMirror: pypiMirror.value,
+ torchMirror: torchMirror.value,
device: device.value
};
electron.installComfyUI(options);
@@ -618,23 +799,23 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
});
});
return (_ctx, _cache) => {
- return openBlock(), createBlock(_sfc_main$5, { dark: "" }, {
+ return openBlock(), createBlock(_sfc_main$8, { dark: "" }, {
default: withCtx(() => [
- createVNode(unref(script$e), {
+ createVNode(unref(script$f), {
class: "h-full p-8 2xl:p-16",
value: "0",
"onUpdate:value": handleStepChange
}, {
default: withCtx(() => [
- createVNode(unref(script$a), { class: "select-none" }, {
+ createVNode(unref(script$b), { class: "select-none" }, {
default: withCtx(() => [
- createVNode(unref(script$b), { value: "0" }, {
+ createVNode(unref(script$c), { value: "0" }, {
default: withCtx(() => [
createTextVNode(toDisplayString(_ctx.$t("install.gpu")), 1)
]),
_: 1
}),
- createVNode(unref(script$b), {
+ createVNode(unref(script$c), {
value: "1",
disabled: noGpu.value
}, {
@@ -643,7 +824,7 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
]),
_: 1
}, 8, ["disabled"]),
- createVNode(unref(script$b), {
+ createVNode(unref(script$c), {
value: "2",
disabled: noGpu.value || hasError.value || highestStep.value < 1
}, {
@@ -652,7 +833,7 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
]),
_: 1
}, 8, ["disabled"]),
- createVNode(unref(script$b), {
+ createVNode(unref(script$c), {
value: "3",
disabled: noGpu.value || hasError.value || highestStep.value < 2
}, {
@@ -664,9 +845,9 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
]),
_: 1
}),
- createVNode(unref(script$c), null, {
+ createVNode(unref(script$d), null, {
default: withCtx(() => [
- createVNode(unref(script$d), { value: "0" }, {
+ createVNode(unref(script$e), { value: "0" }, {
default: withCtx(({ activateCallback }) => [
createVNode(GpuPicker, {
device: device.value,
@@ -684,9 +865,9 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
]),
_: 1
}),
- createVNode(unref(script$d), { value: "1" }, {
+ createVNode(unref(script$e), { value: "1" }, {
default: withCtx(({ activateCallback }) => [
- createVNode(_sfc_main$2, {
+ createVNode(_sfc_main$4, {
installPath: installPath.value,
"onUpdate:installPath": _cache[1] || (_cache[1] = ($event) => installPath.value = $event),
pathError: pathError.value,
@@ -710,9 +891,9 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
]),
_: 1
}),
- createVNode(unref(script$d), { value: "2" }, {
+ createVNode(unref(script$e), { value: "2" }, {
default: withCtx(({ activateCallback }) => [
- createVNode(_sfc_main$1, {
+ createVNode(_sfc_main$3, {
sourcePath: migrationSourcePath.value,
"onUpdate:sourcePath": _cache[3] || (_cache[3] = ($event) => migrationSourcePath.value = $event),
migrationItemIds: migrationItemIds.value,
@@ -735,14 +916,24 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
]),
_: 1
}),
- createVNode(unref(script$d), { value: "3" }, {
+ createVNode(unref(script$e), { value: "3" }, {
default: withCtx(({ activateCallback }) => [
- createVNode(_sfc_main$4, {
+ createVNode(_sfc_main$6, {
autoUpdate: autoUpdate.value,
"onUpdate:autoUpdate": _cache[5] || (_cache[5] = ($event) => autoUpdate.value = $event),
allowMetrics: allowMetrics.value,
"onUpdate:allowMetrics": _cache[6] || (_cache[6] = ($event) => allowMetrics.value = $event)
}, null, 8, ["autoUpdate", "allowMetrics"]),
+ createVNode(_sfc_main$1, {
+ device: device.value,
+ pythonMirror: pythonMirror.value,
+ "onUpdate:pythonMirror": _cache[7] || (_cache[7] = ($event) => pythonMirror.value = $event),
+ pypiMirror: pypiMirror.value,
+ "onUpdate:pypiMirror": _cache[8] || (_cache[8] = ($event) => pypiMirror.value = $event),
+ torchMirror: torchMirror.value,
+ "onUpdate:torchMirror": _cache[9] || (_cache[9] = ($event) => torchMirror.value = $event),
+ class: "mt-6"
+ }, null, 8, ["device", "pythonMirror", "pypiMirror", "torchMirror"]),
createBaseVNode("div", _hoisted_4, [
createVNode(unref(script$7), {
label: _ctx.$t("g.back"),
@@ -755,7 +946,7 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
icon: "pi pi-check",
iconPos: "right",
disabled: hasError.value,
- onClick: _cache[7] || (_cache[7] = ($event) => install())
+ onClick: _cache[10] || (_cache[10] = ($event) => install())
}, null, 8, ["label", "disabled"])
])
]),
@@ -773,8 +964,8 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
};
}
});
-const InstallView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-0a97b0ae"]]);
+const InstallView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-cd6731d2"]]);
export {
InstallView as default
};
-//# sourceMappingURL=InstallView-C1fnMZKt.js.map
+//# sourceMappingURL=InstallView-DW9xwU_F.js.map
diff --git a/comfy/web/assets/InstallView-dHu5JSbF.css b/comfy/web/assets/InstallView-DbJ2cGfL.css
similarity index 98%
rename from comfy/web/assets/InstallView-dHu5JSbF.css
rename to comfy/web/assets/InstallView-DbJ2cGfL.css
index 459489ea5..3628d5acc 100644
--- a/comfy/web/assets/InstallView-dHu5JSbF.css
+++ b/comfy/web/assets/InstallView-DbJ2cGfL.css
@@ -76,6 +76,6 @@ div.selected {
text-align: center;
}
-[data-v-0a97b0ae] .p-steppanel {
+[data-v-cd6731d2] .p-steppanel {
background-color: transparent
}
diff --git a/comfy/web/assets/KeybindingPanel-CDYVPYDp.css b/comfy/web/assets/KeybindingPanel-CDYVPYDp.css
new file mode 100644
index 000000000..2392e4f5c
--- /dev/null
+++ b/comfy/web/assets/KeybindingPanel-CDYVPYDp.css
@@ -0,0 +1,8 @@
+
+[data-v-8454e24f] .p-datatable-tbody > tr > td {
+ padding: 0.25rem;
+ min-height: 2rem
+}
+[data-v-8454e24f] .p-datatable-row-selected .actions,[data-v-8454e24f] .p-datatable-selectable-row:hover .actions {
+ visibility: visible
+}
diff --git a/comfy/web/assets/KeybindingPanel-Caa8sD2X.css b/comfy/web/assets/KeybindingPanel-Caa8sD2X.css
deleted file mode 100644
index 8f714bcdb..000000000
--- a/comfy/web/assets/KeybindingPanel-Caa8sD2X.css
+++ /dev/null
@@ -1,8 +0,0 @@
-
-[data-v-2554ab36] .p-datatable-tbody > tr > td {
- padding: 0.25rem;
- min-height: 2rem
-}
-[data-v-2554ab36] .p-datatable-row-selected .actions,[data-v-2554ab36] .p-datatable-selectable-row:hover .actions {
- visibility: visible
-}
diff --git a/comfy/web/assets/KeybindingPanel-BRfso_Vt.js b/comfy/web/assets/KeybindingPanel-oavhFdkz.js
similarity index 87%
rename from comfy/web/assets/KeybindingPanel-BRfso_Vt.js
rename to comfy/web/assets/KeybindingPanel-oavhFdkz.js
index 18a97f022..6ee9ca6ec 100644
--- a/comfy/web/assets/KeybindingPanel-BRfso_Vt.js
+++ b/comfy/web/assets/KeybindingPanel-oavhFdkz.js
@@ -1,9 +1,16 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/KeybindingPanel-BRfso_Vt.js
import { d as defineComponent, c as computed, o as openBlock, f as createElementBlock, F as Fragment, D as renderList, k as createVNode, z as withCtx, a7 as createTextVNode, E as toDisplayString, j as unref, a4 as script, B as createCommentVNode, U as ref, df as FilterMatchMode, an as useKeybindingStore, L as useCommandStore, K as useI18n, Y as normalizeI18nKey, w as watchEffect, aR as useToast, r as resolveDirective, y as createBlock, dg as SearchBox, m as createBaseVNode, l as script$2, bg as script$4, ar as withModifiers, bj as script$5, ab as script$6, i as withDirectives, dh as _sfc_main$2, di as KeyComboImpl, dj as KeybindingImpl, _ as _export_sfc } from "./index-BsGgXmrT.js";
import { g as script$1, h as script$3 } from "./index-Br6dw1F6.js";
import { u as useKeybindingService } from "./keybindingService-DoUb2RT6.js";
import "./index-COyiXDAn.js";
+========
+import { d as defineComponent, c as computed, o as openBlock, f as createElementBlock, F as Fragment, D as renderList, k as createVNode, z as withCtx, a8 as createTextVNode, E as toDisplayString, j as unref, a5 as script, B as createCommentVNode, T as ref, dx as FilterMatchMode, ao as useKeybindingStore, J as useCommandStore, I as useI18n, X as normalizeI18nKey, w as watchEffect, aV as useToast, r as resolveDirective, y as createBlock, dy as SearchBox, m as createBaseVNode, l as script$2, bk as script$4, as as withModifiers, bn as script$5, ac as script$6, i as withDirectives, dz as _sfc_main$2, dA as KeyComboImpl, dB as KeybindingImpl, _ as _export_sfc } from "./index-Bv0b06LE.js";
+import { g as script$1, h as script$3 } from "./index-CgMyWf7n.js";
+import { u as useKeybindingService } from "./keybindingService-DyjX-nxF.js";
+import "./index-Dzu9WL4p.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/KeybindingPanel-oavhFdkz.js
const _hoisted_1$1 = {
key: 0,
class: "px-2"
@@ -96,6 +103,16 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
}
__name(removeKeybinding, "removeKeybinding");
function captureKeybinding(event) {
+ if (!event.shiftKey && !event.altKey && !event.ctrlKey && !event.metaKey) {
+ switch (event.key) {
+ case "Escape":
+ cancelEdit();
+ return;
+ case "Enter":
+ saveKeybinding();
+ return;
+ }
+ }
const keyCombo = KeyComboImpl.fromEvent(event);
newBindingKeyCombo.value = keyCombo;
}
@@ -151,7 +168,7 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
value: commandsData.value,
selection: selectedCommandData.value,
"onUpdate:selection": _cache[1] || (_cache[1] = ($event) => selectedCommandData.value = $event),
- "global-filter-fields": ["id"],
+ "global-filter-fields": ["id", "label"],
filters: filters.value,
selectionMode: "single",
stripedRows: "",
@@ -216,7 +233,7 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
visible: editDialogVisible.value,
"onUpdate:visible": _cache[2] || (_cache[2] = ($event) => editDialogVisible.value = $event),
modal: "",
- header: currentEditingCommand.value?.id,
+ header: currentEditingCommand.value?.label,
onHide: cancelEdit
}, {
footer: withCtx(() => [
@@ -275,8 +292,12 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
};
}
});
-const KeybindingPanel = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-2554ab36"]]);
+const KeybindingPanel = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-8454e24f"]]);
export {
KeybindingPanel as default
};
+<<<<<<<< HEAD:comfy/web/assets/KeybindingPanel-BRfso_Vt.js
//# sourceMappingURL=KeybindingPanel-BRfso_Vt.js.map
+========
+//# sourceMappingURL=KeybindingPanel-oavhFdkz.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/KeybindingPanel-oavhFdkz.js
diff --git a/comfy/web/assets/MaintenanceView-Bh8OZpgl.js b/comfy/web/assets/MaintenanceView-Bh8OZpgl.js
new file mode 100644
index 000000000..4f3d99c3b
--- /dev/null
+++ b/comfy/web/assets/MaintenanceView-Bh8OZpgl.js
@@ -0,0 +1,25635 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value2) => __defProp(target, "name", { value: value2, configurable: true });
+import { d as defineComponent, bw as mergeModels, bq as useModel, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, aj as normalizeClass, i as withDirectives, v as vShow, k as createVNode, j as unref, bE as script$1c, l as script$1d, c as computed, bF as PrimeIcons, bg as t, a5 as script$1e, b1 as inject, bG as BaseStyle, bH as script$1f, at as mergeProps, bI as Transition, C as resolveDynamicComponent, A as renderSlot, B as createCommentVNode, bJ as findSingle, bK as getAttribute, bL as focus, bM as script$1g, bN as script$1h, bO as Ripple, r as resolveDirective, bP as UniqueComponentId, bQ as script$1i, bR as resolveComponent, f as createElementBlock, F as Fragment, D as renderList, E as toDisplayString, bS as BaseDirective, bT as removeClass, bU as addClass, bV as createElement, bW as hasClass, bX as script$1j, bY as script$1k, bZ as ZIndex, b_ as addStyle, b$ as ConnectedOverlayScrollHandler, c0 as isTouchDevice, c1 as relativePosition, c2 as getOuterWidth, c3 as absolutePosition, c4 as find, c5 as getIndex, c6 as getFocusableElements, c7 as OverlayEventBus, c8 as setAttribute, c9 as localeComparator, bk as script$1l, ca as script$1m, cb as script$1n, n as normalizeStyle, a8 as createTextVNode, bj as withKeys, cc as resolveFieldData, cd as isNotEmpty, ce as equals, cf as script$1o, cg as isString, ch as isPrintableCharacter, ci as isEmpty, cj as findLastIndex, ck as script$1p, cl as script$1q, cm as script$1r, cn as uuid, a9 as script$1s, co as sort, cp as createSlots, cq as EventBus, H as markRaw, cr as resolve, cs as Tooltip, bm as script$1u, ac as script$1v, ct as script$1w, cu as script$1x, cv as script$1y, cw as script$1z, bn as script$1A, cx as normalizeProps, cy as blockBodyScroll, cz as isAttributeEquals, cA as unblockBodyScroll, cB as FocusTrap, cC as guardReactiveProps, cD as setCSSProperty, cE as $dt, cF as script$1C, cG as script$1E, cH as getUserAgent, br as script$1F, cI as script$1G, cJ as getFirstFocusableElement, cK as getLastFocusableElement, cL as FilterService, bv as script$1I, cM as script$1J, bt as script$1K, bs as script$1L, cN as script$1M, cO as findIndexInList, cP as scrollInView, cQ as script$1N, cR as script$1O, cS as script$1P, cT as findLast, cU as getWindowScrollTop, cV as getWidth, cW as getOffset, cX as vModelText, cY as script$1U, as as withModifiers, cZ as getVNodeProp, c_ as getNextElementSibling, c$ as getPreviousElementSibling, d0 as isClickable, d1 as _default, d2 as clearSelection, d3 as isRTL, b9 as electronAPI, a1 as defineStore, T as ref, d4 as useTimeout, N as watch, d5 as script$1Y, _ as _export_sfc, aV as useToast, d6 as useConfirm, bl as script$1Z, d7 as script$1_, p as onMounted, d8 as onUnmounted, aw as script$1$, ag as isRef } from "./index-Bv0b06LE.js";
+import { a as script$1B, b as script$1D, s as script$20 } from "./index-A_bXPJCN.js";
+import "./index-C068lYT4.js";
+import { s as script$1t, a as script$1Q, b as script$1R, c as script$1S, d as script$1V, e as script$1W, f as script$1X } from "./index-CgMyWf7n.js";
+import { s as script$1T, _ as _sfc_main$7 } from "./TerminalOutputDrawer-CKr7Br7O.js";
+import { s as script$1H } from "./index-Dzu9WL4p.js";
+import "./index-SeIZOWJp.js";
+import { _ as _sfc_main$8 } from "./BaseViewTemplate-BTbuZf5t.js";
+const _sfc_main$6 = /* @__PURE__ */ defineComponent({
+ __name: "RefreshButton",
+ props: /* @__PURE__ */ mergeModels({
+ outlined: { type: Boolean, default: true },
+ disabled: { type: Boolean },
+ severity: { default: "secondary" }
+ }, {
+ "modelValue": { type: Boolean, ...{ required: true } },
+ "modelModifiers": {}
+ }),
+ emits: /* @__PURE__ */ mergeModels(["refresh"], ["update:modelValue"]),
+ setup(__props) {
+ const props = __props;
+ const active3 = useModel(__props, "modelValue");
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(unref(script$1d), {
+ class: "relative p-button-icon-only",
+ outlined: props.outlined,
+ severity: props.severity,
+ disabled: active3.value || props.disabled,
+ onClick: _cache[0] || (_cache[0] = (event2) => _ctx.$emit("refresh", event2))
+ }, {
+ default: withCtx(() => [
+ createBaseVNode("span", {
+ class: normalizeClass(["p-button-icon pi pi-refresh transition-all", { "opacity-0": active3.value }]),
+ "data-pc-section": "icon"
+ }, null, 2),
+ _cache[1] || (_cache[1] = createBaseVNode("span", {
+ class: "p-button-label",
+ "data-pc-section": "label"
+ }, " ", -1)),
+ withDirectives(createVNode(unref(script$1c), { class: "absolute w-1/2 h-1/2" }, null, 512), [
+ [vShow, active3.value]
+ ])
+ ]),
+ _: 1
+ }, 8, ["outlined", "severity", "disabled"]);
+ };
+ }
+});
+const _sfc_main$5 = /* @__PURE__ */ defineComponent({
+ __name: "StatusTag",
+ props: {
+ error: { type: Boolean },
+ refreshing: { type: Boolean }
+ },
+ setup(__props) {
+ const props = __props;
+ const icon2 = computed(() => {
+ if (props.refreshing) return PrimeIcons.QUESTION;
+ if (props.error) return PrimeIcons.TIMES;
+ return PrimeIcons.CHECK;
+ });
+ const severity = computed(() => {
+ if (props.refreshing) return "info";
+ if (props.error) return "danger";
+ return "success";
+ });
+ const value2 = computed(() => {
+ if (props.refreshing) return t("maintenance.refreshing");
+ if (props.error) return t("g.error");
+ return t("maintenance.OK");
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(unref(script$1e), {
+ icon: icon2.value,
+ severity: severity.value,
+ value: value2.value
+ }, null, 8, ["icon", "severity", "value"]);
+ };
+ }
+});
+var PrimeVueDialogSymbol = Symbol();
+function useDialog() {
+ var PrimeVueDialog = inject(PrimeVueDialogSymbol);
+ if (!PrimeVueDialog) {
+ throw new Error("No PrimeVue Dialog provided!");
+ }
+ return PrimeVueDialog;
+}
+__name(useDialog, "useDialog");
+var classes$L = {
+ root: "p-accordioncontent",
+ content: "p-accordioncontent-content"
+};
+var AccordionContentStyle = BaseStyle.extend({
+ name: "accordioncontent",
+ classes: classes$L
+});
+var script$1$N = {
+ name: "BaseAccordionContent",
+ "extends": script$1f,
+ props: {
+ as: {
+ type: [String, Object],
+ "default": "DIV"
+ },
+ asChild: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: AccordionContentStyle,
+ provide: /* @__PURE__ */ __name(function provide() {
+ return {
+ $pcAccordionContent: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1b = {
+ name: "AccordionContent",
+ "extends": script$1$N,
+ inheritAttrs: false,
+ inject: ["$pcAccordion", "$pcAccordionPanel"],
+ computed: {
+ id: /* @__PURE__ */ __name(function id() {
+ return "".concat(this.$pcAccordion.id, "_accordioncontent_").concat(this.$pcAccordionPanel.value);
+ }, "id"),
+ ariaLabelledby: /* @__PURE__ */ __name(function ariaLabelledby() {
+ return "".concat(this.$pcAccordion.id, "_accordionheader_").concat(this.$pcAccordionPanel.value);
+ }, "ariaLabelledby"),
+ attrs: /* @__PURE__ */ __name(function attrs() {
+ return mergeProps(this.a11yAttrs, this.ptmi("root", this.ptParams));
+ }, "attrs"),
+ a11yAttrs: /* @__PURE__ */ __name(function a11yAttrs() {
+ return {
+ id: this.id,
+ role: "region",
+ "aria-labelledby": this.ariaLabelledby,
+ "data-pc-name": "accordioncontent",
+ "data-p-active": this.$pcAccordionPanel.active
+ };
+ }, "a11yAttrs"),
+ ptParams: /* @__PURE__ */ __name(function ptParams() {
+ return {
+ context: {
+ active: this.$pcAccordionPanel.active
+ }
+ };
+ }, "ptParams")
+ }
+};
+function render$12(_ctx, _cache, $props, $setup, $data, $options) {
+ return !_ctx.asChild ? (openBlock(), createBlock(Transition, mergeProps({
+ key: 0,
+ name: "p-toggleable-content"
+ }, _ctx.ptm("transition", $options.ptParams)), {
+ "default": withCtx(function() {
+ return [($options.$pcAccordion.lazy ? $options.$pcAccordionPanel.active : true) ? withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps({
+ key: 0,
+ "class": _ctx.cx("root")
+ }, $options.attrs), {
+ "default": withCtx(function() {
+ return [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content", $options.ptParams)), [renderSlot(_ctx.$slots, "default")], 16)];
+ }),
+ _: 3
+ }, 16, ["class"])), [[vShow, $options.$pcAccordion.lazy ? true : $options.$pcAccordionPanel.active]]) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16)) : renderSlot(_ctx.$slots, "default", {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("root")),
+ active: $options.$pcAccordionPanel.active,
+ a11yAttrs: $options.a11yAttrs
+ });
+}
+__name(render$12, "render$12");
+script$1b.render = render$12;
+var classes$K = {
+ root: "p-accordionheader",
+ toggleicon: "p-accordionheader-toggle-icon"
+};
+var AccordionHeaderStyle = BaseStyle.extend({
+ name: "accordionheader",
+ classes: classes$K
+});
+var script$1$M = {
+ name: "BaseAccordionHeader",
+ "extends": script$1f,
+ props: {
+ as: {
+ type: [String, Object],
+ "default": "BUTTON"
+ },
+ asChild: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: AccordionHeaderStyle,
+ provide: /* @__PURE__ */ __name(function provide2() {
+ return {
+ $pcAccordionHeader: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1a = {
+ name: "AccordionHeader",
+ "extends": script$1$M,
+ inheritAttrs: false,
+ inject: ["$pcAccordion", "$pcAccordionPanel"],
+ methods: {
+ onFocus: /* @__PURE__ */ __name(function onFocus() {
+ this.$pcAccordion.selectOnFocus && this.changeActiveValue();
+ }, "onFocus"),
+ onClick: /* @__PURE__ */ __name(function onClick() {
+ this.changeActiveValue();
+ }, "onClick"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown(event2) {
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUpKey(event2);
+ break;
+ case "Home":
+ this.onHomeKey(event2);
+ break;
+ case "End":
+ this.onEndKey(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ case "Space":
+ this.onEnterKey(event2);
+ break;
+ }
+ }, "onKeydown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey(event2) {
+ var nextPanel = this.findNextPanel(this.findPanel(event2.currentTarget));
+ nextPanel ? this.changeFocusedPanel(event2, nextPanel) : this.onHomeKey(event2);
+ event2.preventDefault();
+ }, "onArrowDownKey"),
+ onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey(event2) {
+ var prevPanel = this.findPrevPanel(this.findPanel(event2.currentTarget));
+ prevPanel ? this.changeFocusedPanel(event2, prevPanel) : this.onEndKey(event2);
+ event2.preventDefault();
+ }, "onArrowUpKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey(event2) {
+ var firstPanel = this.findFirstPanel();
+ this.changeFocusedPanel(event2, firstPanel);
+ event2.preventDefault();
+ }, "onHomeKey"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey(event2) {
+ var lastPanel = this.findLastPanel();
+ this.changeFocusedPanel(event2, lastPanel);
+ event2.preventDefault();
+ }, "onEndKey"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey(event2) {
+ this.changeActiveValue();
+ event2.preventDefault();
+ }, "onEnterKey"),
+ findPanel: /* @__PURE__ */ __name(function findPanel(headerElement) {
+ return headerElement === null || headerElement === void 0 ? void 0 : headerElement.closest('[data-pc-name="accordionpanel"]');
+ }, "findPanel"),
+ findHeader: /* @__PURE__ */ __name(function findHeader(panelElement) {
+ return findSingle(panelElement, '[data-pc-name="accordionheader"]');
+ }, "findHeader"),
+ findNextPanel: /* @__PURE__ */ __name(function findNextPanel(panelElement) {
+ var selfCheck = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ var element = selfCheck ? panelElement : panelElement.nextElementSibling;
+ return element ? getAttribute(element, "data-p-disabled") ? this.findNextPanel(element) : this.findHeader(element) : null;
+ }, "findNextPanel"),
+ findPrevPanel: /* @__PURE__ */ __name(function findPrevPanel(panelElement) {
+ var selfCheck = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ var element = selfCheck ? panelElement : panelElement.previousElementSibling;
+ return element ? getAttribute(element, "data-p-disabled") ? this.findPrevPanel(element) : this.findHeader(element) : null;
+ }, "findPrevPanel"),
+ findFirstPanel: /* @__PURE__ */ __name(function findFirstPanel() {
+ return this.findNextPanel(this.$pcAccordion.$el.firstElementChild, true);
+ }, "findFirstPanel"),
+ findLastPanel: /* @__PURE__ */ __name(function findLastPanel() {
+ return this.findPrevPanel(this.$pcAccordion.$el.lastElementChild, true);
+ }, "findLastPanel"),
+ changeActiveValue: /* @__PURE__ */ __name(function changeActiveValue() {
+ this.$pcAccordion.updateValue(this.$pcAccordionPanel.value);
+ }, "changeActiveValue"),
+ changeFocusedPanel: /* @__PURE__ */ __name(function changeFocusedPanel(event2, element) {
+ focus(this.findHeader(element));
+ }, "changeFocusedPanel")
+ },
+ computed: {
+ id: /* @__PURE__ */ __name(function id2() {
+ return "".concat(this.$pcAccordion.id, "_accordionheader_").concat(this.$pcAccordionPanel.value);
+ }, "id"),
+ ariaControls: /* @__PURE__ */ __name(function ariaControls() {
+ return "".concat(this.$pcAccordion.id, "_accordioncontent_").concat(this.$pcAccordionPanel.value);
+ }, "ariaControls"),
+ attrs: /* @__PURE__ */ __name(function attrs2() {
+ return mergeProps(this.asAttrs, this.a11yAttrs, this.ptmi("root", this.ptParams));
+ }, "attrs"),
+ asAttrs: /* @__PURE__ */ __name(function asAttrs() {
+ return this.as === "BUTTON" ? {
+ type: "button",
+ disabled: this.$pcAccordionPanel.disabled
+ } : void 0;
+ }, "asAttrs"),
+ a11yAttrs: /* @__PURE__ */ __name(function a11yAttrs2() {
+ return {
+ id: this.id,
+ tabindex: this.$pcAccordion.tabindex,
+ "aria-expanded": this.$pcAccordionPanel.active,
+ "aria-controls": this.ariaControls,
+ "data-pc-name": "accordionheader",
+ "data-p-disabled": this.$pcAccordionPanel.disabled,
+ "data-p-active": this.$pcAccordionPanel.active,
+ onFocus: this.onFocus,
+ onKeydown: this.onKeydown
+ };
+ }, "a11yAttrs"),
+ ptParams: /* @__PURE__ */ __name(function ptParams2() {
+ return {
+ context: {
+ active: this.$pcAccordionPanel.active
+ }
+ };
+ }, "ptParams")
+ },
+ components: {
+ ChevronUpIcon: script$1g,
+ ChevronDownIcon: script$1h
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+function render$11(_ctx, _cache, $props, $setup, $data, $options) {
+ var _directive_ripple = resolveDirective("ripple");
+ return !_ctx.asChild ? withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps({
+ key: 0,
+ "class": _ctx.cx("root"),
+ onClick: $options.onClick
+ }, $options.attrs), {
+ "default": withCtx(function() {
+ return [renderSlot(_ctx.$slots, "default", {
+ active: $options.$pcAccordionPanel.active
+ }), renderSlot(_ctx.$slots, "toggleicon", {
+ active: $options.$pcAccordionPanel.active,
+ "class": normalizeClass(_ctx.cx("toggleicon"))
+ }, function() {
+ return [$options.$pcAccordionPanel.active ? (openBlock(), createBlock(resolveDynamicComponent($options.$pcAccordion.$slots.collapseicon ? $options.$pcAccordion.$slots.collapseicon : $options.$pcAccordion.collapseIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ key: 0,
+ "class": [$options.$pcAccordion.collapseIcon, _ctx.cx("toggleicon")],
+ "aria-hidden": "true"
+ }, _ctx.ptm("toggleicon", $options.ptParams)), null, 16, ["class"])) : (openBlock(), createBlock(resolveDynamicComponent($options.$pcAccordion.$slots.expandicon ? $options.$pcAccordion.$slots.expandicon : $options.$pcAccordion.expandIcon ? "span" : "ChevronUpIcon"), mergeProps({
+ key: 1,
+ "class": [$options.$pcAccordion.expandIcon, _ctx.cx("toggleicon")],
+ "aria-hidden": "true"
+ }, _ctx.ptm("toggleicon", $options.ptParams)), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "onClick"])), [[_directive_ripple]]) : renderSlot(_ctx.$slots, "default", {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("root")),
+ active: $options.$pcAccordionPanel.active,
+ a11yAttrs: $options.a11yAttrs,
+ onClick: $options.onClick
+ });
+}
+__name(render$11, "render$11");
+script$1a.render = render$11;
+var classes$J = {
+ root: /* @__PURE__ */ __name(function root(_ref) {
+ var instance = _ref.instance, props = _ref.props;
+ return ["p-accordionpanel", {
+ "p-accordionpanel-active": instance.active,
+ "p-disabled": props.disabled
+ }];
+ }, "root")
+};
+var AccordionPanelStyle = BaseStyle.extend({
+ name: "accordionpanel",
+ classes: classes$J
+});
+var script$1$L = {
+ name: "BaseAccordionPanel",
+ "extends": script$1f,
+ props: {
+ value: {
+ type: [String, Number],
+ "default": void 0
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ as: {
+ type: [String, Object],
+ "default": "DIV"
+ },
+ asChild: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: AccordionPanelStyle,
+ provide: /* @__PURE__ */ __name(function provide3() {
+ return {
+ $pcAccordionPanel: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$19 = {
+ name: "AccordionPanel",
+ "extends": script$1$L,
+ inheritAttrs: false,
+ inject: ["$pcAccordion"],
+ computed: {
+ active: /* @__PURE__ */ __name(function active() {
+ return this.$pcAccordion.isItemActive(this.value);
+ }, "active"),
+ attrs: /* @__PURE__ */ __name(function attrs3() {
+ return mergeProps(this.a11yAttrs, this.ptmi("root", this.ptParams));
+ }, "attrs"),
+ a11yAttrs: /* @__PURE__ */ __name(function a11yAttrs3() {
+ return {
+ "data-pc-name": "accordionpanel",
+ "data-p-disabled": this.disabled,
+ "data-p-active": this.active
+ };
+ }, "a11yAttrs"),
+ ptParams: /* @__PURE__ */ __name(function ptParams3() {
+ return {
+ context: {
+ active: this.active
+ }
+ };
+ }, "ptParams")
+ }
+};
+function render$10(_ctx, _cache, $props, $setup, $data, $options) {
+ return !_ctx.asChild ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps({
+ key: 0,
+ "class": _ctx.cx("root")
+ }, $options.attrs), {
+ "default": withCtx(function() {
+ return [renderSlot(_ctx.$slots, "default")];
+ }),
+ _: 3
+ }, 16, ["class"])) : renderSlot(_ctx.$slots, "default", {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("root")),
+ active: $options.active,
+ a11yAttrs: $options.a11yAttrs
+ });
+}
+__name(render$10, "render$10");
+script$19.render = render$10;
+var theme$C = /* @__PURE__ */ __name(function theme(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-accordionpanel {\n display: flex;\n flex-direction: column;\n border-style: solid;\n border-width: ".concat(dt("accordion.panel.border.width"), ";\n border-color: ").concat(dt("accordion.panel.border.color"), ";\n}\n\n.p-accordionheader {\n all: unset;\n cursor: pointer;\n display: flex;\n align-items: center;\n justify-content: space-between;\n padding: ").concat(dt("accordion.header.padding"), ";\n color: ").concat(dt("accordion.header.color"), ";\n background: ").concat(dt("accordion.header.background"), ";\n border-style: solid;\n border-width: ").concat(dt("accordion.header.border.width"), ";\n border-color: ").concat(dt("accordion.header.border.color"), ";\n font-weight: ").concat(dt("accordion.header.font.weight"), ";\n border-radius: ").concat(dt("accordion.header.border.radius"), ";\n transition: background ").concat(dt("accordion.transition.duration"), "; color ").concat(dt("accordion.transition.duration"), "color ").concat(dt("accordion.transition.duration"), ", outline-color ").concat(dt("accordion.transition.duration"), ", box-shadow ").concat(dt("accordion.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-accordionpanel:first-child > .p-accordionheader {\n border-width: ").concat(dt("accordion.header.first.border.width"), ";\n border-start-start-radius: ").concat(dt("accordion.header.first.top.border.radius"), ";\n border-start-end-radius: ").concat(dt("accordion.header.first.top.border.radius"), ";\n}\n\n.p-accordionpanel:last-child > .p-accordionheader {\n border-end-start-radius: ").concat(dt("accordion.header.last.bottom.border.radius"), ";\n border-end-end-radius: ").concat(dt("accordion.header.last.bottom.border.radius"), ";\n}\n\n.p-accordionpanel:last-child.p-accordionpanel-active > .p-accordionheader {\n border-end-start-radius: ").concat(dt("accordion.header.last.active.bottom.border.radius"), ";\n border-end-end-radius: ").concat(dt("accordion.header.last.active.bottom.border.radius"), ";\n}\n\n.p-accordionheader-toggle-icon {\n color: ").concat(dt("accordion.header.toggle.icon.color"), ";\n}\n\n.p-accordionpanel:not(.p-disabled) .p-accordionheader:focus-visible {\n box-shadow: ").concat(dt("accordion.header.focus.ring.shadow"), ";\n outline: ").concat(dt("accordion.header.focus.ring.width"), " ").concat(dt("accordion.header.focus.ring.style"), " ").concat(dt("accordion.header.focus.ring.color"), ";\n outline-offset: ").concat(dt("accordion.header.focus.ring.offset"), ";\n}\n\n.p-accordionpanel:not(.p-accordionpanel-active):not(.p-disabled) > .p-accordionheader:hover {\n background: ").concat(dt("accordion.header.hover.background"), ";\n color: ").concat(dt("accordion.header.hover.color"), ";\n}\n\n.p-accordionpanel:not(.p-accordionpanel-active):not(.p-disabled) .p-accordionheader:hover .p-accordionheader-toggle-icon {\n color: ").concat(dt("accordion.header.toggle.icon.hover.color"), ";\n}\n\n.p-accordionpanel:not(.p-disabled).p-accordionpanel-active > .p-accordionheader {\n background: ").concat(dt("accordion.header.active.background"), ";\n color: ").concat(dt("accordion.header.active.color"), ";\n}\n\n.p-accordionpanel:not(.p-disabled).p-accordionpanel-active > .p-accordionheader .p-accordionheader-toggle-icon {\n color: ").concat(dt("accordion.header.toggle.icon.active.color"), ";\n}\n\n.p-accordionpanel:not(.p-disabled).p-accordionpanel-active > .p-accordionheader:hover {\n background: ").concat(dt("accordion.header.active.hover.background"), ";\n color: ").concat(dt("accordion.header.active.hover.color"), ";\n}\n\n.p-accordionpanel:not(.p-disabled).p-accordionpanel-active > .p-accordionheader:hover .p-accordionheader-toggle-icon {\n color: ").concat(dt("accordion.header.toggle.icon.active.hover.color"), ";\n}\n\n.p-accordioncontent-content {\n border-style: solid;\n border-width: ").concat(dt("accordion.content.border.width"), ";\n border-color: ").concat(dt("accordion.content.border.color"), ";\n background-color: ").concat(dt("accordion.content.background"), ";\n color: ").concat(dt("accordion.content.color"), ";\n padding: ").concat(dt("accordion.content.padding"), ";\n}\n");
+}, "theme");
+var classes$I = {
+ root: "p-accordion p-component"
+};
+var AccordionStyle = BaseStyle.extend({
+ name: "accordion",
+ theme: theme$C,
+ classes: classes$I
+});
+var script$1$K = {
+ name: "BaseAccordion",
+ "extends": script$1f,
+ props: {
+ value: {
+ type: [String, Number, Array],
+ "default": void 0
+ },
+ multiple: {
+ type: Boolean,
+ "default": false
+ },
+ lazy: {
+ type: Boolean,
+ "default": false
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ selectOnFocus: {
+ type: Boolean,
+ "default": false
+ },
+ expandIcon: {
+ type: String,
+ "default": void 0
+ },
+ collapseIcon: {
+ type: String,
+ "default": void 0
+ },
+ // @deprecated since v4.
+ activeIndex: {
+ type: [Number, Array],
+ "default": null
+ }
+ },
+ style: AccordionStyle,
+ provide: /* @__PURE__ */ __name(function provide4() {
+ return {
+ $pcAccordion: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$18 = {
+ name: "Accordion",
+ "extends": script$1$K,
+ inheritAttrs: false,
+ emits: ["update:value", "update:activeIndex", "tab-open", "tab-close", "tab-click"],
+ data: /* @__PURE__ */ __name(function data() {
+ return {
+ id: this.$attrs.id,
+ d_value: this.value
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ value: /* @__PURE__ */ __name(function value(newValue) {
+ this.d_value = newValue;
+ }, "value"),
+ activeIndex: {
+ immediate: true,
+ handler: /* @__PURE__ */ __name(function handler(newValue) {
+ if (this.hasAccordionTab) {
+ this.d_value = this.multiple ? newValue === null || newValue === void 0 ? void 0 : newValue.map(String) : newValue === null || newValue === void 0 ? void 0 : newValue.toString();
+ }
+ }, "handler")
+ }
+ },
+ mounted: /* @__PURE__ */ __name(function mounted() {
+ this.id = this.id || UniqueComponentId();
+ }, "mounted"),
+ methods: {
+ isItemActive: /* @__PURE__ */ __name(function isItemActive(value2) {
+ var _this$d_value;
+ return this.multiple ? (_this$d_value = this.d_value) === null || _this$d_value === void 0 ? void 0 : _this$d_value.includes(value2) : this.d_value === value2;
+ }, "isItemActive"),
+ updateValue: /* @__PURE__ */ __name(function updateValue(newValue) {
+ var _this$d_value2;
+ var active3 = this.isItemActive(newValue);
+ if (this.multiple) {
+ if (active3) {
+ this.d_value = this.d_value.filter(function(v) {
+ return v !== newValue;
+ });
+ } else {
+ if (this.d_value) this.d_value.push(newValue);
+ else this.d_value = [newValue];
+ }
+ } else {
+ this.d_value = active3 ? null : newValue;
+ }
+ this.$emit("update:value", this.d_value);
+ this.$emit("update:activeIndex", this.multiple ? (_this$d_value2 = this.d_value) === null || _this$d_value2 === void 0 ? void 0 : _this$d_value2.map(Number) : Number(this.d_value));
+ this.$emit(active3 ? "tab-close" : "tab-open", {
+ originalEvent: void 0,
+ index: Number(newValue)
+ });
+ }, "updateValue"),
+ // @deprecated since v4. Use new structure instead.
+ isAccordionTab: /* @__PURE__ */ __name(function isAccordionTab(child) {
+ return child.type.name === "AccordionTab";
+ }, "isAccordionTab"),
+ getTabProp: /* @__PURE__ */ __name(function getTabProp(tab, name4) {
+ return tab.props ? tab.props[name4] : void 0;
+ }, "getTabProp"),
+ getKey: /* @__PURE__ */ __name(function getKey(tab, index) {
+ return this.getTabProp(tab, "header") || index;
+ }, "getKey"),
+ getHeaderPT: /* @__PURE__ */ __name(function getHeaderPT(tab, index) {
+ var _this = this;
+ return {
+ root: mergeProps({
+ onClick: /* @__PURE__ */ __name(function onClick11(event2) {
+ return _this.onTabClick(event2, index);
+ }, "onClick")
+ }, this.getTabProp(tab, "headerProps"), this.getTabPT(tab, "header", index)),
+ toggleicon: mergeProps(this.getTabProp(tab, "headeractionprops"), this.getTabPT(tab, "headeraction", index))
+ };
+ }, "getHeaderPT"),
+ getContentPT: /* @__PURE__ */ __name(function getContentPT(tab, index) {
+ return {
+ root: mergeProps(this.getTabProp(tab, "contentProps"), this.getTabPT(tab, "toggleablecontent", index)),
+ transition: this.getTabPT(tab, "transition", index),
+ content: this.getTabPT(tab, "content", index)
+ };
+ }, "getContentPT"),
+ getTabPT: /* @__PURE__ */ __name(function getTabPT(tab, key, index) {
+ var count = this.tabs.length;
+ var tabMetaData = {
+ props: tab.props || {},
+ parent: {
+ instance: this,
+ props: this.$props,
+ state: this.$data
+ },
+ context: {
+ index,
+ count,
+ first: index === 0,
+ last: index === count - 1,
+ active: this.isItemActive("".concat(index))
+ }
+ };
+ return mergeProps(this.ptm("accordiontab.".concat(key), tabMetaData), this.ptmo(this.getTabProp(tab, "pt"), key, tabMetaData));
+ }, "getTabPT"),
+ onTabClick: /* @__PURE__ */ __name(function onTabClick(event2, index) {
+ this.$emit("tab-click", {
+ originalEvent: event2,
+ index
+ });
+ }, "onTabClick")
+ },
+ computed: {
+ // @deprecated since v4.
+ tabs: /* @__PURE__ */ __name(function tabs() {
+ var _this2 = this;
+ return this.$slots["default"]().reduce(function(tabs2, child) {
+ if (_this2.isAccordionTab(child)) {
+ tabs2.push(child);
+ } else if (child.children && child.children instanceof Array) {
+ child.children.forEach(function(nestedChild) {
+ if (_this2.isAccordionTab(nestedChild)) {
+ tabs2.push(nestedChild);
+ }
+ });
+ }
+ return tabs2;
+ }, []);
+ }, "tabs"),
+ hasAccordionTab: /* @__PURE__ */ __name(function hasAccordionTab() {
+ return this.tabs.length;
+ }, "hasAccordionTab")
+ },
+ components: {
+ AccordionPanel: script$19,
+ AccordionHeader: script$1a,
+ AccordionContent: script$1b,
+ ChevronUpIcon: script$1g,
+ ChevronRightIcon: script$1i
+ }
+};
+function render$$(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_AccordionHeader = resolveComponent("AccordionHeader");
+ var _component_AccordionContent = resolveComponent("AccordionContent");
+ var _component_AccordionPanel = resolveComponent("AccordionPanel");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [$options.hasAccordionTab ? (openBlock(true), createElementBlock(Fragment, {
+ key: 0
+ }, renderList($options.tabs, function(tab, i) {
+ return openBlock(), createBlock(_component_AccordionPanel, {
+ key: $options.getKey(tab, i),
+ value: "".concat(i),
+ pt: {
+ root: $options.getTabPT(tab, "root", i)
+ },
+ disabled: $options.getTabProp(tab, "disabled")
+ }, {
+ "default": withCtx(function() {
+ return [createVNode(_component_AccordionHeader, {
+ "class": normalizeClass($options.getTabProp(tab, "headerClass")),
+ pt: $options.getHeaderPT(tab, i)
+ }, {
+ toggleicon: withCtx(function(slotProps) {
+ return [slotProps.active ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.collapseicon ? _ctx.$slots.collapseicon : _ctx.collapseIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ key: 0,
+ "class": [_ctx.collapseIcon, slotProps["class"]],
+ "aria-hidden": "true",
+ ref_for: true
+ }, $options.getTabPT(tab, "headericon", i)), null, 16, ["class"])) : (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.expandicon ? _ctx.$slots.expandicon : _ctx.expandIcon ? "span" : "ChevronUpIcon"), mergeProps({
+ key: 1,
+ "class": [_ctx.expandIcon, slotProps["class"]],
+ "aria-hidden": "true",
+ ref_for: true
+ }, $options.getTabPT(tab, "headericon", i)), null, 16, ["class"]))];
+ }),
+ "default": withCtx(function() {
+ return [tab.children && tab.children.headericon ? (openBlock(), createBlock(resolveDynamicComponent(tab.children.headericon), {
+ key: 0,
+ isTabActive: $options.isItemActive("".concat(i)),
+ active: $options.isItemActive("".concat(i)),
+ index: i
+ }, null, 8, ["isTabActive", "active", "index"])) : createCommentVNode("", true), tab.props && tab.props.header ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ ref_for: true
+ }, $options.getTabPT(tab, "headertitle", i)), toDisplayString(tab.props.header), 17)) : createCommentVNode("", true), tab.children && tab.children.header ? (openBlock(), createBlock(resolveDynamicComponent(tab.children.header), {
+ key: 2
+ })) : createCommentVNode("", true)];
+ }),
+ _: 2
+ }, 1032, ["class", "pt"]), createVNode(_component_AccordionContent, {
+ pt: $options.getContentPT(tab, i)
+ }, {
+ "default": withCtx(function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(tab)))];
+ }),
+ _: 2
+ }, 1032, ["pt"])];
+ }),
+ _: 2
+ }, 1032, ["value", "pt", "disabled"]);
+ }), 128)) : renderSlot(_ctx.$slots, "default", {
+ key: 1
+ })], 16);
+}
+__name(render$$, "render$$");
+script$18.render = render$$;
+var AccordionTabStyle = BaseStyle.extend({
+ name: "accordiontab"
+});
+var script$1$J = {
+ name: "BaseAccordionTab",
+ "extends": script$1f,
+ props: {
+ header: null,
+ headerStyle: null,
+ headerClass: null,
+ headerProps: null,
+ headerActionProps: null,
+ contentStyle: null,
+ contentClass: null,
+ contentProps: null,
+ disabled: Boolean
+ },
+ style: AccordionTabStyle,
+ provide: /* @__PURE__ */ __name(function provide5() {
+ return {
+ $pcAccordionTab: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$17 = {
+ name: "AccordionTab",
+ "extends": script$1$J,
+ inheritAttrs: false,
+ mounted: /* @__PURE__ */ __name(function mounted2() {
+ console.warn("Deprecated since v4. Use the new structure of Accordion instead.");
+ }, "mounted")
+};
+function render$_(_ctx, _cache, $props, $setup, $data, $options) {
+ return renderSlot(_ctx.$slots, "default");
+}
+__name(render$_, "render$_");
+script$17.render = render$_;
+var AnimateOnScrollStyle = BaseStyle.extend({
+ name: "animateonscroll-directive"
+});
+var BaseAnimateOnScroll = BaseDirective.extend({
+ style: AnimateOnScrollStyle
+});
+function _typeof$n(o) {
+ "@babel/helpers - typeof";
+ return _typeof$n = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$n(o);
+}
+__name(_typeof$n, "_typeof$n");
+function ownKeys$k(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$k, "ownKeys$k");
+function _objectSpread$k(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$k(Object(t2), true).forEach(function(r2) {
+ _defineProperty$l(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$k(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$k, "_objectSpread$k");
+function _defineProperty$l(e, r, t2) {
+ return (r = _toPropertyKey$l(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$l, "_defineProperty$l");
+function _toPropertyKey$l(t2) {
+ var i = _toPrimitive$l(t2, "string");
+ return "symbol" == _typeof$n(i) ? i : i + "";
+}
+__name(_toPropertyKey$l, "_toPropertyKey$l");
+function _toPrimitive$l(t2, r) {
+ if ("object" != _typeof$n(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$n(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$l, "_toPrimitive$l");
+function _slicedToArray$1(r, e) {
+ return _arrayWithHoles$1(r) || _iterableToArrayLimit$1(r, e) || _unsupportedIterableToArray$f(r, e) || _nonIterableRest$1();
+}
+__name(_slicedToArray$1, "_slicedToArray$1");
+function _nonIterableRest$1() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest$1, "_nonIterableRest$1");
+function _unsupportedIterableToArray$f(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$f(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$f(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$f, "_unsupportedIterableToArray$f");
+function _arrayLikeToArray$f(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$f, "_arrayLikeToArray$f");
+function _iterableToArrayLimit$1(r, l) {
+ var t2 = null == r ? null : "undefined" != typeof Symbol && r[Symbol.iterator] || r["@@iterator"];
+ if (null != t2) {
+ var e, n, i, u, a = [], f = true, o = false;
+ try {
+ if (i = (t2 = t2.call(r)).next, 0 === l) ;
+ else for (; !(f = (e = i.call(t2)).done) && (a.push(e.value), a.length !== l); f = true) ;
+ } catch (r2) {
+ o = true, n = r2;
+ } finally {
+ try {
+ if (!f && null != t2["return"] && (u = t2["return"](), Object(u) !== u)) return;
+ } finally {
+ if (o) throw n;
+ }
+ }
+ return a;
+ }
+}
+__name(_iterableToArrayLimit$1, "_iterableToArrayLimit$1");
+function _arrayWithHoles$1(r) {
+ if (Array.isArray(r)) return r;
+}
+__name(_arrayWithHoles$1, "_arrayWithHoles$1");
+var AnimateOnScroll = BaseAnimateOnScroll.extend("animateonscroll", {
+ created: /* @__PURE__ */ __name(function created() {
+ this.$value = this.$value || {};
+ this.$el.style.opacity = this.$value.enterClass ? "0" : "";
+ }, "created"),
+ mounted: /* @__PURE__ */ __name(function mounted3() {
+ this.$el.setAttribute("data-pd-animateonscroll", true);
+ this.bindIntersectionObserver();
+ }, "mounted"),
+ unmounted: /* @__PURE__ */ __name(function unmounted() {
+ this.unbindAnimationEvents();
+ this.unbindIntersectionObserver();
+ }, "unmounted"),
+ observer: void 0,
+ resetObserver: void 0,
+ isObserverActive: false,
+ animationState: void 0,
+ animationEndListener: void 0,
+ methods: {
+ bindAnimationEvents: /* @__PURE__ */ __name(function bindAnimationEvents() {
+ var _this = this;
+ if (!this.animationEndListener) {
+ this.animationEndListener = function() {
+ removeClass(_this.$el, [_this.$value.enterClass, _this.$value.leaveClass]);
+ !_this.$modifiers.once && _this.resetObserver.observe(_this.$el);
+ _this.unbindAnimationEvents();
+ };
+ this.$el.addEventListener("animationend", this.animationEndListener);
+ }
+ }, "bindAnimationEvents"),
+ bindIntersectionObserver: /* @__PURE__ */ __name(function bindIntersectionObserver() {
+ var _this2 = this;
+ var _this$$value = this.$value, root34 = _this$$value.root, rootMargin = _this$$value.rootMargin, _this$$value$threshol = _this$$value.threshold, threshold = _this$$value$threshol === void 0 ? 0.5 : _this$$value$threshol;
+ var options4 = {
+ root: root34,
+ rootMargin,
+ threshold
+ };
+ this.observer = new IntersectionObserver(function(_ref) {
+ var _ref2 = _slicedToArray$1(_ref, 1), entry = _ref2[0];
+ if (_this2.isObserverActive) {
+ if (entry.boundingClientRect.top > 0) {
+ entry.isIntersecting ? _this2.enter() : _this2.leave();
+ }
+ } else if (entry.isIntersecting) {
+ _this2.enter();
+ }
+ _this2.isObserverActive = true;
+ }, options4);
+ setTimeout(function() {
+ return _this2.observer.observe(_this2.$el);
+ }, 0);
+ this.resetObserver = new IntersectionObserver(function(_ref3) {
+ var _ref4 = _slicedToArray$1(_ref3, 1), entry = _ref4[0];
+ if (entry.boundingClientRect.top > 0 && !entry.isIntersecting) {
+ _this2.$el.style.opacity = _this2.$value.enterClass ? "0" : "";
+ removeClass(_this2.$el, [_this2.$value.enterClass, _this2.$value.leaveClass]);
+ _this2.resetObserver.unobserve(_this2.$el);
+ }
+ _this2.animationState = void 0;
+ }, _objectSpread$k(_objectSpread$k({}, options4), {}, {
+ threshold: 0
+ }));
+ }, "bindIntersectionObserver"),
+ enter: /* @__PURE__ */ __name(function enter() {
+ if (this.animationState !== "enter" && this.$value.enterClass) {
+ this.$el.style.opacity = "";
+ removeClass(this.$el, this.$value.leaveClass);
+ addClass(this.$el, this.$value.enterClass);
+ this.$modifiers.once && this.unbindIntersectionObserver(this.$el);
+ this.bindAnimationEvents();
+ this.animationState = "enter";
+ }
+ }, "enter"),
+ leave: /* @__PURE__ */ __name(function leave() {
+ if (this.animationState !== "leave" && this.$value.leaveClass) {
+ this.$el.style.opacity = this.$value.enterClass ? "0" : "";
+ removeClass(this.$el, this.$value.enterClass);
+ addClass(this.$el, this.$value.leaveClass);
+ this.bindAnimationEvents();
+ this.animationState = "leave";
+ }
+ }, "leave"),
+ unbindAnimationEvents: /* @__PURE__ */ __name(function unbindAnimationEvents() {
+ if (this.animationEndListener) {
+ this.$el.removeEventListener("animationend", this.animationEndListener);
+ this.animationEndListener = void 0;
+ }
+ }, "unbindAnimationEvents"),
+ unbindIntersectionObserver: /* @__PURE__ */ __name(function unbindIntersectionObserver() {
+ var _this$observer, _this$resetObserver;
+ (_this$observer = this.observer) === null || _this$observer === void 0 || _this$observer.unobserve(this.$el);
+ (_this$resetObserver = this.resetObserver) === null || _this$resetObserver === void 0 || _this$resetObserver.unobserve(this.$el);
+ this.isObserverActive = false;
+ }, "unbindIntersectionObserver")
+ }
+});
+var theme$B = /* @__PURE__ */ __name(function theme2(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-avatar {\n display: inline-flex;\n align-items: center;\n justify-content: center;\n width: ".concat(dt("avatar.width"), ";\n height: ").concat(dt("avatar.height"), ";\n font-size: ").concat(dt("avatar.font.size"), ";\n background: ").concat(dt("avatar.background"), ";\n color: ").concat(dt("avatar.color"), ";\n border-radius: ").concat(dt("avatar.border.radius"), ";\n}\n\n.p-avatar-image {\n background: transparent;\n}\n\n.p-avatar-circle {\n border-radius: 50%;\n}\n\n.p-avatar-circle img {\n border-radius: 50%;\n}\n\n.p-avatar-icon {\n font-size: ").concat(dt("avatar.icon.size"), ";\n width: ").concat(dt("avatar.icon.size"), ";\n height: ").concat(dt("avatar.icon.size"), ";\n}\n\n.p-avatar img {\n width: 100%;\n height: 100%;\n}\n\n.p-avatar-lg {\n width: ").concat(dt("avatar.lg.width"), ";\n height: ").concat(dt("avatar.lg.width"), ";\n font-size: ").concat(dt("avatar.lg.font.size"), ";\n}\n\n.p-avatar-lg .p-avatar-icon {\n font-size: ").concat(dt("avatar.lg.icon.size"), ";\n width: ").concat(dt("avatar.lg.icon.size"), ";\n height: ").concat(dt("avatar.lg.icon.size"), ";\n}\n\n.p-avatar-xl {\n width: ").concat(dt("avatar.xl.width"), ";\n height: ").concat(dt("avatar.xl.width"), ";\n font-size: ").concat(dt("avatar.xl.font.size"), ";\n}\n\n.p-avatar-xl .p-avatar-icon {\n font-size: ").concat(dt("avatar.xl.icon.size"), ";\n width: ").concat(dt("avatar.xl.icon.size"), ";\n height: ").concat(dt("avatar.xl.icon.size"), ";\n}\n\n.p-avatar-group {\n display: flex;\n align-items: center;\n}\n\n.p-avatar-group .p-avatar + .p-avatar {\n margin-inline-start: ").concat(dt("avatar.group.offset"), ";\n}\n\n.p-avatar-group .p-avatar {\n border: 2px solid ").concat(dt("avatar.group.border.color"), ";\n}\n\n.p-avatar-group .p-avatar-lg + .p-avatar-lg {\n margin-inline-start: ").concat(dt("avatar.lg.group.offset"), ";\n}\n\n.p-avatar-group .p-avatar-xl + .p-avatar-xl {\n margin-inline-start: ").concat(dt("avatar.xl.group.offset"), ";\n}\n");
+}, "theme");
+var classes$H = {
+ root: /* @__PURE__ */ __name(function root2(_ref2) {
+ var props = _ref2.props;
+ return ["p-avatar p-component", {
+ "p-avatar-image": props.image != null,
+ "p-avatar-circle": props.shape === "circle",
+ "p-avatar-lg": props.size === "large",
+ "p-avatar-xl": props.size === "xlarge"
+ }];
+ }, "root"),
+ label: "p-avatar-label",
+ icon: "p-avatar-icon"
+};
+var AvatarStyle = BaseStyle.extend({
+ name: "avatar",
+ theme: theme$B,
+ classes: classes$H
+});
+var script$1$I = {
+ name: "BaseAvatar",
+ "extends": script$1f,
+ props: {
+ label: {
+ type: String,
+ "default": null
+ },
+ icon: {
+ type: String,
+ "default": null
+ },
+ image: {
+ type: String,
+ "default": null
+ },
+ size: {
+ type: String,
+ "default": "normal"
+ },
+ shape: {
+ type: String,
+ "default": "square"
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: AvatarStyle,
+ provide: /* @__PURE__ */ __name(function provide6() {
+ return {
+ $pcAvatar: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$16 = {
+ name: "Avatar",
+ "extends": script$1$I,
+ inheritAttrs: false,
+ emits: ["error"],
+ methods: {
+ onError: /* @__PURE__ */ __name(function onError(event2) {
+ this.$emit("error", event2);
+ }, "onError")
+ }
+};
+var _hoisted_1$u = ["aria-labelledby", "aria-label"];
+var _hoisted_2$m = ["src", "alt"];
+function render$Z(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-label": _ctx.ariaLabel
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default", {}, function() {
+ return [_ctx.label ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": _ctx.cx("label")
+ }, _ctx.ptm("label")), toDisplayString(_ctx.label), 17)) : _ctx.$slots.icon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.icon), {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("icon"))
+ }, null, 8, ["class"])) : _ctx.icon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 2,
+ "class": [_ctx.cx("icon"), _ctx.icon]
+ }, _ctx.ptm("icon")), null, 16)) : _ctx.image ? (openBlock(), createElementBlock("img", mergeProps({
+ key: 3,
+ src: _ctx.image,
+ alt: _ctx.ariaLabel,
+ onError: _cache[0] || (_cache[0] = function() {
+ return $options.onError && $options.onError.apply($options, arguments);
+ })
+ }, _ctx.ptm("image")), null, 16, _hoisted_2$m)) : createCommentVNode("", true)];
+ })], 16, _hoisted_1$u);
+}
+__name(render$Z, "render$Z");
+script$16.render = render$Z;
+var classes$G = {
+ root: "p-avatar-group p-component"
+};
+var AvatarGroupStyle = BaseStyle.extend({
+ name: "avatargroup",
+ classes: classes$G
+});
+var script$1$H = {
+ name: "BaseAvatarGroup",
+ "extends": script$1f,
+ style: AvatarGroupStyle,
+ provide: /* @__PURE__ */ __name(function provide7() {
+ return {
+ $pcAvatarGroup: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$15 = {
+ name: "AvatarGroup",
+ "extends": script$1$H,
+ inheritAttrs: false
+};
+function render$Y(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$Y, "render$Y");
+script$15.render = render$Y;
+var classes$F = {
+ root: "p-badge p-component"
+};
+var BadgeDirectiveStyle = BaseStyle.extend({
+ name: "badge-directive",
+ classes: classes$F
+});
+var BaseBadgeDirective = BaseDirective.extend({
+ style: BadgeDirectiveStyle
+});
+function _typeof$m(o) {
+ "@babel/helpers - typeof";
+ return _typeof$m = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$m(o);
+}
+__name(_typeof$m, "_typeof$m");
+function ownKeys$j(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$j, "ownKeys$j");
+function _objectSpread$j(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$j(Object(t2), true).forEach(function(r2) {
+ _defineProperty$k(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$j(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$j, "_objectSpread$j");
+function _defineProperty$k(e, r, t2) {
+ return (r = _toPropertyKey$k(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$k, "_defineProperty$k");
+function _toPropertyKey$k(t2) {
+ var i = _toPrimitive$k(t2, "string");
+ return "symbol" == _typeof$m(i) ? i : i + "";
+}
+__name(_toPropertyKey$k, "_toPropertyKey$k");
+function _toPrimitive$k(t2, r) {
+ if ("object" != _typeof$m(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$m(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$k, "_toPrimitive$k");
+var BadgeDirective = BaseBadgeDirective.extend("badge", {
+ mounted: /* @__PURE__ */ __name(function mounted4(el, binding) {
+ console.warn("Deprecated since v4. Use OverlayBadge component instead.");
+ var id4 = UniqueComponentId() + "_badge";
+ var badge = createElement("span", _defineProperty$k(_defineProperty$k({
+ id: id4,
+ "class": !this.isUnstyled() && this.cx("root")
+ }, this.$attrSelector, ""), "p-bind", this.ptm("root", {
+ context: _objectSpread$j(_objectSpread$j({}, binding.modifiers), {}, {
+ nogutter: String(binding.value).length === 1,
+ dot: binding.value == null
+ })
+ })));
+ el.$_pbadgeId = badge.getAttribute("id");
+ for (var modifier in binding.modifiers) {
+ !this.isUnstyled() && addClass(badge, "p-badge-" + modifier);
+ }
+ if (binding.value != null) {
+ if (_typeof$m(binding.value) === "object") el.$_badgeValue = binding.value.value;
+ else el.$_badgeValue = binding.value;
+ badge.appendChild(document.createTextNode(el.$_badgeValue));
+ if (String(el.$_badgeValue).length === 1 && !this.isUnstyled()) {
+ !this.isUnstyled() && addClass(badge, "p-badge-circle");
+ }
+ } else {
+ !this.isUnstyled() && addClass(badge, "p-badge-dot");
+ }
+ el.setAttribute("data-pd-badge", true);
+ !this.isUnstyled() && addClass(el, "p-overlay-badge");
+ el.setAttribute("data-p-overlay-badge", "true");
+ el.appendChild(badge);
+ this.$el = badge;
+ }, "mounted"),
+ updated: /* @__PURE__ */ __name(function updated(el, binding) {
+ !this.isUnstyled() && addClass(el, "p-overlay-badge");
+ el.setAttribute("data-p-overlay-badge", "true");
+ if (binding.oldValue !== binding.value) {
+ var badge = document.getElementById(el.$_pbadgeId);
+ if (_typeof$m(binding.value) === "object") el.$_badgeValue = binding.value.value;
+ else el.$_badgeValue = binding.value;
+ if (!this.isUnstyled()) {
+ if (el.$_badgeValue) {
+ if (hasClass(badge, "p-badge-dot")) removeClass(badge, "p-badge-dot");
+ if (el.$_badgeValue.length === 1) addClass(badge, "p-badge-circle");
+ else removeClass(badge, "p-badge-circle");
+ } else if (!el.$_badgeValue && !hasClass(badge, "p-badge-dot")) {
+ addClass(badge, "p-badge-dot");
+ }
+ }
+ badge.innerHTML = "";
+ badge.appendChild(document.createTextNode(el.$_badgeValue));
+ }
+ }, "updated")
+});
+var theme$A = /* @__PURE__ */ __name(function theme3(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-breadcrumb {\n background: ".concat(dt("breadcrumb.background"), ";\n padding: ").concat(dt("breadcrumb.padding"), ";\n overflow-x: auto;\n}\n\n.p-breadcrumb-list {\n margin: 0;\n padding: 0;\n list-style-type: none;\n display: flex;\n align-items: center;\n flex-wrap: nowrap;\n gap: ").concat(dt("breadcrumb.gap"), ";\n}\n\n.p-breadcrumb-separator {\n display: flex;\n align-items: center;\n color: ").concat(dt("breadcrumb.separator.color"), ";\n}\n\n.p-breadcrumb-separator-icon:dir(rtl) {\n transform: rotate(180deg);\n}\n\n.p-breadcrumb::-webkit-scrollbar {\n display: none;\n}\n\n.p-breadcrumb-item-link {\n text-decoration: none;\n display: flex;\n align-items: center;\n gap: ").concat(dt("breadcrumb.item.gap"), ";\n transition: background ").concat(dt("breadcrumb.transition.duration"), ", color ").concat(dt("breadcrumb.transition.duration"), ", outline-color ").concat(dt("breadcrumb.transition.duration"), ", box-shadow ").concat(dt("breadcrumb.transition.duration"), ";\n border-radius: ").concat(dt("breadcrumb.item.border.radius"), ";\n outline-color: transparent;\n color: ").concat(dt("breadcrumb.item.color"), ";\n}\n\n.p-breadcrumb-item-link:focus-visible {\n box-shadow: ").concat(dt("breadcrumb.item.focus.ring.shadow"), ";\n outline: ").concat(dt("breadcrumb.item.focus.ring.width"), " ").concat(dt("breadcrumb.item.focus.ring.style"), " ").concat(dt("breadcrumb.item.focus.ring.color"), ";\n outline-offset: ").concat(dt("breadcrumb.item.focus.ring.offset"), ";\n}\n\n.p-breadcrumb-item-link:hover .p-breadcrumb-item-label {\n color: ").concat(dt("breadcrumb.item.hover.color"), ";\n}\n\n.p-breadcrumb-item-label {\n transition: inherit;\n}\n\n.p-breadcrumb-item-icon {\n color: ").concat(dt("breadcrumb.item.icon.color"), ";\n transition: inherit;\n}\n\n.p-breadcrumb-item-link:hover .p-breadcrumb-item-icon {\n color: ").concat(dt("breadcrumb.item.icon.hover.color"), ";\n}\n");
+}, "theme");
+var classes$E = {
+ root: "p-breadcrumb p-component",
+ list: "p-breadcrumb-list",
+ homeItem: "p-breadcrumb-home-item",
+ separator: "p-breadcrumb-separator",
+ separatorIcon: "p-breadcrumb-separator-icon",
+ item: /* @__PURE__ */ __name(function item(_ref2) {
+ var instance = _ref2.instance;
+ return ["p-breadcrumb-item", {
+ "p-disabled": instance.disabled()
+ }];
+ }, "item"),
+ itemLink: "p-breadcrumb-item-link",
+ itemIcon: "p-breadcrumb-item-icon",
+ itemLabel: "p-breadcrumb-item-label"
+};
+var BreadcrumbStyle = BaseStyle.extend({
+ name: "breadcrumb",
+ theme: theme$A,
+ classes: classes$E
+});
+var script$2$9 = {
+ name: "BaseBreadcrumb",
+ "extends": script$1f,
+ props: {
+ model: {
+ type: Array,
+ "default": null
+ },
+ home: {
+ type: null,
+ "default": null
+ }
+ },
+ style: BreadcrumbStyle,
+ provide: /* @__PURE__ */ __name(function provide8() {
+ return {
+ $pcBreadcrumb: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1$G = {
+ name: "BreadcrumbItem",
+ hostName: "Breadcrumb",
+ "extends": script$1f,
+ props: {
+ item: null,
+ templates: null,
+ index: null
+ },
+ methods: {
+ onClick: /* @__PURE__ */ __name(function onClick2(event2) {
+ if (this.item.command) {
+ this.item.command({
+ originalEvent: event2,
+ item: this.item
+ });
+ }
+ }, "onClick"),
+ visible: /* @__PURE__ */ __name(function visible() {
+ return typeof this.item.visible === "function" ? this.item.visible() : this.item.visible !== false;
+ }, "visible"),
+ disabled: /* @__PURE__ */ __name(function disabled() {
+ return typeof this.item.disabled === "function" ? this.item.disabled() : this.item.disabled;
+ }, "disabled"),
+ label: /* @__PURE__ */ __name(function label() {
+ return typeof this.item.label === "function" ? this.item.label() : this.item.label;
+ }, "label"),
+ isCurrentUrl: /* @__PURE__ */ __name(function isCurrentUrl() {
+ var _this$item = this.item, to = _this$item.to, url = _this$item.url;
+ var lastPath = typeof window !== "undefined" ? window.location.pathname : "";
+ return to === lastPath || url === lastPath ? "page" : void 0;
+ }, "isCurrentUrl")
+ },
+ computed: {
+ ptmOptions: /* @__PURE__ */ __name(function ptmOptions() {
+ return {
+ context: {
+ item: this.item,
+ index: this.index
+ }
+ };
+ }, "ptmOptions"),
+ getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps() {
+ var _this = this;
+ return {
+ action: mergeProps({
+ "class": this.cx("itemLink"),
+ "aria-current": this.isCurrentUrl(),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return _this.onClick($event);
+ }, "onClick")
+ }, this.ptm("itemLink", this.ptmOptions)),
+ icon: mergeProps({
+ "class": [this.cx("icon"), this.item.icon]
+ }, this.ptm("icon", this.ptmOptions)),
+ label: mergeProps({
+ "class": this.cx("label")
+ }, this.ptm("label", this.ptmOptions))
+ };
+ }, "getMenuItemProps")
+ }
+};
+var _hoisted_1$t = ["href", "target", "aria-current"];
+function render$1$9(_ctx, _cache, $props, $setup, $data, $options) {
+ return $options.visible() ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ "class": [_ctx.cx("item"), $props.item["class"]]
+ }, _ctx.ptm("item", $options.ptmOptions)), [!$props.templates.item ? (openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ href: $props.item.url || "#",
+ "class": _ctx.cx("itemLink"),
+ target: $props.item.target,
+ "aria-current": $options.isCurrentUrl(),
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.onClick && $options.onClick.apply($options, arguments);
+ })
+ }, _ctx.ptm("itemLink", $options.ptmOptions)), [$props.templates && $props.templates.itemicon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.itemicon), {
+ key: 0,
+ item: $props.item,
+ "class": normalizeClass(_ctx.cx("itemIcon", $options.ptmOptions))
+ }, null, 8, ["item", "class"])) : $props.item.icon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": [_ctx.cx("itemIcon"), $props.item.icon]
+ }, _ctx.ptm("itemIcon", $options.ptmOptions)), null, 16)) : createCommentVNode("", true), $props.item.label ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 2,
+ "class": _ctx.cx("itemLabel")
+ }, _ctx.ptm("itemLabel", $options.ptmOptions)), toDisplayString($options.label()), 17)) : createCommentVNode("", true)], 16, _hoisted_1$t)) : (openBlock(), createBlock(resolveDynamicComponent($props.templates.item), {
+ key: 1,
+ item: $props.item,
+ label: $options.label(),
+ props: $options.getMenuItemProps
+ }, null, 8, ["item", "label", "props"]))], 16)) : createCommentVNode("", true);
+}
+__name(render$1$9, "render$1$9");
+script$1$G.render = render$1$9;
+var script$14 = {
+ name: "Breadcrumb",
+ "extends": script$2$9,
+ inheritAttrs: false,
+ components: {
+ BreadcrumbItem: script$1$G,
+ ChevronRightIcon: script$1i
+ }
+};
+function render$X(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_BreadcrumbItem = resolveComponent("BreadcrumbItem");
+ var _component_ChevronRightIcon = resolveComponent("ChevronRightIcon");
+ return openBlock(), createElementBlock("nav", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("ol", mergeProps({
+ "class": _ctx.cx("list")
+ }, _ctx.ptm("list")), [_ctx.home ? (openBlock(), createBlock(_component_BreadcrumbItem, mergeProps({
+ key: 0,
+ item: _ctx.home,
+ "class": _ctx.cx("homeItem"),
+ templates: _ctx.$slots,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, _ctx.ptm("homeItem")), null, 16, ["item", "class", "templates", "pt", "unstyled"])) : createCommentVNode("", true), (openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.model, function(item8, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: item8.label + "_" + i
+ }, [_ctx.home || i !== 0 ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ "class": _ctx.cx("separator"),
+ ref_for: true
+ }, _ctx.ptm("separator")), [renderSlot(_ctx.$slots, "separator", {}, function() {
+ return [createVNode(_component_ChevronRightIcon, mergeProps({
+ "aria-hidden": "true",
+ "class": _ctx.cx("separatorIcon"),
+ ref_for: true
+ }, _ctx.ptm("separatorIcon")), null, 16, ["class"])];
+ })], 16)) : createCommentVNode("", true), createVNode(_component_BreadcrumbItem, {
+ item: item8,
+ index: i,
+ templates: _ctx.$slots,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, null, 8, ["item", "index", "templates", "pt", "unstyled"])], 64);
+ }), 128))], 16)], 16);
+}
+__name(render$X, "render$X");
+script$14.render = render$X;
+var script$13 = {
+ name: "CalendarIcon",
+ "extends": script$1j
+};
+function render$W(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ d: "M10.7838 1.51351H9.83783V0.567568C9.83783 0.417039 9.77804 0.272676 9.6716 0.166237C9.56516 0.0597971 9.42079 0 9.27027 0C9.11974 0 8.97538 0.0597971 8.86894 0.166237C8.7625 0.272676 8.7027 0.417039 8.7027 0.567568V1.51351H5.29729V0.567568C5.29729 0.417039 5.2375 0.272676 5.13106 0.166237C5.02462 0.0597971 4.88025 0 4.72973 0C4.5792 0 4.43484 0.0597971 4.3284 0.166237C4.22196 0.272676 4.16216 0.417039 4.16216 0.567568V1.51351H3.21621C2.66428 1.51351 2.13494 1.73277 1.74467 2.12305C1.35439 2.51333 1.13513 3.04266 1.13513 3.59459V11.9189C1.13513 12.4709 1.35439 13.0002 1.74467 13.3905C2.13494 13.7807 2.66428 14 3.21621 14H10.7838C11.3357 14 11.865 13.7807 12.2553 13.3905C12.6456 13.0002 12.8649 12.4709 12.8649 11.9189V3.59459C12.8649 3.04266 12.6456 2.51333 12.2553 2.12305C11.865 1.73277 11.3357 1.51351 10.7838 1.51351ZM3.21621 2.64865H4.16216V3.59459C4.16216 3.74512 4.22196 3.88949 4.3284 3.99593C4.43484 4.10237 4.5792 4.16216 4.72973 4.16216C4.88025 4.16216 5.02462 4.10237 5.13106 3.99593C5.2375 3.88949 5.29729 3.74512 5.29729 3.59459V2.64865H8.7027V3.59459C8.7027 3.74512 8.7625 3.88949 8.86894 3.99593C8.97538 4.10237 9.11974 4.16216 9.27027 4.16216C9.42079 4.16216 9.56516 4.10237 9.6716 3.99593C9.77804 3.88949 9.83783 3.74512 9.83783 3.59459V2.64865H10.7838C11.0347 2.64865 11.2753 2.74831 11.4527 2.92571C11.6301 3.10311 11.7297 3.34371 11.7297 3.59459V5.67568H2.27027V3.59459C2.27027 3.34371 2.36993 3.10311 2.54733 2.92571C2.72473 2.74831 2.96533 2.64865 3.21621 2.64865ZM10.7838 12.8649H3.21621C2.96533 12.8649 2.72473 12.7652 2.54733 12.5878C2.36993 12.4104 2.27027 12.1698 2.27027 11.9189V6.81081H11.7297V11.9189C11.7297 12.1698 11.6301 12.4104 11.4527 12.5878C11.2753 12.7652 11.0347 12.8649 10.7838 12.8649Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$W, "render$W");
+script$13.render = render$W;
+var theme$z = /* @__PURE__ */ __name(function theme4(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-datepicker {\n display: inline-flex;\n max-width: 100%;\n}\n\n.p-datepicker-input {\n flex: 1 1 auto;\n width: 1%;\n}\n\n.p-datepicker:has(.p-datepicker-dropdown) .p-datepicker-input {\n border-start-end-radius: 0;\n border-end-end-radius: 0;\n}\n\n.p-datepicker-dropdown {\n cursor: pointer;\n display: inline-flex;\n user-select: none;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n position: relative;\n width: ".concat(dt("datepicker.dropdown.width"), ";\n border-start-end-radius: ").concat(dt("datepicker.dropdown.border.radius"), ";\n border-end-end-radius: ").concat(dt("datepicker.dropdown.border.radius"), ";\n background: ").concat(dt("datepicker.dropdown.background"), ";\n border: 1px solid ").concat(dt("datepicker.dropdown.border.color"), ";\n border-inline-start: 0 none;\n color: ").concat(dt("datepicker.dropdown.color"), ";\n transition: background ").concat(dt("datepicker.transition.duration"), ", color ").concat(dt("datepicker.transition.duration"), ", border-color ").concat(dt("datepicker.transition.duration"), ", outline-color ").concat(dt("datepicker.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-datepicker-dropdown:not(:disabled):hover {\n background: ").concat(dt("datepicker.dropdown.hover.background"), ";\n border-color: ").concat(dt("datepicker.dropdown.hover.border.color"), ";\n color: ").concat(dt("datepicker.dropdown.hover.color"), ";\n}\n\n.p-datepicker-dropdown:not(:disabled):active {\n background: ").concat(dt("datepicker.dropdown.active.background"), ";\n border-color: ").concat(dt("datepicker.dropdown.active.border.color"), ";\n color: ").concat(dt("datepicker.dropdown.active.color"), ";\n}\n\n.p-datepicker-dropdown:focus-visible {\n box-shadow: ").concat(dt("datepicker.dropdown.focus.ring.shadow"), ";\n outline: ").concat(dt("datepicker.dropdown.focus.ring.width"), " ").concat(dt("datepicker.dropdown.focus.ring.style"), " ").concat(dt("datepicker.dropdown.focus.ring.color"), ";\n outline-offset: ").concat(dt("datepicker.dropdown.focus.ring.offset"), ";\n}\n\n.p-datepicker:has(.p-datepicker-input-icon-container) {\n position: relative;\n}\n\n.p-datepicker:has(.p-datepicker-input-icon-container) .p-datepicker-input {\n padding-inline-end: calc((").concat(dt("form.field.padding.x"), " * 2) + ").concat(dt("icon.size"), ");\n}\n\n.p-datepicker-input-icon-container {\n cursor: pointer;\n position: absolute;\n top: 50%;\n inset-inline-end: ").concat(dt("form.field.padding.x"), ";\n margin-block-start: calc(-1 * (").concat(dt("icon.size"), " / 2));\n color: ").concat(dt("datepicker.input.icon.color"), ";\n line-height: 1;\n}\n\n.p-datepicker-fluid {\n display: flex;\n}\n\n.p-datepicker-fluid .p-datepicker-input {\n width: 1%;\n}\n\n.p-datepicker .p-datepicker-panel {\n min-width: 100%;\n}\n\n.p-datepicker-panel {\n width: auto;\n padding: ").concat(dt("datepicker.panel.padding"), ";\n background: ").concat(dt("datepicker.panel.background"), ";\n color: ").concat(dt("datepicker.panel.color"), ";\n border: 1px solid ").concat(dt("datepicker.panel.border.color"), ";\n border-radius: ").concat(dt("datepicker.panel.border.radius"), ";\n box-shadow: ").concat(dt("datepicker.panel.shadow"), ";\n}\n\n.p-datepicker-panel-inline {\n display: inline-block;\n overflow-x: auto;\n box-shadow: none;\n}\n\n.p-datepicker-header {\n display: flex;\n align-items: center;\n justify-content: space-between;\n padding: ").concat(dt("datepicker.header.padding"), ";\n background: ").concat(dt("datepicker.header.background"), ";\n color: ").concat(dt("datepicker.header.color"), ";\n border-block-end: 1px solid ").concat(dt("datepicker.header.border.color"), ";\n}\n\n.p-datepicker-next-button:dir(rtl) {\n order: -1;\n}\n\n.p-datepicker-prev-button:dir(rtl) {\n order: 1;\n}\n\n.p-datepicker-title {\n display: flex;\n align-items: center;\n justify-content: space-between;\n gap: ").concat(dt("datepicker.title.gap"), ";\n font-weight: ").concat(dt("datepicker.title.font.weight"), ";\n}\n\n.p-datepicker-select-year,\n.p-datepicker-select-month {\n border: none;\n background: transparent;\n margin: 0;\n cursor: pointer;\n font-weight: inherit;\n transition: background ").concat(dt("datepicker.transition.duration"), ", color ").concat(dt("datepicker.transition.duration"), ", border-color ").concat(dt("datepicker.transition.duration"), ", outline-color ").concat(dt("datepicker.transition.duration"), ", box-shadow ").concat(dt("datepicker.transition.duration"), ";\n}\n\n.p-datepicker-select-month {\n padding: ").concat(dt("datepicker.select.month.padding"), ";\n color: ").concat(dt("datepicker.select.month.color"), ";\n border-radius: ").concat(dt("datepicker.select.month.border.radius"), ";\n}\n\n.p-datepicker-select-year {\n padding: ").concat(dt("datepicker.select.year.padding"), ";\n color: ").concat(dt("datepicker.select.year.color"), ";\n border-radius: ").concat(dt("datepicker.select.year.border.radius"), ";\n}\n\n.p-datepicker-select-month:enabled:hover {\n background: ").concat(dt("datepicker.select.month.hover.background"), ";\n color: ").concat(dt("datepicker.select.month.hover.color"), ";\n}\n\n.p-datepicker-select-year:enabled:hover {\n background: ").concat(dt("datepicker.select.year.hover.background"), ";\n color: ").concat(dt("datepicker.select.year.hover.color"), ";\n}\n\n.p-datepicker-select-month:focus-visible,\n.p-datepicker-select-year:focus-visible {\n box-shadow: ").concat(dt("datepicker.date.focus.ring.shadow"), ";\n outline: ").concat(dt("datepicker.date.focus.ring.width"), " ").concat(dt("datepicker.date.focus.ring.style"), " ").concat(dt("datepicker.date.focus.ring.color"), ";\n outline-offset: ").concat(dt("datepicker.date.focus.ring.offset"), ";\n}\n\n.p-datepicker-calendar-container {\n display: flex;\n}\n\n.p-datepicker-calendar-container .p-datepicker-calendar {\n flex: 1 1 auto;\n border-inline-start: 1px solid ").concat(dt("datepicker.group.border.color"), ";\n padding-inline-end: ").concat(dt("datepicker.group.gap"), ";\n padding-inline-start: ").concat(dt("datepicker.group.gap"), ";\n}\n\n.p-datepicker-calendar-container .p-datepicker-calendar:first-child {\n padding-inline-start: 0;\n border-inline-start: 0 none;\n}\n\n.p-datepicker-calendar-container .p-datepicker-calendar:last-child {\n padding-inline-end: 0;\n}\n\n.p-datepicker-day-view {\n width: 100%;\n border-collapse: collapse;\n font-size: 1rem;\n margin: ").concat(dt("datepicker.day.view.margin"), ";\n}\n\n.p-datepicker-weekday-cell {\n padding: ").concat(dt("datepicker.week.day.padding"), ";\n}\n\n.p-datepicker-weekday {\n font-weight: ").concat(dt("datepicker.week.day.font.weight"), ";\n color: ").concat(dt("datepicker.week.day.color"), ";\n}\n\n.p-datepicker-day-cell {\n padding: ").concat(dt("datepicker.date.padding"), ";\n}\n\n.p-datepicker-day {\n display: flex;\n justify-content: center;\n align-items: center;\n cursor: pointer;\n margin: 0 auto;\n overflow: hidden;\n position: relative;\n width: ").concat(dt("datepicker.date.width"), ";\n height: ").concat(dt("datepicker.date.height"), ";\n border-radius: ").concat(dt("datepicker.date.border.radius"), ";\n transition: background ").concat(dt("datepicker.transition.duration"), ", color ").concat(dt("datepicker.transition.duration"), ", border-color ").concat(dt("datepicker.transition.duration"), ", box-shadow ").concat(dt("datepicker.transition.duration"), ", outline-color ").concat(dt("datepicker.transition.duration"), ";\n border: 1px solid transparent;\n outline-color: transparent;\n color: ").concat(dt("datepicker.date.color"), ";\n}\n\n.p-datepicker-day:not(.p-datepicker-day-selected):not(.p-disabled):hover {\n background: ").concat(dt("datepicker.date.hover.background"), ";\n color: ").concat(dt("datepicker.date.hover.color"), ";\n}\n\n.p-datepicker-day:focus-visible {\n box-shadow: ").concat(dt("datepicker.date.focus.ring.shadow"), ";\n outline: ").concat(dt("datepicker.date.focus.ring.width"), " ").concat(dt("datepicker.date.focus.ring.style"), " ").concat(dt("datepicker.date.focus.ring.color"), ";\n outline-offset: ").concat(dt("datepicker.date.focus.ring.offset"), ";\n}\n\n.p-datepicker-day-selected {\n background: ").concat(dt("datepicker.date.selected.background"), ";\n color: ").concat(dt("datepicker.date.selected.color"), ";\n}\n\n.p-datepicker-day-selected-range {\n background: ").concat(dt("datepicker.date.range.selected.background"), ";\n color: ").concat(dt("datepicker.date.range.selected.color"), ";\n}\n\n.p-datepicker-today > .p-datepicker-day {\n background: ").concat(dt("datepicker.today.background"), ";\n color: ").concat(dt("datepicker.today.color"), ";\n}\n\n.p-datepicker-today > .p-datepicker-day-selected {\n background: ").concat(dt("datepicker.date.selected.background"), ";\n color: ").concat(dt("datepicker.date.selected.color"), ";\n}\n\n.p-datepicker-today > .p-datepicker-day-selected-range {\n background: ").concat(dt("datepicker.date.range.selected.background"), ";\n color: ").concat(dt("datepicker.date.range.selected.color"), ";\n}\n\n.p-datepicker-weeknumber {\n text-align: center;\n}\n\n.p-datepicker-month-view {\n margin: ").concat(dt("datepicker.month.view.margin"), ";\n}\n\n.p-datepicker-month {\n width: 33.3%;\n display: inline-flex;\n align-items: center;\n justify-content: center;\n cursor: pointer;\n overflow: hidden;\n position: relative;\n padding: ").concat(dt("datepicker.month.padding"), ";\n transition: background ").concat(dt("datepicker.transition.duration"), ", color ").concat(dt("datepicker.transition.duration"), ", border-color ").concat(dt("datepicker.transition.duration"), ", box-shadow ").concat(dt("datepicker.transition.duration"), ", outline-color ").concat(dt("datepicker.transition.duration"), ";\n border-radius: ").concat(dt("datepicker.month.border.radius"), ";\n outline-color: transparent;\n color: ").concat(dt("datepicker.date.color"), ";\n}\n\n.p-datepicker-month:not(.p-disabled):not(.p-datepicker-month-selected):hover {\n color: ").concat(dt("datepicker.date.hover.color"), ";\n background: ").concat(dt("datepicker.date.hover.background"), ";\n}\n\n.p-datepicker-month-selected {\n color: ").concat(dt("datepicker.date.selected.color"), ";\n background: ").concat(dt("datepicker.date.selected.background"), ";\n}\n\n.p-datepicker-month:not(.p-disabled):focus-visible {\n box-shadow: ").concat(dt("datepicker.date.focus.ring.shadow"), ";\n outline: ").concat(dt("datepicker.date.focus.ring.width"), " ").concat(dt("datepicker.date.focus.ring.style"), " ").concat(dt("datepicker.date.focus.ring.color"), ";\n outline-offset: ").concat(dt("datepicker.date.focus.ring.offset"), ";\n}\n\n.p-datepicker-year-view {\n margin: ").concat(dt("datepicker.year.view.margin"), ";\n}\n\n.p-datepicker-year {\n width: 50%;\n display: inline-flex;\n align-items: center;\n justify-content: center;\n cursor: pointer;\n overflow: hidden;\n position: relative;\n padding: ").concat(dt("datepicker.year.padding"), ";\n transition: background ").concat(dt("datepicker.transition.duration"), ", color ").concat(dt("datepicker.transition.duration"), ", border-color ").concat(dt("datepicker.transition.duration"), ", box-shadow ").concat(dt("datepicker.transition.duration"), ", outline-color ").concat(dt("datepicker.transition.duration"), ";\n border-radius: ").concat(dt("datepicker.year.border.radius"), ";\n outline-color: transparent;\n color: ").concat(dt("datepicker.date.color"), ";\n}\n\n.p-datepicker-year:not(.p-disabled):not(.p-datepicker-year-selected):hover {\n color: ").concat(dt("datepicker.date.hover.color"), ";\n background: ").concat(dt("datepicker.date.hover.background"), ";\n}\n\n.p-datepicker-year-selected {\n color: ").concat(dt("datepicker.date.selected.color"), ";\n background: ").concat(dt("datepicker.date.selected.background"), ";\n}\n\n.p-datepicker-year:not(.p-disabled):focus-visible {\n box-shadow: ").concat(dt("datepicker.date.focus.ring.shadow"), ";\n outline: ").concat(dt("datepicker.date.focus.ring.width"), " ").concat(dt("datepicker.date.focus.ring.style"), " ").concat(dt("datepicker.date.focus.ring.color"), ";\n outline-offset: ").concat(dt("datepicker.date.focus.ring.offset"), ";\n}\n\n.p-datepicker-buttonbar {\n display: flex;\n justify-content: space-between;\n align-items: center;\n padding: ").concat(dt("datepicker.buttonbar.padding"), ";\n border-block-start: 1px solid ").concat(dt("datepicker.buttonbar.border.color"), ";\n}\n\n.p-datepicker-buttonbar .p-button {\n width: auto;\n}\n\n.p-datepicker-time-picker {\n display: flex;\n justify-content: center;\n align-items: center;\n border-block-start: 1px solid ").concat(dt("datepicker.time.picker.border.color"), ";\n padding: 0;\n gap: ").concat(dt("datepicker.time.picker.gap"), ";\n}\n\n.p-datepicker-calendar-container + .p-datepicker-time-picker {\n padding: ").concat(dt("datepicker.time.picker.padding"), ";\n}\n\n.p-datepicker-time-picker > div {\n display: flex;\n align-items: center;\n flex-direction: column;\n gap: ").concat(dt("datepicker.time.picker.button.gap"), ";\n}\n\n.p-datepicker-time-picker span {\n font-size: 1rem;\n}\n\n.p-datepicker-timeonly .p-datepicker-time-picker {\n border-block-start: 0 none;\n}\n\n.p-datepicker:has(.p-inputtext-sm) .p-datepicker-dropdown {\n width: ").concat(dt("datepicker.dropdown.sm.width"), ";\n}\n\n.p-datepicker:has(.p-inputtext-sm) .p-datepicker-dropdown .p-icon,\n.p-datepicker:has(.p-inputtext-sm) .p-datepicker-input-icon {\n font-size: ").concat(dt("form.field.sm.font.size"), ";\n width: ").concat(dt("form.field.sm.font.size"), ";\n height: ").concat(dt("form.field.sm.font.size"), ";\n}\n\n.p-datepicker:has(.p-inputtext-lg) .p-datepicker-dropdown {\n width: ").concat(dt("datepicker.dropdown.lg.width"), ";\n}\n\n.p-datepicker:has(.p-inputtext-lg) .p-datepicker-dropdown .p-icon,\n.p-datepicker:has(.p-inputtext-lg) .p-datepicker-input-icon {\n font-size: ").concat(dt("form.field.lg.font.size"), ";\n width: ").concat(dt("form.field.lg.font.size"), ";\n height: ").concat(dt("form.field.lg.font.size"), ";\n}\n");
+}, "theme");
+var inlineStyles$8 = {
+ root: /* @__PURE__ */ __name(function root3(_ref2) {
+ var props = _ref2.props;
+ return {
+ position: props.appendTo === "self" ? "relative" : void 0
+ };
+ }, "root")
+};
+var classes$D = {
+ root: /* @__PURE__ */ __name(function root4(_ref3) {
+ var instance = _ref3.instance, state = _ref3.state;
+ return ["p-datepicker p-component p-inputwrapper", {
+ "p-invalid": instance.$invalid,
+ "p-inputwrapper-filled": instance.$filled,
+ "p-inputwrapper-focus": state.focused || state.overlayVisible,
+ "p-focus": state.focused || state.overlayVisible,
+ "p-datepicker-fluid": instance.$fluid
+ }];
+ }, "root"),
+ pcInputText: "p-datepicker-input",
+ dropdown: "p-datepicker-dropdown",
+ inputIconContainer: "p-datepicker-input-icon-container",
+ inputIcon: "p-datepicker-input-icon",
+ panel: /* @__PURE__ */ __name(function panel(_ref4) {
+ var props = _ref4.props;
+ return ["p-datepicker-panel p-component", {
+ "p-datepicker-panel-inline": props.inline,
+ "p-disabled": props.disabled,
+ "p-datepicker-timeonly": props.timeOnly
+ }];
+ }, "panel"),
+ calendarContainer: "p-datepicker-calendar-container",
+ calendar: "p-datepicker-calendar",
+ header: "p-datepicker-header",
+ pcPrevButton: "p-datepicker-prev-button",
+ title: "p-datepicker-title",
+ selectMonth: "p-datepicker-select-month",
+ selectYear: "p-datepicker-select-year",
+ decade: "p-datepicker-decade",
+ pcNextButton: "p-datepicker-next-button",
+ dayView: "p-datepicker-day-view",
+ weekHeader: "p-datepicker-weekheader p-disabled",
+ weekNumber: "p-datepicker-weeknumber",
+ weekLabelContainer: "p-datepicker-weeklabel-container p-disabled",
+ weekDayCell: "p-datepicker-weekday-cell",
+ weekDay: "p-datepicker-weekday",
+ dayCell: /* @__PURE__ */ __name(function dayCell(_ref5) {
+ var date = _ref5.date;
+ return ["p-datepicker-day-cell", {
+ "p-datepicker-other-month": date.otherMonth,
+ "p-datepicker-today": date.today
+ }];
+ }, "dayCell"),
+ day: /* @__PURE__ */ __name(function day(_ref6) {
+ var instance = _ref6.instance, props = _ref6.props, date = _ref6.date;
+ var selectedDayClass = "";
+ if (instance.isRangeSelection() && instance.isSelected(date) && date.selectable) {
+ selectedDayClass = instance.isDateEquals(props.modelValue[0], date) || instance.isDateEquals(props.modelValue[1], date) ? "p-datepicker-day-selected" : "p-datepicker-day-selected-range";
+ }
+ return ["p-datepicker-day", {
+ "p-datepicker-day-selected": !instance.isRangeSelection() && instance.isSelected(date) && date.selectable,
+ "p-disabled": props.disabled || !date.selectable
+ }, selectedDayClass];
+ }, "day"),
+ monthView: "p-datepicker-month-view",
+ month: /* @__PURE__ */ __name(function month(_ref7) {
+ var instance = _ref7.instance, props = _ref7.props, _month = _ref7.month, index = _ref7.index;
+ return ["p-datepicker-month", {
+ "p-datepicker-month-selected": instance.isMonthSelected(index),
+ "p-disabled": props.disabled || !_month.selectable
+ }];
+ }, "month"),
+ yearView: "p-datepicker-year-view",
+ year: /* @__PURE__ */ __name(function year(_ref8) {
+ var instance = _ref8.instance, props = _ref8.props, _year = _ref8.year;
+ return ["p-datepicker-year", {
+ "p-datepicker-year-selected": instance.isYearSelected(_year.value),
+ "p-disabled": props.disabled || !_year.selectable
+ }];
+ }, "year"),
+ timePicker: "p-datepicker-time-picker",
+ hourPicker: "p-datepicker-hour-picker",
+ pcIncrementButton: "p-datepicker-increment-button",
+ pcDecrementButton: "p-datepicker-decrement-button",
+ separator: "p-datepicker-separator",
+ minutePicker: "p-datepicker-minute-picker",
+ secondPicker: "p-datepicker-second-picker",
+ ampmPicker: "p-datepicker-ampm-picker",
+ buttonbar: "p-datepicker-buttonbar",
+ pcTodayButton: "p-datepicker-today-button",
+ pcClearButton: "p-datepicker-clear-button"
+};
+var DatePickerStyle = BaseStyle.extend({
+ name: "datepicker",
+ theme: theme$z,
+ classes: classes$D,
+ inlineStyles: inlineStyles$8
+});
+var script$1$F = {
+ name: "BaseDatePicker",
+ "extends": script$1k,
+ props: {
+ selectionMode: {
+ type: String,
+ "default": "single"
+ },
+ dateFormat: {
+ type: String,
+ "default": null
+ },
+ inline: {
+ type: Boolean,
+ "default": false
+ },
+ showOtherMonths: {
+ type: Boolean,
+ "default": true
+ },
+ selectOtherMonths: {
+ type: Boolean,
+ "default": false
+ },
+ showIcon: {
+ type: Boolean,
+ "default": false
+ },
+ iconDisplay: {
+ type: String,
+ "default": "button"
+ },
+ icon: {
+ type: String,
+ "default": void 0
+ },
+ prevIcon: {
+ type: String,
+ "default": void 0
+ },
+ nextIcon: {
+ type: String,
+ "default": void 0
+ },
+ incrementIcon: {
+ type: String,
+ "default": void 0
+ },
+ decrementIcon: {
+ type: String,
+ "default": void 0
+ },
+ numberOfMonths: {
+ type: Number,
+ "default": 1
+ },
+ responsiveOptions: Array,
+ breakpoint: {
+ type: String,
+ "default": "769px"
+ },
+ view: {
+ type: String,
+ "default": "date"
+ },
+ minDate: {
+ type: Date,
+ value: null
+ },
+ maxDate: {
+ type: Date,
+ value: null
+ },
+ disabledDates: {
+ type: Array,
+ value: null
+ },
+ disabledDays: {
+ type: Array,
+ value: null
+ },
+ maxDateCount: {
+ type: Number,
+ value: null
+ },
+ showOnFocus: {
+ type: Boolean,
+ "default": true
+ },
+ autoZIndex: {
+ type: Boolean,
+ "default": true
+ },
+ baseZIndex: {
+ type: Number,
+ "default": 0
+ },
+ showButtonBar: {
+ type: Boolean,
+ "default": false
+ },
+ shortYearCutoff: {
+ type: String,
+ "default": "+10"
+ },
+ showTime: {
+ type: Boolean,
+ "default": false
+ },
+ timeOnly: {
+ type: Boolean,
+ "default": false
+ },
+ hourFormat: {
+ type: String,
+ "default": "24"
+ },
+ stepHour: {
+ type: Number,
+ "default": 1
+ },
+ stepMinute: {
+ type: Number,
+ "default": 1
+ },
+ stepSecond: {
+ type: Number,
+ "default": 1
+ },
+ showSeconds: {
+ type: Boolean,
+ "default": false
+ },
+ hideOnDateTimeSelect: {
+ type: Boolean,
+ "default": false
+ },
+ hideOnRangeSelection: {
+ type: Boolean,
+ "default": false
+ },
+ timeSeparator: {
+ type: String,
+ "default": ":"
+ },
+ showWeek: {
+ type: Boolean,
+ "default": false
+ },
+ manualInput: {
+ type: Boolean,
+ "default": true
+ },
+ appendTo: {
+ type: [String, Object],
+ "default": "body"
+ },
+ readonly: {
+ type: Boolean,
+ "default": false
+ },
+ placeholder: {
+ type: String,
+ "default": null
+ },
+ id: {
+ type: String,
+ "default": null
+ },
+ inputId: {
+ type: String,
+ "default": null
+ },
+ inputClass: {
+ type: [String, Object],
+ "default": null
+ },
+ inputStyle: {
+ type: Object,
+ "default": null
+ },
+ panelClass: {
+ type: [String, Object],
+ "default": null
+ },
+ panelStyle: {
+ type: Object,
+ "default": null
+ },
+ todayButtonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default2() {
+ return {
+ severity: "secondary",
+ text: true,
+ size: "small"
+ };
+ }, "_default")
+ },
+ clearButtonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default3() {
+ return {
+ severity: "secondary",
+ text: true,
+ size: "small"
+ };
+ }, "_default")
+ },
+ navigatorButtonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default4() {
+ return {
+ severity: "secondary",
+ text: true,
+ rounded: true
+ };
+ }, "_default")
+ },
+ timepickerButtonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default5() {
+ return {
+ severity: "secondary",
+ text: true,
+ rounded: true
+ };
+ }, "_default")
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: DatePickerStyle,
+ provide: /* @__PURE__ */ __name(function provide9() {
+ return {
+ $pcDatePicker: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _typeof$l(o) {
+ "@babel/helpers - typeof";
+ return _typeof$l = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$l(o);
+}
+__name(_typeof$l, "_typeof$l");
+function _toConsumableArray$d(r) {
+ return _arrayWithoutHoles$d(r) || _iterableToArray$d(r) || _unsupportedIterableToArray$e(r) || _nonIterableSpread$d();
+}
+__name(_toConsumableArray$d, "_toConsumableArray$d");
+function _nonIterableSpread$d() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$d, "_nonIterableSpread$d");
+function _iterableToArray$d(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$d, "_iterableToArray$d");
+function _arrayWithoutHoles$d(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$e(r);
+}
+__name(_arrayWithoutHoles$d, "_arrayWithoutHoles$d");
+function _createForOfIteratorHelper$4(r, e) {
+ var t2 = "undefined" != typeof Symbol && r[Symbol.iterator] || r["@@iterator"];
+ if (!t2) {
+ if (Array.isArray(r) || (t2 = _unsupportedIterableToArray$e(r)) || e) {
+ t2 && (r = t2);
+ var _n = 0, F = /* @__PURE__ */ __name(function F2() {
+ }, "F");
+ return { s: F, n: /* @__PURE__ */ __name(function n() {
+ return _n >= r.length ? { done: true } : { done: false, value: r[_n++] };
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ throw r2;
+ }, "e"), f: F };
+ }
+ throw new TypeError("Invalid attempt to iterate non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+ }
+ var o, a = true, u = false;
+ return { s: /* @__PURE__ */ __name(function s() {
+ t2 = t2.call(r);
+ }, "s"), n: /* @__PURE__ */ __name(function n() {
+ var r2 = t2.next();
+ return a = r2.done, r2;
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ u = true, o = r2;
+ }, "e"), f: /* @__PURE__ */ __name(function f() {
+ try {
+ a || null == t2["return"] || t2["return"]();
+ } finally {
+ if (u) throw o;
+ }
+ }, "f") };
+}
+__name(_createForOfIteratorHelper$4, "_createForOfIteratorHelper$4");
+function _unsupportedIterableToArray$e(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$e(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$e(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$e, "_unsupportedIterableToArray$e");
+function _arrayLikeToArray$e(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$e, "_arrayLikeToArray$e");
+var script$12 = {
+ name: "DatePicker",
+ "extends": script$1$F,
+ inheritAttrs: false,
+ emits: ["show", "hide", "input", "month-change", "year-change", "date-select", "today-click", "clear-click", "focus", "blur", "keydown"],
+ inject: {
+ $pcFluid: {
+ "default": null
+ }
+ },
+ navigationState: null,
+ timePickerChange: false,
+ scrollHandler: null,
+ outsideClickListener: null,
+ resizeListener: null,
+ matchMediaListener: null,
+ overlay: null,
+ input: null,
+ previousButton: null,
+ nextButton: null,
+ timePickerTimer: null,
+ preventFocus: false,
+ typeUpdate: false,
+ data: /* @__PURE__ */ __name(function data2() {
+ return {
+ d_id: this.id,
+ currentMonth: null,
+ currentYear: null,
+ currentHour: null,
+ currentMinute: null,
+ currentSecond: null,
+ pm: null,
+ focused: false,
+ overlayVisible: false,
+ currentView: this.view,
+ query: null,
+ queryMatches: false
+ };
+ }, "data"),
+ watch: {
+ id: /* @__PURE__ */ __name(function id3(newValue) {
+ this.d_id = newValue || UniqueComponentId();
+ }, "id"),
+ modelValue: /* @__PURE__ */ __name(function modelValue(newValue) {
+ this.updateCurrentMetaData();
+ if (!this.typeUpdate && !this.inline && this.input) {
+ this.input.value = this.inputFieldValue;
+ }
+ this.typeUpdate = false;
+ }, "modelValue"),
+ showTime: /* @__PURE__ */ __name(function showTime() {
+ this.updateCurrentMetaData();
+ }, "showTime"),
+ minDate: /* @__PURE__ */ __name(function minDate() {
+ this.updateCurrentMetaData();
+ }, "minDate"),
+ maxDate: /* @__PURE__ */ __name(function maxDate() {
+ this.updateCurrentMetaData();
+ }, "maxDate"),
+ months: /* @__PURE__ */ __name(function months() {
+ if (this.overlay) {
+ if (!this.focused) {
+ if (this.inline) {
+ this.preventFocus = true;
+ }
+ setTimeout(this.updateFocus, 0);
+ }
+ }
+ }, "months"),
+ numberOfMonths: /* @__PURE__ */ __name(function numberOfMonths() {
+ this.destroyResponsiveStyleElement();
+ this.createResponsiveStyle();
+ }, "numberOfMonths"),
+ responsiveOptions: /* @__PURE__ */ __name(function responsiveOptions() {
+ this.destroyResponsiveStyleElement();
+ this.createResponsiveStyle();
+ }, "responsiveOptions"),
+ currentView: /* @__PURE__ */ __name(function currentView() {
+ var _this = this;
+ Promise.resolve(null).then(function() {
+ return _this.alignOverlay();
+ });
+ }, "currentView"),
+ view: /* @__PURE__ */ __name(function view(newValue) {
+ this.currentView = newValue;
+ }, "view")
+ },
+ created: /* @__PURE__ */ __name(function created2() {
+ this.updateCurrentMetaData();
+ }, "created"),
+ mounted: /* @__PURE__ */ __name(function mounted5() {
+ this.d_id = this.d_id || UniqueComponentId();
+ this.createResponsiveStyle();
+ this.bindMatchMediaListener();
+ if (this.inline) {
+ if (!this.disabled) {
+ this.preventFocus = true;
+ this.initFocusableCell();
+ }
+ } else {
+ this.input.value = this.inputFieldValue;
+ }
+ }, "mounted"),
+ updated: /* @__PURE__ */ __name(function updated2() {
+ if (this.overlay) {
+ this.preventFocus = true;
+ setTimeout(this.updateFocus, 0);
+ }
+ if (this.input && this.selectionStart != null && this.selectionEnd != null) {
+ this.input.selectionStart = this.selectionStart;
+ this.input.selectionEnd = this.selectionEnd;
+ this.selectionStart = null;
+ this.selectionEnd = null;
+ }
+ }, "updated"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount() {
+ if (this.timePickerTimer) {
+ clearTimeout(this.timePickerTimer);
+ }
+ this.destroyResponsiveStyleElement();
+ this.unbindOutsideClickListener();
+ this.unbindResizeListener();
+ this.unbindMatchMediaListener();
+ if (this.scrollHandler) {
+ this.scrollHandler.destroy();
+ this.scrollHandler = null;
+ }
+ if (this.overlay && this.autoZIndex) {
+ ZIndex.clear(this.overlay);
+ }
+ this.overlay = null;
+ }, "beforeUnmount"),
+ methods: {
+ isComparable: /* @__PURE__ */ __name(function isComparable() {
+ return this.d_value != null && typeof this.d_value !== "string";
+ }, "isComparable"),
+ isSelected: /* @__PURE__ */ __name(function isSelected(dateMeta) {
+ if (!this.isComparable()) {
+ return false;
+ }
+ if (this.d_value) {
+ if (this.isSingleSelection()) {
+ return this.isDateEquals(this.d_value, dateMeta);
+ } else if (this.isMultipleSelection()) {
+ var selected3 = false;
+ var _iterator = _createForOfIteratorHelper$4(this.d_value), _step;
+ try {
+ for (_iterator.s(); !(_step = _iterator.n()).done; ) {
+ var date = _step.value;
+ selected3 = this.isDateEquals(date, dateMeta);
+ if (selected3) {
+ break;
+ }
+ }
+ } catch (err) {
+ _iterator.e(err);
+ } finally {
+ _iterator.f();
+ }
+ return selected3;
+ } else if (this.isRangeSelection()) {
+ if (this.d_value[1]) return this.isDateEquals(this.d_value[0], dateMeta) || this.isDateEquals(this.d_value[1], dateMeta) || this.isDateBetween(this.d_value[0], this.d_value[1], dateMeta);
+ else {
+ return this.isDateEquals(this.d_value[0], dateMeta);
+ }
+ }
+ }
+ return false;
+ }, "isSelected"),
+ isMonthSelected: /* @__PURE__ */ __name(function isMonthSelected(month2) {
+ var _this2 = this;
+ if (!this.isComparable()) return false;
+ if (this.isMultipleSelection()) {
+ return this.d_value.some(function(currentValue) {
+ return currentValue.getMonth() === month2 && currentValue.getFullYear() === _this2.currentYear;
+ });
+ } else if (this.isRangeSelection()) {
+ if (!this.d_value[1]) {
+ var _this$d_value$, _this$d_value$2;
+ return ((_this$d_value$ = this.d_value[0]) === null || _this$d_value$ === void 0 ? void 0 : _this$d_value$.getFullYear()) === this.currentYear && ((_this$d_value$2 = this.d_value[0]) === null || _this$d_value$2 === void 0 ? void 0 : _this$d_value$2.getMonth()) === month2;
+ } else {
+ var currentDate = new Date(this.currentYear, month2, 1);
+ var startDate = new Date(this.d_value[0].getFullYear(), this.d_value[0].getMonth(), 1);
+ var endDate = new Date(this.d_value[1].getFullYear(), this.d_value[1].getMonth(), 1);
+ return currentDate >= startDate && currentDate <= endDate;
+ }
+ } else {
+ return this.d_value.getMonth() === month2 && this.d_value.getFullYear() === this.currentYear;
+ }
+ }, "isMonthSelected"),
+ isYearSelected: /* @__PURE__ */ __name(function isYearSelected(year2) {
+ if (!this.isComparable()) return false;
+ if (this.isMultipleSelection()) {
+ return this.d_value.some(function(currentValue) {
+ return currentValue.getFullYear() === year2;
+ });
+ } else if (this.isRangeSelection()) {
+ var start = this.d_value[0] ? this.d_value[0].getFullYear() : null;
+ var end = this.d_value[1] ? this.d_value[1].getFullYear() : null;
+ return start === year2 || end === year2 || start < year2 && end > year2;
+ } else {
+ return this.d_value.getFullYear() === year2;
+ }
+ }, "isYearSelected"),
+ isDateEquals: /* @__PURE__ */ __name(function isDateEquals(value2, dateMeta) {
+ if (value2) return value2.getDate() === dateMeta.day && value2.getMonth() === dateMeta.month && value2.getFullYear() === dateMeta.year;
+ else return false;
+ }, "isDateEquals"),
+ isDateBetween: /* @__PURE__ */ __name(function isDateBetween(start, end, dateMeta) {
+ var between = false;
+ if (start && end) {
+ var date = new Date(dateMeta.year, dateMeta.month, dateMeta.day);
+ return start.getTime() <= date.getTime() && end.getTime() >= date.getTime();
+ }
+ return between;
+ }, "isDateBetween"),
+ getFirstDayOfMonthIndex: /* @__PURE__ */ __name(function getFirstDayOfMonthIndex(month2, year2) {
+ var day2 = /* @__PURE__ */ new Date();
+ day2.setDate(1);
+ day2.setMonth(month2);
+ day2.setFullYear(year2);
+ var dayIndex = day2.getDay() + this.sundayIndex;
+ return dayIndex >= 7 ? dayIndex - 7 : dayIndex;
+ }, "getFirstDayOfMonthIndex"),
+ getDaysCountInMonth: /* @__PURE__ */ __name(function getDaysCountInMonth(month2, year2) {
+ return 32 - this.daylightSavingAdjust(new Date(year2, month2, 32)).getDate();
+ }, "getDaysCountInMonth"),
+ getDaysCountInPrevMonth: /* @__PURE__ */ __name(function getDaysCountInPrevMonth(month2, year2) {
+ var prev = this.getPreviousMonthAndYear(month2, year2);
+ return this.getDaysCountInMonth(prev.month, prev.year);
+ }, "getDaysCountInPrevMonth"),
+ getPreviousMonthAndYear: /* @__PURE__ */ __name(function getPreviousMonthAndYear(month2, year2) {
+ var m, y;
+ if (month2 === 0) {
+ m = 11;
+ y = year2 - 1;
+ } else {
+ m = month2 - 1;
+ y = year2;
+ }
+ return {
+ month: m,
+ year: y
+ };
+ }, "getPreviousMonthAndYear"),
+ getNextMonthAndYear: /* @__PURE__ */ __name(function getNextMonthAndYear(month2, year2) {
+ var m, y;
+ if (month2 === 11) {
+ m = 0;
+ y = year2 + 1;
+ } else {
+ m = month2 + 1;
+ y = year2;
+ }
+ return {
+ month: m,
+ year: y
+ };
+ }, "getNextMonthAndYear"),
+ daylightSavingAdjust: /* @__PURE__ */ __name(function daylightSavingAdjust(date) {
+ if (!date) {
+ return null;
+ }
+ date.setHours(date.getHours() > 12 ? date.getHours() + 2 : 0);
+ return date;
+ }, "daylightSavingAdjust"),
+ isToday: /* @__PURE__ */ __name(function isToday(today, day2, month2, year2) {
+ return today.getDate() === day2 && today.getMonth() === month2 && today.getFullYear() === year2;
+ }, "isToday"),
+ isSelectable: /* @__PURE__ */ __name(function isSelectable(day2, month2, year2, otherMonth) {
+ var validMin = true;
+ var validMax = true;
+ var validDate = true;
+ var validDay = true;
+ if (otherMonth && !this.selectOtherMonths) {
+ return false;
+ }
+ if (this.minDate) {
+ if (this.minDate.getFullYear() > year2) {
+ validMin = false;
+ } else if (this.minDate.getFullYear() === year2) {
+ if (this.minDate.getMonth() > month2) {
+ validMin = false;
+ } else if (this.minDate.getMonth() === month2) {
+ if (this.minDate.getDate() > day2) {
+ validMin = false;
+ }
+ }
+ }
+ }
+ if (this.maxDate) {
+ if (this.maxDate.getFullYear() < year2) {
+ validMax = false;
+ } else if (this.maxDate.getFullYear() === year2) {
+ if (this.maxDate.getMonth() < month2) {
+ validMax = false;
+ } else if (this.maxDate.getMonth() === month2) {
+ if (this.maxDate.getDate() < day2) {
+ validMax = false;
+ }
+ }
+ }
+ }
+ if (this.disabledDates) {
+ validDate = !this.isDateDisabled(day2, month2, year2);
+ }
+ if (this.disabledDays) {
+ validDay = !this.isDayDisabled(day2, month2, year2);
+ }
+ return validMin && validMax && validDate && validDay;
+ }, "isSelectable"),
+ onOverlayEnter: /* @__PURE__ */ __name(function onOverlayEnter(el) {
+ var styles = !this.inline ? {
+ position: "absolute",
+ top: "0",
+ left: "0"
+ } : void 0;
+ addStyle(el, styles);
+ if (this.autoZIndex) {
+ ZIndex.set("overlay", el, this.baseZIndex || this.$primevue.config.zIndex.overlay);
+ }
+ this.alignOverlay();
+ this.$emit("show");
+ }, "onOverlayEnter"),
+ onOverlayEnterComplete: /* @__PURE__ */ __name(function onOverlayEnterComplete() {
+ this.bindOutsideClickListener();
+ this.bindScrollListener();
+ this.bindResizeListener();
+ }, "onOverlayEnterComplete"),
+ onOverlayAfterLeave: /* @__PURE__ */ __name(function onOverlayAfterLeave(el) {
+ if (this.autoZIndex) {
+ ZIndex.clear(el);
+ }
+ }, "onOverlayAfterLeave"),
+ onOverlayLeave: /* @__PURE__ */ __name(function onOverlayLeave() {
+ this.currentView = this.view;
+ this.unbindOutsideClickListener();
+ this.unbindScrollListener();
+ this.unbindResizeListener();
+ this.$emit("hide");
+ this.overlay = null;
+ }, "onOverlayLeave"),
+ onPrevButtonClick: /* @__PURE__ */ __name(function onPrevButtonClick(event2) {
+ this.navigationState = {
+ backward: true,
+ button: true
+ };
+ this.navBackward(event2);
+ }, "onPrevButtonClick"),
+ onNextButtonClick: /* @__PURE__ */ __name(function onNextButtonClick(event2) {
+ this.navigationState = {
+ backward: false,
+ button: true
+ };
+ this.navForward(event2);
+ }, "onNextButtonClick"),
+ navBackward: /* @__PURE__ */ __name(function navBackward(event2) {
+ event2.preventDefault();
+ if (!this.isEnabled()) {
+ return;
+ }
+ if (this.currentView === "month") {
+ this.decrementYear();
+ this.$emit("year-change", {
+ month: this.currentMonth,
+ year: this.currentYear
+ });
+ } else if (this.currentView === "year") {
+ this.decrementDecade();
+ } else {
+ if (event2.shiftKey) {
+ this.decrementYear();
+ } else {
+ if (this.currentMonth === 0) {
+ this.currentMonth = 11;
+ this.decrementYear();
+ } else {
+ this.currentMonth--;
+ }
+ this.$emit("month-change", {
+ month: this.currentMonth + 1,
+ year: this.currentYear
+ });
+ }
+ }
+ }, "navBackward"),
+ navForward: /* @__PURE__ */ __name(function navForward(event2) {
+ event2.preventDefault();
+ if (!this.isEnabled()) {
+ return;
+ }
+ if (this.currentView === "month") {
+ this.incrementYear();
+ this.$emit("year-change", {
+ month: this.currentMonth,
+ year: this.currentYear
+ });
+ } else if (this.currentView === "year") {
+ this.incrementDecade();
+ } else {
+ if (event2.shiftKey) {
+ this.incrementYear();
+ } else {
+ if (this.currentMonth === 11) {
+ this.currentMonth = 0;
+ this.incrementYear();
+ } else {
+ this.currentMonth++;
+ }
+ this.$emit("month-change", {
+ month: this.currentMonth + 1,
+ year: this.currentYear
+ });
+ }
+ }
+ }, "navForward"),
+ decrementYear: /* @__PURE__ */ __name(function decrementYear() {
+ this.currentYear--;
+ }, "decrementYear"),
+ decrementDecade: /* @__PURE__ */ __name(function decrementDecade() {
+ this.currentYear = this.currentYear - 10;
+ }, "decrementDecade"),
+ incrementYear: /* @__PURE__ */ __name(function incrementYear() {
+ this.currentYear++;
+ }, "incrementYear"),
+ incrementDecade: /* @__PURE__ */ __name(function incrementDecade() {
+ this.currentYear = this.currentYear + 10;
+ }, "incrementDecade"),
+ switchToMonthView: /* @__PURE__ */ __name(function switchToMonthView(event2) {
+ this.currentView = "month";
+ setTimeout(this.updateFocus, 0);
+ event2.preventDefault();
+ }, "switchToMonthView"),
+ switchToYearView: /* @__PURE__ */ __name(function switchToYearView(event2) {
+ this.currentView = "year";
+ setTimeout(this.updateFocus, 0);
+ event2.preventDefault();
+ }, "switchToYearView"),
+ isEnabled: /* @__PURE__ */ __name(function isEnabled() {
+ return !this.disabled && !this.readonly;
+ }, "isEnabled"),
+ updateCurrentTimeMeta: /* @__PURE__ */ __name(function updateCurrentTimeMeta(date) {
+ var currentHour = date.getHours();
+ if (this.hourFormat === "12") {
+ this.pm = currentHour > 11;
+ if (currentHour >= 12) currentHour = currentHour == 12 ? 12 : currentHour - 12;
+ }
+ this.currentHour = Math.floor(currentHour / this.stepHour) * this.stepHour;
+ this.currentMinute = Math.floor(date.getMinutes() / this.stepMinute) * this.stepMinute;
+ this.currentSecond = Math.floor(date.getSeconds() / this.stepSecond) * this.stepSecond;
+ }, "updateCurrentTimeMeta"),
+ bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener() {
+ var _this3 = this;
+ if (!this.outsideClickListener) {
+ this.outsideClickListener = function(event2) {
+ if (_this3.overlayVisible && _this3.isOutsideClicked(event2)) {
+ _this3.overlayVisible = false;
+ }
+ };
+ document.addEventListener("mousedown", this.outsideClickListener);
+ }
+ }, "bindOutsideClickListener"),
+ unbindOutsideClickListener: /* @__PURE__ */ __name(function unbindOutsideClickListener() {
+ if (this.outsideClickListener) {
+ document.removeEventListener("mousedown", this.outsideClickListener);
+ this.outsideClickListener = null;
+ }
+ }, "unbindOutsideClickListener"),
+ bindScrollListener: /* @__PURE__ */ __name(function bindScrollListener() {
+ var _this4 = this;
+ if (!this.scrollHandler) {
+ this.scrollHandler = new ConnectedOverlayScrollHandler(this.$refs.container, function() {
+ if (_this4.overlayVisible) {
+ _this4.overlayVisible = false;
+ }
+ });
+ }
+ this.scrollHandler.bindScrollListener();
+ }, "bindScrollListener"),
+ unbindScrollListener: /* @__PURE__ */ __name(function unbindScrollListener() {
+ if (this.scrollHandler) {
+ this.scrollHandler.unbindScrollListener();
+ }
+ }, "unbindScrollListener"),
+ bindResizeListener: /* @__PURE__ */ __name(function bindResizeListener() {
+ var _this5 = this;
+ if (!this.resizeListener) {
+ this.resizeListener = function() {
+ if (_this5.overlayVisible && !isTouchDevice()) {
+ _this5.overlayVisible = false;
+ }
+ };
+ window.addEventListener("resize", this.resizeListener);
+ }
+ }, "bindResizeListener"),
+ unbindResizeListener: /* @__PURE__ */ __name(function unbindResizeListener() {
+ if (this.resizeListener) {
+ window.removeEventListener("resize", this.resizeListener);
+ this.resizeListener = null;
+ }
+ }, "unbindResizeListener"),
+ bindMatchMediaListener: /* @__PURE__ */ __name(function bindMatchMediaListener() {
+ var _this6 = this;
+ if (!this.matchMediaListener) {
+ var query = matchMedia("(max-width: ".concat(this.breakpoint, ")"));
+ this.query = query;
+ this.queryMatches = query.matches;
+ this.matchMediaListener = function() {
+ _this6.queryMatches = query.matches;
+ _this6.mobileActive = false;
+ };
+ this.query.addEventListener("change", this.matchMediaListener);
+ }
+ }, "bindMatchMediaListener"),
+ unbindMatchMediaListener: /* @__PURE__ */ __name(function unbindMatchMediaListener() {
+ if (this.matchMediaListener) {
+ this.query.removeEventListener("change", this.matchMediaListener);
+ this.matchMediaListener = null;
+ }
+ }, "unbindMatchMediaListener"),
+ isOutsideClicked: /* @__PURE__ */ __name(function isOutsideClicked(event2) {
+ return !(this.$el.isSameNode(event2.target) || this.isNavIconClicked(event2) || this.$el.contains(event2.target) || this.overlay && this.overlay.contains(event2.target));
+ }, "isOutsideClicked"),
+ isNavIconClicked: /* @__PURE__ */ __name(function isNavIconClicked(event2) {
+ return this.previousButton && (this.previousButton.isSameNode(event2.target) || this.previousButton.contains(event2.target)) || this.nextButton && (this.nextButton.isSameNode(event2.target) || this.nextButton.contains(event2.target));
+ }, "isNavIconClicked"),
+ alignOverlay: /* @__PURE__ */ __name(function alignOverlay() {
+ if (this.overlay) {
+ if (this.appendTo === "self" || this.inline) {
+ relativePosition(this.overlay, this.$el);
+ } else {
+ if (this.view === "date") {
+ this.overlay.style.width = getOuterWidth(this.overlay) + "px";
+ this.overlay.style.minWidth = getOuterWidth(this.$el) + "px";
+ } else {
+ this.overlay.style.width = getOuterWidth(this.$el) + "px";
+ }
+ absolutePosition(this.overlay, this.$el);
+ }
+ }
+ }, "alignOverlay"),
+ onButtonClick: /* @__PURE__ */ __name(function onButtonClick() {
+ if (this.isEnabled()) {
+ if (!this.overlayVisible) {
+ this.input.focus();
+ this.overlayVisible = true;
+ } else {
+ this.overlayVisible = false;
+ }
+ }
+ }, "onButtonClick"),
+ isDateDisabled: /* @__PURE__ */ __name(function isDateDisabled(day2, month2, year2) {
+ if (this.disabledDates) {
+ var _iterator2 = _createForOfIteratorHelper$4(this.disabledDates), _step2;
+ try {
+ for (_iterator2.s(); !(_step2 = _iterator2.n()).done; ) {
+ var disabledDate = _step2.value;
+ if (disabledDate.getFullYear() === year2 && disabledDate.getMonth() === month2 && disabledDate.getDate() === day2) {
+ return true;
+ }
+ }
+ } catch (err) {
+ _iterator2.e(err);
+ } finally {
+ _iterator2.f();
+ }
+ }
+ return false;
+ }, "isDateDisabled"),
+ isDayDisabled: /* @__PURE__ */ __name(function isDayDisabled(day2, month2, year2) {
+ if (this.disabledDays) {
+ var weekday = new Date(year2, month2, day2);
+ var weekdayNumber = weekday.getDay();
+ return this.disabledDays.indexOf(weekdayNumber) !== -1;
+ }
+ return false;
+ }, "isDayDisabled"),
+ onMonthDropdownChange: /* @__PURE__ */ __name(function onMonthDropdownChange(value2) {
+ this.currentMonth = parseInt(value2);
+ this.$emit("month-change", {
+ month: this.currentMonth + 1,
+ year: this.currentYear
+ });
+ }, "onMonthDropdownChange"),
+ onYearDropdownChange: /* @__PURE__ */ __name(function onYearDropdownChange(value2) {
+ this.currentYear = parseInt(value2);
+ this.$emit("year-change", {
+ month: this.currentMonth + 1,
+ year: this.currentYear
+ });
+ }, "onYearDropdownChange"),
+ onDateSelect: /* @__PURE__ */ __name(function onDateSelect(event2, dateMeta) {
+ var _this7 = this;
+ if (this.disabled || !dateMeta.selectable) {
+ return;
+ }
+ find(this.overlay, 'table td span:not([data-p-disabled="true"])').forEach(function(cell) {
+ return cell.tabIndex = -1;
+ });
+ if (event2) {
+ event2.currentTarget.focus();
+ }
+ if (this.isMultipleSelection() && this.isSelected(dateMeta)) {
+ var newValue = this.d_value.filter(function(date) {
+ return !_this7.isDateEquals(date, dateMeta);
+ });
+ this.updateModel(newValue);
+ } else {
+ if (this.shouldSelectDate(dateMeta)) {
+ if (dateMeta.otherMonth) {
+ this.currentMonth = dateMeta.month;
+ this.currentYear = dateMeta.year;
+ this.selectDate(dateMeta);
+ } else {
+ this.selectDate(dateMeta);
+ }
+ }
+ }
+ if (this.isSingleSelection() && (!this.showTime || this.hideOnDateTimeSelect)) {
+ if (this.input) {
+ this.input.focus();
+ }
+ setTimeout(function() {
+ _this7.overlayVisible = false;
+ }, 150);
+ }
+ }, "onDateSelect"),
+ selectDate: /* @__PURE__ */ __name(function selectDate(dateMeta) {
+ var _this8 = this;
+ var date = new Date(dateMeta.year, dateMeta.month, dateMeta.day);
+ if (this.showTime) {
+ this.hourFormat === "12" && this.currentHour !== 12 && this.pm ? date.setHours(this.currentHour + 12) : date.setHours(this.currentHour);
+ date.setMinutes(this.currentMinute);
+ date.setSeconds(this.currentSecond);
+ }
+ if (this.minDate && this.minDate > date) {
+ date = this.minDate;
+ this.currentHour = date.getHours();
+ this.currentMinute = date.getMinutes();
+ this.currentSecond = date.getSeconds();
+ }
+ if (this.maxDate && this.maxDate < date) {
+ date = this.maxDate;
+ this.currentHour = date.getHours();
+ this.currentMinute = date.getMinutes();
+ this.currentSecond = date.getSeconds();
+ }
+ var modelVal = null;
+ if (this.isSingleSelection()) {
+ modelVal = date;
+ } else if (this.isMultipleSelection()) {
+ modelVal = this.d_value ? [].concat(_toConsumableArray$d(this.d_value), [date]) : [date];
+ } else if (this.isRangeSelection()) {
+ if (this.d_value && this.d_value.length) {
+ var startDate = this.d_value[0];
+ var endDate = this.d_value[1];
+ if (!endDate && date.getTime() >= startDate.getTime()) {
+ endDate = date;
+ } else {
+ startDate = date;
+ endDate = null;
+ }
+ modelVal = [startDate, endDate];
+ } else {
+ modelVal = [date, null];
+ }
+ }
+ if (modelVal !== null) {
+ this.updateModel(modelVal);
+ }
+ if (this.isRangeSelection() && this.hideOnRangeSelection && modelVal[1] !== null) {
+ setTimeout(function() {
+ _this8.overlayVisible = false;
+ }, 150);
+ }
+ this.$emit("date-select", date);
+ }, "selectDate"),
+ updateModel: /* @__PURE__ */ __name(function updateModel(value2) {
+ this.writeValue(value2);
+ }, "updateModel"),
+ shouldSelectDate: /* @__PURE__ */ __name(function shouldSelectDate() {
+ if (this.isMultipleSelection()) return this.maxDateCount != null ? this.maxDateCount > (this.d_value ? this.d_value.length : 0) : true;
+ else return true;
+ }, "shouldSelectDate"),
+ isSingleSelection: /* @__PURE__ */ __name(function isSingleSelection() {
+ return this.selectionMode === "single";
+ }, "isSingleSelection"),
+ isRangeSelection: /* @__PURE__ */ __name(function isRangeSelection() {
+ return this.selectionMode === "range";
+ }, "isRangeSelection"),
+ isMultipleSelection: /* @__PURE__ */ __name(function isMultipleSelection() {
+ return this.selectionMode === "multiple";
+ }, "isMultipleSelection"),
+ formatValue: /* @__PURE__ */ __name(function formatValue(value2) {
+ if (typeof value2 === "string") {
+ return this.dateFormat ? this.formatDate(new Date(value2), this.dateFormat) : value2;
+ }
+ var formattedValue = "";
+ if (value2) {
+ try {
+ if (this.isSingleSelection()) {
+ formattedValue = this.formatDateTime(value2);
+ } else if (this.isMultipleSelection()) {
+ for (var i = 0; i < value2.length; i++) {
+ var dateAsString = this.formatDateTime(value2[i]);
+ formattedValue += dateAsString;
+ if (i !== value2.length - 1) {
+ formattedValue += ", ";
+ }
+ }
+ } else if (this.isRangeSelection()) {
+ if (value2 && value2.length) {
+ var startDate = value2[0];
+ var endDate = value2[1];
+ formattedValue = this.formatDateTime(startDate);
+ if (endDate) {
+ formattedValue += " - " + this.formatDateTime(endDate);
+ }
+ }
+ }
+ } catch (err) {
+ formattedValue = value2;
+ }
+ }
+ return formattedValue;
+ }, "formatValue"),
+ formatDateTime: /* @__PURE__ */ __name(function formatDateTime(date) {
+ var formattedValue = null;
+ if (date) {
+ if (this.timeOnly) {
+ formattedValue = this.formatTime(date);
+ } else {
+ formattedValue = this.formatDate(date, this.datePattern);
+ if (this.showTime) {
+ formattedValue += " " + this.formatTime(date);
+ }
+ }
+ }
+ return formattedValue;
+ }, "formatDateTime"),
+ formatDate: /* @__PURE__ */ __name(function formatDate(date, format) {
+ if (!date) {
+ return "";
+ }
+ var iFormat;
+ var lookAhead = /* @__PURE__ */ __name(function lookAhead2(match) {
+ var matches = iFormat + 1 < format.length && format.charAt(iFormat + 1) === match;
+ if (matches) {
+ iFormat++;
+ }
+ return matches;
+ }, "lookAhead"), formatNumber = /* @__PURE__ */ __name(function formatNumber2(match, value2, len) {
+ var num = "" + value2;
+ if (lookAhead(match)) {
+ while (num.length < len) {
+ num = "0" + num;
+ }
+ }
+ return num;
+ }, "formatNumber"), formatName = /* @__PURE__ */ __name(function formatName2(match, value2, shortNames, longNames) {
+ return lookAhead(match) ? longNames[value2] : shortNames[value2];
+ }, "formatName");
+ var output = "";
+ var literal = false;
+ if (date) {
+ for (iFormat = 0; iFormat < format.length; iFormat++) {
+ if (literal) {
+ if (format.charAt(iFormat) === "'" && !lookAhead("'")) {
+ literal = false;
+ } else {
+ output += format.charAt(iFormat);
+ }
+ } else {
+ switch (format.charAt(iFormat)) {
+ case "d":
+ output += formatNumber("d", date.getDate(), 2);
+ break;
+ case "D":
+ output += formatName("D", date.getDay(), this.$primevue.config.locale.dayNamesShort, this.$primevue.config.locale.dayNames);
+ break;
+ case "o":
+ output += formatNumber("o", Math.round((new Date(date.getFullYear(), date.getMonth(), date.getDate()).getTime() - new Date(date.getFullYear(), 0, 0).getTime()) / 864e5), 3);
+ break;
+ case "m":
+ output += formatNumber("m", date.getMonth() + 1, 2);
+ break;
+ case "M":
+ output += formatName("M", date.getMonth(), this.$primevue.config.locale.monthNamesShort, this.$primevue.config.locale.monthNames);
+ break;
+ case "y":
+ output += lookAhead("y") ? date.getFullYear() : (date.getFullYear() % 100 < 10 ? "0" : "") + date.getFullYear() % 100;
+ break;
+ case "@":
+ output += date.getTime();
+ break;
+ case "!":
+ output += date.getTime() * 1e4 + this.ticksTo1970;
+ break;
+ case "'":
+ if (lookAhead("'")) {
+ output += "'";
+ } else {
+ literal = true;
+ }
+ break;
+ default:
+ output += format.charAt(iFormat);
+ }
+ }
+ }
+ }
+ return output;
+ }, "formatDate"),
+ formatTime: /* @__PURE__ */ __name(function formatTime(date) {
+ if (!date) {
+ return "";
+ }
+ var output = "";
+ var hours = date.getHours();
+ var minutes = date.getMinutes();
+ var seconds = date.getSeconds();
+ if (this.hourFormat === "12" && hours > 11 && hours !== 12) {
+ hours -= 12;
+ }
+ if (this.hourFormat === "12") {
+ output += hours === 0 ? 12 : hours < 10 ? "0" + hours : hours;
+ } else {
+ output += hours < 10 ? "0" + hours : hours;
+ }
+ output += ":";
+ output += minutes < 10 ? "0" + minutes : minutes;
+ if (this.showSeconds) {
+ output += ":";
+ output += seconds < 10 ? "0" + seconds : seconds;
+ }
+ if (this.hourFormat === "12") {
+ output += date.getHours() > 11 ? " ".concat(this.$primevue.config.locale.pm) : " ".concat(this.$primevue.config.locale.am);
+ }
+ return output;
+ }, "formatTime"),
+ onTodayButtonClick: /* @__PURE__ */ __name(function onTodayButtonClick(event2) {
+ var date = /* @__PURE__ */ new Date();
+ var dateMeta = {
+ day: date.getDate(),
+ month: date.getMonth(),
+ year: date.getFullYear(),
+ otherMonth: date.getMonth() !== this.currentMonth || date.getFullYear() !== this.currentYear,
+ today: true,
+ selectable: true
+ };
+ this.onDateSelect(null, dateMeta);
+ this.$emit("today-click", date);
+ event2.preventDefault();
+ }, "onTodayButtonClick"),
+ onClearButtonClick: /* @__PURE__ */ __name(function onClearButtonClick(event2) {
+ this.updateModel(null);
+ this.overlayVisible = false;
+ this.$emit("clear-click", event2);
+ event2.preventDefault();
+ }, "onClearButtonClick"),
+ onTimePickerElementMouseDown: /* @__PURE__ */ __name(function onTimePickerElementMouseDown(event2, type, direction) {
+ if (this.isEnabled()) {
+ this.repeat(event2, null, type, direction);
+ event2.preventDefault();
+ }
+ }, "onTimePickerElementMouseDown"),
+ onTimePickerElementMouseUp: /* @__PURE__ */ __name(function onTimePickerElementMouseUp(event2) {
+ if (this.isEnabled()) {
+ this.clearTimePickerTimer();
+ this.updateModelTime();
+ event2.preventDefault();
+ }
+ }, "onTimePickerElementMouseUp"),
+ onTimePickerElementMouseLeave: /* @__PURE__ */ __name(function onTimePickerElementMouseLeave() {
+ this.clearTimePickerTimer();
+ }, "onTimePickerElementMouseLeave"),
+ repeat: /* @__PURE__ */ __name(function repeat(event2, interval, type, direction) {
+ var _this9 = this;
+ var i = interval || 500;
+ this.clearTimePickerTimer();
+ this.timePickerTimer = setTimeout(function() {
+ _this9.repeat(event2, 100, type, direction);
+ }, i);
+ switch (type) {
+ case 0:
+ if (direction === 1) this.incrementHour(event2);
+ else this.decrementHour(event2);
+ break;
+ case 1:
+ if (direction === 1) this.incrementMinute(event2);
+ else this.decrementMinute(event2);
+ break;
+ case 2:
+ if (direction === 1) this.incrementSecond(event2);
+ else this.decrementSecond(event2);
+ break;
+ }
+ }, "repeat"),
+ convertTo24Hour: /* @__PURE__ */ __name(function convertTo24Hour(hours, pm) {
+ if (this.hourFormat == "12") {
+ if (hours === 12) {
+ return pm ? 12 : 0;
+ } else {
+ return pm ? hours + 12 : hours;
+ }
+ }
+ return hours;
+ }, "convertTo24Hour"),
+ validateTime: /* @__PURE__ */ __name(function validateTime(hour, minute, second, pm) {
+ var value2 = this.isComparable() ? this.d_value : this.viewDate;
+ var convertedHour = this.convertTo24Hour(hour, pm);
+ if (this.isRangeSelection()) {
+ value2 = this.d_value[1] || this.d_value[0];
+ }
+ if (this.isMultipleSelection()) {
+ value2 = this.d_value[this.d_value.length - 1];
+ }
+ var valueDateString = value2 ? value2.toDateString() : null;
+ if (this.minDate && valueDateString && this.minDate.toDateString() === valueDateString) {
+ if (this.minDate.getHours() > convertedHour) {
+ return false;
+ }
+ if (this.minDate.getHours() === convertedHour) {
+ if (this.minDate.getMinutes() > minute) {
+ return false;
+ }
+ if (this.minDate.getMinutes() === minute) {
+ if (this.minDate.getSeconds() > second) {
+ return false;
+ }
+ }
+ }
+ }
+ if (this.maxDate && valueDateString && this.maxDate.toDateString() === valueDateString) {
+ if (this.maxDate.getHours() < convertedHour) {
+ return false;
+ }
+ if (this.maxDate.getHours() === convertedHour) {
+ if (this.maxDate.getMinutes() < minute) {
+ return false;
+ }
+ if (this.maxDate.getMinutes() === minute) {
+ if (this.maxDate.getSeconds() < second) {
+ return false;
+ }
+ }
+ }
+ }
+ return true;
+ }, "validateTime"),
+ incrementHour: /* @__PURE__ */ __name(function incrementHour(event2) {
+ var prevHour = this.currentHour;
+ var newHour = this.currentHour + Number(this.stepHour);
+ var newPM = this.pm;
+ if (this.hourFormat == "24") newHour = newHour >= 24 ? newHour - 24 : newHour;
+ else if (this.hourFormat == "12") {
+ if (prevHour < 12 && newHour > 11) {
+ newPM = !this.pm;
+ }
+ newHour = newHour >= 13 ? newHour - 12 : newHour;
+ }
+ if (this.validateTime(newHour, this.currentMinute, this.currentSecond, newPM)) {
+ this.currentHour = newHour;
+ this.pm = newPM;
+ }
+ event2.preventDefault();
+ }, "incrementHour"),
+ decrementHour: /* @__PURE__ */ __name(function decrementHour(event2) {
+ var newHour = this.currentHour - this.stepHour;
+ var newPM = this.pm;
+ if (this.hourFormat == "24") newHour = newHour < 0 ? 24 + newHour : newHour;
+ else if (this.hourFormat == "12") {
+ if (this.currentHour === 12) {
+ newPM = !this.pm;
+ }
+ newHour = newHour <= 0 ? 12 + newHour : newHour;
+ }
+ if (this.validateTime(newHour, this.currentMinute, this.currentSecond, newPM)) {
+ this.currentHour = newHour;
+ this.pm = newPM;
+ }
+ event2.preventDefault();
+ }, "decrementHour"),
+ incrementMinute: /* @__PURE__ */ __name(function incrementMinute(event2) {
+ var newMinute = this.currentMinute + Number(this.stepMinute);
+ if (this.validateTime(this.currentHour, newMinute, this.currentSecond, this.pm)) {
+ this.currentMinute = newMinute > 59 ? newMinute - 60 : newMinute;
+ }
+ event2.preventDefault();
+ }, "incrementMinute"),
+ decrementMinute: /* @__PURE__ */ __name(function decrementMinute(event2) {
+ var newMinute = this.currentMinute - this.stepMinute;
+ newMinute = newMinute < 0 ? 60 + newMinute : newMinute;
+ if (this.validateTime(this.currentHour, newMinute, this.currentSecond, this.pm)) {
+ this.currentMinute = newMinute;
+ }
+ event2.preventDefault();
+ }, "decrementMinute"),
+ incrementSecond: /* @__PURE__ */ __name(function incrementSecond(event2) {
+ var newSecond = this.currentSecond + Number(this.stepSecond);
+ if (this.validateTime(this.currentHour, this.currentMinute, newSecond, this.pm)) {
+ this.currentSecond = newSecond > 59 ? newSecond - 60 : newSecond;
+ }
+ event2.preventDefault();
+ }, "incrementSecond"),
+ decrementSecond: /* @__PURE__ */ __name(function decrementSecond(event2) {
+ var newSecond = this.currentSecond - this.stepSecond;
+ newSecond = newSecond < 0 ? 60 + newSecond : newSecond;
+ if (this.validateTime(this.currentHour, this.currentMinute, newSecond, this.pm)) {
+ this.currentSecond = newSecond;
+ }
+ event2.preventDefault();
+ }, "decrementSecond"),
+ updateModelTime: /* @__PURE__ */ __name(function updateModelTime() {
+ var _this10 = this;
+ this.timePickerChange = true;
+ var value2 = this.isComparable() ? this.d_value : this.viewDate;
+ if (this.isRangeSelection()) {
+ value2 = this.d_value[1] || this.d_value[0];
+ }
+ if (this.isMultipleSelection()) {
+ value2 = this.d_value[this.d_value.length - 1];
+ }
+ value2 = value2 ? new Date(value2.getTime()) : /* @__PURE__ */ new Date();
+ if (this.hourFormat == "12") {
+ if (this.currentHour === 12) value2.setHours(this.pm ? 12 : 0);
+ else value2.setHours(this.pm ? this.currentHour + 12 : this.currentHour);
+ } else {
+ value2.setHours(this.currentHour);
+ }
+ value2.setMinutes(this.currentMinute);
+ value2.setSeconds(this.currentSecond);
+ if (this.isRangeSelection()) {
+ if (this.d_value[1]) value2 = [this.d_value[0], value2];
+ else value2 = [value2, null];
+ }
+ if (this.isMultipleSelection()) {
+ value2 = [].concat(_toConsumableArray$d(this.d_value.slice(0, -1)), [value2]);
+ }
+ this.updateModel(value2);
+ this.$emit("date-select", value2);
+ setTimeout(function() {
+ return _this10.timePickerChange = false;
+ }, 0);
+ }, "updateModelTime"),
+ toggleAMPM: /* @__PURE__ */ __name(function toggleAMPM(event2) {
+ var validHour = this.validateTime(this.currentHour, this.currentMinute, this.currentSecond, !this.pm);
+ if (!validHour && (this.maxDate || this.minDate)) return;
+ this.pm = !this.pm;
+ this.updateModelTime();
+ event2.preventDefault();
+ }, "toggleAMPM"),
+ clearTimePickerTimer: /* @__PURE__ */ __name(function clearTimePickerTimer() {
+ if (this.timePickerTimer) {
+ clearInterval(this.timePickerTimer);
+ }
+ }, "clearTimePickerTimer"),
+ onMonthSelect: /* @__PURE__ */ __name(function onMonthSelect(event2, _ref) {
+ _ref.month;
+ var index = _ref.index;
+ if (this.view === "month") {
+ this.onDateSelect(event2, {
+ year: this.currentYear,
+ month: index,
+ day: 1,
+ selectable: true
+ });
+ } else {
+ this.currentMonth = index;
+ this.currentView = "date";
+ this.$emit("month-change", {
+ month: this.currentMonth + 1,
+ year: this.currentYear
+ });
+ }
+ setTimeout(this.updateFocus, 0);
+ }, "onMonthSelect"),
+ onYearSelect: /* @__PURE__ */ __name(function onYearSelect(event2, year2) {
+ if (this.view === "year") {
+ this.onDateSelect(event2, {
+ year: year2.value,
+ month: 0,
+ day: 1,
+ selectable: true
+ });
+ } else {
+ this.currentYear = year2.value;
+ this.currentView = "month";
+ this.$emit("year-change", {
+ month: this.currentMonth + 1,
+ year: this.currentYear
+ });
+ }
+ setTimeout(this.updateFocus, 0);
+ }, "onYearSelect"),
+ updateCurrentMetaData: /* @__PURE__ */ __name(function updateCurrentMetaData() {
+ var viewDate2 = this.viewDate;
+ this.currentMonth = viewDate2.getMonth();
+ this.currentYear = viewDate2.getFullYear();
+ if (this.showTime || this.timeOnly) {
+ this.updateCurrentTimeMeta(viewDate2);
+ }
+ }, "updateCurrentMetaData"),
+ isValidSelection: /* @__PURE__ */ __name(function isValidSelection(value2) {
+ var _this11 = this;
+ if (value2 == null) {
+ return true;
+ }
+ var isValid = true;
+ if (this.isSingleSelection()) {
+ if (!this.isSelectable(value2.getDate(), value2.getMonth(), value2.getFullYear(), false)) {
+ isValid = false;
+ }
+ } else if (value2.every(function(v) {
+ return _this11.isSelectable(v.getDate(), v.getMonth(), v.getFullYear(), false);
+ })) {
+ if (this.isRangeSelection()) {
+ isValid = value2.length > 1 && value2[1] >= value2[0];
+ }
+ }
+ return isValid;
+ }, "isValidSelection"),
+ parseValue: /* @__PURE__ */ __name(function parseValue(text) {
+ if (!text || text.trim().length === 0) {
+ return null;
+ }
+ var value2;
+ if (this.isSingleSelection()) {
+ value2 = this.parseDateTime(text);
+ } else if (this.isMultipleSelection()) {
+ var tokens = text.split(",");
+ value2 = [];
+ var _iterator3 = _createForOfIteratorHelper$4(tokens), _step3;
+ try {
+ for (_iterator3.s(); !(_step3 = _iterator3.n()).done; ) {
+ var token = _step3.value;
+ value2.push(this.parseDateTime(token.trim()));
+ }
+ } catch (err) {
+ _iterator3.e(err);
+ } finally {
+ _iterator3.f();
+ }
+ } else if (this.isRangeSelection()) {
+ var _tokens = text.split(" - ");
+ value2 = [];
+ for (var i = 0; i < _tokens.length; i++) {
+ value2[i] = this.parseDateTime(_tokens[i].trim());
+ }
+ }
+ return value2;
+ }, "parseValue"),
+ parseDateTime: /* @__PURE__ */ __name(function parseDateTime(text) {
+ var date;
+ var parts = text.split(" ");
+ if (this.timeOnly) {
+ date = /* @__PURE__ */ new Date();
+ this.populateTime(date, parts[0], parts[1]);
+ } else {
+ var dateFormat = this.datePattern;
+ if (this.showTime) {
+ date = this.parseDate(parts[0], dateFormat);
+ this.populateTime(date, parts[1], parts[2]);
+ } else {
+ date = this.parseDate(text, dateFormat);
+ }
+ }
+ return date;
+ }, "parseDateTime"),
+ populateTime: /* @__PURE__ */ __name(function populateTime(value2, timeString, ampm) {
+ if (this.hourFormat == "12" && !ampm) {
+ throw "Invalid Time";
+ }
+ this.pm = ampm === this.$primevue.config.locale.pm || ampm === this.$primevue.config.locale.pm.toLowerCase();
+ var time = this.parseTime(timeString);
+ value2.setHours(time.hour);
+ value2.setMinutes(time.minute);
+ value2.setSeconds(time.second);
+ }, "populateTime"),
+ parseTime: /* @__PURE__ */ __name(function parseTime(value2) {
+ var tokens = value2.split(":");
+ var validTokenLength = this.showSeconds ? 3 : 2;
+ var regex = /^[0-9][0-9]$/;
+ if (tokens.length !== validTokenLength || !tokens[0].match(regex) || !tokens[1].match(regex) || this.showSeconds && !tokens[2].match(regex)) {
+ throw "Invalid time";
+ }
+ var h = parseInt(tokens[0]);
+ var m = parseInt(tokens[1]);
+ var s = this.showSeconds ? parseInt(tokens[2]) : null;
+ if (isNaN(h) || isNaN(m) || h > 23 || m > 59 || this.hourFormat == "12" && h > 12 || this.showSeconds && (isNaN(s) || s > 59)) {
+ throw "Invalid time";
+ } else {
+ if (this.hourFormat == "12" && h !== 12 && this.pm) {
+ h += 12;
+ } else if (this.hourFormat == "12" && h == 12 && !this.pm) {
+ h = 0;
+ }
+ return {
+ hour: h,
+ minute: m,
+ second: s
+ };
+ }
+ }, "parseTime"),
+ parseDate: /* @__PURE__ */ __name(function parseDate(value2, format) {
+ if (format == null || value2 == null) {
+ throw "Invalid arguments";
+ }
+ value2 = _typeof$l(value2) === "object" ? value2.toString() : value2 + "";
+ if (value2 === "") {
+ return null;
+ }
+ var iFormat, dim, extra, iValue = 0, shortYearCutoff = typeof this.shortYearCutoff !== "string" ? this.shortYearCutoff : (/* @__PURE__ */ new Date()).getFullYear() % 100 + parseInt(this.shortYearCutoff, 10), year2 = -1, month2 = -1, day2 = -1, doy = -1, literal = false, date, lookAhead = /* @__PURE__ */ __name(function lookAhead2(match) {
+ var matches = iFormat + 1 < format.length && format.charAt(iFormat + 1) === match;
+ if (matches) {
+ iFormat++;
+ }
+ return matches;
+ }, "lookAhead"), getNumber = /* @__PURE__ */ __name(function getNumber2(match) {
+ var isDoubled = lookAhead(match), size = match === "@" ? 14 : match === "!" ? 20 : match === "y" && isDoubled ? 4 : match === "o" ? 3 : 2, minSize = match === "y" ? size : 1, digits = new RegExp("^\\d{" + minSize + "," + size + "}"), num = value2.substring(iValue).match(digits);
+ if (!num) {
+ throw "Missing number at position " + iValue;
+ }
+ iValue += num[0].length;
+ return parseInt(num[0], 10);
+ }, "getNumber"), getName = /* @__PURE__ */ __name(function getName2(match, shortNames, longNames) {
+ var index = -1;
+ var arr = lookAhead(match) ? longNames : shortNames;
+ var names = [];
+ for (var i = 0; i < arr.length; i++) {
+ names.push([i, arr[i]]);
+ }
+ names.sort(function(a, b) {
+ return -(a[1].length - b[1].length);
+ });
+ for (var _i = 0; _i < names.length; _i++) {
+ var name4 = names[_i][1];
+ if (value2.substr(iValue, name4.length).toLowerCase() === name4.toLowerCase()) {
+ index = names[_i][0];
+ iValue += name4.length;
+ break;
+ }
+ }
+ if (index !== -1) {
+ return index + 1;
+ } else {
+ throw "Unknown name at position " + iValue;
+ }
+ }, "getName"), checkLiteral = /* @__PURE__ */ __name(function checkLiteral2() {
+ if (value2.charAt(iValue) !== format.charAt(iFormat)) {
+ throw "Unexpected literal at position " + iValue;
+ }
+ iValue++;
+ }, "checkLiteral");
+ if (this.currentView === "month") {
+ day2 = 1;
+ }
+ if (this.currentView === "year") {
+ day2 = 1;
+ month2 = 1;
+ }
+ for (iFormat = 0; iFormat < format.length; iFormat++) {
+ if (literal) {
+ if (format.charAt(iFormat) === "'" && !lookAhead("'")) {
+ literal = false;
+ } else {
+ checkLiteral();
+ }
+ } else {
+ switch (format.charAt(iFormat)) {
+ case "d":
+ day2 = getNumber("d");
+ break;
+ case "D":
+ getName("D", this.$primevue.config.locale.dayNamesShort, this.$primevue.config.locale.dayNames);
+ break;
+ case "o":
+ doy = getNumber("o");
+ break;
+ case "m":
+ month2 = getNumber("m");
+ break;
+ case "M":
+ month2 = getName("M", this.$primevue.config.locale.monthNamesShort, this.$primevue.config.locale.monthNames);
+ break;
+ case "y":
+ year2 = getNumber("y");
+ break;
+ case "@":
+ date = new Date(getNumber("@"));
+ year2 = date.getFullYear();
+ month2 = date.getMonth() + 1;
+ day2 = date.getDate();
+ break;
+ case "!":
+ date = new Date((getNumber("!") - this.ticksTo1970) / 1e4);
+ year2 = date.getFullYear();
+ month2 = date.getMonth() + 1;
+ day2 = date.getDate();
+ break;
+ case "'":
+ if (lookAhead("'")) {
+ checkLiteral();
+ } else {
+ literal = true;
+ }
+ break;
+ default:
+ checkLiteral();
+ }
+ }
+ }
+ if (iValue < value2.length) {
+ extra = value2.substr(iValue);
+ if (!/^\s+/.test(extra)) {
+ throw "Extra/unparsed characters found in date: " + extra;
+ }
+ }
+ if (year2 === -1) {
+ year2 = (/* @__PURE__ */ new Date()).getFullYear();
+ } else if (year2 < 100) {
+ year2 += (/* @__PURE__ */ new Date()).getFullYear() - (/* @__PURE__ */ new Date()).getFullYear() % 100 + (year2 <= shortYearCutoff ? 0 : -100);
+ }
+ if (doy > -1) {
+ month2 = 1;
+ day2 = doy;
+ do {
+ dim = this.getDaysCountInMonth(year2, month2 - 1);
+ if (day2 <= dim) {
+ break;
+ }
+ month2++;
+ day2 -= dim;
+ } while (true);
+ }
+ date = this.daylightSavingAdjust(new Date(year2, month2 - 1, day2));
+ if (date.getFullYear() !== year2 || date.getMonth() + 1 !== month2 || date.getDate() !== day2) {
+ throw "Invalid date";
+ }
+ return date;
+ }, "parseDate"),
+ getWeekNumber: /* @__PURE__ */ __name(function getWeekNumber(date) {
+ var checkDate = new Date(date.getTime());
+ checkDate.setDate(checkDate.getDate() + 4 - (checkDate.getDay() || 7));
+ var time = checkDate.getTime();
+ checkDate.setMonth(0);
+ checkDate.setDate(1);
+ return Math.floor(Math.round((time - checkDate.getTime()) / 864e5) / 7) + 1;
+ }, "getWeekNumber"),
+ onDateCellKeydown: /* @__PURE__ */ __name(function onDateCellKeydown(event2, date, groupIndex) {
+ var cellContent = event2.currentTarget;
+ var cell = cellContent.parentElement;
+ var cellIndex = getIndex(cell);
+ switch (event2.code) {
+ case "ArrowDown": {
+ cellContent.tabIndex = "-1";
+ var nextRow = cell.parentElement.nextElementSibling;
+ if (nextRow) {
+ var tableRowIndex = getIndex(cell.parentElement);
+ var tableRows = Array.from(cell.parentElement.parentElement.children);
+ var nextTableRows = tableRows.slice(tableRowIndex + 1);
+ var hasNextFocusableDate = nextTableRows.find(function(el) {
+ var focusCell2 = el.children[cellIndex].children[0];
+ return !getAttribute(focusCell2, "data-p-disabled");
+ });
+ if (hasNextFocusableDate) {
+ var focusCell = hasNextFocusableDate.children[cellIndex].children[0];
+ focusCell.tabIndex = "0";
+ focusCell.focus();
+ } else {
+ this.navigationState = {
+ backward: false
+ };
+ this.navForward(event2);
+ }
+ } else {
+ this.navigationState = {
+ backward: false
+ };
+ this.navForward(event2);
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowUp": {
+ cellContent.tabIndex = "-1";
+ if (event2.altKey) {
+ this.overlayVisible = false;
+ this.focused = true;
+ } else {
+ var prevRow = cell.parentElement.previousElementSibling;
+ if (prevRow) {
+ var _tableRowIndex = getIndex(cell.parentElement);
+ var _tableRows = Array.from(cell.parentElement.parentElement.children);
+ var prevTableRows = _tableRows.slice(0, _tableRowIndex).reverse();
+ var _hasNextFocusableDate = prevTableRows.find(function(el) {
+ var focusCell2 = el.children[cellIndex].children[0];
+ return !getAttribute(focusCell2, "data-p-disabled");
+ });
+ if (_hasNextFocusableDate) {
+ var _focusCell = _hasNextFocusableDate.children[cellIndex].children[0];
+ _focusCell.tabIndex = "0";
+ _focusCell.focus();
+ } else {
+ this.navigationState = {
+ backward: true
+ };
+ this.navBackward(event2);
+ }
+ } else {
+ this.navigationState = {
+ backward: true
+ };
+ this.navBackward(event2);
+ }
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowLeft": {
+ cellContent.tabIndex = "-1";
+ var prevCell = cell.previousElementSibling;
+ if (prevCell) {
+ var cells = Array.from(cell.parentElement.children);
+ var prevCells = cells.slice(0, cellIndex).reverse();
+ var _hasNextFocusableDate2 = prevCells.find(function(el) {
+ var focusCell2 = el.children[0];
+ return !getAttribute(focusCell2, "data-p-disabled");
+ });
+ if (_hasNextFocusableDate2) {
+ var _focusCell2 = _hasNextFocusableDate2.children[0];
+ _focusCell2.tabIndex = "0";
+ _focusCell2.focus();
+ } else {
+ this.navigateToMonth(event2, true, groupIndex);
+ }
+ } else {
+ this.navigateToMonth(event2, true, groupIndex);
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowRight": {
+ cellContent.tabIndex = "-1";
+ var nextCell = cell.nextElementSibling;
+ if (nextCell) {
+ var _cells = Array.from(cell.parentElement.children);
+ var nextCells = _cells.slice(cellIndex + 1);
+ var _hasNextFocusableDate3 = nextCells.find(function(el) {
+ var focusCell2 = el.children[0];
+ return !getAttribute(focusCell2, "data-p-disabled");
+ });
+ if (_hasNextFocusableDate3) {
+ var _focusCell3 = _hasNextFocusableDate3.children[0];
+ _focusCell3.tabIndex = "0";
+ _focusCell3.focus();
+ } else {
+ this.navigateToMonth(event2, false, groupIndex);
+ }
+ } else {
+ this.navigateToMonth(event2, false, groupIndex);
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "Enter":
+ case "NumpadEnter":
+ case "Space": {
+ this.onDateSelect(event2, date);
+ event2.preventDefault();
+ break;
+ }
+ case "Escape": {
+ this.overlayVisible = false;
+ event2.preventDefault();
+ break;
+ }
+ case "Tab": {
+ if (!this.inline) {
+ this.trapFocus(event2);
+ }
+ break;
+ }
+ case "Home": {
+ cellContent.tabIndex = "-1";
+ var currentRow = cell.parentElement;
+ var _focusCell4 = currentRow.children[0].children[0];
+ if (getAttribute(_focusCell4, "data-p-disabled")) {
+ this.navigateToMonth(event2, true, groupIndex);
+ } else {
+ _focusCell4.tabIndex = "0";
+ _focusCell4.focus();
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "End": {
+ cellContent.tabIndex = "-1";
+ var _currentRow = cell.parentElement;
+ var _focusCell5 = _currentRow.children[_currentRow.children.length - 1].children[0];
+ if (getAttribute(_focusCell5, "data-p-disabled")) {
+ this.navigateToMonth(event2, false, groupIndex);
+ } else {
+ _focusCell5.tabIndex = "0";
+ _focusCell5.focus();
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "PageUp": {
+ cellContent.tabIndex = "-1";
+ if (event2.shiftKey) {
+ this.navigationState = {
+ backward: true
+ };
+ this.navBackward(event2);
+ } else this.navigateToMonth(event2, true, groupIndex);
+ event2.preventDefault();
+ break;
+ }
+ case "PageDown": {
+ cellContent.tabIndex = "-1";
+ if (event2.shiftKey) {
+ this.navigationState = {
+ backward: false
+ };
+ this.navForward(event2);
+ } else this.navigateToMonth(event2, false, groupIndex);
+ event2.preventDefault();
+ break;
+ }
+ }
+ }, "onDateCellKeydown"),
+ navigateToMonth: /* @__PURE__ */ __name(function navigateToMonth(event2, prev, groupIndex) {
+ if (prev) {
+ if (this.numberOfMonths === 1 || groupIndex === 0) {
+ this.navigationState = {
+ backward: true
+ };
+ this.navBackward(event2);
+ } else {
+ var prevMonthContainer = this.overlay.children[groupIndex - 1];
+ var cells = find(prevMonthContainer, 'table td span:not([data-p-disabled="true"]):not([data-p-ink="true"])');
+ var focusCell = cells[cells.length - 1];
+ focusCell.tabIndex = "0";
+ focusCell.focus();
+ }
+ } else {
+ if (this.numberOfMonths === 1 || groupIndex === this.numberOfMonths - 1) {
+ this.navigationState = {
+ backward: false
+ };
+ this.navForward(event2);
+ } else {
+ var nextMonthContainer = this.overlay.children[groupIndex + 1];
+ var _focusCell6 = findSingle(nextMonthContainer, 'table td span:not([data-p-disabled="true"]):not([data-p-ink="true"])');
+ _focusCell6.tabIndex = "0";
+ _focusCell6.focus();
+ }
+ }
+ }, "navigateToMonth"),
+ onMonthCellKeydown: /* @__PURE__ */ __name(function onMonthCellKeydown(event2, index) {
+ var cell = event2.currentTarget;
+ switch (event2.code) {
+ case "ArrowUp":
+ case "ArrowDown": {
+ cell.tabIndex = "-1";
+ var cells = cell.parentElement.children;
+ var cellIndex = getIndex(cell);
+ var nextCell = cells[event2.code === "ArrowDown" ? cellIndex + 3 : cellIndex - 3];
+ if (nextCell) {
+ nextCell.tabIndex = "0";
+ nextCell.focus();
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowLeft": {
+ cell.tabIndex = "-1";
+ var prevCell = cell.previousElementSibling;
+ if (prevCell) {
+ prevCell.tabIndex = "0";
+ prevCell.focus();
+ } else {
+ this.navigationState = {
+ backward: true
+ };
+ this.navBackward(event2);
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowRight": {
+ cell.tabIndex = "-1";
+ var _nextCell = cell.nextElementSibling;
+ if (_nextCell) {
+ _nextCell.tabIndex = "0";
+ _nextCell.focus();
+ } else {
+ this.navigationState = {
+ backward: false
+ };
+ this.navForward(event2);
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "PageUp": {
+ if (event2.shiftKey) return;
+ this.navigationState = {
+ backward: true
+ };
+ this.navBackward(event2);
+ break;
+ }
+ case "PageDown": {
+ if (event2.shiftKey) return;
+ this.navigationState = {
+ backward: false
+ };
+ this.navForward(event2);
+ break;
+ }
+ case "Enter":
+ case "NumpadEnter":
+ case "Space": {
+ this.onMonthSelect(event2, index);
+ event2.preventDefault();
+ break;
+ }
+ case "Escape": {
+ this.overlayVisible = false;
+ event2.preventDefault();
+ break;
+ }
+ case "Tab": {
+ this.trapFocus(event2);
+ break;
+ }
+ }
+ }, "onMonthCellKeydown"),
+ onYearCellKeydown: /* @__PURE__ */ __name(function onYearCellKeydown(event2, index) {
+ var cell = event2.currentTarget;
+ switch (event2.code) {
+ case "ArrowUp":
+ case "ArrowDown": {
+ cell.tabIndex = "-1";
+ var cells = cell.parentElement.children;
+ var cellIndex = getIndex(cell);
+ var nextCell = cells[event2.code === "ArrowDown" ? cellIndex + 2 : cellIndex - 2];
+ if (nextCell) {
+ nextCell.tabIndex = "0";
+ nextCell.focus();
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowLeft": {
+ cell.tabIndex = "-1";
+ var prevCell = cell.previousElementSibling;
+ if (prevCell) {
+ prevCell.tabIndex = "0";
+ prevCell.focus();
+ } else {
+ this.navigationState = {
+ backward: true
+ };
+ this.navBackward(event2);
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowRight": {
+ cell.tabIndex = "-1";
+ var _nextCell2 = cell.nextElementSibling;
+ if (_nextCell2) {
+ _nextCell2.tabIndex = "0";
+ _nextCell2.focus();
+ } else {
+ this.navigationState = {
+ backward: false
+ };
+ this.navForward(event2);
+ }
+ event2.preventDefault();
+ break;
+ }
+ case "PageUp": {
+ if (event2.shiftKey) return;
+ this.navigationState = {
+ backward: true
+ };
+ this.navBackward(event2);
+ break;
+ }
+ case "PageDown": {
+ if (event2.shiftKey) return;
+ this.navigationState = {
+ backward: false
+ };
+ this.navForward(event2);
+ break;
+ }
+ case "Enter":
+ case "NumpadEnter":
+ case "Space": {
+ this.onYearSelect(event2, index);
+ event2.preventDefault();
+ break;
+ }
+ case "Escape": {
+ this.overlayVisible = false;
+ event2.preventDefault();
+ break;
+ }
+ case "Tab": {
+ this.trapFocus(event2);
+ break;
+ }
+ }
+ }, "onYearCellKeydown"),
+ updateFocus: /* @__PURE__ */ __name(function updateFocus() {
+ var cell;
+ if (this.navigationState) {
+ if (this.navigationState.button) {
+ this.initFocusableCell();
+ if (this.navigationState.backward) this.previousButton.focus();
+ else this.nextButton.focus();
+ } else {
+ if (this.navigationState.backward) {
+ var cells;
+ if (this.currentView === "month") {
+ cells = find(this.overlay, '[data-pc-section="monthview"] [data-pc-section="month"]:not([data-p-disabled="true"])');
+ } else if (this.currentView === "year") {
+ cells = find(this.overlay, '[data-pc-section="yearview"] [data-pc-section="year"]:not([data-p-disabled="true"])');
+ } else {
+ cells = find(this.overlay, 'table td span:not([data-p-disabled="true"]):not([data-p-ink="true"])');
+ }
+ if (cells && cells.length > 0) {
+ cell = cells[cells.length - 1];
+ }
+ } else {
+ if (this.currentView === "month") {
+ cell = findSingle(this.overlay, '[data-pc-section="monthview"] [data-pc-section="month"]:not([data-p-disabled="true"])');
+ } else if (this.currentView === "year") {
+ cell = findSingle(this.overlay, '[data-pc-section="yearview"] [data-pc-section="year"]:not([data-p-disabled="true"])');
+ } else {
+ cell = findSingle(this.overlay, 'table td span:not([data-p-disabled="true"]):not([data-p-ink="true"])');
+ }
+ }
+ if (cell) {
+ cell.tabIndex = "0";
+ cell.focus();
+ }
+ }
+ this.navigationState = null;
+ } else {
+ this.initFocusableCell();
+ }
+ }, "updateFocus"),
+ initFocusableCell: /* @__PURE__ */ __name(function initFocusableCell() {
+ var cell;
+ if (this.currentView === "month") {
+ var cells = find(this.overlay, '[data-pc-section="monthview"] [data-pc-section="month"]');
+ var selectedCell = findSingle(this.overlay, '[data-pc-section="monthview"] [data-pc-section="month"][data-p-selected="true"]');
+ cells.forEach(function(cell2) {
+ return cell2.tabIndex = -1;
+ });
+ cell = selectedCell || cells[0];
+ } else if (this.currentView === "year") {
+ var _cells2 = find(this.overlay, '[data-pc-section="yearview"] [data-pc-section="year"]');
+ var _selectedCell = findSingle(this.overlay, '[data-pc-section="yearview"] [data-pc-section="year"][data-p-selected="true"]');
+ _cells2.forEach(function(cell2) {
+ return cell2.tabIndex = -1;
+ });
+ cell = _selectedCell || _cells2[0];
+ } else {
+ cell = findSingle(this.overlay, 'span[data-p-selected="true"]');
+ if (!cell) {
+ var todayCell = findSingle(this.overlay, 'td[data-p-today="true"] span:not([data-p-disabled="true"]):not([data-p-ink="true"])');
+ if (todayCell) cell = todayCell;
+ else cell = findSingle(this.overlay, '.p-datepicker-calendar td span:not([data-p-disabled="true"]):not([data-p-ink="true"])');
+ }
+ }
+ if (cell) {
+ cell.tabIndex = "0";
+ this.preventFocus = false;
+ }
+ }, "initFocusableCell"),
+ trapFocus: /* @__PURE__ */ __name(function trapFocus(event2) {
+ event2.preventDefault();
+ var focusableElements = getFocusableElements(this.overlay);
+ if (focusableElements && focusableElements.length > 0) {
+ if (!document.activeElement) {
+ focusableElements[0].focus();
+ } else {
+ var focusedIndex = focusableElements.indexOf(document.activeElement);
+ if (event2.shiftKey) {
+ if (focusedIndex === -1 || focusedIndex === 0) focusableElements[focusableElements.length - 1].focus();
+ else focusableElements[focusedIndex - 1].focus();
+ } else {
+ if (focusedIndex === -1) {
+ if (this.timeOnly) {
+ focusableElements[0].focus();
+ } else {
+ var spanIndex = null;
+ for (var i = 0; i < focusableElements.length; i++) {
+ if (focusableElements[i].tagName === "SPAN") {
+ spanIndex = i;
+ break;
+ }
+ }
+ focusableElements[spanIndex].focus();
+ }
+ } else if (focusedIndex === focusableElements.length - 1) focusableElements[0].focus();
+ else focusableElements[focusedIndex + 1].focus();
+ }
+ }
+ }
+ }, "trapFocus"),
+ onContainerButtonKeydown: /* @__PURE__ */ __name(function onContainerButtonKeydown(event2) {
+ switch (event2.code) {
+ case "Tab":
+ this.trapFocus(event2);
+ break;
+ case "Escape":
+ this.overlayVisible = false;
+ event2.preventDefault();
+ break;
+ }
+ this.$emit("keydown", event2);
+ }, "onContainerButtonKeydown"),
+ onInput: /* @__PURE__ */ __name(function onInput(event2) {
+ try {
+ this.selectionStart = this.input.selectionStart;
+ this.selectionEnd = this.input.selectionEnd;
+ var value2 = this.parseValue(event2.target.value);
+ if (this.isValidSelection(value2)) {
+ this.typeUpdate = true;
+ this.updateModel(value2);
+ this.updateCurrentMetaData();
+ }
+ } catch (err) {
+ }
+ this.$emit("input", event2);
+ }, "onInput"),
+ onInputClick: /* @__PURE__ */ __name(function onInputClick() {
+ if (this.showOnFocus && this.isEnabled() && !this.overlayVisible) {
+ this.overlayVisible = true;
+ }
+ }, "onInputClick"),
+ onFocus: /* @__PURE__ */ __name(function onFocus2(event2) {
+ if (this.showOnFocus && this.isEnabled()) {
+ this.overlayVisible = true;
+ }
+ this.focused = true;
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur(event2) {
+ var _this$formField$onBlu, _this$formField;
+ this.$emit("blur", {
+ originalEvent: event2,
+ value: event2.target.value
+ });
+ (_this$formField$onBlu = (_this$formField = this.formField).onBlur) === null || _this$formField$onBlu === void 0 || _this$formField$onBlu.call(_this$formField);
+ this.focused = false;
+ event2.target.value = this.formatValue(this.d_value);
+ }, "onBlur"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown(event2) {
+ if (event2.code === "ArrowDown" && this.overlay) {
+ this.trapFocus(event2);
+ } else if (event2.code === "ArrowDown" && !this.overlay) {
+ this.overlayVisible = true;
+ } else if (event2.code === "Escape") {
+ if (this.overlayVisible) {
+ this.overlayVisible = false;
+ event2.preventDefault();
+ }
+ } else if (event2.code === "Tab") {
+ if (this.overlay) {
+ getFocusableElements(this.overlay).forEach(function(el) {
+ return el.tabIndex = "-1";
+ });
+ }
+ if (this.overlayVisible) {
+ this.overlayVisible = false;
+ }
+ } else if (event2.code === "Enter") {
+ var _event$target$value;
+ if (this.manualInput && event2.target.value !== null && ((_event$target$value = event2.target.value) === null || _event$target$value === void 0 ? void 0 : _event$target$value.trim()) !== "") {
+ try {
+ var value2 = this.parseValue(event2.target.value);
+ if (this.isValidSelection(value2)) {
+ this.overlayVisible = false;
+ }
+ } catch (err) {
+ }
+ }
+ this.$emit("keydown", event2);
+ }
+ }, "onKeyDown"),
+ overlayRef: /* @__PURE__ */ __name(function overlayRef(el) {
+ this.overlay = el;
+ }, "overlayRef"),
+ inputRef: /* @__PURE__ */ __name(function inputRef(el) {
+ this.input = el ? el.$el : void 0;
+ }, "inputRef"),
+ previousButtonRef: /* @__PURE__ */ __name(function previousButtonRef(el) {
+ this.previousButton = el ? el.$el : void 0;
+ }, "previousButtonRef"),
+ nextButtonRef: /* @__PURE__ */ __name(function nextButtonRef(el) {
+ this.nextButton = el ? el.$el : void 0;
+ }, "nextButtonRef"),
+ getMonthName: /* @__PURE__ */ __name(function getMonthName(index) {
+ return this.$primevue.config.locale.monthNames[index];
+ }, "getMonthName"),
+ getYear: /* @__PURE__ */ __name(function getYear(month2) {
+ return this.currentView === "month" ? this.currentYear : month2.year;
+ }, "getYear"),
+ onOverlayClick: /* @__PURE__ */ __name(function onOverlayClick(event2) {
+ event2.stopPropagation();
+ if (!this.inline) {
+ OverlayEventBus.emit("overlay-click", {
+ originalEvent: event2,
+ target: this.$el
+ });
+ }
+ }, "onOverlayClick"),
+ onOverlayKeyDown: /* @__PURE__ */ __name(function onOverlayKeyDown(event2) {
+ switch (event2.code) {
+ case "Escape":
+ if (!this.inline) {
+ this.input.focus();
+ this.overlayVisible = false;
+ }
+ break;
+ }
+ }, "onOverlayKeyDown"),
+ onOverlayMouseUp: /* @__PURE__ */ __name(function onOverlayMouseUp(event2) {
+ this.onOverlayClick(event2);
+ }, "onOverlayMouseUp"),
+ createResponsiveStyle: /* @__PURE__ */ __name(function createResponsiveStyle() {
+ if (this.numberOfMonths > 1 && this.responsiveOptions && !this.isUnstyled) {
+ if (!this.responsiveStyleElement) {
+ var _this$$primevue;
+ this.responsiveStyleElement = document.createElement("style");
+ this.responsiveStyleElement.type = "text/css";
+ setAttribute(this.responsiveStyleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ document.body.appendChild(this.responsiveStyleElement);
+ }
+ var innerHTML = "";
+ if (this.responsiveOptions) {
+ var comparer = localeComparator();
+ var responsiveOptions2 = _toConsumableArray$d(this.responsiveOptions).filter(function(o) {
+ return !!(o.breakpoint && o.numMonths);
+ }).sort(function(o1, o2) {
+ return -1 * comparer(o1.breakpoint, o2.breakpoint);
+ });
+ for (var i = 0; i < responsiveOptions2.length; i++) {
+ var _responsiveOptions$i = responsiveOptions2[i], breakpoint2 = _responsiveOptions$i.breakpoint, numMonths = _responsiveOptions$i.numMonths;
+ var styles = "\n .p-datepicker-panel[".concat(this.$attrSelector, "] .p-datepicker-calendar:nth-child(").concat(numMonths, ") .p-datepicker-next-button {\n display: inline-flex;\n }\n ");
+ for (var j = numMonths; j < this.numberOfMonths; j++) {
+ styles += "\n .p-datepicker-panel[".concat(this.$attrSelector, "] .p-datepicker-calendar:nth-child(").concat(j + 1, ") {\n display: none;\n }\n ");
+ }
+ innerHTML += "\n @media screen and (max-width: ".concat(breakpoint2, ") {\n ").concat(styles, "\n }\n ");
+ }
+ }
+ this.responsiveStyleElement.innerHTML = innerHTML;
+ }
+ }, "createResponsiveStyle"),
+ destroyResponsiveStyleElement: /* @__PURE__ */ __name(function destroyResponsiveStyleElement() {
+ if (this.responsiveStyleElement) {
+ this.responsiveStyleElement.remove();
+ this.responsiveStyleElement = null;
+ }
+ }, "destroyResponsiveStyleElement")
+ },
+ computed: {
+ viewDate: /* @__PURE__ */ __name(function viewDate() {
+ var propValue = this.d_value;
+ if (propValue && Array.isArray(propValue)) {
+ if (this.isRangeSelection()) {
+ propValue = this.inline ? propValue[0] : propValue[1] || propValue[0];
+ } else if (this.isMultipleSelection()) {
+ propValue = propValue[propValue.length - 1];
+ }
+ }
+ if (propValue && typeof propValue !== "string") {
+ return propValue;
+ } else {
+ var today = /* @__PURE__ */ new Date();
+ if (this.maxDate && this.maxDate < today) {
+ return this.maxDate;
+ }
+ if (this.minDate && this.minDate > today) {
+ return this.minDate;
+ }
+ return today;
+ }
+ }, "viewDate"),
+ inputFieldValue: /* @__PURE__ */ __name(function inputFieldValue() {
+ return this.formatValue(this.d_value);
+ }, "inputFieldValue"),
+ months: /* @__PURE__ */ __name(function months2() {
+ var months3 = [];
+ for (var i = 0; i < this.numberOfMonths; i++) {
+ var month2 = this.currentMonth + i;
+ var year2 = this.currentYear;
+ if (month2 > 11) {
+ month2 = month2 % 11 - 1;
+ year2 = year2 + 1;
+ }
+ var dates = [];
+ var firstDay = this.getFirstDayOfMonthIndex(month2, year2);
+ var daysLength = this.getDaysCountInMonth(month2, year2);
+ var prevMonthDaysLength = this.getDaysCountInPrevMonth(month2, year2);
+ var dayNo = 1;
+ var today = /* @__PURE__ */ new Date();
+ var weekNumbers = [];
+ var monthRows = Math.ceil((daysLength + firstDay) / 7);
+ for (var _i2 = 0; _i2 < monthRows; _i2++) {
+ var week = [];
+ if (_i2 == 0) {
+ for (var j = prevMonthDaysLength - firstDay + 1; j <= prevMonthDaysLength; j++) {
+ var prev = this.getPreviousMonthAndYear(month2, year2);
+ week.push({
+ day: j,
+ month: prev.month,
+ year: prev.year,
+ otherMonth: true,
+ today: this.isToday(today, j, prev.month, prev.year),
+ selectable: this.isSelectable(j, prev.month, prev.year, true)
+ });
+ }
+ var remainingDaysLength = 7 - week.length;
+ for (var _j = 0; _j < remainingDaysLength; _j++) {
+ week.push({
+ day: dayNo,
+ month: month2,
+ year: year2,
+ today: this.isToday(today, dayNo, month2, year2),
+ selectable: this.isSelectable(dayNo, month2, year2, false)
+ });
+ dayNo++;
+ }
+ } else {
+ for (var _j2 = 0; _j2 < 7; _j2++) {
+ if (dayNo > daysLength) {
+ var next = this.getNextMonthAndYear(month2, year2);
+ week.push({
+ day: dayNo - daysLength,
+ month: next.month,
+ year: next.year,
+ otherMonth: true,
+ today: this.isToday(today, dayNo - daysLength, next.month, next.year),
+ selectable: this.isSelectable(dayNo - daysLength, next.month, next.year, true)
+ });
+ } else {
+ week.push({
+ day: dayNo,
+ month: month2,
+ year: year2,
+ today: this.isToday(today, dayNo, month2, year2),
+ selectable: this.isSelectable(dayNo, month2, year2, false)
+ });
+ }
+ dayNo++;
+ }
+ }
+ if (this.showWeek) {
+ weekNumbers.push(this.getWeekNumber(new Date(week[0].year, week[0].month, week[0].day)));
+ }
+ dates.push(week);
+ }
+ months3.push({
+ month: month2,
+ year: year2,
+ dates,
+ weekNumbers
+ });
+ }
+ return months3;
+ }, "months"),
+ weekDays: /* @__PURE__ */ __name(function weekDays() {
+ var weekDays2 = [];
+ var dayIndex = this.$primevue.config.locale.firstDayOfWeek;
+ for (var i = 0; i < 7; i++) {
+ weekDays2.push(this.$primevue.config.locale.dayNamesMin[dayIndex]);
+ dayIndex = dayIndex == 6 ? 0 : ++dayIndex;
+ }
+ return weekDays2;
+ }, "weekDays"),
+ ticksTo1970: /* @__PURE__ */ __name(function ticksTo1970() {
+ return ((1970 - 1) * 365 + Math.floor(1970 / 4) - Math.floor(1970 / 100) + Math.floor(1970 / 400)) * 24 * 60 * 60 * 1e7;
+ }, "ticksTo1970"),
+ sundayIndex: /* @__PURE__ */ __name(function sundayIndex() {
+ return this.$primevue.config.locale.firstDayOfWeek > 0 ? 7 - this.$primevue.config.locale.firstDayOfWeek : 0;
+ }, "sundayIndex"),
+ datePattern: /* @__PURE__ */ __name(function datePattern() {
+ return this.dateFormat || this.$primevue.config.locale.dateFormat;
+ }, "datePattern"),
+ monthPickerValues: /* @__PURE__ */ __name(function monthPickerValues() {
+ var _this12 = this;
+ var monthPickerValues2 = [];
+ var isSelectableMonth = /* @__PURE__ */ __name(function isSelectableMonth2(baseMonth) {
+ if (_this12.minDate) {
+ var minMonth = _this12.minDate.getMonth();
+ var minYear = _this12.minDate.getFullYear();
+ if (_this12.currentYear < minYear || _this12.currentYear === minYear && baseMonth < minMonth) {
+ return false;
+ }
+ }
+ if (_this12.maxDate) {
+ var maxMonth = _this12.maxDate.getMonth();
+ var maxYear = _this12.maxDate.getFullYear();
+ if (_this12.currentYear > maxYear || _this12.currentYear === maxYear && baseMonth > maxMonth) {
+ return false;
+ }
+ }
+ return true;
+ }, "isSelectableMonth");
+ for (var i = 0; i <= 11; i++) {
+ monthPickerValues2.push({
+ value: this.$primevue.config.locale.monthNamesShort[i],
+ selectable: isSelectableMonth(i)
+ });
+ }
+ return monthPickerValues2;
+ }, "monthPickerValues"),
+ yearPickerValues: /* @__PURE__ */ __name(function yearPickerValues() {
+ var _this13 = this;
+ var yearPickerValues2 = [];
+ var base = this.currentYear - this.currentYear % 10;
+ var isSelectableYear = /* @__PURE__ */ __name(function isSelectableYear2(baseYear) {
+ if (_this13.minDate) {
+ if (_this13.minDate.getFullYear() > baseYear) return false;
+ }
+ if (_this13.maxDate) {
+ if (_this13.maxDate.getFullYear() < baseYear) return false;
+ }
+ return true;
+ }, "isSelectableYear");
+ for (var i = 0; i < 10; i++) {
+ yearPickerValues2.push({
+ value: base + i,
+ selectable: isSelectableYear(base + i)
+ });
+ }
+ return yearPickerValues2;
+ }, "yearPickerValues"),
+ formattedCurrentHour: /* @__PURE__ */ __name(function formattedCurrentHour() {
+ if (this.currentHour == 0 && this.hourFormat == "12") {
+ return this.currentHour + 12;
+ }
+ return this.currentHour < 10 ? "0" + this.currentHour : this.currentHour;
+ }, "formattedCurrentHour"),
+ formattedCurrentMinute: /* @__PURE__ */ __name(function formattedCurrentMinute() {
+ return this.currentMinute < 10 ? "0" + this.currentMinute : this.currentMinute;
+ }, "formattedCurrentMinute"),
+ formattedCurrentSecond: /* @__PURE__ */ __name(function formattedCurrentSecond() {
+ return this.currentSecond < 10 ? "0" + this.currentSecond : this.currentSecond;
+ }, "formattedCurrentSecond"),
+ todayLabel: /* @__PURE__ */ __name(function todayLabel() {
+ return this.$primevue.config.locale.today;
+ }, "todayLabel"),
+ clearLabel: /* @__PURE__ */ __name(function clearLabel() {
+ return this.$primevue.config.locale.clear;
+ }, "clearLabel"),
+ weekHeaderLabel: /* @__PURE__ */ __name(function weekHeaderLabel() {
+ return this.$primevue.config.locale.weekHeader;
+ }, "weekHeaderLabel"),
+ monthNames: /* @__PURE__ */ __name(function monthNames() {
+ return this.$primevue.config.locale.monthNames;
+ }, "monthNames"),
+ switchViewButtonDisabled: /* @__PURE__ */ __name(function switchViewButtonDisabled() {
+ return this.numberOfMonths > 1 || this.disabled;
+ }, "switchViewButtonDisabled"),
+ panelId: /* @__PURE__ */ __name(function panelId() {
+ return this.d_id + "_panel";
+ }, "panelId")
+ },
+ components: {
+ InputText: script$1l,
+ Button: script$1d,
+ Portal: script$1m,
+ CalendarIcon: script$13,
+ ChevronLeftIcon: script$1n,
+ ChevronRightIcon: script$1i,
+ ChevronUpIcon: script$1g,
+ ChevronDownIcon: script$1h
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+var _hoisted_1$s = ["id"];
+var _hoisted_2$l = ["disabled", "aria-label", "aria-expanded", "aria-controls"];
+var _hoisted_3$h = ["id", "role", "aria-modal", "aria-label"];
+var _hoisted_4$9 = ["disabled", "aria-label"];
+var _hoisted_5$4 = ["disabled", "aria-label"];
+var _hoisted_6$2 = ["disabled", "aria-label"];
+var _hoisted_7$2 = ["disabled", "aria-label"];
+var _hoisted_8$2 = ["data-p-disabled"];
+var _hoisted_9 = ["abbr"];
+var _hoisted_10 = ["data-p-disabled"];
+var _hoisted_11 = ["aria-label", "data-p-today", "data-p-other-month"];
+var _hoisted_12 = ["onClick", "onKeydown", "aria-selected", "aria-disabled", "data-p-disabled", "data-p-selected"];
+var _hoisted_13 = ["onClick", "onKeydown", "data-p-disabled", "data-p-selected"];
+var _hoisted_14 = ["onClick", "onKeydown", "data-p-disabled", "data-p-selected"];
+function render$V(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_InputText = resolveComponent("InputText");
+ var _component_Button = resolveComponent("Button");
+ var _component_Portal = resolveComponent("Portal");
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("span", mergeProps({
+ ref: "container",
+ id: $data.d_id,
+ "class": _ctx.cx("root"),
+ style: _ctx.sx("root")
+ }, _ctx.ptmi("root")), [!_ctx.inline ? (openBlock(), createBlock(_component_InputText, {
+ key: 0,
+ ref: $options.inputRef,
+ id: _ctx.inputId,
+ role: "combobox",
+ "class": normalizeClass([_ctx.inputClass, _ctx.cx("pcInputText")]),
+ style: normalizeStyle(_ctx.inputStyle),
+ defaultValue: $options.inputFieldValue,
+ placeholder: _ctx.placeholder,
+ name: _ctx.name,
+ size: _ctx.size,
+ invalid: _ctx.invalid,
+ variant: _ctx.variant,
+ fluid: _ctx.fluid,
+ unstyled: _ctx.unstyled,
+ autocomplete: "off",
+ "aria-autocomplete": "none",
+ "aria-haspopup": "dialog",
+ "aria-expanded": $data.overlayVisible,
+ "aria-controls": $options.panelId,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-label": _ctx.ariaLabel,
+ inputmode: "none",
+ disabled: _ctx.disabled,
+ readonly: !_ctx.manualInput || _ctx.readonly,
+ tabindex: 0,
+ onInput: $options.onInput,
+ onClick: $options.onInputClick,
+ onFocus: $options.onFocus,
+ onBlur: $options.onBlur,
+ onKeydown: $options.onKeyDown,
+ pt: _ctx.ptm("pcInputText")
+ }, null, 8, ["id", "class", "style", "defaultValue", "placeholder", "name", "size", "invalid", "variant", "fluid", "unstyled", "aria-expanded", "aria-controls", "aria-labelledby", "aria-label", "disabled", "readonly", "onInput", "onClick", "onFocus", "onBlur", "onKeydown", "pt"])) : createCommentVNode("", true), _ctx.showIcon && _ctx.iconDisplay === "button" && !_ctx.inline ? renderSlot(_ctx.$slots, "dropdownbutton", {
+ key: 1,
+ toggleCallback: $options.onButtonClick
+ }, function() {
+ return [createBaseVNode("button", mergeProps({
+ "class": _ctx.cx("dropdown"),
+ disabled: _ctx.disabled,
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.onButtonClick && $options.onButtonClick.apply($options, arguments);
+ }),
+ type: "button",
+ "aria-label": _ctx.$primevue.config.locale.chooseDate,
+ "aria-haspopup": "dialog",
+ "aria-expanded": $data.overlayVisible,
+ "aria-controls": $options.panelId
+ }, _ctx.ptm("dropdown")), [renderSlot(_ctx.$slots, "dropdownicon", {
+ "class": normalizeClass(_ctx.icon)
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.icon ? "span" : "CalendarIcon"), mergeProps({
+ "class": _ctx.icon
+ }, _ctx.ptm("dropdownIcon")), null, 16, ["class"]))];
+ })], 16, _hoisted_2$l)];
+ }) : _ctx.showIcon && _ctx.iconDisplay === "input" && !_ctx.inline ? (openBlock(), createElementBlock(Fragment, {
+ key: 2
+ }, [_ctx.$slots.inputicon || _ctx.showIcon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": _ctx.cx("inputIconContainer")
+ }, _ctx.ptm("inputIconContainer")), [renderSlot(_ctx.$slots, "inputicon", {
+ "class": normalizeClass(_ctx.cx("inputIcon")),
+ clickCallback: $options.onButtonClick
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.icon ? "i" : "CalendarIcon"), mergeProps({
+ "class": [_ctx.icon, _ctx.cx("inputIcon")],
+ onClick: $options.onButtonClick
+ }, _ctx.ptm("inputicon")), null, 16, ["class", "onClick"]))];
+ })], 16)) : createCommentVNode("", true)], 64)) : createCommentVNode("", true), createVNode(_component_Portal, {
+ appendTo: _ctx.appendTo,
+ disabled: _ctx.inline
+ }, {
+ "default": withCtx(function() {
+ return [createVNode(Transition, mergeProps({
+ name: "p-connected-overlay",
+ onEnter: _cache[58] || (_cache[58] = function($event) {
+ return $options.onOverlayEnter($event);
+ }),
+ onAfterEnter: $options.onOverlayEnterComplete,
+ onAfterLeave: $options.onOverlayAfterLeave,
+ onLeave: $options.onOverlayLeave
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [_ctx.inline || $data.overlayVisible ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.overlayRef,
+ id: $options.panelId,
+ "class": [_ctx.cx("panel"), _ctx.panelClass],
+ style: _ctx.panelStyle,
+ role: _ctx.inline ? null : "dialog",
+ "aria-modal": _ctx.inline ? null : "true",
+ "aria-label": _ctx.$primevue.config.locale.chooseDate,
+ onClick: _cache[55] || (_cache[55] = function() {
+ return $options.onOverlayClick && $options.onOverlayClick.apply($options, arguments);
+ }),
+ onKeydown: _cache[56] || (_cache[56] = function() {
+ return $options.onOverlayKeyDown && $options.onOverlayKeyDown.apply($options, arguments);
+ }),
+ onMouseup: _cache[57] || (_cache[57] = function() {
+ return $options.onOverlayMouseUp && $options.onOverlayMouseUp.apply($options, arguments);
+ })
+ }, _ctx.ptm("panel")), [!_ctx.timeOnly ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("calendarContainer")
+ }, _ctx.ptm("calendarContainer")), [(openBlock(true), createElementBlock(Fragment, null, renderList($options.months, function(month2, groupIndex) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ key: month2.month + month2.year,
+ "class": _ctx.cx("calendar"),
+ ref_for: true
+ }, _ctx.ptm("calendar")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("header"),
+ ref_for: true
+ }, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header"), withDirectives(createVNode(_component_Button, mergeProps({
+ ref_for: true,
+ ref: $options.previousButtonRef,
+ "class": _ctx.cx("pcPrevButton"),
+ disabled: _ctx.disabled,
+ "aria-label": $data.currentView === "year" ? _ctx.$primevue.config.locale.prevDecade : $data.currentView === "month" ? _ctx.$primevue.config.locale.prevYear : _ctx.$primevue.config.locale.prevMonth,
+ unstyled: _ctx.unstyled,
+ onClick: $options.onPrevButtonClick,
+ onKeydown: $options.onContainerButtonKeydown
+ }, _ctx.navigatorButtonProps, {
+ pt: _ctx.ptm("pcPrevButton"),
+ "data-pc-group-section": "navigator"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "previcon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.prevIcon ? "span" : "ChevronLeftIcon"), mergeProps({
+ "class": [_ctx.prevIcon, slotProps["class"]],
+ ref_for: true
+ }, _ctx.ptm("pcPrevButton")["icon"]), null, 16, ["class"]))];
+ })];
+ }),
+ _: 2
+ }, 1040, ["class", "disabled", "aria-label", "unstyled", "onClick", "onKeydown", "pt"]), [[vShow, groupIndex === 0]]), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("title"),
+ ref_for: true
+ }, _ctx.ptm("title")), [_ctx.$primevue.config.locale.showMonthAfterYear ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [$data.currentView !== "year" ? (openBlock(), createElementBlock("button", mergeProps({
+ key: 0,
+ type: "button",
+ onClick: _cache[1] || (_cache[1] = function() {
+ return $options.switchToYearView && $options.switchToYearView.apply($options, arguments);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function() {
+ return $options.onContainerButtonKeydown && $options.onContainerButtonKeydown.apply($options, arguments);
+ }),
+ "class": _ctx.cx("selectYear"),
+ disabled: $options.switchViewButtonDisabled,
+ "aria-label": _ctx.$primevue.config.locale.chooseYear,
+ ref_for: true
+ }, _ctx.ptm("selectYear"), {
+ "data-pc-group-section": "view"
+ }), toDisplayString($options.getYear(month2)), 17, _hoisted_4$9)) : createCommentVNode("", true), $data.currentView === "date" ? (openBlock(), createElementBlock("button", mergeProps({
+ key: 1,
+ type: "button",
+ onClick: _cache[3] || (_cache[3] = function() {
+ return $options.switchToMonthView && $options.switchToMonthView.apply($options, arguments);
+ }),
+ onKeydown: _cache[4] || (_cache[4] = function() {
+ return $options.onContainerButtonKeydown && $options.onContainerButtonKeydown.apply($options, arguments);
+ }),
+ "class": _ctx.cx("selectMonth"),
+ disabled: $options.switchViewButtonDisabled,
+ "aria-label": _ctx.$primevue.config.locale.chooseMonth,
+ ref_for: true
+ }, _ctx.ptm("selectMonth"), {
+ "data-pc-group-section": "view"
+ }), toDisplayString($options.getMonthName(month2.month)), 17, _hoisted_5$4)) : createCommentVNode("", true)], 64)) : (openBlock(), createElementBlock(Fragment, {
+ key: 1
+ }, [$data.currentView === "date" ? (openBlock(), createElementBlock("button", mergeProps({
+ key: 0,
+ type: "button",
+ onClick: _cache[5] || (_cache[5] = function() {
+ return $options.switchToMonthView && $options.switchToMonthView.apply($options, arguments);
+ }),
+ onKeydown: _cache[6] || (_cache[6] = function() {
+ return $options.onContainerButtonKeydown && $options.onContainerButtonKeydown.apply($options, arguments);
+ }),
+ "class": _ctx.cx("selectMonth"),
+ disabled: $options.switchViewButtonDisabled,
+ "aria-label": _ctx.$primevue.config.locale.chooseMonth,
+ ref_for: true
+ }, _ctx.ptm("selectMonth"), {
+ "data-pc-group-section": "view"
+ }), toDisplayString($options.getMonthName(month2.month)), 17, _hoisted_6$2)) : createCommentVNode("", true), $data.currentView !== "year" ? (openBlock(), createElementBlock("button", mergeProps({
+ key: 1,
+ type: "button",
+ onClick: _cache[7] || (_cache[7] = function() {
+ return $options.switchToYearView && $options.switchToYearView.apply($options, arguments);
+ }),
+ onKeydown: _cache[8] || (_cache[8] = function() {
+ return $options.onContainerButtonKeydown && $options.onContainerButtonKeydown.apply($options, arguments);
+ }),
+ "class": _ctx.cx("selectYear"),
+ disabled: $options.switchViewButtonDisabled,
+ "aria-label": _ctx.$primevue.config.locale.chooseYear,
+ ref_for: true
+ }, _ctx.ptm("selectYear"), {
+ "data-pc-group-section": "view"
+ }), toDisplayString($options.getYear(month2)), 17, _hoisted_7$2)) : createCommentVNode("", true)], 64)), $data.currentView === "year" ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 2,
+ "class": _ctx.cx("decade"),
+ ref_for: true
+ }, _ctx.ptm("decade")), [renderSlot(_ctx.$slots, "decade", {
+ years: $options.yearPickerValues
+ }, function() {
+ return [createTextVNode(toDisplayString($options.yearPickerValues[0].value) + " - " + toDisplayString($options.yearPickerValues[$options.yearPickerValues.length - 1].value), 1)];
+ })], 16)) : createCommentVNode("", true)], 16), withDirectives(createVNode(_component_Button, mergeProps({
+ ref_for: true,
+ ref: $options.nextButtonRef,
+ "class": _ctx.cx("pcNextButton"),
+ disabled: _ctx.disabled,
+ "aria-label": $data.currentView === "year" ? _ctx.$primevue.config.locale.nextDecade : $data.currentView === "month" ? _ctx.$primevue.config.locale.nextYear : _ctx.$primevue.config.locale.nextMonth,
+ unstyled: _ctx.unstyled,
+ onClick: $options.onNextButtonClick,
+ onKeydown: $options.onContainerButtonKeydown
+ }, _ctx.navigatorButtonProps, {
+ pt: _ctx.ptm("pcNextButton"),
+ "data-pc-group-section": "navigator"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "nexticon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.nextIcon ? "span" : "ChevronRightIcon"), mergeProps({
+ "class": [_ctx.nextIcon, slotProps["class"]],
+ ref_for: true
+ }, _ctx.ptm("pcNextButton")["icon"]), null, 16, ["class"]))];
+ })];
+ }),
+ _: 2
+ }, 1040, ["class", "disabled", "aria-label", "unstyled", "onClick", "onKeydown", "pt"]), [[vShow, _ctx.numberOfMonths === 1 ? true : groupIndex === _ctx.numberOfMonths - 1]])], 16), $data.currentView === "date" ? (openBlock(), createElementBlock("table", mergeProps({
+ key: 0,
+ "class": _ctx.cx("dayView"),
+ role: "grid",
+ ref_for: true
+ }, _ctx.ptm("dayView")), [createBaseVNode("thead", mergeProps({
+ ref_for: true
+ }, _ctx.ptm("tableHeader")), [createBaseVNode("tr", mergeProps({
+ ref_for: true
+ }, _ctx.ptm("tableHeaderRow")), [_ctx.showWeek ? (openBlock(), createElementBlock("th", mergeProps({
+ key: 0,
+ scope: "col",
+ "class": _ctx.cx("weekHeader"),
+ ref_for: true
+ }, _ctx.ptm("weekHeader", {
+ context: {
+ disabled: _ctx.showWeek
+ }
+ }), {
+ "data-p-disabled": _ctx.showWeek,
+ "data-pc-group-section": "tableheadercell"
+ }), [renderSlot(_ctx.$slots, "weekheaderlabel", {}, function() {
+ return [createBaseVNode("span", mergeProps({
+ ref_for: true
+ }, _ctx.ptm("weekHeaderLabel", {
+ context: {
+ disabled: _ctx.showWeek
+ }
+ }), {
+ "data-pc-group-section": "tableheadercelllabel"
+ }), toDisplayString($options.weekHeaderLabel), 17)];
+ })], 16, _hoisted_8$2)) : createCommentVNode("", true), (openBlock(true), createElementBlock(Fragment, null, renderList($options.weekDays, function(weekDay) {
+ return openBlock(), createElementBlock("th", mergeProps({
+ key: weekDay,
+ scope: "col",
+ abbr: weekDay,
+ ref_for: true
+ }, _ctx.ptm("tableHeaderCell"), {
+ "data-pc-group-section": "tableheadercell",
+ "class": _ctx.cx("weekDayCell")
+ }), [createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("weekDay"),
+ ref_for: true
+ }, _ctx.ptm("weekDay"), {
+ "data-pc-group-section": "tableheadercelllabel"
+ }), toDisplayString(weekDay), 17)], 16, _hoisted_9);
+ }), 128))], 16)], 16), createBaseVNode("tbody", mergeProps({
+ ref_for: true
+ }, _ctx.ptm("tableBody")), [(openBlock(true), createElementBlock(Fragment, null, renderList(month2.dates, function(week, i) {
+ return openBlock(), createElementBlock("tr", mergeProps({
+ key: week[0].day + "" + week[0].month,
+ ref_for: true
+ }, _ctx.ptm("tableBodyRow")), [_ctx.showWeek ? (openBlock(), createElementBlock("td", mergeProps({
+ key: 0,
+ "class": _ctx.cx("weekNumber"),
+ ref_for: true
+ }, _ctx.ptm("weekNumber"), {
+ "data-pc-group-section": "tablebodycell"
+ }), [createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("weekLabelContainer"),
+ ref_for: true
+ }, _ctx.ptm("weekLabelContainer", {
+ context: {
+ disabled: _ctx.showWeek
+ }
+ }), {
+ "data-p-disabled": _ctx.showWeek,
+ "data-pc-group-section": "tablebodycelllabel"
+ }), [renderSlot(_ctx.$slots, "weeklabel", {
+ weekNumber: month2.weekNumbers[i]
+ }, function() {
+ return [month2.weekNumbers[i] < 10 ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ style: {
+ "visibility": "hidden"
+ },
+ ref_for: true
+ }, _ctx.ptm("weekLabel")), "0", 16)) : createCommentVNode("", true), createTextVNode(" " + toDisplayString(month2.weekNumbers[i]), 1)];
+ })], 16, _hoisted_10)], 16)) : createCommentVNode("", true), (openBlock(true), createElementBlock(Fragment, null, renderList(week, function(date) {
+ return openBlock(), createElementBlock("td", mergeProps({
+ key: date.day + "" + date.month,
+ "aria-label": date.day,
+ "class": _ctx.cx("dayCell", {
+ date
+ }),
+ ref_for: true
+ }, _ctx.ptm("dayCell", {
+ context: {
+ date,
+ today: date.today,
+ otherMonth: date.otherMonth,
+ selected: $options.isSelected(date),
+ disabled: !date.selectable
+ }
+ }), {
+ "data-p-today": date.today,
+ "data-p-other-month": date.otherMonth,
+ "data-pc-group-section": "tablebodycell"
+ }), [_ctx.showOtherMonths || !date.otherMonth ? withDirectives((openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": _ctx.cx("day", {
+ date
+ }),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onDateSelect($event, date);
+ }, "onClick"),
+ draggable: "false",
+ onKeydown: /* @__PURE__ */ __name(function onKeydown5($event) {
+ return $options.onDateCellKeydown($event, date, groupIndex);
+ }, "onKeydown"),
+ "aria-selected": $options.isSelected(date),
+ "aria-disabled": !date.selectable,
+ ref_for: true
+ }, _ctx.ptm("day", {
+ context: {
+ date,
+ today: date.today,
+ otherMonth: date.otherMonth,
+ selected: $options.isSelected(date),
+ disabled: !date.selectable
+ }
+ }), {
+ "data-p-disabled": !date.selectable,
+ "data-p-selected": $options.isSelected(date),
+ "data-pc-group-section": "tablebodycelllabel"
+ }), [renderSlot(_ctx.$slots, "date", {
+ date
+ }, function() {
+ return [createTextVNode(toDisplayString(date.day), 1)];
+ })], 16, _hoisted_12)), [[_directive_ripple]]) : createCommentVNode("", true), $options.isSelected(date) ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": "p-hidden-accessible",
+ "aria-live": "polite",
+ ref_for: true
+ }, _ctx.ptm("hiddenSelectedDay"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString(date.day), 17)) : createCommentVNode("", true)], 16, _hoisted_11);
+ }), 128))], 16);
+ }), 128))], 16)], 16)) : createCommentVNode("", true)], 16);
+ }), 128))], 16), $data.currentView === "month" ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("monthView")
+ }, _ctx.ptm("monthView")), [(openBlock(true), createElementBlock(Fragment, null, renderList($options.monthPickerValues, function(m, i) {
+ return withDirectives((openBlock(), createElementBlock("span", mergeProps({
+ key: m,
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onMonthSelect($event, {
+ month: m,
+ index: i
+ });
+ }, "onClick"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown5($event) {
+ return $options.onMonthCellKeydown($event, {
+ month: m,
+ index: i
+ });
+ }, "onKeydown"),
+ "class": _ctx.cx("month", {
+ month: m,
+ index: i
+ }),
+ ref_for: true
+ }, _ctx.ptm("month", {
+ context: {
+ month: m,
+ monthIndex: i,
+ selected: $options.isMonthSelected(i),
+ disabled: !m.selectable
+ }
+ }), {
+ "data-p-disabled": !m.selectable,
+ "data-p-selected": $options.isMonthSelected(i)
+ }), [createTextVNode(toDisplayString(m.value) + " ", 1), $options.isMonthSelected(i) ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": "p-hidden-accessible",
+ "aria-live": "polite",
+ ref_for: true
+ }, _ctx.ptm("hiddenMonth"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString(m.value), 17)) : createCommentVNode("", true)], 16, _hoisted_13)), [[_directive_ripple]]);
+ }), 128))], 16)) : createCommentVNode("", true), $data.currentView === "year" ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("yearView")
+ }, _ctx.ptm("yearView")), [(openBlock(true), createElementBlock(Fragment, null, renderList($options.yearPickerValues, function(y) {
+ return withDirectives((openBlock(), createElementBlock("span", mergeProps({
+ key: y.value,
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onYearSelect($event, y);
+ }, "onClick"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown5($event) {
+ return $options.onYearCellKeydown($event, y);
+ }, "onKeydown"),
+ "class": _ctx.cx("year", {
+ year: y
+ }),
+ ref_for: true
+ }, _ctx.ptm("year", {
+ context: {
+ year: y,
+ selected: $options.isYearSelected(y.value),
+ disabled: !y.selectable
+ }
+ }), {
+ "data-p-disabled": !y.selectable,
+ "data-p-selected": $options.isYearSelected(y.value)
+ }), [createTextVNode(toDisplayString(y.value) + " ", 1), $options.isYearSelected(y.value) ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": "p-hidden-accessible",
+ "aria-live": "polite",
+ ref_for: true
+ }, _ctx.ptm("hiddenYear"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString(y.value), 17)) : createCommentVNode("", true)], 16, _hoisted_14)), [[_directive_ripple]]);
+ }), 128))], 16)) : createCommentVNode("", true)], 64)) : createCommentVNode("", true), (_ctx.showTime || _ctx.timeOnly) && $data.currentView === "date" ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("timePicker")
+ }, _ctx.ptm("timePicker")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("hourPicker")
+ }, _ctx.ptm("hourPicker"), {
+ "data-pc-group-section": "timepickerContainer"
+ }), [createVNode(_component_Button, mergeProps({
+ "class": _ctx.cx("pcIncrementButton"),
+ "aria-label": _ctx.$primevue.config.locale.nextHour,
+ unstyled: _ctx.unstyled,
+ onMousedown: _cache[9] || (_cache[9] = function($event) {
+ return $options.onTimePickerElementMouseDown($event, 0, 1);
+ }),
+ onMouseup: _cache[10] || (_cache[10] = function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }),
+ onKeydown: [$options.onContainerButtonKeydown, _cache[12] || (_cache[12] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 0, 1);
+ }, ["enter"])), _cache[13] || (_cache[13] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 0, 1);
+ }, ["space"]))],
+ onMouseleave: _cache[11] || (_cache[11] = function($event) {
+ return $options.onTimePickerElementMouseLeave();
+ }),
+ onKeyup: [_cache[14] || (_cache[14] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["enter"])), _cache[15] || (_cache[15] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["space"]))]
+ }, _ctx.timepickerButtonProps, {
+ pt: _ctx.ptm("pcIncrementButton"),
+ "data-pc-group-section": "timepickerbutton"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "incrementicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.incrementIcon ? "span" : "ChevronUpIcon"), mergeProps({
+ "class": [_ctx.incrementIcon, slotProps["class"]]
+ }, _ctx.ptm("pcIncrementButton")["icon"], {
+ "data-pc-group-section": "timepickerlabel"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "unstyled", "onKeydown", "pt"]), createBaseVNode("span", mergeProps(_ctx.ptm("hour"), {
+ "data-pc-group-section": "timepickerlabel"
+ }), toDisplayString($options.formattedCurrentHour), 17), createVNode(_component_Button, mergeProps({
+ "class": _ctx.cx("pcDecrementButton"),
+ "aria-label": _ctx.$primevue.config.locale.prevHour,
+ unstyled: _ctx.unstyled,
+ onMousedown: _cache[16] || (_cache[16] = function($event) {
+ return $options.onTimePickerElementMouseDown($event, 0, -1);
+ }),
+ onMouseup: _cache[17] || (_cache[17] = function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }),
+ onKeydown: [$options.onContainerButtonKeydown, _cache[19] || (_cache[19] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 0, -1);
+ }, ["enter"])), _cache[20] || (_cache[20] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 0, -1);
+ }, ["space"]))],
+ onMouseleave: _cache[18] || (_cache[18] = function($event) {
+ return $options.onTimePickerElementMouseLeave();
+ }),
+ onKeyup: [_cache[21] || (_cache[21] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["enter"])), _cache[22] || (_cache[22] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["space"]))]
+ }, _ctx.timepickerButtonProps, {
+ pt: _ctx.ptm("pcDecrementButton"),
+ "data-pc-group-section": "timepickerbutton"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "decrementicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.decrementIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ "class": [_ctx.decrementIcon, slotProps["class"]]
+ }, _ctx.ptm("pcDecrementButton")["icon"], {
+ "data-pc-group-section": "timepickerlabel"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "unstyled", "onKeydown", "pt"])], 16), createBaseVNode("div", mergeProps(_ctx.ptm("separatorContainer"), {
+ "data-pc-group-section": "timepickerContainer"
+ }), [createBaseVNode("span", mergeProps(_ctx.ptm("separator"), {
+ "data-pc-group-section": "timepickerlabel"
+ }), toDisplayString(_ctx.timeSeparator), 17)], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("minutePicker")
+ }, _ctx.ptm("minutePicker"), {
+ "data-pc-group-section": "timepickerContainer"
+ }), [createVNode(_component_Button, mergeProps({
+ "class": _ctx.cx("pcIncrementButton"),
+ "aria-label": _ctx.$primevue.config.locale.nextMinute,
+ disabled: _ctx.disabled,
+ unstyled: _ctx.unstyled,
+ onMousedown: _cache[23] || (_cache[23] = function($event) {
+ return $options.onTimePickerElementMouseDown($event, 1, 1);
+ }),
+ onMouseup: _cache[24] || (_cache[24] = function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }),
+ onKeydown: [$options.onContainerButtonKeydown, _cache[26] || (_cache[26] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 1, 1);
+ }, ["enter"])), _cache[27] || (_cache[27] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 1, 1);
+ }, ["space"]))],
+ onMouseleave: _cache[25] || (_cache[25] = function($event) {
+ return $options.onTimePickerElementMouseLeave();
+ }),
+ onKeyup: [_cache[28] || (_cache[28] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["enter"])), _cache[29] || (_cache[29] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["space"]))]
+ }, _ctx.timepickerButtonProps, {
+ pt: _ctx.ptm("pcIncrementButton"),
+ "data-pc-group-section": "timepickerbutton"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "incrementicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.incrementIcon ? "span" : "ChevronUpIcon"), mergeProps({
+ "class": [_ctx.incrementIcon, slotProps["class"]]
+ }, _ctx.ptm("pcIncrementButton")["icon"], {
+ "data-pc-group-section": "timepickerlabel"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "disabled", "unstyled", "onKeydown", "pt"]), createBaseVNode("span", mergeProps(_ctx.ptm("minute"), {
+ "data-pc-group-section": "timepickerlabel"
+ }), toDisplayString($options.formattedCurrentMinute), 17), createVNode(_component_Button, mergeProps({
+ "class": _ctx.cx("pcDecrementButton"),
+ "aria-label": _ctx.$primevue.config.locale.prevMinute,
+ disabled: _ctx.disabled,
+ onMousedown: _cache[30] || (_cache[30] = function($event) {
+ return $options.onTimePickerElementMouseDown($event, 1, -1);
+ }),
+ onMouseup: _cache[31] || (_cache[31] = function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }),
+ onKeydown: [$options.onContainerButtonKeydown, _cache[33] || (_cache[33] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 1, -1);
+ }, ["enter"])), _cache[34] || (_cache[34] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 1, -1);
+ }, ["space"]))],
+ onMouseleave: _cache[32] || (_cache[32] = function($event) {
+ return $options.onTimePickerElementMouseLeave();
+ }),
+ onKeyup: [_cache[35] || (_cache[35] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["enter"])), _cache[36] || (_cache[36] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["space"]))]
+ }, _ctx.timepickerButtonProps, {
+ pt: _ctx.ptm("pcDecrementButton"),
+ "data-pc-group-section": "timepickerbutton"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "decrementicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.decrementIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ "class": [_ctx.decrementIcon, slotProps["class"]]
+ }, _ctx.ptm("pcDecrementButton")["icon"], {
+ "data-pc-group-section": "timepickerlabel"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "disabled", "onKeydown", "pt"])], 16), _ctx.showSeconds ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("separatorContainer")
+ }, _ctx.ptm("separatorContainer"), {
+ "data-pc-group-section": "timepickerContainer"
+ }), [createBaseVNode("span", mergeProps(_ctx.ptm("separator"), {
+ "data-pc-group-section": "timepickerlabel"
+ }), toDisplayString(_ctx.timeSeparator), 17)], 16)) : createCommentVNode("", true), _ctx.showSeconds ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("secondPicker")
+ }, _ctx.ptm("secondPicker"), {
+ "data-pc-group-section": "timepickerContainer"
+ }), [createVNode(_component_Button, mergeProps({
+ "class": _ctx.cx("pcIncrementButton"),
+ "aria-label": _ctx.$primevue.config.locale.nextSecond,
+ disabled: _ctx.disabled,
+ unstyled: _ctx.unstyled,
+ onMousedown: _cache[37] || (_cache[37] = function($event) {
+ return $options.onTimePickerElementMouseDown($event, 2, 1);
+ }),
+ onMouseup: _cache[38] || (_cache[38] = function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }),
+ onKeydown: [$options.onContainerButtonKeydown, _cache[40] || (_cache[40] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 2, 1);
+ }, ["enter"])), _cache[41] || (_cache[41] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 2, 1);
+ }, ["space"]))],
+ onMouseleave: _cache[39] || (_cache[39] = function($event) {
+ return $options.onTimePickerElementMouseLeave();
+ }),
+ onKeyup: [_cache[42] || (_cache[42] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["enter"])), _cache[43] || (_cache[43] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["space"]))]
+ }, _ctx.timepickerButtonProps, {
+ pt: _ctx.ptm("pcIncrementButton"),
+ "data-pc-group-section": "timepickerbutton"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "incrementicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.incrementIcon ? "span" : "ChevronUpIcon"), mergeProps({
+ "class": [_ctx.incrementIcon, slotProps["class"]]
+ }, _ctx.ptm("pcIncrementButton")["icon"], {
+ "data-pc-group-section": "timepickerlabel"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "disabled", "unstyled", "onKeydown", "pt"]), createBaseVNode("span", mergeProps(_ctx.ptm("second"), {
+ "data-pc-group-section": "timepickerlabel"
+ }), toDisplayString($options.formattedCurrentSecond), 17), createVNode(_component_Button, mergeProps({
+ "class": _ctx.cx("pcDecrementButton"),
+ "aria-label": _ctx.$primevue.config.locale.prevSecond,
+ disabled: _ctx.disabled,
+ unstyled: _ctx.unstyled,
+ onMousedown: _cache[44] || (_cache[44] = function($event) {
+ return $options.onTimePickerElementMouseDown($event, 2, -1);
+ }),
+ onMouseup: _cache[45] || (_cache[45] = function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }),
+ onKeydown: [$options.onContainerButtonKeydown, _cache[47] || (_cache[47] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 2, -1);
+ }, ["enter"])), _cache[48] || (_cache[48] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseDown($event, 2, -1);
+ }, ["space"]))],
+ onMouseleave: _cache[46] || (_cache[46] = function($event) {
+ return $options.onTimePickerElementMouseLeave();
+ }),
+ onKeyup: [_cache[49] || (_cache[49] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["enter"])), _cache[50] || (_cache[50] = withKeys(function($event) {
+ return $options.onTimePickerElementMouseUp($event);
+ }, ["space"]))]
+ }, _ctx.timepickerButtonProps, {
+ pt: _ctx.ptm("pcDecrementButton"),
+ "data-pc-group-section": "timepickerbutton"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "decrementicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.decrementIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ "class": [_ctx.decrementIcon, slotProps["class"]]
+ }, _ctx.ptm("pcDecrementButton")["icon"], {
+ "data-pc-group-section": "timepickerlabel"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "disabled", "unstyled", "onKeydown", "pt"])], 16)) : createCommentVNode("", true), _ctx.hourFormat == "12" ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 2,
+ "class": _ctx.cx("separatorContainer")
+ }, _ctx.ptm("separatorContainer"), {
+ "data-pc-group-section": "timepickerContainer"
+ }), [createBaseVNode("span", mergeProps(_ctx.ptm("separator"), {
+ "data-pc-group-section": "timepickerlabel"
+ }), toDisplayString(_ctx.timeSeparator), 17)], 16)) : createCommentVNode("", true), _ctx.hourFormat == "12" ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 3,
+ "class": _ctx.cx("ampmPicker")
+ }, _ctx.ptm("ampmPicker")), [createVNode(_component_Button, mergeProps({
+ "class": _ctx.cx("pcIncrementButton"),
+ "aria-label": _ctx.$primevue.config.locale.am,
+ disabled: _ctx.disabled,
+ unstyled: _ctx.unstyled,
+ onClick: _cache[51] || (_cache[51] = function($event) {
+ return $options.toggleAMPM($event);
+ }),
+ onKeydown: $options.onContainerButtonKeydown
+ }, _ctx.timepickerButtonProps, {
+ pt: _ctx.ptm("pcIncrementButton"),
+ "data-pc-group-section": "timepickerbutton"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "incrementicon", {
+ "class": normalizeClass(_ctx.cx("incrementIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.incrementIcon ? "span" : "ChevronUpIcon"), mergeProps({
+ "class": [_ctx.cx("incrementIcon"), slotProps["class"]]
+ }, _ctx.ptm("pcIncrementButton")["icon"], {
+ "data-pc-group-section": "timepickerlabel"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "disabled", "unstyled", "onKeydown", "pt"]), createBaseVNode("span", mergeProps(_ctx.ptm("ampm"), {
+ "data-pc-group-section": "timepickerlabel"
+ }), toDisplayString($data.pm ? _ctx.$primevue.config.locale.pm : _ctx.$primevue.config.locale.am), 17), createVNode(_component_Button, mergeProps({
+ "class": _ctx.cx("pcDecrementButton"),
+ "aria-label": _ctx.$primevue.config.locale.pm,
+ disabled: _ctx.disabled,
+ onClick: _cache[52] || (_cache[52] = function($event) {
+ return $options.toggleAMPM($event);
+ }),
+ onKeydown: $options.onContainerButtonKeydown
+ }, _ctx.timepickerButtonProps, {
+ pt: _ctx.ptm("pcDecrementButton"),
+ "data-pc-group-section": "timepickerbutton"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "decrementicon", {
+ "class": normalizeClass(_ctx.cx("decrementIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.decrementIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ "class": [_ctx.cx("decrementIcon"), slotProps["class"]]
+ }, _ctx.ptm("pcDecrementButton")["icon"], {
+ "data-pc-group-section": "timepickerlabel"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "disabled", "onKeydown", "pt"])], 16)) : createCommentVNode("", true)], 16)) : createCommentVNode("", true), _ctx.showButtonBar ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 2,
+ "class": _ctx.cx("buttonbar")
+ }, _ctx.ptm("buttonbar")), [createVNode(_component_Button, mergeProps({
+ label: $options.todayLabel,
+ onClick: _cache[53] || (_cache[53] = function($event) {
+ return $options.onTodayButtonClick($event);
+ }),
+ "class": _ctx.cx("pcTodayButton"),
+ unstyled: _ctx.unstyled,
+ onKeydown: $options.onContainerButtonKeydown
+ }, _ctx.todayButtonProps, {
+ pt: _ctx.ptm("pcTodayButton"),
+ "data-pc-group-section": "button"
+ }), null, 16, ["label", "class", "unstyled", "onKeydown", "pt"]), createVNode(_component_Button, mergeProps({
+ label: $options.clearLabel,
+ onClick: _cache[54] || (_cache[54] = function($event) {
+ return $options.onClearButtonClick($event);
+ }),
+ "class": _ctx.cx("pcClearButton"),
+ unstyled: _ctx.unstyled,
+ onKeydown: $options.onContainerButtonKeydown
+ }, _ctx.clearButtonProps, {
+ pt: _ctx.ptm("pcClearButton"),
+ "data-pc-group-section": "button"
+ }), null, 16, ["label", "class", "unstyled", "onKeydown", "pt"])], 16)) : createCommentVNode("", true), renderSlot(_ctx.$slots, "footer")], 16, _hoisted_3$h)) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onAfterEnter", "onAfterLeave", "onLeave"])];
+ }),
+ _: 3
+ }, 8, ["appendTo", "disabled"])], 16, _hoisted_1$s);
+}
+__name(render$V, "render$V");
+script$12.render = render$V;
+var script$11 = {
+ name: "Calendar",
+ "extends": script$12,
+ mounted: /* @__PURE__ */ __name(function mounted6() {
+ console.warn("Deprecated since v4. Use DatePicker component instead.");
+ }, "mounted")
+};
+var CalendarStyle = BaseStyle.extend({
+ name: "calendar"
+});
+var theme$y = /* @__PURE__ */ __name(function theme5(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-cascadeselect {\n display: inline-flex;\n cursor: pointer;\n position: relative;\n user-select: none;\n background: ".concat(dt("cascadeselect.background"), ";\n border: 1px solid ").concat(dt("cascadeselect.border.color"), ";\n transition: background ").concat(dt("cascadeselect.transition.duration"), ", color ").concat(dt("cascadeselect.transition.duration"), ", border-color ").concat(dt("cascadeselect.transition.duration"), ", outline-color ").concat(dt("cascadeselect.transition.duration"), ", box-shadow ").concat(dt("cascadeselect.transition.duration"), ";\n border-radius: ").concat(dt("cascadeselect.border.radius"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt("cascadeselect.shadow"), ";\n}\n\n.p-cascadeselect:not(.p-disabled):hover {\n border-color: ").concat(dt("cascadeselect.hover.border.color"), ";\n}\n\n.p-cascadeselect:not(.p-disabled).p-focus {\n border-color: ").concat(dt("cascadeselect.focus.border.color"), ";\n box-shadow: ").concat(dt("cascadeselect.focus.ring.shadow"), ";\n outline: ").concat(dt("cascadeselect.focus.ring.width"), " ").concat(dt("cascadeselect.focus.ring.style"), " ").concat(dt("cascadeselect.focus.ring.color"), ";\n outline-offset: ").concat(dt("cascadeselect.focus.ring.offset"), ";\n}\n\n.p-cascadeselect.p-variant-filled {\n background: ").concat(dt("cascadeselect.filled.background"), ";\n}\n\n.p-cascadeselect.p-variant-filled:not(.p-disabled):hover {\n background: ").concat(dt("cascadeselect.filled.hover.background"), ";\n}\n\n.p-cascadeselect.p-variant-filled.p-focus {\n background: ").concat(dt("cascadeselect.filled.focus.background"), ";\n}\n\n.p-cascadeselect.p-invalid {\n border-color: ").concat(dt("cascadeselect.invalid.border.color"), ";\n}\n\n.p-cascadeselect.p-disabled {\n opacity: 1;\n background: ").concat(dt("cascadeselect.disabled.background"), ";\n}\n\n.p-cascadeselect-dropdown {\n display: flex;\n align-items: center;\n justify-content: center;\n flex-shrink: 0;\n background: transparent;\n color: ").concat(dt("cascadeselect.dropdown.color"), ";\n width: ").concat(dt("cascadeselect.dropdown.width"), ";\n border-start-end-radius: ").concat(dt("border.radius.md"), ";\n border-end-end-radius: ").concat(dt("border.radius.md"), ";\n}\n\n.p-cascadeselect-clear-icon {\n position: absolute;\n top: 50%;\n margin-top: -0.5rem;\n color: ").concat(dt("cascadeselect.clear.icon.color"), ";\n inset-inline-end: ").concat(dt("cascadeselect.dropdown.width"), ";\n}\n\n.p-cascadeselect-label {\n display: block;\n white-space: nowrap;\n overflow: hidden;\n flex: 1 1 auto;\n width: 1%;\n text-overflow: ellipsis;\n cursor: pointer;\n padding: ").concat(dt("cascadeselect.padding.y"), " ").concat(dt("cascadeselect.padding.x"), ";\n background: transparent;\n border: 0 none;\n outline: 0 none;\n}\n\n.p-cascadeselect-label.p-placeholder {\n color: ").concat(dt("cascadeselect.placeholder.color"), ";\n}\n\n.p-cascadeselect.p-invalid .p-cascadeselect-label.p-placeholder {\n color: ").concat(dt("cascadeselect.invalid.placeholder.color"), ";\n}\n\n.p-cascadeselect.p-disabled .p-cascadeselect-label {\n color: ").concat(dt("cascadeselect.disabled.color"), ";\n}\n\n.p-cascadeselect-label-empty {\n overflow: hidden;\n visibility: hidden;\n}\n\n.p-cascadeselect-fluid {\n display: flex;\n}\n\n.p-cascadeselect-fluid .p-cascadeselect-label {\n width: 1%;\n}\n\n.p-cascadeselect-overlay {\n background: ").concat(dt("cascadeselect.overlay.background"), ";\n color: ").concat(dt("cascadeselect.overlay.color"), ";\n border: 1px solid ").concat(dt("cascadeselect.overlay.border.color"), ";\n border-radius: ").concat(dt("cascadeselect.overlay.border.radius"), ";\n box-shadow: ").concat(dt("cascadeselect.overlay.shadow"), ";\n}\n\n.p-cascadeselect .p-cascadeselect-overlay {\n min-width: 100%;\n}\n\n.p-cascadeselect-option-list {\n display: none;\n min-width: 100%;\n position: absolute;\n z-index: 1;\n}\n\n.p-cascadeselect-list {\n min-width: 100%;\n margin: 0;\n padding: 0;\n list-style-type: none;\n padding: ").concat(dt("cascadeselect.list.padding"), ";\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("cascadeselect.list.gap"), ";\n}\n\n.p-cascadeselect-option {\n cursor: pointer;\n font-weight: normal;\n white-space: nowrap;\n border: 0 none;\n color: ").concat(dt("cascadeselect.option.color"), ";\n background: transparent;\n border-radius: ").concat(dt("cascadeselect.option.border.radius"), ";\n}\n\n.p-cascadeselect-option-active {\n overflow: visible;\n}\n\n.p-cascadeselect-option-active > .p-cascadeselect-option-content {\n background: ").concat(dt("cascadeselect.option.focus.background"), ";\n color: ").concat(dt("cascadeselect.option.focus.color"), ";\n}\n\n.p-cascadeselect-option:not(.p-cascadeselect-option-selected):not(.p-disabled).p-focus > .p-cascadeselect-option-content {\n background: ").concat(dt("cascadeselect.option.focus.background"), ";\n color: ").concat(dt("cascadeselect.option.focus.color"), ";\n}\n\n.p-cascadeselect-option:not(.p-cascadeselect-option-selected):not(.p-disabled).p-focus > .p-cascadeselect-option-content > .p-cascadeselect-group-icon-container > .p-cascadeselect-group-icon {\n color: ").concat(dt("cascadeselect.option.icon.focus.color"), ";\n}\n\n.p-cascadeselect-option-selected > .p-cascadeselect-option-content {\n background: ").concat(dt("cascadeselect.option.selected.background"), ";\n color: ").concat(dt("cascadeselect.option.selected.color"), ";\n}\n\n.p-cascadeselect-option-selected.p-focus > .p-cascadeselect-option-content {\n background: ").concat(dt("cascadeselect.option.selected.focus.background"), ";\n color: ").concat(dt("cascadeselect.option.selected.focus.color"), ";\n}\n\n.p-cascadeselect-option-active > .p-cascadeselect-option-list {\n inset-inline-start: 100%;\n inset-block-start: 0;\n}\n\n.p-cascadeselect-option-content {\n display: flex;\n align-items: center;\n justify-content: space-between;\n overflow: hidden;\n position: relative;\n padding: ").concat(dt("cascadeselect.option.padding"), ";\n border-radius: ").concat(dt("cascadeselect.option.border.radius"), ";\n transition: background ").concat(dt("cascadeselect.transition.duration"), ", color ").concat(dt("cascadeselect.transition.duration"), ", border-color ").concat(dt("cascadeselect.transition.duration"), ", box-shadow ").concat(dt("cascadeselect.transition.duration"), ", outline-color ").concat(dt("cascadeselect.transition.duration"), ";\n}\n\n.p-cascadeselect-group-icon {\n font-size: ").concat(dt("cascadeselect.option.icon.size"), ";\n width: ").concat(dt("cascadeselect.option.icon.size"), ";\n height: ").concat(dt("cascadeselect.option.icon.size"), ";\n color: ").concat(dt("cascadeselect.option.icon.color"), ";\n}\n\n.p-cascadeselect-group-icon:dir(rtl) {\n transform: rotate(180deg);\n}\n\n.p-cascadeselect-mobile-active .p-cascadeselect-option-list {\n position: static;\n box-shadow: none;\n border: 0 none;\n padding-inline-start: ").concat(dt("tieredmenu.submenu.mobile.indent"), ";\n padding-inline-end: 0;\n}\n\n.p-cascadeselect-mobile-active .p-cascadeselect-group-icon {\n transition: transform 0.2s;\n transform: rotate(90deg);\n}\n\n.p-cascadeselect-mobile-active .p-cascadeselect-option-active > .p-cascadeselect-option-content .p-cascadeselect-group-icon {\n transform: rotate(-90deg);\n}\n\n.p-cascadeselect-sm .p-cascadeselect-label {\n font-size: ").concat(dt("cascadeselect.sm.font.size"), ";\n padding-block: ").concat(dt("cascadeselect.sm.padding.y"), ";\n padding-inline: ").concat(dt("cascadeselect.sm.padding.x"), ";\n}\n\n.p-cascadeselect-sm .p-cascadeselect-dropdown .p-icon {\n font-size: ").concat(dt("cascadeselect.sm.font.size"), ";\n width: ").concat(dt("cascadeselect.sm.font.size"), ";\n height: ").concat(dt("cascadeselect.sm.font.size"), ";\n}\n\n.p-cascadeselect-lg .p-cascadeselect-label {\n font-size: ").concat(dt("cascadeselect.lg.font.size"), ";\n padding-block: ").concat(dt("cascadeselect.lg.padding.y"), ";\n padding-inline: ").concat(dt("cascadeselect.lg.padding.x"), ";\n}\n\n.p-cascadeselect-lg .p-cascadeselect-dropdown .p-icon {\n font-size: ").concat(dt("cascadeselect.lg.font.size"), ";\n width: ").concat(dt("cascadeselect.lg.font.size"), ";\n height: ").concat(dt("cascadeselect.lg.font.size"), ";\n}\n");
+}, "theme");
+var inlineStyles$7 = {
+ root: /* @__PURE__ */ __name(function root5(_ref2) {
+ var props = _ref2.props;
+ return {
+ position: props.appendTo === "self" ? "relative" : void 0
+ };
+ }, "root")
+};
+var classes$C = {
+ root: /* @__PURE__ */ __name(function root6(_ref3) {
+ var instance = _ref3.instance, props = _ref3.props;
+ return ["p-cascadeselect p-component p-inputwrapper", {
+ "p-cascadeselect-mobile": instance.queryMatches,
+ "p-disabled": props.disabled,
+ "p-invalid": instance.$invalid,
+ "p-variant-filled": instance.$variant === "filled",
+ "p-focus": instance.focused,
+ "p-inputwrapper-filled": instance.$filled,
+ "p-inputwrapper-focus": instance.focused || instance.overlayVisible,
+ "p-cascadeselect-open": instance.overlayVisible,
+ "p-cascadeselect-fluid": instance.$fluid,
+ "p-cascadeselect-sm p-inputfield-sm": props.size === "small",
+ "p-cascadeselect-lg p-inputfield-lg": props.size === "large"
+ }];
+ }, "root"),
+ label: /* @__PURE__ */ __name(function label2(_ref4) {
+ var instance = _ref4.instance, props = _ref4.props;
+ return ["p-cascadeselect-label", {
+ "p-placeholder": instance.label === props.placeholder,
+ "p-cascadeselect-label-empty": !instance.$slots["value"] && (instance.label === "p-emptylabel" || instance.label.length === 0)
+ }];
+ }, "label"),
+ clearIcon: "p-cascadeselect-clear-icon",
+ dropdown: "p-cascadeselect-dropdown",
+ loadingIcon: "p-cascadeselect-loading-icon",
+ dropdownIcon: "p-cascadeselect-dropdown-icon",
+ overlay: /* @__PURE__ */ __name(function overlay(_ref5) {
+ var instance = _ref5.instance;
+ return ["p-cascadeselect-overlay p-component", {
+ "p-cascadeselect-mobile-active": instance.queryMatches
+ }];
+ }, "overlay"),
+ listContainer: "p-cascadeselect-list-container",
+ list: "p-cascadeselect-list",
+ option: /* @__PURE__ */ __name(function option(_ref6) {
+ var instance = _ref6.instance, processedOption = _ref6.processedOption;
+ return ["p-cascadeselect-option", {
+ "p-cascadeselect-option-active": instance.isOptionActive(processedOption),
+ "p-cascadeselect-option-selected": instance.isOptionSelected(processedOption),
+ "p-focus": instance.isOptionFocused(processedOption),
+ "p-disabled": instance.isOptionDisabled(processedOption)
+ }];
+ }, "option"),
+ optionContent: "p-cascadeselect-option-content",
+ optionText: "p-cascadeselect-option-text",
+ groupIconContainer: "p-cascadeselect-group-icon-container",
+ groupIcon: "p-cascadeselect-group-icon",
+ optionList: "p-cascadeselect-overlay p-cascadeselect-option-list"
+};
+var CascadeSelectStyle = BaseStyle.extend({
+ name: "cascadeselect",
+ theme: theme$y,
+ classes: classes$C,
+ inlineStyles: inlineStyles$7
+});
+var script$2$8 = {
+ name: "BaseCascadeSelect",
+ "extends": script$1k,
+ props: {
+ options: Array,
+ optionLabel: null,
+ optionValue: null,
+ optionDisabled: null,
+ optionGroupLabel: null,
+ optionGroupChildren: null,
+ placeholder: String,
+ breakpoint: {
+ type: String,
+ "default": "960px"
+ },
+ dataKey: null,
+ showClear: {
+ type: Boolean,
+ "default": false
+ },
+ clearIcon: {
+ type: String,
+ "default": void 0
+ },
+ inputId: {
+ type: String,
+ "default": null
+ },
+ inputClass: {
+ type: [String, Object],
+ "default": null
+ },
+ inputStyle: {
+ type: Object,
+ "default": null
+ },
+ inputProps: {
+ type: null,
+ "default": null
+ },
+ panelClass: {
+ type: [String, Object],
+ "default": null
+ },
+ panelStyle: {
+ type: Object,
+ "default": null
+ },
+ panelProps: {
+ type: null,
+ "default": null
+ },
+ overlayClass: {
+ type: [String, Object],
+ "default": null
+ },
+ overlayStyle: {
+ type: Object,
+ "default": null
+ },
+ overlayProps: {
+ type: null,
+ "default": null
+ },
+ appendTo: {
+ type: [String, Object],
+ "default": "body"
+ },
+ loading: {
+ type: Boolean,
+ "default": false
+ },
+ dropdownIcon: {
+ type: String,
+ "default": void 0
+ },
+ loadingIcon: {
+ type: String,
+ "default": void 0
+ },
+ optionGroupIcon: {
+ type: String,
+ "default": void 0
+ },
+ autoOptionFocus: {
+ type: Boolean,
+ "default": false
+ },
+ selectOnFocus: {
+ type: Boolean,
+ "default": false
+ },
+ focusOnHover: {
+ type: Boolean,
+ "default": true
+ },
+ searchLocale: {
+ type: String,
+ "default": void 0
+ },
+ searchMessage: {
+ type: String,
+ "default": null
+ },
+ selectionMessage: {
+ type: String,
+ "default": null
+ },
+ emptySelectionMessage: {
+ type: String,
+ "default": null
+ },
+ emptySearchMessage: {
+ type: String,
+ "default": null
+ },
+ emptyMessage: {
+ type: String,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: CascadeSelectStyle,
+ provide: /* @__PURE__ */ __name(function provide10() {
+ return {
+ $pcCascadeSelect: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1$E = {
+ name: "CascadeSelectSub",
+ hostName: "CascadeSelect",
+ "extends": script$1f,
+ emits: ["option-change", "option-focus-change", "option-focus-enter-change"],
+ container: null,
+ props: {
+ selectId: String,
+ focusedOptionId: String,
+ options: Array,
+ optionLabel: String,
+ optionValue: String,
+ optionDisabled: null,
+ optionGroupIcon: String,
+ optionGroupLabel: String,
+ optionGroupChildren: {
+ type: [String, Array],
+ "default": null
+ },
+ activeOptionPath: Array,
+ level: Number,
+ templates: null,
+ value: null
+ },
+ methods: {
+ getOptionId: /* @__PURE__ */ __name(function getOptionId(processedOption) {
+ return "".concat(this.selectId, "_").concat(processedOption.key);
+ }, "getOptionId"),
+ getOptionLabel: /* @__PURE__ */ __name(function getOptionLabel(processedOption) {
+ return this.optionLabel ? resolveFieldData(processedOption.option, this.optionLabel) : processedOption.option;
+ }, "getOptionLabel"),
+ getOptionValue: /* @__PURE__ */ __name(function getOptionValue(processedOption) {
+ return this.optionValue ? resolveFieldData(processedOption.option, this.optionValue) : processedOption.option;
+ }, "getOptionValue"),
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions(processedOption, index, key) {
+ return this.ptm(key, {
+ context: {
+ option: processedOption,
+ index,
+ level: this.level,
+ optionGroup: this.isOptionGroup(processedOption),
+ active: this.isOptionActive(processedOption),
+ focused: this.isOptionFocused(processedOption),
+ disabled: this.isOptionDisabled(processedOption)
+ }
+ });
+ }, "getPTOptions"),
+ isOptionDisabled: /* @__PURE__ */ __name(function isOptionDisabled(processedOption) {
+ return this.optionDisabled ? resolveFieldData(processedOption.option, this.optionDisabled) : false;
+ }, "isOptionDisabled"),
+ getOptionGroupLabel: /* @__PURE__ */ __name(function getOptionGroupLabel(processedOption) {
+ return this.optionGroupLabel ? resolveFieldData(processedOption.option, this.optionGroupLabel) : null;
+ }, "getOptionGroupLabel"),
+ getOptionGroupChildren: /* @__PURE__ */ __name(function getOptionGroupChildren(processedOption) {
+ return processedOption.children;
+ }, "getOptionGroupChildren"),
+ isOptionGroup: /* @__PURE__ */ __name(function isOptionGroup(processedOption) {
+ return isNotEmpty(processedOption.children);
+ }, "isOptionGroup"),
+ isOptionSelected: /* @__PURE__ */ __name(function isOptionSelected(processedOption) {
+ return equals(this.value, processedOption === null || processedOption === void 0 ? void 0 : processedOption.option);
+ }, "isOptionSelected"),
+ isOptionActive: /* @__PURE__ */ __name(function isOptionActive(processedOption) {
+ return this.activeOptionPath.some(function(path) {
+ return path.key === processedOption.key;
+ });
+ }, "isOptionActive"),
+ isOptionFocused: /* @__PURE__ */ __name(function isOptionFocused(processedOption) {
+ return this.focusedOptionId === this.getOptionId(processedOption);
+ }, "isOptionFocused"),
+ getOptionLabelToRender: /* @__PURE__ */ __name(function getOptionLabelToRender(processedOption) {
+ return this.isOptionGroup(processedOption) ? this.getOptionGroupLabel(processedOption) : this.getOptionLabel(processedOption);
+ }, "getOptionLabelToRender"),
+ onOptionClick: /* @__PURE__ */ __name(function onOptionClick(event2, processedOption) {
+ this.$emit("option-change", {
+ originalEvent: event2,
+ processedOption,
+ isFocus: true
+ });
+ }, "onOptionClick"),
+ onOptionMouseEnter: /* @__PURE__ */ __name(function onOptionMouseEnter(event2, processedOption) {
+ this.$emit("option-focus-enter-change", {
+ originalEvent: event2,
+ processedOption
+ });
+ }, "onOptionMouseEnter"),
+ onOptionMouseMove: /* @__PURE__ */ __name(function onOptionMouseMove(event2, processedOption) {
+ this.$emit("option-focus-change", {
+ originalEvent: event2,
+ processedOption
+ });
+ }, "onOptionMouseMove"),
+ containerRef: /* @__PURE__ */ __name(function containerRef(el) {
+ this.container = el;
+ }, "containerRef"),
+ listAriaLabel: /* @__PURE__ */ __name(function listAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.listLabel : void 0;
+ }, "listAriaLabel")
+ },
+ directives: {
+ ripple: Ripple
+ },
+ components: {
+ AngleRightIcon: script$1o
+ }
+};
+var _hoisted_1$1$6 = ["id", "aria-label", "aria-selected", "aria-expanded", "aria-level", "aria-setsize", "aria-posinset", "data-p-option-group", "data-p-active", "data-p-focus", "data-p-disabled"];
+var _hoisted_2$k = ["onClick", "onMouseenter", "onMousemove"];
+function render$1$8(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_AngleRightIcon = resolveComponent("AngleRightIcon");
+ var _component_CascadeSelectSub = resolveComponent("CascadeSelectSub", true);
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("ul", mergeProps({
+ ref: $options.containerRef,
+ "class": _ctx.cx("list")
+ }, $props.level === 0 ? _ctx.ptm("list") : _ctx.ptm("optionList")), [(openBlock(true), createElementBlock(Fragment, null, renderList($props.options, function(processedOption, index) {
+ return openBlock(), createElementBlock("li", mergeProps({
+ key: $options.getOptionLabelToRender(processedOption),
+ id: $options.getOptionId(processedOption),
+ "class": _ctx.cx("option", {
+ processedOption
+ }),
+ role: "treeitem",
+ "aria-label": $options.getOptionLabelToRender(processedOption),
+ "aria-selected": $options.isOptionGroup(processedOption) ? void 0 : $options.isOptionSelected(processedOption),
+ "aria-expanded": $options.isOptionGroup(processedOption) ? $options.isOptionActive(processedOption) : void 0,
+ "aria-level": $props.level + 1,
+ "aria-setsize": $props.options.length,
+ "aria-posinset": index + 1,
+ ref_for: true
+ }, $options.getPTOptions(processedOption, index, "option"), {
+ "data-p-option-group": $options.isOptionGroup(processedOption),
+ "data-p-active": $options.isOptionActive(processedOption),
+ "data-p-focus": $options.isOptionFocused(processedOption),
+ "data-p-disabled": $options.isOptionDisabled(processedOption)
+ }), [withDirectives((openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("optionContent"),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onOptionClick($event, processedOption);
+ }, "onClick"),
+ onMouseenter: /* @__PURE__ */ __name(function onMouseenter($event) {
+ return $options.onOptionMouseEnter($event, processedOption);
+ }, "onMouseenter"),
+ onMousemove: /* @__PURE__ */ __name(function onMousemove($event) {
+ return $options.onOptionMouseMove($event, processedOption);
+ }, "onMousemove"),
+ ref_for: true
+ }, $options.getPTOptions(processedOption, index, "optionContent")), [$props.templates["option"] ? (openBlock(), createBlock(resolveDynamicComponent($props.templates["option"]), {
+ key: 0,
+ option: processedOption.option,
+ selected: $options.isOptionGroup(processedOption) ? false : $options.isOptionSelected(processedOption)
+ }, null, 8, ["option", "selected"])) : (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": _ctx.cx("optionText"),
+ ref_for: true
+ }, $options.getPTOptions(processedOption, index, "optionText")), toDisplayString($options.getOptionLabelToRender(processedOption)), 17)), $options.isOptionGroup(processedOption) ? (openBlock(), createElementBlock("span", {
+ key: 2,
+ "class": normalizeClass(_ctx.cx("groupIconContainer"))
+ }, [$props.templates["optiongroupicon"] ? (openBlock(), createBlock(resolveDynamicComponent($props.templates["optiongroupicon"]), {
+ key: 0,
+ "class": normalizeClass(_ctx.cx("groupIcon"))
+ }, null, 8, ["class"])) : $props.optionGroupIcon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": [_ctx.cx("groupIcon"), $props.optionGroupIcon],
+ "aria-hidden": "true",
+ ref_for: true
+ }, $options.getPTOptions(processedOption, index, "groupIcon")), null, 16)) : (openBlock(), createBlock(_component_AngleRightIcon, mergeProps({
+ key: 2,
+ "class": _ctx.cx("groupIcon"),
+ "aria-hidden": "true",
+ ref_for: true
+ }, $options.getPTOptions(processedOption, index, "groupIcon")), null, 16, ["class"]))], 2)) : createCommentVNode("", true)], 16, _hoisted_2$k)), [[_directive_ripple]]), $options.isOptionGroup(processedOption) && $options.isOptionActive(processedOption) ? (openBlock(), createBlock(_component_CascadeSelectSub, {
+ key: 0,
+ role: "group",
+ "class": normalizeClass(_ctx.cx("optionList")),
+ selectId: $props.selectId,
+ focusedOptionId: $props.focusedOptionId,
+ options: $options.getOptionGroupChildren(processedOption),
+ activeOptionPath: $props.activeOptionPath,
+ level: $props.level + 1,
+ templates: $props.templates,
+ optionLabel: $props.optionLabel,
+ optionValue: $props.optionValue,
+ optionDisabled: $props.optionDisabled,
+ optionGroupIcon: $props.optionGroupIcon,
+ optionGroupLabel: $props.optionGroupLabel,
+ optionGroupChildren: $props.optionGroupChildren,
+ value: $props.value,
+ onOptionChange: _cache[0] || (_cache[0] = function($event) {
+ return _ctx.$emit("option-change", $event);
+ }),
+ onOptionFocusChange: _cache[1] || (_cache[1] = function($event) {
+ return _ctx.$emit("option-focus-change", $event);
+ }),
+ onOptionFocusEnterChange: _cache[2] || (_cache[2] = function($event) {
+ return _ctx.$emit("option-focus-enter-change", $event);
+ }),
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, null, 8, ["class", "selectId", "focusedOptionId", "options", "activeOptionPath", "level", "templates", "optionLabel", "optionValue", "optionDisabled", "optionGroupIcon", "optionGroupLabel", "optionGroupChildren", "value", "pt", "unstyled"])) : createCommentVNode("", true)], 16, _hoisted_1$1$6);
+ }), 128))], 16);
+}
+__name(render$1$8, "render$1$8");
+script$1$E.render = render$1$8;
+function _typeof$1$3(o) {
+ "@babel/helpers - typeof";
+ return _typeof$1$3 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$1$3(o);
+}
+__name(_typeof$1$3, "_typeof$1$3");
+function ownKeys$1$2(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$1$2, "ownKeys$1$2");
+function _objectSpread$1$2(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$1$2(Object(t2), true).forEach(function(r2) {
+ _defineProperty$1$3(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$1$2(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$1$2, "_objectSpread$1$2");
+function _defineProperty$1$3(e, r, t2) {
+ return (r = _toPropertyKey$1$3(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$1$3, "_defineProperty$1$3");
+function _toPropertyKey$1$3(t2) {
+ var i = _toPrimitive$1$3(t2, "string");
+ return "symbol" == _typeof$1$3(i) ? i : i + "";
+}
+__name(_toPropertyKey$1$3, "_toPropertyKey$1$3");
+function _toPrimitive$1$3(t2, r) {
+ if ("object" != _typeof$1$3(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$1$3(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$1$3, "_toPrimitive$1$3");
+var script$10 = {
+ name: "CascadeSelect",
+ "extends": script$2$8,
+ inheritAttrs: false,
+ emits: ["change", "focus", "blur", "click", "group-change", "before-show", "before-hide", "hide", "show"],
+ outsideClickListener: null,
+ matchMediaListener: null,
+ scrollHandler: null,
+ resizeListener: null,
+ overlay: null,
+ searchTimeout: null,
+ searchValue: null,
+ data: /* @__PURE__ */ __name(function data3() {
+ return {
+ id: this.$attrs.id,
+ clicked: false,
+ focused: false,
+ focusedOptionInfo: {
+ index: -1,
+ level: 0,
+ parentKey: ""
+ },
+ activeOptionPath: [],
+ overlayVisible: false,
+ dirty: false,
+ mobileActive: false,
+ query: null,
+ queryMatches: false
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId2(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ options: /* @__PURE__ */ __name(function options() {
+ this.autoUpdateModel();
+ }, "options")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted7() {
+ this.id = this.id || UniqueComponentId();
+ this.autoUpdateModel();
+ this.bindMatchMediaListener();
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount2() {
+ this.unbindOutsideClickListener();
+ this.unbindResizeListener();
+ this.unbindMatchMediaListener();
+ if (this.scrollHandler) {
+ this.scrollHandler.destroy();
+ this.scrollHandler = null;
+ }
+ if (this.overlay) {
+ ZIndex.clear(this.overlay);
+ this.overlay = null;
+ }
+ if (this.mobileActive) {
+ this.mobileActive = false;
+ }
+ }, "beforeUnmount"),
+ methods: {
+ getOptionLabel: /* @__PURE__ */ __name(function getOptionLabel2(option4) {
+ return this.optionLabel ? resolveFieldData(option4, this.optionLabel) : option4;
+ }, "getOptionLabel"),
+ getOptionValue: /* @__PURE__ */ __name(function getOptionValue2(option4) {
+ return this.optionValue ? resolveFieldData(option4, this.optionValue) : option4;
+ }, "getOptionValue"),
+ isOptionDisabled: /* @__PURE__ */ __name(function isOptionDisabled2(option4) {
+ return this.optionDisabled ? resolveFieldData(option4, this.optionDisabled) : false;
+ }, "isOptionDisabled"),
+ getOptionGroupLabel: /* @__PURE__ */ __name(function getOptionGroupLabel2(optionGroup) {
+ return this.optionGroupLabel ? resolveFieldData(optionGroup, this.optionGroupLabel) : null;
+ }, "getOptionGroupLabel"),
+ getOptionGroupChildren: /* @__PURE__ */ __name(function getOptionGroupChildren2(optionGroup, level) {
+ return isString(this.optionGroupChildren) ? resolveFieldData(optionGroup, this.optionGroupChildren) : resolveFieldData(optionGroup, this.optionGroupChildren[level]);
+ }, "getOptionGroupChildren"),
+ isOptionGroup: /* @__PURE__ */ __name(function isOptionGroup2(option4, level) {
+ return Object.prototype.hasOwnProperty.call(option4, this.optionGroupChildren[level]);
+ }, "isOptionGroup"),
+ getProccessedOptionLabel: /* @__PURE__ */ __name(function getProccessedOptionLabel() {
+ var processedOption = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
+ var grouped = this.isProccessedOptionGroup(processedOption);
+ return grouped ? this.getOptionGroupLabel(processedOption.option, processedOption.level) : this.getOptionLabel(processedOption.option);
+ }, "getProccessedOptionLabel"),
+ isProccessedOptionGroup: /* @__PURE__ */ __name(function isProccessedOptionGroup(processedOption) {
+ return isNotEmpty(processedOption === null || processedOption === void 0 ? void 0 : processedOption.children);
+ }, "isProccessedOptionGroup"),
+ show: /* @__PURE__ */ __name(function show(isFocus) {
+ this.$emit("before-show");
+ this.overlayVisible = true;
+ this.activeOptionPath = this.$filled ? this.findOptionPathByValue(this.d_value) : this.activeOptionPath;
+ if (this.$filled && isNotEmpty(this.activeOptionPath)) {
+ var processedOption = this.activeOptionPath[this.activeOptionPath.length - 1];
+ this.focusedOptionInfo = {
+ index: processedOption.index,
+ level: processedOption.level,
+ parentKey: processedOption.parentKey
+ };
+ } else {
+ this.focusedOptionInfo = {
+ index: this.autoOptionFocus ? this.findFirstFocusedOptionIndex() : this.findSelectedOptionIndex(),
+ level: 0,
+ parentKey: ""
+ };
+ }
+ isFocus && focus(this.$refs.focusInput);
+ }, "show"),
+ hide: /* @__PURE__ */ __name(function hide(isFocus) {
+ var _this = this;
+ var _hide = /* @__PURE__ */ __name(function _hide2() {
+ _this.$emit("before-hide");
+ _this.overlayVisible = false;
+ _this.clicked = false;
+ _this.activeOptionPath = [];
+ _this.focusedOptionInfo = {
+ index: -1,
+ level: 0,
+ parentKey: ""
+ };
+ isFocus && focus(_this.$refs.focusInput);
+ }, "_hide");
+ setTimeout(function() {
+ _hide();
+ }, 0);
+ }, "hide"),
+ onFocus: /* @__PURE__ */ __name(function onFocus3(event2) {
+ if (this.disabled) {
+ return;
+ }
+ this.focused = true;
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur2(event2) {
+ var _this$formField$onBlu, _this$formField;
+ this.focused = false;
+ this.focusedOptionInfo = {
+ index: -1,
+ level: 0,
+ parentKey: ""
+ };
+ this.searchValue = "";
+ this.$emit("blur", event2);
+ (_this$formField$onBlu = (_this$formField = this.formField).onBlur) === null || _this$formField$onBlu === void 0 || _this$formField$onBlu.call(_this$formField);
+ }, "onBlur"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown2(event2) {
+ if (this.disabled || this.loading) {
+ event2.preventDefault();
+ return;
+ }
+ var metaKey = event2.metaKey || event2.ctrlKey;
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUpKey(event2);
+ break;
+ case "ArrowLeft":
+ this.onArrowLeftKey(event2);
+ break;
+ case "ArrowRight":
+ this.onArrowRightKey(event2);
+ break;
+ case "Home":
+ this.onHomeKey(event2);
+ break;
+ case "End":
+ this.onEndKey(event2);
+ break;
+ case "Space":
+ this.onSpaceKey(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ this.onEnterKey(event2);
+ break;
+ case "Escape":
+ this.onEscapeKey(event2);
+ break;
+ case "Tab":
+ this.onTabKey(event2);
+ break;
+ case "PageDown":
+ case "PageUp":
+ case "Backspace":
+ case "ShiftLeft":
+ case "ShiftRight":
+ break;
+ default:
+ if (!metaKey && isPrintableCharacter(event2.key)) {
+ !this.overlayVisible && this.show();
+ this.searchOptions(event2, event2.key);
+ }
+ break;
+ }
+ this.clicked = false;
+ }, "onKeyDown"),
+ onOptionChange: /* @__PURE__ */ __name(function onOptionChange(event2) {
+ var processedOption = event2.processedOption, type = event2.type;
+ if (isEmpty(processedOption)) return;
+ var index = processedOption.index, key = processedOption.key, level = processedOption.level, parentKey = processedOption.parentKey, children = processedOption.children;
+ var grouped = isNotEmpty(children);
+ var activeOptionPath = this.activeOptionPath.filter(function(p) {
+ return p.parentKey !== parentKey && p.parentKey !== key;
+ });
+ this.focusedOptionInfo = {
+ index,
+ level,
+ parentKey
+ };
+ if (type == "hover" && this.queryMatches) {
+ return;
+ }
+ if (grouped) {
+ activeOptionPath.push(processedOption);
+ }
+ this.activeOptionPath = activeOptionPath;
+ }, "onOptionChange"),
+ onOptionClick: /* @__PURE__ */ __name(function onOptionClick2(event2) {
+ var originalEvent = event2.originalEvent, processedOption = event2.processedOption, isFocus = event2.isFocus, isHide = event2.isHide, preventSelection = event2.preventSelection;
+ var index = processedOption.index, key = processedOption.key, level = processedOption.level, parentKey = processedOption.parentKey;
+ var grouped = this.isProccessedOptionGroup(processedOption);
+ var selected3 = this.isSelected(processedOption);
+ if (selected3) {
+ this.activeOptionPath = this.activeOptionPath.filter(function(p) {
+ return key !== p.key && key.startsWith(p.key);
+ });
+ this.focusedOptionInfo = {
+ index,
+ level,
+ parentKey
+ };
+ } else {
+ if (grouped) {
+ this.onOptionChange(event2);
+ this.onOptionGroupSelect(originalEvent, processedOption);
+ } else {
+ var activeOptionPath = this.activeOptionPath.filter(function(p) {
+ return p.parentKey !== parentKey;
+ });
+ activeOptionPath.push(processedOption);
+ this.focusedOptionInfo = {
+ index,
+ level,
+ parentKey
+ };
+ if (!preventSelection || (processedOption === null || processedOption === void 0 ? void 0 : processedOption.children.length) !== 0) {
+ this.activeOptionPath = activeOptionPath;
+ this.onOptionSelect(originalEvent, processedOption, isHide);
+ }
+ }
+ }
+ isFocus && focus(this.$refs.focusInput);
+ }, "onOptionClick"),
+ onOptionMouseEnter: /* @__PURE__ */ __name(function onOptionMouseEnter2(event2) {
+ if (this.focusOnHover) {
+ if (this.dirty || !this.dirty && isNotEmpty(this.d_value)) {
+ this.onOptionChange(_objectSpread$1$2(_objectSpread$1$2({}, event2), {}, {
+ type: "hover"
+ }));
+ } else if (!this.dirty && event2.processedOption.level === 0) {
+ this.onOptionClick(_objectSpread$1$2(_objectSpread$1$2({}, event2), {}, {
+ type: "hover"
+ }));
+ }
+ }
+ }, "onOptionMouseEnter"),
+ onOptionMouseMove: /* @__PURE__ */ __name(function onOptionMouseMove2(event2) {
+ if (this.focused && this.focusOnHover) {
+ this.changeFocusedOptionIndex(event2, event2.processedOption.index);
+ }
+ }, "onOptionMouseMove"),
+ onOptionSelect: /* @__PURE__ */ __name(function onOptionSelect(event2, processedOption) {
+ var isHide = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : true;
+ var value2 = this.getOptionValue(processedOption === null || processedOption === void 0 ? void 0 : processedOption.option);
+ this.activeOptionPath.forEach(function(p) {
+ return p.selected = true;
+ });
+ this.updateModel(event2, value2);
+ isHide && this.hide(true);
+ }, "onOptionSelect"),
+ onOptionGroupSelect: /* @__PURE__ */ __name(function onOptionGroupSelect(event2, processedOption) {
+ this.dirty = true;
+ this.$emit("group-change", {
+ originalEvent: event2,
+ value: processedOption.option
+ });
+ }, "onOptionGroupSelect"),
+ onContainerClick: /* @__PURE__ */ __name(function onContainerClick(event2) {
+ if (this.disabled || this.loading) {
+ return;
+ }
+ if (event2.target.getAttribute("data-pc-section") === "clearicon" || event2.target.closest('[data-pc-section="clearicon"]')) {
+ return;
+ } else if (!this.overlay || !this.overlay.contains(event2.target)) {
+ this.overlayVisible ? this.hide() : this.show();
+ focus(this.$refs.focusInput);
+ }
+ this.clicked = true;
+ this.$emit("click", event2);
+ }, "onContainerClick"),
+ onClearClick: /* @__PURE__ */ __name(function onClearClick(event2) {
+ this.updateModel(event2, null);
+ }, "onClearClick"),
+ onOverlayClick: /* @__PURE__ */ __name(function onOverlayClick2(event2) {
+ OverlayEventBus.emit("overlay-click", {
+ originalEvent: event2,
+ target: this.$el
+ });
+ }, "onOverlayClick"),
+ onOverlayKeyDown: /* @__PURE__ */ __name(function onOverlayKeyDown2(event2) {
+ switch (event2.code) {
+ case "Escape":
+ this.onEscapeKey(event2);
+ break;
+ }
+ }, "onOverlayKeyDown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey2(event2) {
+ if (!this.overlayVisible) {
+ this.show();
+ } else {
+ var optionIndex = this.focusedOptionInfo.index !== -1 ? this.findNextOptionIndex(this.focusedOptionInfo.index) : this.clicked ? this.findFirstOptionIndex() : this.findFirstFocusedOptionIndex();
+ this.changeFocusedOptionIndex(event2, optionIndex, true);
+ }
+ event2.preventDefault();
+ }, "onArrowDownKey"),
+ onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey2(event2) {
+ if (event2.altKey) {
+ if (this.focusedOptionInfo.index !== -1) {
+ var processedOption = this.visibleOptions[this.focusedOptionInfo.index];
+ var grouped = this.isProccessedOptionGroup(processedOption);
+ !grouped && this.onOptionChange({
+ originalEvent: event2,
+ processedOption
+ });
+ }
+ this.overlayVisible && this.hide();
+ event2.preventDefault();
+ } else {
+ var optionIndex = this.focusedOptionInfo.index !== -1 ? this.findPrevOptionIndex(this.focusedOptionInfo.index) : this.clicked ? this.findLastOptionIndex() : this.findLastFocusedOptionIndex();
+ this.changeFocusedOptionIndex(event2, optionIndex, true);
+ !this.overlayVisible && this.show();
+ event2.preventDefault();
+ }
+ }, "onArrowUpKey"),
+ onArrowLeftKey: /* @__PURE__ */ __name(function onArrowLeftKey(event2) {
+ var _this2 = this;
+ if (this.overlayVisible) {
+ var processedOption = this.visibleOptions[this.focusedOptionInfo.index];
+ var parentOption = this.activeOptionPath.find(function(p) {
+ return p.key === (processedOption === null || processedOption === void 0 ? void 0 : processedOption.parentKey);
+ });
+ var matched = this.focusedOptionInfo.parentKey === "" || parentOption && parentOption.key === this.focusedOptionInfo.parentKey;
+ var root34 = isEmpty(processedOption === null || processedOption === void 0 ? void 0 : processedOption.parent);
+ if (matched) {
+ this.activeOptionPath = this.activeOptionPath.filter(function(p) {
+ return p.parentKey !== _this2.focusedOptionInfo.parentKey;
+ });
+ }
+ if (!root34) {
+ this.focusedOptionInfo = {
+ index: -1,
+ parentKey: parentOption ? parentOption.parentKey : ""
+ };
+ this.searchValue = "";
+ this.onArrowDownKey(event2);
+ }
+ event2.preventDefault();
+ }
+ }, "onArrowLeftKey"),
+ onArrowRightKey: /* @__PURE__ */ __name(function onArrowRightKey(event2) {
+ if (this.overlayVisible) {
+ var processedOption = this.visibleOptions[this.focusedOptionInfo.index];
+ var grouped = this.isProccessedOptionGroup(processedOption);
+ if (grouped) {
+ var matched = this.activeOptionPath.some(function(p) {
+ return (processedOption === null || processedOption === void 0 ? void 0 : processedOption.key) === p.key;
+ });
+ if (matched) {
+ this.focusedOptionInfo = {
+ index: -1,
+ parentKey: processedOption === null || processedOption === void 0 ? void 0 : processedOption.key
+ };
+ this.searchValue = "";
+ this.onArrowDownKey(event2);
+ } else {
+ this.onOptionChange({
+ originalEvent: event2,
+ processedOption
+ });
+ }
+ }
+ event2.preventDefault();
+ }
+ }, "onArrowRightKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey2(event2) {
+ this.changeFocusedOptionIndex(event2, this.findFirstOptionIndex());
+ !this.overlayVisible && this.show();
+ event2.preventDefault();
+ }, "onHomeKey"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey2(event2) {
+ this.changeFocusedOptionIndex(event2, this.findLastOptionIndex());
+ !this.overlayVisible && this.show();
+ event2.preventDefault();
+ }, "onEndKey"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey2(event2) {
+ if (!this.overlayVisible) {
+ this.focusedOptionInfo.index !== -1;
+ this.onArrowDownKey(event2);
+ } else {
+ if (this.focusedOptionInfo.index !== -1) {
+ var processedOption = this.visibleOptions[this.focusedOptionInfo.index];
+ var grouped = this.isProccessedOptionGroup(processedOption);
+ this.onOptionClick({
+ originalEvent: event2,
+ processedOption,
+ preventSelection: false
+ });
+ !grouped && this.hide();
+ }
+ }
+ event2.preventDefault();
+ }, "onEnterKey"),
+ onSpaceKey: /* @__PURE__ */ __name(function onSpaceKey(event2) {
+ this.onEnterKey(event2);
+ }, "onSpaceKey"),
+ onEscapeKey: /* @__PURE__ */ __name(function onEscapeKey(event2) {
+ this.overlayVisible && this.hide(true);
+ event2.preventDefault();
+ }, "onEscapeKey"),
+ onTabKey: /* @__PURE__ */ __name(function onTabKey(event2) {
+ if (this.focusedOptionInfo.index !== -1) {
+ var processedOption = this.visibleOptions[this.focusedOptionInfo.index];
+ var grouped = this.isProccessedOptionGroup(processedOption);
+ !grouped && this.onOptionChange({
+ originalEvent: event2,
+ processedOption
+ });
+ }
+ this.overlayVisible && this.hide();
+ }, "onTabKey"),
+ onOverlayEnter: /* @__PURE__ */ __name(function onOverlayEnter2(el) {
+ ZIndex.set("overlay", el, this.$primevue.config.zIndex.overlay);
+ addStyle(el, {
+ position: "absolute",
+ top: "0",
+ left: "0"
+ });
+ this.alignOverlay();
+ this.scrollInView();
+ }, "onOverlayEnter"),
+ onOverlayAfterEnter: /* @__PURE__ */ __name(function onOverlayAfterEnter() {
+ this.bindOutsideClickListener();
+ this.bindScrollListener();
+ this.bindResizeListener();
+ this.$emit("show");
+ }, "onOverlayAfterEnter"),
+ onOverlayLeave: /* @__PURE__ */ __name(function onOverlayLeave2() {
+ this.unbindOutsideClickListener();
+ this.unbindScrollListener();
+ this.unbindResizeListener();
+ this.$emit("hide");
+ this.overlay = null;
+ this.dirty = false;
+ }, "onOverlayLeave"),
+ onOverlayAfterLeave: /* @__PURE__ */ __name(function onOverlayAfterLeave2(el) {
+ ZIndex.clear(el);
+ }, "onOverlayAfterLeave"),
+ alignOverlay: /* @__PURE__ */ __name(function alignOverlay2() {
+ if (this.appendTo === "self") {
+ relativePosition(this.overlay, this.$el);
+ } else {
+ this.overlay.style.minWidth = getOuterWidth(this.$el) + "px";
+ absolutePosition(this.overlay, this.$el);
+ }
+ }, "alignOverlay"),
+ bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener2() {
+ var _this3 = this;
+ if (!this.outsideClickListener) {
+ this.outsideClickListener = function(event2) {
+ if (_this3.overlayVisible && _this3.overlay && !_this3.$el.contains(event2.target) && !_this3.overlay.contains(event2.target)) {
+ _this3.hide();
+ }
+ };
+ document.addEventListener("click", this.outsideClickListener);
+ }
+ }, "bindOutsideClickListener"),
+ unbindOutsideClickListener: /* @__PURE__ */ __name(function unbindOutsideClickListener2() {
+ if (this.outsideClickListener) {
+ document.removeEventListener("click", this.outsideClickListener);
+ this.outsideClickListener = null;
+ }
+ }, "unbindOutsideClickListener"),
+ bindScrollListener: /* @__PURE__ */ __name(function bindScrollListener2() {
+ var _this4 = this;
+ if (!this.scrollHandler) {
+ this.scrollHandler = new ConnectedOverlayScrollHandler(this.$refs.container, function() {
+ if (_this4.overlayVisible) {
+ _this4.hide();
+ }
+ });
+ }
+ this.scrollHandler.bindScrollListener();
+ }, "bindScrollListener"),
+ unbindScrollListener: /* @__PURE__ */ __name(function unbindScrollListener2() {
+ if (this.scrollHandler) {
+ this.scrollHandler.unbindScrollListener();
+ }
+ }, "unbindScrollListener"),
+ bindResizeListener: /* @__PURE__ */ __name(function bindResizeListener2() {
+ var _this5 = this;
+ if (!this.resizeListener) {
+ this.resizeListener = function() {
+ if (_this5.overlayVisible && !isTouchDevice()) {
+ _this5.hide();
+ }
+ };
+ window.addEventListener("resize", this.resizeListener);
+ }
+ }, "bindResizeListener"),
+ unbindResizeListener: /* @__PURE__ */ __name(function unbindResizeListener2() {
+ if (this.resizeListener) {
+ window.removeEventListener("resize", this.resizeListener);
+ this.resizeListener = null;
+ }
+ }, "unbindResizeListener"),
+ bindMatchMediaListener: /* @__PURE__ */ __name(function bindMatchMediaListener2() {
+ var _this6 = this;
+ if (!this.matchMediaListener) {
+ var query = matchMedia("(max-width: ".concat(this.breakpoint, ")"));
+ this.query = query;
+ this.queryMatches = query.matches;
+ this.matchMediaListener = function() {
+ _this6.queryMatches = query.matches;
+ _this6.mobileActive = false;
+ };
+ this.query.addEventListener("change", this.matchMediaListener);
+ }
+ }, "bindMatchMediaListener"),
+ unbindMatchMediaListener: /* @__PURE__ */ __name(function unbindMatchMediaListener2() {
+ if (this.matchMediaListener) {
+ this.query.removeEventListener("change", this.matchMediaListener);
+ this.matchMediaListener = null;
+ }
+ }, "unbindMatchMediaListener"),
+ isOptionMatched: /* @__PURE__ */ __name(function isOptionMatched(processedOption) {
+ var _this$getProccessedOp;
+ return this.isValidOption(processedOption) && ((_this$getProccessedOp = this.getProccessedOptionLabel(processedOption)) === null || _this$getProccessedOp === void 0 ? void 0 : _this$getProccessedOp.toLocaleLowerCase(this.searchLocale).startsWith(this.searchValue.toLocaleLowerCase(this.searchLocale)));
+ }, "isOptionMatched"),
+ isValidOption: /* @__PURE__ */ __name(function isValidOption(processedOption) {
+ return isNotEmpty(processedOption) && !this.isOptionDisabled(processedOption.option);
+ }, "isValidOption"),
+ isValidSelectedOption: /* @__PURE__ */ __name(function isValidSelectedOption(processedOption) {
+ return this.isValidOption(processedOption) && this.isSelected(processedOption);
+ }, "isValidSelectedOption"),
+ isSelected: /* @__PURE__ */ __name(function isSelected2(processedOption) {
+ return this.activeOptionPath.some(function(p) {
+ return p.key === processedOption.key;
+ });
+ }, "isSelected"),
+ findFirstOptionIndex: /* @__PURE__ */ __name(function findFirstOptionIndex() {
+ var _this7 = this;
+ return this.visibleOptions.findIndex(function(processedOption) {
+ return _this7.isValidOption(processedOption);
+ });
+ }, "findFirstOptionIndex"),
+ findLastOptionIndex: /* @__PURE__ */ __name(function findLastOptionIndex() {
+ var _this8 = this;
+ return findLastIndex(this.visibleOptions, function(processedOption) {
+ return _this8.isValidOption(processedOption);
+ });
+ }, "findLastOptionIndex"),
+ findNextOptionIndex: /* @__PURE__ */ __name(function findNextOptionIndex(index) {
+ var _this9 = this;
+ var matchedOptionIndex = index < this.visibleOptions.length - 1 ? this.visibleOptions.slice(index + 1).findIndex(function(processedOption) {
+ return _this9.isValidOption(processedOption);
+ }) : -1;
+ return matchedOptionIndex > -1 ? matchedOptionIndex + index + 1 : index;
+ }, "findNextOptionIndex"),
+ findPrevOptionIndex: /* @__PURE__ */ __name(function findPrevOptionIndex(index) {
+ var _this10 = this;
+ var matchedOptionIndex = index > 0 ? findLastIndex(this.visibleOptions.slice(0, index), function(processedOption) {
+ return _this10.isValidOption(processedOption);
+ }) : -1;
+ return matchedOptionIndex > -1 ? matchedOptionIndex : index;
+ }, "findPrevOptionIndex"),
+ findSelectedOptionIndex: /* @__PURE__ */ __name(function findSelectedOptionIndex() {
+ var _this11 = this;
+ return this.visibleOptions.findIndex(function(processedOption) {
+ return _this11.isValidSelectedOption(processedOption);
+ });
+ }, "findSelectedOptionIndex"),
+ findFirstFocusedOptionIndex: /* @__PURE__ */ __name(function findFirstFocusedOptionIndex() {
+ var selectedIndex = this.findSelectedOptionIndex();
+ return selectedIndex < 0 ? this.findFirstOptionIndex() : selectedIndex;
+ }, "findFirstFocusedOptionIndex"),
+ findLastFocusedOptionIndex: /* @__PURE__ */ __name(function findLastFocusedOptionIndex() {
+ var selectedIndex = this.findSelectedOptionIndex();
+ return selectedIndex < 0 ? this.findLastOptionIndex() : selectedIndex;
+ }, "findLastFocusedOptionIndex"),
+ findOptionPathByValue: /* @__PURE__ */ __name(function findOptionPathByValue(value2, processedOptions2) {
+ var level = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : 0;
+ processedOptions2 = processedOptions2 || level === 0 && this.processedOptions;
+ if (!processedOptions2) return null;
+ if (isEmpty(value2)) return [];
+ for (var i = 0; i < processedOptions2.length; i++) {
+ var processedOption = processedOptions2[i];
+ if (equals(value2, this.getOptionValue(processedOption.option), this.equalityKey)) {
+ return [processedOption];
+ }
+ var matchedOptions = this.findOptionPathByValue(value2, processedOption.children, level + 1);
+ if (matchedOptions) {
+ matchedOptions.unshift(processedOption);
+ return matchedOptions;
+ }
+ }
+ }, "findOptionPathByValue"),
+ searchOptions: /* @__PURE__ */ __name(function searchOptions(event2, _char) {
+ var _this12 = this;
+ this.searchValue = (this.searchValue || "") + _char;
+ var optionIndex = -1;
+ var matched = false;
+ if (isNotEmpty(this.searchValue)) {
+ if (this.focusedOptionInfo.index !== -1) {
+ optionIndex = this.visibleOptions.slice(this.focusedOptionInfo.index).findIndex(function(processedOption) {
+ return _this12.isOptionMatched(processedOption);
+ });
+ optionIndex = optionIndex === -1 ? this.visibleOptions.slice(0, this.focusedOptionInfo.index).findIndex(function(processedOption) {
+ return _this12.isOptionMatched(processedOption);
+ }) : optionIndex + this.focusedOptionInfo.index;
+ } else {
+ optionIndex = this.visibleOptions.findIndex(function(processedOption) {
+ return _this12.isOptionMatched(processedOption);
+ });
+ }
+ if (optionIndex !== -1) {
+ matched = true;
+ }
+ if (optionIndex === -1 && this.focusedOptionInfo.index === -1) {
+ optionIndex = this.findFirstFocusedOptionIndex();
+ }
+ if (optionIndex !== -1) {
+ this.changeFocusedOptionIndex(event2, optionIndex);
+ }
+ }
+ if (this.searchTimeout) {
+ clearTimeout(this.searchTimeout);
+ }
+ this.searchTimeout = setTimeout(function() {
+ _this12.searchValue = "";
+ _this12.searchTimeout = null;
+ }, 500);
+ return matched;
+ }, "searchOptions"),
+ changeFocusedOptionIndex: /* @__PURE__ */ __name(function changeFocusedOptionIndex(event2, index, preventSelection) {
+ if (this.focusedOptionInfo.index !== index) {
+ this.focusedOptionInfo.index = index;
+ this.scrollInView();
+ if (this.focusOnHover) {
+ this.onOptionClick({
+ originalEvent: event2,
+ processedOption: this.visibleOptions[index],
+ isHide: false,
+ preventSelection
+ });
+ }
+ if (this.selectOnFocus) {
+ this.onOptionChange({
+ originalEvent: event2,
+ processedOption: this.visibleOptions[index],
+ isHide: false
+ });
+ }
+ }
+ }, "changeFocusedOptionIndex"),
+ scrollInView: /* @__PURE__ */ __name(function scrollInView2() {
+ var _this13 = this;
+ var index = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : -1;
+ this.$nextTick(function() {
+ var id4 = index !== -1 ? "".concat(_this13.id, "_").concat(index) : _this13.focusedOptionId;
+ var element = findSingle(_this13.list, 'li[id="'.concat(id4, '"]'));
+ if (element) {
+ element.scrollIntoView && element.scrollIntoView({
+ block: "nearest",
+ inline: "start"
+ });
+ }
+ });
+ }, "scrollInView"),
+ autoUpdateModel: /* @__PURE__ */ __name(function autoUpdateModel() {
+ if (this.selectOnFocus && this.autoOptionFocus && !this.$filled) {
+ this.focusedOptionInfo.index = this.findFirstFocusedOptionIndex();
+ this.onOptionChange({
+ processedOption: this.visibleOptions[this.focusedOptionInfo.index],
+ isHide: false
+ });
+ !this.overlayVisible && (this.focusedOptionInfo = {
+ index: -1,
+ level: 0,
+ parentKey: ""
+ });
+ }
+ }, "autoUpdateModel"),
+ updateModel: /* @__PURE__ */ __name(function updateModel2(event2, value2) {
+ this.writeValue(value2, event2);
+ this.$emit("change", {
+ originalEvent: event2,
+ value: value2
+ });
+ }, "updateModel"),
+ createProcessedOptions: /* @__PURE__ */ __name(function createProcessedOptions(options4) {
+ var _this14 = this;
+ var level = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : 0;
+ var parent = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+ var parentKey = arguments.length > 3 && arguments[3] !== void 0 ? arguments[3] : "";
+ var processedOptions2 = [];
+ options4 && options4.forEach(function(option4, index) {
+ var key = (parentKey !== "" ? parentKey + "_" : "") + index;
+ var newOption = {
+ option: option4,
+ index,
+ level,
+ key,
+ parent,
+ parentKey
+ };
+ newOption["children"] = _this14.createProcessedOptions(_this14.getOptionGroupChildren(option4, level), level + 1, newOption, key);
+ processedOptions2.push(newOption);
+ });
+ return processedOptions2;
+ }, "createProcessedOptions"),
+ overlayRef: /* @__PURE__ */ __name(function overlayRef2(el) {
+ this.overlay = el;
+ }, "overlayRef")
+ },
+ computed: {
+ // @deprecated use $filled instead.
+ hasSelectedOption: /* @__PURE__ */ __name(function hasSelectedOption() {
+ return this.$filled;
+ }, "hasSelectedOption"),
+ label: /* @__PURE__ */ __name(function label3() {
+ var label12 = this.placeholder || "p-emptylabel";
+ if (this.$filled) {
+ var activeOptionPath = this.findOptionPathByValue(this.d_value);
+ var processedOption = isNotEmpty(activeOptionPath) ? activeOptionPath[activeOptionPath.length - 1] : null;
+ return processedOption ? this.getOptionLabel(processedOption.option) : label12;
+ }
+ return label12;
+ }, "label"),
+ processedOptions: /* @__PURE__ */ __name(function processedOptions() {
+ return this.createProcessedOptions(this.options || []);
+ }, "processedOptions"),
+ visibleOptions: /* @__PURE__ */ __name(function visibleOptions() {
+ var _this15 = this;
+ var processedOption = this.activeOptionPath.find(function(p) {
+ return p.key === _this15.focusedOptionInfo.parentKey;
+ });
+ return processedOption ? processedOption.children : this.processedOptions;
+ }, "visibleOptions"),
+ equalityKey: /* @__PURE__ */ __name(function equalityKey() {
+ return this.optionValue ? null : this.dataKey;
+ }, "equalityKey"),
+ searchResultMessageText: /* @__PURE__ */ __name(function searchResultMessageText() {
+ return isNotEmpty(this.visibleOptions) ? this.searchMessageText.replaceAll("{0}", this.visibleOptions.length) : this.emptySearchMessageText;
+ }, "searchResultMessageText"),
+ searchMessageText: /* @__PURE__ */ __name(function searchMessageText() {
+ return this.searchMessage || this.$primevue.config.locale.searchMessage || "";
+ }, "searchMessageText"),
+ emptySearchMessageText: /* @__PURE__ */ __name(function emptySearchMessageText() {
+ return this.emptySearchMessage || this.$primevue.config.locale.emptySearchMessage || "";
+ }, "emptySearchMessageText"),
+ emptyMessageText: /* @__PURE__ */ __name(function emptyMessageText() {
+ return this.emptyMessage || this.$primevue.config.locale.emptyMessage || "";
+ }, "emptyMessageText"),
+ selectionMessageText: /* @__PURE__ */ __name(function selectionMessageText() {
+ return this.selectionMessage || this.$primevue.config.locale.selectionMessage || "";
+ }, "selectionMessageText"),
+ emptySelectionMessageText: /* @__PURE__ */ __name(function emptySelectionMessageText() {
+ return this.emptySelectionMessage || this.$primevue.config.locale.emptySelectionMessage || "";
+ }, "emptySelectionMessageText"),
+ selectedMessageText: /* @__PURE__ */ __name(function selectedMessageText() {
+ return this.$filled ? this.selectionMessageText.replaceAll("{0}", "1") : this.emptySelectionMessageText;
+ }, "selectedMessageText"),
+ focusedOptionId: /* @__PURE__ */ __name(function focusedOptionId() {
+ return this.focusedOptionInfo.index !== -1 ? "".concat(this.id).concat(isNotEmpty(this.focusedOptionInfo.parentKey) ? "_" + this.focusedOptionInfo.parentKey : "", "_").concat(this.focusedOptionInfo.index) : null;
+ }, "focusedOptionId"),
+ isClearIconVisible: /* @__PURE__ */ __name(function isClearIconVisible() {
+ return this.showClear && this.d_value != null && isNotEmpty(this.options);
+ }, "isClearIconVisible")
+ },
+ components: {
+ CascadeSelectSub: script$1$E,
+ Portal: script$1m,
+ ChevronDownIcon: script$1h,
+ SpinnerIcon: script$1p,
+ AngleRightIcon: script$1o,
+ TimesIcon: script$1q
+ }
+};
+function _typeof$k(o) {
+ "@babel/helpers - typeof";
+ return _typeof$k = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$k(o);
+}
+__name(_typeof$k, "_typeof$k");
+function ownKeys$i(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$i, "ownKeys$i");
+function _objectSpread$i(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$i(Object(t2), true).forEach(function(r2) {
+ _defineProperty$j(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$i(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$i, "_objectSpread$i");
+function _defineProperty$j(e, r, t2) {
+ return (r = _toPropertyKey$j(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$j, "_defineProperty$j");
+function _toPropertyKey$j(t2) {
+ var i = _toPrimitive$j(t2, "string");
+ return "symbol" == _typeof$k(i) ? i : i + "";
+}
+__name(_toPropertyKey$j, "_toPropertyKey$j");
+function _toPrimitive$j(t2, r) {
+ if ("object" != _typeof$k(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$k(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$j, "_toPrimitive$j");
+var _hoisted_1$r = ["id", "disabled", "placeholder", "tabindex", "aria-label", "aria-labelledby", "aria-expanded", "aria-controls", "aria-activedescendant", "aria-invalid"];
+function render$U(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_SpinnerIcon = resolveComponent("SpinnerIcon");
+ var _component_CascadeSelectSub = resolveComponent("CascadeSelectSub");
+ var _component_Portal = resolveComponent("Portal");
+ return openBlock(), createElementBlock("div", mergeProps({
+ ref: "container",
+ "class": _ctx.cx("root"),
+ style: _ctx.sx("root"),
+ onClick: _cache[5] || (_cache[5] = function($event) {
+ return $options.onContainerClick($event);
+ })
+ }, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps({
+ "class": "p-hidden-accessible"
+ }, _ctx.ptm("hiddenInputContainer"), {
+ "data-p-hidden-accessible": true
+ }), [createBaseVNode("input", mergeProps({
+ ref: "focusInput",
+ id: _ctx.inputId,
+ type: "text",
+ "class": _ctx.inputClass,
+ style: _ctx.inputStyle,
+ readonly: "",
+ disabled: _ctx.disabled,
+ placeholder: _ctx.placeholder,
+ tabindex: !_ctx.disabled ? _ctx.tabindex : -1,
+ role: "combobox",
+ "aria-label": _ctx.ariaLabel,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-haspopup": "tree",
+ "aria-expanded": $data.overlayVisible,
+ "aria-controls": $data.id + "_tree",
+ "aria-activedescendant": $data.focused ? $options.focusedOptionId : void 0,
+ "aria-invalid": _ctx.invalid || void 0,
+ onFocus: _cache[0] || (_cache[0] = function() {
+ return $options.onFocus && $options.onFocus.apply($options, arguments);
+ }),
+ onBlur: _cache[1] || (_cache[1] = function() {
+ return $options.onBlur && $options.onBlur.apply($options, arguments);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function() {
+ return $options.onKeyDown && $options.onKeyDown.apply($options, arguments);
+ })
+ }, _objectSpread$i(_objectSpread$i({}, _ctx.inputProps), _ctx.ptm("hiddenInput"))), null, 16, _hoisted_1$r)], 16), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("label")
+ }, _ctx.ptm("label")), [renderSlot(_ctx.$slots, "value", {
+ value: _ctx.d_value,
+ placeholder: _ctx.placeholder
+ }, function() {
+ return [createTextVNode(toDisplayString($options.label), 1)];
+ })], 16), $options.isClearIconVisible ? renderSlot(_ctx.$slots, "clearicon", {
+ key: 0,
+ "class": normalizeClass(_ctx.cx("clearIcon")),
+ clearCallback: $options.onClearClick
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.clearIcon ? "i" : "TimesIcon"), mergeProps({
+ ref: "clearIcon",
+ "class": [_ctx.cx("clearIcon"), _ctx.clearIcon],
+ onClick: $options.onClearClick
+ }, _ctx.ptm("clearIcon"), {
+ "data-pc-section": "clearicon"
+ }), null, 16, ["class", "onClick"]))];
+ }) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("dropdown"),
+ role: "button",
+ tabindex: "-1"
+ }, _ctx.ptm("dropdown")), [_ctx.loading ? renderSlot(_ctx.$slots, "loadingicon", {
+ key: 0,
+ "class": normalizeClass(_ctx.cx("loadingIcon"))
+ }, function() {
+ return [_ctx.loadingIcon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": [_ctx.cx("loadingIcon"), "pi-spin", _ctx.loadingIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("loadingIcon")), null, 16)) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps({
+ key: 1,
+ "class": _ctx.cx("loadingIcon"),
+ spin: "",
+ "aria-hidden": "true"
+ }, _ctx.ptm("loadingIcon")), null, 16, ["class"]))];
+ }) : renderSlot(_ctx.$slots, "dropdownicon", {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("dropdownIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.dropdownIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ "class": [_ctx.cx("dropdownIcon"), _ctx.dropdownIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("dropdownIcon")), null, 16, ["class"]))];
+ })], 16), createBaseVNode("span", mergeProps({
+ role: "status",
+ "aria-live": "polite",
+ "class": "p-hidden-accessible"
+ }, _ctx.ptm("hiddenSearchResult"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString($options.searchResultMessageText), 17), createVNode(_component_Portal, {
+ appendTo: _ctx.appendTo
+ }, {
+ "default": withCtx(function() {
+ return [createVNode(Transition, mergeProps({
+ name: "p-connected-overlay",
+ onEnter: $options.onOverlayEnter,
+ onAfterEnter: $options.onOverlayAfterEnter,
+ onLeave: $options.onOverlayLeave,
+ onAfterLeave: $options.onOverlayAfterLeave
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [$data.overlayVisible ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.overlayRef,
+ "class": [_ctx.cx("overlay"), _ctx.panelClass, _ctx.overlayClass],
+ style: [_ctx.panelStyle, _ctx.overlayStyle],
+ onClick: _cache[3] || (_cache[3] = function() {
+ return $options.onOverlayClick && $options.onOverlayClick.apply($options, arguments);
+ }),
+ onKeydown: _cache[4] || (_cache[4] = function() {
+ return $options.onOverlayKeyDown && $options.onOverlayKeyDown.apply($options, arguments);
+ })
+ }, _objectSpread$i(_objectSpread$i(_objectSpread$i({}, _ctx.panelProps), _ctx.overlayProps), _ctx.ptm("overlay"))), [renderSlot(_ctx.$slots, "header", {
+ value: _ctx.d_value,
+ options: _ctx.options
+ }), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("listContainer")
+ }, _ctx.ptm("listContainer")), [createVNode(_component_CascadeSelectSub, {
+ id: $data.id + "_tree",
+ role: "tree",
+ "aria-orientation": "horizontal",
+ selectId: $data.id,
+ focusedOptionId: $data.focused ? $options.focusedOptionId : void 0,
+ options: $options.processedOptions,
+ activeOptionPath: $data.activeOptionPath,
+ level: 0,
+ templates: _ctx.$slots,
+ optionLabel: _ctx.optionLabel,
+ optionValue: _ctx.optionValue,
+ optionDisabled: _ctx.optionDisabled,
+ optionGroupIcon: _ctx.optionGroupIcon,
+ optionGroupLabel: _ctx.optionGroupLabel,
+ optionGroupChildren: _ctx.optionGroupChildren,
+ value: _ctx.d_value,
+ onOptionChange: $options.onOptionClick,
+ onOptionFocusChange: $options.onOptionMouseMove,
+ onOptionFocusEnterChange: $options.onOptionMouseEnter,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, null, 8, ["id", "selectId", "focusedOptionId", "options", "activeOptionPath", "templates", "optionLabel", "optionValue", "optionDisabled", "optionGroupIcon", "optionGroupLabel", "optionGroupChildren", "value", "onOptionChange", "onOptionFocusChange", "onOptionFocusEnterChange", "pt", "unstyled"])], 16), createBaseVNode("span", mergeProps({
+ role: "status",
+ "aria-live": "polite",
+ "class": "p-hidden-accessible"
+ }, _ctx.ptm("hiddenSelectedMessage"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString($options.selectedMessageText), 17), renderSlot(_ctx.$slots, "footer", {
+ value: _ctx.d_value,
+ options: _ctx.options
+ })], 16)) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onEnter", "onAfterEnter", "onLeave", "onAfterLeave"])];
+ }),
+ _: 3
+ }, 8, ["appendTo"])], 16);
+}
+__name(render$U, "render$U");
+script$10.render = render$U;
+var theme$x = /* @__PURE__ */ __name(function theme6(_ref) {
+ _ref.dt;
+ return "\n.p-checkbox-group {\n display: inline-flex;\n}\n";
+}, "theme");
+var classes$B = {
+ root: "p-checkbox-group p-component"
+};
+var CheckboxGroupStyle = BaseStyle.extend({
+ name: "checkboxgroup",
+ theme: theme$x,
+ classes: classes$B
+});
+var script$1$D = {
+ name: "BaseCheckboxGroup",
+ "extends": script$1r,
+ style: CheckboxGroupStyle,
+ provide: /* @__PURE__ */ __name(function provide11() {
+ return {
+ $pcCheckboxGroup: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$$ = {
+ name: "CheckboxGroup",
+ "extends": script$1$D,
+ inheritAttrs: false,
+ data: /* @__PURE__ */ __name(function data4() {
+ return {
+ groupName: this.name
+ };
+ }, "data"),
+ watch: {
+ name: /* @__PURE__ */ __name(function name(newValue) {
+ this.groupName = newValue || uuid("checkbox-group-");
+ }, "name")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted8() {
+ this.groupName = this.groupName || uuid("checkbox-group-");
+ }, "mounted")
+};
+function render$T(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$T, "render$T");
+script$$.render = render$T;
+var theme$w = /* @__PURE__ */ __name(function theme7(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-inputchips {\n display: inline-flex;\n}\n\n.p-inputchips-input {\n margin: 0;\n list-style-type: none;\n cursor: text;\n overflow: hidden;\n display: flex;\n align-items: center;\n flex-wrap: wrap;\n padding: calc(".concat(dt("inputchips.padding.y"), " / 2) ").concat(dt("inputchips.padding.x"), ";\n gap: calc(").concat(dt("inputchips.padding.y"), " / 2);\n color: ").concat(dt("inputchips.color"), ";\n background: ").concat(dt("inputchips.background"), ";\n border: 1px solid ").concat(dt("inputchips.border.color"), ";\n border-radius: ").concat(dt("inputchips.border.radius"), ";\n width: 100%;\n transition: background ").concat(dt("inputchips.transition.duration"), ", color ").concat(dt("inputchips.transition.duration"), ", border-color ").concat(dt("inputchips.transition.duration"), ", outline-color ").concat(dt("inputchips.transition.duration"), ", box-shadow ").concat(dt("inputchips.transition.duration"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt("inputchips.shadow"), ";\n}\n\n.p-inputchips:not(.p-disabled):hover .p-inputchips-input {\n border-color: ").concat(dt("inputchips.hover.border.color"), ";\n}\n\n.p-inputchips:not(.p-disabled).p-focus .p-inputchips-input {\n border-color: ").concat(dt("inputchips.focus.border.color"), ";\n box-shadow: ").concat(dt("inputchips.focus.ring.shadow"), ";\n outline: ").concat(dt("inputchips.focus.ring.width"), " ").concat(dt("inputchips.focus.ring.style"), " ").concat(dt("inputchips.focus.ring.color"), ";\n outline-offset: ").concat(dt("inputchips.focus.ring.offset"), ";\n}\n\n.p-inputchips.p-invalid .p-inputchips-input {\n border-color: ").concat(dt("inputchips.invalid.border.color"), ";\n}\n\n.p-variant-filled.p-inputchips-input {\n background: ").concat(dt("inputchips.filled.background"), ";\n}\n\n.p-inputchips:not(.p-disabled).p-focus .p-variant-filled.p-inputchips-input {\n background: ").concat(dt("inputchips.filled.focus.background"), ";\n}\n\n.p-inputchips.p-disabled .p-inputchips-input {\n opacity: 1;\n background: ").concat(dt("inputchips.disabled.background"), ";\n color: ").concat(dt("inputchips.disabled.color"), ";\n}\n\n.p-inputchips-chip.p-chip {\n padding-top: calc(").concat(dt("inputchips.padding.y"), " / 2);\n padding-bottom: calc(").concat(dt("inputchips.padding.y"), " / 2);\n border-radius: ").concat(dt("inputchips.chip.border.radius"), ";\n transition: background ").concat(dt("inputchips.transition.duration"), ", color ").concat(dt("inputchips.transition.duration"), ";\n}\n\n.p-inputchips-chip-item.p-focus .p-inputchips-chip {\n background: ").concat(dt("inputchips.chip.focus.background"), ";\n color: ").concat(dt("inputchips.chip.focus.color"), ";\n}\n\n.p-inputchips-input:has(.p-inputchips-chip) {\n padding-left: calc(").concat(dt("inputchips.padding.y"), " / 2);\n padding-right: calc(").concat(dt("inputchips.padding.y"), " / 2);\n}\n\n.p-inputchips-input-item {\n flex: 1 1 auto;\n display: inline-flex;\n padding-top: calc(").concat(dt("inputchips.padding.y"), " / 2);\n padding-bottom: calc(").concat(dt("inputchips.padding.y"), " / 2);\n}\n\n.p-inputchips-input-item input {\n border: 0 none;\n outline: 0 none;\n background: transparent;\n margin: 0;\n padding: 0;\n box-shadow: none;\n border-radius: 0;\n width: 100%;\n font-family: inherit;\n font-feature-settings: inherit;\n font-size: 1rem;\n color: inherit;\n}\n\n.p-inputchips-input-item input::placeholder {\n color: ").concat(dt("inputchips.placeholder.color"), ";\n}\n");
+}, "theme");
+var classes$A = {
+ root: /* @__PURE__ */ __name(function root7(_ref2) {
+ var instance = _ref2.instance, props = _ref2.props;
+ return ["p-inputchips p-component p-inputwrapper", {
+ "p-disabled": props.disabled,
+ "p-invalid": props.invalid,
+ "p-focus": instance.focused,
+ "p-inputwrapper-filled": props.modelValue && props.modelValue.length || instance.inputValue && instance.inputValue.length,
+ "p-inputwrapper-focus": instance.focused
+ }];
+ }, "root"),
+ input: /* @__PURE__ */ __name(function input(_ref3) {
+ var props = _ref3.props, instance = _ref3.instance;
+ return ["p-inputchips-input", {
+ "p-variant-filled": props.variant ? props.variant === "filled" : instance.$primevue.config.inputStyle === "filled" || instance.$primevue.config.inputVariant === "filled"
+ }];
+ }, "input"),
+ chipItem: /* @__PURE__ */ __name(function chipItem(_ref4) {
+ var state = _ref4.state, index = _ref4.index;
+ return ["p-inputchips-chip-item", {
+ "p-focus": state.focusedIndex === index
+ }];
+ }, "chipItem"),
+ pcChip: "p-inputchips-chip",
+ chipIcon: "p-inputchips-chip-icon",
+ inputItem: "p-inputchips-input-item"
+};
+var InputChipsStyle = BaseStyle.extend({
+ name: "inputchips",
+ theme: theme$w,
+ classes: classes$A
+});
+var script$1$C = {
+ name: "BaseInputChips",
+ "extends": script$1f,
+ props: {
+ modelValue: {
+ type: Array,
+ "default": null
+ },
+ max: {
+ type: Number,
+ "default": null
+ },
+ separator: {
+ type: [String, Object],
+ "default": null
+ },
+ addOnBlur: {
+ type: Boolean,
+ "default": null
+ },
+ allowDuplicate: {
+ type: Boolean,
+ "default": true
+ },
+ placeholder: {
+ type: String,
+ "default": null
+ },
+ variant: {
+ type: String,
+ "default": null
+ },
+ invalid: {
+ type: Boolean,
+ "default": false
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ inputId: {
+ type: String,
+ "default": null
+ },
+ inputClass: {
+ type: [String, Object],
+ "default": null
+ },
+ inputStyle: {
+ type: Object,
+ "default": null
+ },
+ inputProps: {
+ type: null,
+ "default": null
+ },
+ removeTokenIcon: {
+ type: String,
+ "default": void 0
+ },
+ chipIcon: {
+ type: String,
+ "default": void 0
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: InputChipsStyle,
+ provide: /* @__PURE__ */ __name(function provide12() {
+ return {
+ $pcInputChips: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _toConsumableArray$c(r) {
+ return _arrayWithoutHoles$c(r) || _iterableToArray$c(r) || _unsupportedIterableToArray$d(r) || _nonIterableSpread$c();
+}
+__name(_toConsumableArray$c, "_toConsumableArray$c");
+function _nonIterableSpread$c() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$c, "_nonIterableSpread$c");
+function _unsupportedIterableToArray$d(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$d(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$d(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$d, "_unsupportedIterableToArray$d");
+function _iterableToArray$c(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$c, "_iterableToArray$c");
+function _arrayWithoutHoles$c(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$d(r);
+}
+__name(_arrayWithoutHoles$c, "_arrayWithoutHoles$c");
+function _arrayLikeToArray$d(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$d, "_arrayLikeToArray$d");
+var script$_ = {
+ name: "InputChips",
+ "extends": script$1$C,
+ inheritAttrs: false,
+ emits: ["update:modelValue", "add", "remove", "focus", "blur"],
+ data: /* @__PURE__ */ __name(function data5() {
+ return {
+ id: this.$attrs.id,
+ inputValue: null,
+ focused: false,
+ focusedIndex: null
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId3(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted9() {
+ console.warn("Deprecated since v4. Use AutoComplete component instead with its typeahead property.");
+ this.id = this.id || UniqueComponentId();
+ }, "mounted"),
+ methods: {
+ onWrapperClick: /* @__PURE__ */ __name(function onWrapperClick() {
+ this.$refs.input.focus();
+ }, "onWrapperClick"),
+ onInput: /* @__PURE__ */ __name(function onInput2(event2) {
+ this.inputValue = event2.target.value;
+ this.focusedIndex = null;
+ }, "onInput"),
+ onFocus: /* @__PURE__ */ __name(function onFocus4(event2) {
+ this.focused = true;
+ this.focusedIndex = null;
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur3(event2) {
+ this.focused = false;
+ this.focusedIndex = null;
+ if (this.addOnBlur) {
+ this.addItem(event2, event2.target.value, false);
+ }
+ this.$emit("blur", event2);
+ }, "onBlur"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown3(event2) {
+ var inputValue = event2.target.value;
+ switch (event2.code) {
+ case "Backspace":
+ if (inputValue.length === 0 && this.modelValue && this.modelValue.length > 0) {
+ if (this.focusedIndex !== null) {
+ this.removeItem(event2, this.focusedIndex);
+ } else this.removeItem(event2, this.modelValue.length - 1);
+ }
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ if (inputValue && inputValue.trim().length && !this.maxedOut) {
+ this.addItem(event2, inputValue, true);
+ }
+ break;
+ case "ArrowLeft":
+ if (inputValue.length === 0 && this.modelValue && this.modelValue.length > 0) {
+ this.$refs.container.focus();
+ }
+ break;
+ case "ArrowRight":
+ event2.stopPropagation();
+ break;
+ default:
+ if (this.separator) {
+ if (this.separator === event2.key || event2.key.match(this.separator)) {
+ this.addItem(event2, inputValue, true);
+ }
+ }
+ break;
+ }
+ }, "onKeyDown"),
+ onPaste: /* @__PURE__ */ __name(function onPaste(event2) {
+ var _this = this;
+ if (this.separator) {
+ var separator = this.separator.replace("\\n", "\n").replace("\\r", "\r").replace("\\t", " ");
+ var pastedData = (event2.clipboardData || window["clipboardData"]).getData("Text");
+ if (pastedData) {
+ var value2 = this.modelValue || [];
+ var pastedValues = pastedData.split(separator);
+ pastedValues = pastedValues.filter(function(val) {
+ return _this.allowDuplicate || value2.indexOf(val) === -1;
+ });
+ value2 = [].concat(_toConsumableArray$c(value2), _toConsumableArray$c(pastedValues));
+ this.updateModel(event2, value2, true);
+ }
+ }
+ }, "onPaste"),
+ onContainerFocus: /* @__PURE__ */ __name(function onContainerFocus() {
+ this.focused = true;
+ }, "onContainerFocus"),
+ onContainerBlur: /* @__PURE__ */ __name(function onContainerBlur() {
+ this.focusedIndex = -1;
+ this.focused = false;
+ }, "onContainerBlur"),
+ onContainerKeyDown: /* @__PURE__ */ __name(function onContainerKeyDown(event2) {
+ switch (event2.code) {
+ case "ArrowLeft":
+ this.onArrowLeftKeyOn(event2);
+ break;
+ case "ArrowRight":
+ this.onArrowRightKeyOn(event2);
+ break;
+ case "Backspace":
+ this.onBackspaceKeyOn(event2);
+ break;
+ }
+ }, "onContainerKeyDown"),
+ onArrowLeftKeyOn: /* @__PURE__ */ __name(function onArrowLeftKeyOn() {
+ if (this.inputValue.length === 0 && this.modelValue && this.modelValue.length > 0) {
+ this.focusedIndex = this.focusedIndex === null ? this.modelValue.length - 1 : this.focusedIndex - 1;
+ if (this.focusedIndex < 0) this.focusedIndex = 0;
+ }
+ }, "onArrowLeftKeyOn"),
+ onArrowRightKeyOn: /* @__PURE__ */ __name(function onArrowRightKeyOn() {
+ if (this.inputValue.length === 0 && this.modelValue && this.modelValue.length > 0) {
+ if (this.focusedIndex === this.modelValue.length - 1) {
+ this.focusedIndex = null;
+ this.$refs.input.focus();
+ } else {
+ this.focusedIndex++;
+ }
+ }
+ }, "onArrowRightKeyOn"),
+ onBackspaceKeyOn: /* @__PURE__ */ __name(function onBackspaceKeyOn(event2) {
+ if (this.focusedIndex !== null) {
+ this.removeItem(event2, this.focusedIndex);
+ }
+ }, "onBackspaceKeyOn"),
+ updateModel: /* @__PURE__ */ __name(function updateModel3(event2, value2, preventDefault) {
+ var _this2 = this;
+ this.$emit("update:modelValue", value2);
+ this.$emit("add", {
+ originalEvent: event2,
+ value: value2
+ });
+ this.$refs.input.value = "";
+ this.inputValue = "";
+ setTimeout(function() {
+ _this2.maxedOut && (_this2.focused = false);
+ }, 0);
+ if (preventDefault) {
+ event2.preventDefault();
+ }
+ }, "updateModel"),
+ addItem: /* @__PURE__ */ __name(function addItem(event2, item8, preventDefault) {
+ if (item8 && item8.trim().length) {
+ var value2 = this.modelValue ? _toConsumableArray$c(this.modelValue) : [];
+ if (this.allowDuplicate || value2.indexOf(item8) === -1) {
+ value2.push(item8);
+ this.updateModel(event2, value2, preventDefault);
+ }
+ }
+ }, "addItem"),
+ removeItem: /* @__PURE__ */ __name(function removeItem(event2, index) {
+ if (this.disabled) {
+ return;
+ }
+ var values = _toConsumableArray$c(this.modelValue);
+ var removedItem = values.splice(index, 1);
+ this.focusedIndex = null;
+ this.$refs.input.focus();
+ this.$emit("update:modelValue", values);
+ this.$emit("remove", {
+ originalEvent: event2,
+ value: removedItem
+ });
+ }, "removeItem")
+ },
+ computed: {
+ maxedOut: /* @__PURE__ */ __name(function maxedOut() {
+ return this.max && this.modelValue && this.max === this.modelValue.length;
+ }, "maxedOut"),
+ focusedOptionId: /* @__PURE__ */ __name(function focusedOptionId2() {
+ return this.focusedIndex !== null ? "".concat(this.id, "_inputchips_item_").concat(this.focusedIndex) : null;
+ }, "focusedOptionId")
+ },
+ components: {
+ Chip: script$1s
+ }
+};
+function _typeof$j(o) {
+ "@babel/helpers - typeof";
+ return _typeof$j = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$j(o);
+}
+__name(_typeof$j, "_typeof$j");
+function ownKeys$h(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$h, "ownKeys$h");
+function _objectSpread$h(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$h(Object(t2), true).forEach(function(r2) {
+ _defineProperty$i(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$h(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$h, "_objectSpread$h");
+function _defineProperty$i(e, r, t2) {
+ return (r = _toPropertyKey$i(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$i, "_defineProperty$i");
+function _toPropertyKey$i(t2) {
+ var i = _toPrimitive$i(t2, "string");
+ return "symbol" == _typeof$j(i) ? i : i + "";
+}
+__name(_toPropertyKey$i, "_toPropertyKey$i");
+function _toPrimitive$i(t2, r) {
+ if ("object" != _typeof$j(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$j(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$i, "_toPrimitive$i");
+var _hoisted_1$q = ["aria-labelledby", "aria-label", "aria-activedescendant"];
+var _hoisted_2$j = ["id", "aria-label", "aria-setsize", "aria-posinset", "data-p-focused"];
+var _hoisted_3$g = ["id", "disabled", "placeholder", "aria-invalid"];
+function render$S(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Chip = resolveComponent("Chip");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("ul", mergeProps({
+ ref: "container",
+ "class": _ctx.cx("input"),
+ tabindex: "-1",
+ role: "listbox",
+ "aria-orientation": "horizontal",
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-label": _ctx.ariaLabel,
+ "aria-activedescendant": $data.focused ? $options.focusedOptionId : void 0,
+ onClick: _cache[5] || (_cache[5] = function($event) {
+ return $options.onWrapperClick();
+ }),
+ onFocus: _cache[6] || (_cache[6] = function() {
+ return $options.onContainerFocus && $options.onContainerFocus.apply($options, arguments);
+ }),
+ onBlur: _cache[7] || (_cache[7] = function() {
+ return $options.onContainerBlur && $options.onContainerBlur.apply($options, arguments);
+ }),
+ onKeydown: _cache[8] || (_cache[8] = function() {
+ return $options.onContainerKeyDown && $options.onContainerKeyDown.apply($options, arguments);
+ })
+ }, _ctx.ptm("input")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.modelValue, function(val, i) {
+ return openBlock(), createElementBlock("li", mergeProps({
+ key: "".concat(i, "_").concat(val),
+ id: $data.id + "_inputchips_item_" + i,
+ role: "option",
+ "class": _ctx.cx("chipItem", {
+ index: i
+ }),
+ "aria-label": val,
+ "aria-selected": true,
+ "aria-setsize": _ctx.modelValue.length,
+ "aria-posinset": i + 1,
+ ref_for: true
+ }, _ctx.ptm("chipItem"), {
+ "data-p-focused": $data.focusedIndex === i
+ }), [renderSlot(_ctx.$slots, "chip", {
+ "class": normalizeClass(_ctx.cx("pcChip")),
+ index: i,
+ value: val,
+ removeCallback: /* @__PURE__ */ __name(function removeCallback(event2) {
+ return _ctx.removeOption(event2, i);
+ }, "removeCallback")
+ }, function() {
+ return [createVNode(_component_Chip, {
+ "class": normalizeClass(_ctx.cx("pcChip")),
+ label: val,
+ removeIcon: _ctx.chipIcon || _ctx.removeTokenIcon,
+ removable: "",
+ unstyled: _ctx.unstyled,
+ onRemove: /* @__PURE__ */ __name(function onRemove($event) {
+ return $options.removeItem($event, i);
+ }, "onRemove"),
+ pt: _ctx.ptm("pcChip")
+ }, {
+ removeicon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, _ctx.$slots.chipicon ? "chipicon" : "removetokenicon", {
+ "class": normalizeClass(_ctx.cx("chipIcon")),
+ index: i,
+ removeCallback: /* @__PURE__ */ __name(function removeCallback(event2) {
+ return $options.removeItem(event2, i);
+ }, "removeCallback")
+ })];
+ }),
+ _: 2
+ }, 1032, ["class", "label", "removeIcon", "unstyled", "onRemove", "pt"])];
+ })], 16, _hoisted_2$j);
+ }), 128)), createBaseVNode("li", mergeProps({
+ "class": _ctx.cx("inputItem"),
+ role: "option"
+ }, _ctx.ptm("inputItem")), [createBaseVNode("input", mergeProps({
+ ref: "input",
+ id: _ctx.inputId,
+ type: "text",
+ "class": _ctx.inputClass,
+ style: _ctx.inputStyle,
+ disabled: _ctx.disabled || $options.maxedOut,
+ placeholder: _ctx.placeholder,
+ "aria-invalid": _ctx.invalid || void 0,
+ onFocus: _cache[0] || (_cache[0] = function($event) {
+ return $options.onFocus($event);
+ }),
+ onBlur: _cache[1] || (_cache[1] = function($event) {
+ return $options.onBlur($event);
+ }),
+ onInput: _cache[2] || (_cache[2] = function() {
+ return $options.onInput && $options.onInput.apply($options, arguments);
+ }),
+ onKeydown: _cache[3] || (_cache[3] = function($event) {
+ return $options.onKeyDown($event);
+ }),
+ onPaste: _cache[4] || (_cache[4] = function($event) {
+ return $options.onPaste($event);
+ })
+ }, _objectSpread$h(_objectSpread$h({}, _ctx.inputProps), _ctx.ptm("inputItemField"))), null, 16, _hoisted_3$g)], 16)], 16, _hoisted_1$q)], 16);
+}
+__name(render$S, "render$S");
+script$_.render = render$S;
+var script$Z = {
+ name: "Chips",
+ "extends": script$_,
+ mounted: /* @__PURE__ */ __name(function mounted10() {
+ console.warn("Deprecated since v4. Use InputChips component instead.");
+ }, "mounted")
+};
+var ChipsStyle = BaseStyle.extend({
+ name: "chips"
+});
+var ColumnGroupStyle = BaseStyle.extend({
+ name: "columngroup"
+});
+var script$1$B = {
+ name: "BaseColumnGroup",
+ "extends": script$1f,
+ props: {
+ type: {
+ type: String,
+ "default": null
+ }
+ },
+ style: ColumnGroupStyle,
+ provide: /* @__PURE__ */ __name(function provide13() {
+ return {
+ $pcColumnGroup: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$Y = {
+ name: "ColumnGroup",
+ "extends": script$1$B,
+ inheritAttrs: false,
+ inject: ["$columnGroups"],
+ mounted: /* @__PURE__ */ __name(function mounted11() {
+ var _this$$columnGroups;
+ (_this$$columnGroups = this.$columnGroups) === null || _this$$columnGroups === void 0 || _this$$columnGroups.add(this.$);
+ }, "mounted"),
+ unmounted: /* @__PURE__ */ __name(function unmounted2() {
+ var _this$$columnGroups2;
+ (_this$$columnGroups2 = this.$columnGroups) === null || _this$$columnGroups2 === void 0 || _this$$columnGroups2["delete"](this.$);
+ }, "unmounted"),
+ render: /* @__PURE__ */ __name(function render() {
+ return null;
+ }, "render")
+};
+var theme$v = /* @__PURE__ */ __name(function theme8(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-dataview {\n border-color: ".concat(dt("dataview.border.color"), ";\n border-width: ").concat(dt("dataview.border.width"), ";\n border-style: solid;\n border-radius: ").concat(dt("dataview.border.radius"), ";\n padding: ").concat(dt("dataview.padding"), ";\n}\n\n.p-dataview-header {\n background: ").concat(dt("dataview.header.background"), ";\n color: ").concat(dt("dataview.header.color"), ";\n border-color: ").concat(dt("dataview.header.border.color"), ";\n border-width: ").concat(dt("dataview.header.border.width"), ";\n border-style: solid;\n padding: ").concat(dt("dataview.header.padding"), ";\n border-radius: ").concat(dt("dataview.header.border.radius"), ";\n}\n\n.p-dataview-content {\n background: ").concat(dt("dataview.content.background"), ";\n border-color: ").concat(dt("dataview.content.border.color"), ";\n border-width: ").concat(dt("dataview.content.border.width"), ";\n border-style: solid;\n color: ").concat(dt("dataview.content.color"), ";\n padding: ").concat(dt("dataview.content.padding"), ";\n border-radius: ").concat(dt("dataview.content.border.radius"), ";\n}\n\n.p-dataview-footer {\n background: ").concat(dt("dataview.footer.background"), ";\n color: ").concat(dt("dataview.footer.color"), ";\n border-color: ").concat(dt("dataview.footer.border.color"), ";\n border-width: ").concat(dt("dataview.footer.border.width"), ";\n border-style: solid;\n padding: ").concat(dt("dataview.footer.padding"), ";\n border-radius: ").concat(dt("dataview.footer.border.radius"), ";\n}\n\n.p-dataview-paginator-top {\n border-width: ").concat(dt("dataview.paginator.top.border.width"), ";\n border-color: ").concat(dt("dataview.paginator.top.border.color"), ";\n border-style: solid;\n}\n\n.p-dataview-paginator-bottom {\n border-width: ").concat(dt("dataview.paginator.bottom.border.width"), ";\n border-color: ").concat(dt("dataview.paginator.bottom.border.color"), ";\n border-style: solid;\n}\n");
+}, "theme");
+var classes$z = {
+ root: /* @__PURE__ */ __name(function root8(_ref2) {
+ var props = _ref2.props;
+ return ["p-dataview p-component", {
+ "p-dataview-list": props.layout === "list",
+ "p-dataview-grid": props.layout === "grid"
+ }];
+ }, "root"),
+ header: "p-dataview-header",
+ pcPaginator: /* @__PURE__ */ __name(function pcPaginator(_ref3) {
+ var position = _ref3.position;
+ return "p-dataview-paginator-" + position;
+ }, "pcPaginator"),
+ content: "p-dataview-content",
+ emptyMessage: "p-dataview-empty-message",
+ // TODO: remove?
+ footer: "p-dataview-footer"
+};
+var DataViewStyle = BaseStyle.extend({
+ name: "dataview",
+ theme: theme$v,
+ classes: classes$z
+});
+var script$1$A = {
+ name: "BaseDataView",
+ "extends": script$1f,
+ props: {
+ value: {
+ type: Array,
+ "default": null
+ },
+ layout: {
+ type: String,
+ "default": "list"
+ },
+ rows: {
+ type: Number,
+ "default": 0
+ },
+ first: {
+ type: Number,
+ "default": 0
+ },
+ totalRecords: {
+ type: Number,
+ "default": 0
+ },
+ paginator: {
+ type: Boolean,
+ "default": false
+ },
+ paginatorPosition: {
+ type: String,
+ "default": "bottom"
+ },
+ alwaysShowPaginator: {
+ type: Boolean,
+ "default": true
+ },
+ paginatorTemplate: {
+ type: String,
+ "default": "FirstPageLink PrevPageLink PageLinks NextPageLink LastPageLink RowsPerPageDropdown"
+ },
+ pageLinkSize: {
+ type: Number,
+ "default": 5
+ },
+ rowsPerPageOptions: {
+ type: Array,
+ "default": null
+ },
+ currentPageReportTemplate: {
+ type: String,
+ "default": "({currentPage} of {totalPages})"
+ },
+ sortField: {
+ type: [String, Function],
+ "default": null
+ },
+ sortOrder: {
+ type: Number,
+ "default": null
+ },
+ lazy: {
+ type: Boolean,
+ "default": false
+ },
+ dataKey: {
+ type: String,
+ "default": null
+ }
+ },
+ style: DataViewStyle,
+ provide: /* @__PURE__ */ __name(function provide14() {
+ return {
+ $pcDataView: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _toConsumableArray$b(r) {
+ return _arrayWithoutHoles$b(r) || _iterableToArray$b(r) || _unsupportedIterableToArray$c(r) || _nonIterableSpread$b();
+}
+__name(_toConsumableArray$b, "_toConsumableArray$b");
+function _nonIterableSpread$b() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$b, "_nonIterableSpread$b");
+function _unsupportedIterableToArray$c(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$c(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$c(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$c, "_unsupportedIterableToArray$c");
+function _iterableToArray$b(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$b, "_iterableToArray$b");
+function _arrayWithoutHoles$b(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$c(r);
+}
+__name(_arrayWithoutHoles$b, "_arrayWithoutHoles$b");
+function _arrayLikeToArray$c(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$c, "_arrayLikeToArray$c");
+var script$X = {
+ name: "DataView",
+ "extends": script$1$A,
+ inheritAttrs: false,
+ emits: ["update:first", "update:rows", "page"],
+ data: /* @__PURE__ */ __name(function data6() {
+ return {
+ d_first: this.first,
+ d_rows: this.rows
+ };
+ }, "data"),
+ watch: {
+ first: /* @__PURE__ */ __name(function first(newValue) {
+ this.d_first = newValue;
+ }, "first"),
+ rows: /* @__PURE__ */ __name(function rows(newValue) {
+ this.d_rows = newValue;
+ }, "rows"),
+ sortField: /* @__PURE__ */ __name(function sortField() {
+ this.resetPage();
+ }, "sortField"),
+ sortOrder: /* @__PURE__ */ __name(function sortOrder() {
+ this.resetPage();
+ }, "sortOrder")
+ },
+ methods: {
+ getKey: /* @__PURE__ */ __name(function getKey2(item8, index) {
+ return this.dataKey ? resolveFieldData(item8, this.dataKey) : index;
+ }, "getKey"),
+ onPage: /* @__PURE__ */ __name(function onPage(event2) {
+ this.d_first = event2.first;
+ this.d_rows = event2.rows;
+ this.$emit("update:first", this.d_first);
+ this.$emit("update:rows", this.d_rows);
+ this.$emit("page", event2);
+ }, "onPage"),
+ sort: /* @__PURE__ */ __name(function sort$1() {
+ var _this = this;
+ if (this.value) {
+ var value2 = _toConsumableArray$b(this.value);
+ var comparer = localeComparator();
+ value2.sort(function(data1, data210) {
+ var value1 = resolveFieldData(data1, _this.sortField);
+ var value22 = resolveFieldData(data210, _this.sortField);
+ return sort(value1, value22, _this.sortOrder, comparer);
+ });
+ return value2;
+ } else {
+ return null;
+ }
+ }, "sort$1"),
+ resetPage: /* @__PURE__ */ __name(function resetPage() {
+ this.d_first = 0;
+ this.$emit("update:first", this.d_first);
+ }, "resetPage")
+ },
+ computed: {
+ getTotalRecords: /* @__PURE__ */ __name(function getTotalRecords() {
+ if (this.totalRecords) return this.totalRecords;
+ else return this.value ? this.value.length : 0;
+ }, "getTotalRecords"),
+ empty: /* @__PURE__ */ __name(function empty() {
+ return !this.value || this.value.length === 0;
+ }, "empty"),
+ emptyMessageText: /* @__PURE__ */ __name(function emptyMessageText2() {
+ var _this$$primevue$confi;
+ return ((_this$$primevue$confi = this.$primevue.config) === null || _this$$primevue$confi === void 0 || (_this$$primevue$confi = _this$$primevue$confi.locale) === null || _this$$primevue$confi === void 0 ? void 0 : _this$$primevue$confi.emptyMessage) || "";
+ }, "emptyMessageText"),
+ paginatorTop: /* @__PURE__ */ __name(function paginatorTop() {
+ return this.paginator && (this.paginatorPosition !== "bottom" || this.paginatorPosition === "both");
+ }, "paginatorTop"),
+ paginatorBottom: /* @__PURE__ */ __name(function paginatorBottom() {
+ return this.paginator && (this.paginatorPosition !== "top" || this.paginatorPosition === "both");
+ }, "paginatorBottom"),
+ items: /* @__PURE__ */ __name(function items() {
+ if (this.value && this.value.length) {
+ var data40 = this.value;
+ if (data40 && data40.length && this.sortField) {
+ data40 = this.sort();
+ }
+ if (this.paginator) {
+ var first3 = this.lazy ? 0 : this.d_first;
+ return data40.slice(first3, first3 + this.d_rows);
+ } else {
+ return data40;
+ }
+ } else {
+ return null;
+ }
+ }, "items")
+ },
+ components: {
+ DVPaginator: script$1t
+ }
+};
+function render$R(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_DVPaginator = resolveComponent("DVPaginator");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [_ctx.$slots.header ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("header")
+ }, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header")], 16)) : createCommentVNode("", true), $options.paginatorTop ? (openBlock(), createBlock(_component_DVPaginator, {
+ key: 1,
+ rows: $data.d_rows,
+ first: $data.d_first,
+ totalRecords: $options.getTotalRecords,
+ pageLinkSize: _ctx.pageLinkSize,
+ template: _ctx.paginatorTemplate,
+ rowsPerPageOptions: _ctx.rowsPerPageOptions,
+ currentPageReportTemplate: _ctx.currentPageReportTemplate,
+ "class": normalizeClass(_ctx.cx("pcPaginator", {
+ position: "top"
+ })),
+ alwaysShow: _ctx.alwaysShowPaginator,
+ onPage: _cache[0] || (_cache[0] = function($event) {
+ return $options.onPage($event);
+ }),
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcPaginator")
+ }, createSlots({
+ _: 2
+ }, [_ctx.$slots.paginatorcontainer ? {
+ name: "container",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorcontainer", {
+ first: slotProps.first,
+ last: slotProps.last,
+ rows: slotProps.rows,
+ page: slotProps.page,
+ pageCount: slotProps.pageCount,
+ totalRecords: slotProps.totalRecords,
+ firstPageCallback: slotProps.firstPageCallback,
+ lastPageCallback: slotProps.lastPageCallback,
+ prevPageCallback: slotProps.prevPageCallback,
+ nextPageCallback: slotProps.nextPageCallback,
+ rowChangeCallback: slotProps.rowChangeCallback
+ })];
+ }),
+ key: "0"
+ } : void 0, _ctx.$slots.paginatorstart ? {
+ name: "start",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "paginatorstart")];
+ }),
+ key: "1"
+ } : void 0, _ctx.$slots.paginatorend ? {
+ name: "end",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "paginatorend")];
+ }),
+ key: "2"
+ } : void 0]), 1032, ["rows", "first", "totalRecords", "pageLinkSize", "template", "rowsPerPageOptions", "currentPageReportTemplate", "class", "alwaysShow", "unstyled", "pt"])) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [!$options.empty ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [_ctx.$slots.list && _ctx.layout === "list" ? renderSlot(_ctx.$slots, "list", {
+ key: 0,
+ items: $options.items
+ }) : createCommentVNode("", true), _ctx.$slots.grid && _ctx.layout === "grid" ? renderSlot(_ctx.$slots, "grid", {
+ key: 1,
+ items: $options.items
+ }) : createCommentVNode("", true)], 64)) : (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("emptyMessage")
+ }, _ctx.ptm("emptyMessage")), [renderSlot(_ctx.$slots, "empty", {
+ layout: _ctx.layout
+ }, function() {
+ return [createTextVNode(toDisplayString($options.emptyMessageText), 1)];
+ })], 16))], 16), $options.paginatorBottom ? (openBlock(), createBlock(_component_DVPaginator, {
+ key: 2,
+ rows: $data.d_rows,
+ first: $data.d_first,
+ totalRecords: $options.getTotalRecords,
+ pageLinkSize: _ctx.pageLinkSize,
+ template: _ctx.paginatorTemplate,
+ rowsPerPageOptions: _ctx.rowsPerPageOptions,
+ currentPageReportTemplate: _ctx.currentPageReportTemplate,
+ "class": normalizeClass(_ctx.cx("pcPaginator", {
+ position: "bottom"
+ })),
+ alwaysShow: _ctx.alwaysShowPaginator,
+ onPage: _cache[1] || (_cache[1] = function($event) {
+ return $options.onPage($event);
+ }),
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcPaginator")
+ }, createSlots({
+ _: 2
+ }, [_ctx.$slots.paginatorcontainer ? {
+ name: "container",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorcontainer", {
+ first: slotProps.first,
+ last: slotProps.last,
+ rows: slotProps.rows,
+ page: slotProps.page,
+ pageCount: slotProps.pageCount,
+ totalRecords: slotProps.totalRecords,
+ firstPageCallback: slotProps.firstPageCallback,
+ lastPageCallback: slotProps.lastPageCallback,
+ prevPageCallback: slotProps.prevPageCallback,
+ nextPageCallback: slotProps.nextPageCallback,
+ rowChangeCallback: slotProps.rowChangeCallback
+ })];
+ }),
+ key: "0"
+ } : void 0, _ctx.$slots.paginatorstart ? {
+ name: "start",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "paginatorstart")];
+ }),
+ key: "1"
+ } : void 0, _ctx.$slots.paginatorend ? {
+ name: "end",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "paginatorend")];
+ }),
+ key: "2"
+ } : void 0]), 1032, ["rows", "first", "totalRecords", "pageLinkSize", "template", "rowsPerPageOptions", "currentPageReportTemplate", "class", "alwaysShow", "unstyled", "pt"])) : createCommentVNode("", true), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 3,
+ "class": _ctx.cx("footer")
+ }, _ctx.ptm("footer")), [renderSlot(_ctx.$slots, "footer")], 16)) : createCommentVNode("", true)], 16);
+}
+__name(render$R, "render$R");
+script$X.render = render$R;
+var DeferredContentStyle = BaseStyle.extend({
+ name: "deferredcontent"
+});
+var script$W = {
+ name: "DeferredContent",
+ "extends": script$1f,
+ inheritAttrs: false,
+ emits: ["load"],
+ style: DeferredContentStyle,
+ data: /* @__PURE__ */ __name(function data7() {
+ return {
+ loaded: false
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted12() {
+ if (!this.loaded) {
+ if (this.shouldLoad()) this.load();
+ else this.bindScrollListener();
+ }
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount3() {
+ this.unbindScrollListener();
+ }, "beforeUnmount"),
+ methods: {
+ bindScrollListener: /* @__PURE__ */ __name(function bindScrollListener3() {
+ var _this = this;
+ this.documentScrollListener = function() {
+ if (_this.shouldLoad()) {
+ _this.load();
+ _this.unbindScrollListener();
+ }
+ };
+ window.addEventListener("scroll", this.documentScrollListener);
+ }, "bindScrollListener"),
+ unbindScrollListener: /* @__PURE__ */ __name(function unbindScrollListener3() {
+ if (this.documentScrollListener) {
+ window.removeEventListener("scroll", this.documentScrollListener);
+ this.documentScrollListener = null;
+ }
+ }, "unbindScrollListener"),
+ shouldLoad: /* @__PURE__ */ __name(function shouldLoad() {
+ if (this.loaded) {
+ return false;
+ } else {
+ var rect = this.$refs.container.getBoundingClientRect();
+ var docElement = document.documentElement;
+ var winHeight = docElement.clientHeight;
+ return winHeight >= rect.top;
+ }
+ }, "shouldLoad"),
+ load: /* @__PURE__ */ __name(function load(event2) {
+ this.loaded = true;
+ this.$emit("load", event2);
+ }, "load")
+ }
+};
+function render$Q(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ ref: "container"
+ }, _ctx.ptmi("root")), [$data.loaded ? renderSlot(_ctx.$slots, "default", {
+ key: 0
+ }) : createCommentVNode("", true)], 16);
+}
+__name(render$Q, "render$Q");
+script$W.render = render$Q;
+var DynamicDialogEventBus = EventBus();
+var DialogService = {
+ install: /* @__PURE__ */ __name(function install(app) {
+ var DialogService2 = {
+ open: /* @__PURE__ */ __name(function open2(content, options4) {
+ var instance = {
+ content: content && markRaw(content),
+ options: options4 || {},
+ data: options4 && options4.data,
+ close: /* @__PURE__ */ __name(function close2(params) {
+ DynamicDialogEventBus.emit("close", {
+ instance,
+ params
+ });
+ }, "close")
+ };
+ DynamicDialogEventBus.emit("open", {
+ instance
+ });
+ return instance;
+ }, "open")
+ };
+ app.config.globalProperties.$dialog = DialogService2;
+ app.provide(PrimeVueDialogSymbol, DialogService2);
+ }, "install")
+};
+var theme$u = /* @__PURE__ */ __name(function theme9(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-dock {\n position: absolute;\n z-index: 1;\n display: flex;\n justify-content: center;\n align-items: center;\n pointer-events: none;\n}\n\n.p-dock-list-container {\n display: flex;\n pointer-events: auto;\n background: ".concat(dt("dock.background"), ";\n border: 1px solid ").concat(dt("dock.border.color"), ";\n padding: ").concat(dt("dock.padding"), ";\n border-radius: ").concat(dt("dock.border.radius"), ";\n}\n\n.p-dock-list {\n margin: 0;\n padding: 0;\n list-style: none;\n display: flex;\n align-items: center;\n justify-content: center;\n outline: 0 none;\n}\n\n.p-dock-item {\n transition: all 0.2s cubic-bezier(0.4, 0, 0.2, 1);\n will-change: transform;\n padding: ").concat(dt("dock.item.padding"), ";\n border-radius: ").concat(dt("dock.item.border.radius"), ";\n}\n\n.p-dock-item.p-focus {\n box-shadow: ").concat(dt("dock.item.focus.ring.shadow"), ";\n outline: ").concat(dt("dock.item.focus.ring.width"), " ").concat(dt("dock.item.focus.ring.style"), " ").concat(dt("dock.item.focus.ring.color"), ";\n outline-offset: ").concat(dt("dock.item.focus.ring.offset"), ";\n}\n\n.p-dock-item-link {\n display: flex;\n flex-direction: column;\n align-items: center;\n justify-content: center;\n position: relative;\n overflow: hidden;\n cursor: default;\n width: ").concat(dt("dock.item.size"), ";\n height: ").concat(dt("dock.item.size"), ";\n}\n\n.p-dock-top {\n left: 0;\n top: 0;\n width: 100%;\n}\n\n.p-dock-bottom {\n left: 0;\n bottom: 0;\n width: 100%;\n}\n\n.p-dock-right {\n right: 0;\n top: 0;\n height: 100%;\n}\n\n.p-dock-right .p-dock-list {\n flex-direction: column;\n}\n\n.p-dock-left {\n left: 0;\n top: 0;\n height: 100%;\n}\n\n.p-dock-left .p-dock-list {\n flex-direction: column;\n}\n\n.p-dock-mobile.p-dock-top .p-dock-list-container,\n.p-dock-mobile.p-dock-bottom .p-dock-list-container {\n overflow-x: auto;\n width: 100%;\n}\n\n.p-dock-mobile.p-dock-top .p-dock-list-container .p-dock-list,\n.p-dock-mobile.p-dock-bottom .p-dock-list-container .p-dock-list {\n margin: 0 auto;\n}\n\n.p-dock-mobile.p-dock-left .p-dock-list-container,\n.p-dock-mobile.p-dock-right .p-dock-list-container {\n overflow-y: auto;\n height: 100%;\n}\n\n.p-dock-mobile.p-dock-left .p-dock-list-container .p-dock-list,\n.p-dock-mobile.p-dock-right .p-dock-list-container .p-dock-list {\n margin: auto 0;\n}\n\n.p-dock-mobile .p-dock-list .p-dock-item {\n transform: none;\n margin: 0;\n}\n");
+}, "theme");
+var classes$y = {
+ root: /* @__PURE__ */ __name(function root9(_ref2) {
+ var instance = _ref2.instance, props = _ref2.props;
+ return ["p-dock p-component", "p-dock-".concat(props.position), {
+ "p-dock-mobile": instance.queryMatches
+ }];
+ }, "root"),
+ listContainer: "p-dock-list-container",
+ list: "p-dock-list",
+ item: /* @__PURE__ */ __name(function item2(_ref3) {
+ var instance = _ref3.instance, processedItem = _ref3.processedItem, id4 = _ref3.id;
+ return ["p-dock-item", {
+ "p-focus": instance.isItemActive(id4),
+ "p-disabled": instance.disabled(processedItem)
+ }];
+ }, "item"),
+ itemContent: "p-dock-item-content",
+ itemLink: "p-dock-item-link",
+ itemIcon: "p-dock-item-icon"
+};
+var DockStyle = BaseStyle.extend({
+ name: "dock",
+ theme: theme$u,
+ classes: classes$y
+});
+var script$2$7 = {
+ name: "BaseDock",
+ "extends": script$1f,
+ props: {
+ position: {
+ type: String,
+ "default": "bottom"
+ },
+ model: null,
+ "class": null,
+ style: null,
+ tooltipOptions: null,
+ menuId: {
+ type: String,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ breakpoint: {
+ type: String,
+ "default": "960px"
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ }
+ },
+ style: DockStyle,
+ provide: /* @__PURE__ */ __name(function provide15() {
+ return {
+ $pcDock: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _toConsumableArray$a(r) {
+ return _arrayWithoutHoles$a(r) || _iterableToArray$a(r) || _unsupportedIterableToArray$b(r) || _nonIterableSpread$a();
+}
+__name(_toConsumableArray$a, "_toConsumableArray$a");
+function _nonIterableSpread$a() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$a, "_nonIterableSpread$a");
+function _unsupportedIterableToArray$b(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$b(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$b(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$b, "_unsupportedIterableToArray$b");
+function _iterableToArray$a(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$a, "_iterableToArray$a");
+function _arrayWithoutHoles$a(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$b(r);
+}
+__name(_arrayWithoutHoles$a, "_arrayWithoutHoles$a");
+function _arrayLikeToArray$b(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$b, "_arrayLikeToArray$b");
+var script$1$z = {
+ name: "DockSub",
+ hostName: "Dock",
+ "extends": script$1f,
+ emits: ["focus", "blur"],
+ props: {
+ position: {
+ type: String,
+ "default": "bottom"
+ },
+ model: {
+ type: Array,
+ "default": null
+ },
+ templates: {
+ type: null,
+ "default": null
+ },
+ tooltipOptions: null,
+ menuId: {
+ type: String,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ }
+ },
+ data: /* @__PURE__ */ __name(function data8() {
+ return {
+ id: this.menuId,
+ currentIndex: -3,
+ focused: false,
+ focusedOptionIndex: -1
+ };
+ }, "data"),
+ watch: {
+ menuId: /* @__PURE__ */ __name(function menuId(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "menuId")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted13() {
+ this.id = this.id || UniqueComponentId();
+ }, "mounted"),
+ methods: {
+ getItemId: /* @__PURE__ */ __name(function getItemId(index) {
+ return "".concat(this.id, "_").concat(index);
+ }, "getItemId"),
+ getItemProp: /* @__PURE__ */ __name(function getItemProp(processedItem, name4) {
+ return processedItem && processedItem.item ? resolve(processedItem.item[name4]) : void 0;
+ }, "getItemProp"),
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions2(key, item8, index) {
+ return this.ptm(key, {
+ context: {
+ index,
+ item: item8,
+ active: this.isItemActive(this.getItemId(index))
+ }
+ });
+ }, "getPTOptions"),
+ isSameMenuItem: /* @__PURE__ */ __name(function isSameMenuItem(event2) {
+ return event2.currentTarget && (event2.currentTarget.isSameNode(event2.target) || event2.currentTarget.isSameNode(event2.target.closest('[data-pc-section="item"]')));
+ }, "isSameMenuItem"),
+ isItemActive: /* @__PURE__ */ __name(function isItemActive2(id4) {
+ return id4 === this.focusedOptionIndex;
+ }, "isItemActive"),
+ onListMouseLeave: /* @__PURE__ */ __name(function onListMouseLeave() {
+ this.currentIndex = -3;
+ }, "onListMouseLeave"),
+ onItemMouseEnter: /* @__PURE__ */ __name(function onItemMouseEnter(index) {
+ this.currentIndex = index;
+ }, "onItemMouseEnter"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick(event2, processedItem) {
+ if (this.isSameMenuItem(event2)) {
+ var command = this.getItemProp(processedItem, "command");
+ command && command({
+ originalEvent: event2,
+ item: processedItem.item
+ });
+ }
+ }, "onItemClick"),
+ onListFocus: /* @__PURE__ */ __name(function onListFocus(event2) {
+ this.focused = true;
+ this.changeFocusedOptionIndex(0);
+ this.$emit("focus", event2);
+ }, "onListFocus"),
+ onListBlur: /* @__PURE__ */ __name(function onListBlur(event2) {
+ this.focused = false;
+ this.focusedOptionIndex = -1;
+ this.$emit("blur", event2);
+ }, "onListBlur"),
+ onListKeyDown: /* @__PURE__ */ __name(function onListKeyDown(event2) {
+ switch (event2.code) {
+ case "ArrowDown": {
+ if (this.position === "left" || this.position === "right") this.onArrowDownKey();
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowUp": {
+ if (this.position === "left" || this.position === "right") this.onArrowUpKey();
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowRight": {
+ if (this.position === "top" || this.position === "bottom") this.onArrowDownKey();
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowLeft": {
+ if (this.position === "top" || this.position === "bottom") this.onArrowUpKey();
+ event2.preventDefault();
+ break;
+ }
+ case "Home": {
+ this.onHomeKey();
+ event2.preventDefault();
+ break;
+ }
+ case "End": {
+ this.onEndKey();
+ event2.preventDefault();
+ break;
+ }
+ case "Enter":
+ case "NumpadEnter":
+ case "Space": {
+ this.onSpaceKey(event2);
+ event2.preventDefault();
+ break;
+ }
+ }
+ }, "onListKeyDown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey3() {
+ var optionIndex = this.findNextOptionIndex(this.focusedOptionIndex);
+ this.changeFocusedOptionIndex(optionIndex);
+ }, "onArrowDownKey"),
+ onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey3() {
+ var optionIndex = this.findPrevOptionIndex(this.focusedOptionIndex);
+ this.changeFocusedOptionIndex(optionIndex);
+ }, "onArrowUpKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey3() {
+ this.changeFocusedOptionIndex(0);
+ }, "onHomeKey"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey3() {
+ this.changeFocusedOptionIndex(find(this.$refs.list, 'li[data-pc-section="item"][data-p-disabled="false"]').length - 1);
+ }, "onEndKey"),
+ onSpaceKey: /* @__PURE__ */ __name(function onSpaceKey2() {
+ var element = findSingle(this.$refs.list, 'li[id="'.concat("".concat(this.focusedOptionIndex), '"]'));
+ var anchorElement = element && findSingle(element, '[data-pc-section="itemlink"]');
+ anchorElement ? anchorElement.click() : element && element.click();
+ }, "onSpaceKey"),
+ findNextOptionIndex: /* @__PURE__ */ __name(function findNextOptionIndex2(index) {
+ var menuitems = find(this.$refs.list, 'li[data-pc-section="item"][data-p-disabled="false"]');
+ var matchedOptionIndex = _toConsumableArray$a(menuitems).findIndex(function(link) {
+ return link.id === index;
+ });
+ return matchedOptionIndex > -1 ? matchedOptionIndex + 1 : 0;
+ }, "findNextOptionIndex"),
+ findPrevOptionIndex: /* @__PURE__ */ __name(function findPrevOptionIndex2(index) {
+ var menuitems = find(this.$refs.list, 'li[data-pc-section="item"][data-p-disabled="false"]');
+ var matchedOptionIndex = _toConsumableArray$a(menuitems).findIndex(function(link) {
+ return link.id === index;
+ });
+ return matchedOptionIndex > -1 ? matchedOptionIndex - 1 : 0;
+ }, "findPrevOptionIndex"),
+ changeFocusedOptionIndex: /* @__PURE__ */ __name(function changeFocusedOptionIndex2(index) {
+ var menuitems = find(this.$refs.list, 'li[data-pc-section="item"][data-p-disabled="false"]');
+ var order = index >= menuitems.length ? menuitems.length - 1 : index < 0 ? 0 : index;
+ this.focusedOptionIndex = menuitems[order].getAttribute("id");
+ }, "changeFocusedOptionIndex"),
+ disabled: /* @__PURE__ */ __name(function disabled2(item8) {
+ return typeof item8.disabled === "function" ? item8.disabled() : item8.disabled;
+ }, "disabled"),
+ getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps2(item8, index) {
+ return {
+ action: mergeProps({
+ tabindex: -1,
+ "class": this.cx("itemLink")
+ }, this.getPTOptions("itemLink", item8, index)),
+ icon: mergeProps({
+ "class": [this.cx("itemIcon"), item8.icon]
+ }, this.getPTOptions("itemIcon", item8, index))
+ };
+ }, "getMenuItemProps")
+ },
+ computed: {
+ focusedOptionId: /* @__PURE__ */ __name(function focusedOptionId3() {
+ return this.focusedOptionIndex !== -1 ? this.focusedOptionIndex : null;
+ }, "focusedOptionId")
+ },
+ directives: {
+ ripple: Ripple,
+ tooltip: Tooltip
+ }
+};
+var _hoisted_1$p = ["id", "aria-orientation", "aria-activedescendant", "tabindex", "aria-label", "aria-labelledby"];
+var _hoisted_2$i = ["id", "aria-label", "aria-disabled", "onClick", "onMouseenter", "data-p-focused", "data-p-disabled"];
+var _hoisted_3$f = ["href", "target"];
+function render$1$7(_ctx, _cache, $props, $setup, $data, $options) {
+ var _directive_ripple = resolveDirective("ripple");
+ var _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("listContainer")
+ }, _ctx.ptm("listContainer")), [createBaseVNode("ul", mergeProps({
+ ref: "list",
+ id: $data.id,
+ "class": _ctx.cx("list"),
+ role: "menu",
+ "aria-orientation": $props.position === "bottom" || $props.position === "top" ? "horizontal" : "vertical",
+ "aria-activedescendant": $data.focused ? $options.focusedOptionId : void 0,
+ tabindex: $props.tabindex,
+ "aria-label": $props.ariaLabel,
+ "aria-labelledby": $props.ariaLabelledby,
+ onFocus: _cache[0] || (_cache[0] = function() {
+ return $options.onListFocus && $options.onListFocus.apply($options, arguments);
+ }),
+ onBlur: _cache[1] || (_cache[1] = function() {
+ return $options.onListBlur && $options.onListBlur.apply($options, arguments);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function() {
+ return $options.onListKeyDown && $options.onListKeyDown.apply($options, arguments);
+ }),
+ onMouseleave: _cache[3] || (_cache[3] = function() {
+ return $options.onListMouseLeave && $options.onListMouseLeave.apply($options, arguments);
+ })
+ }, _ctx.ptm("list")), [(openBlock(true), createElementBlock(Fragment, null, renderList($props.model, function(processedItem, index) {
+ return openBlock(), createElementBlock("li", mergeProps({
+ key: index,
+ id: $options.getItemId(index),
+ "class": _ctx.cx("item", {
+ processedItem,
+ id: $options.getItemId(index)
+ }),
+ role: "menuitem",
+ "aria-label": processedItem.label,
+ "aria-disabled": $options.disabled(processedItem),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onItemClick($event, processedItem);
+ }, "onClick"),
+ onMouseenter: /* @__PURE__ */ __name(function onMouseenter($event) {
+ return $options.onItemMouseEnter(index);
+ }, "onMouseenter"),
+ ref_for: true
+ }, $options.getPTOptions("item", processedItem, index), {
+ "data-p-focused": $options.isItemActive($options.getItemId(index)),
+ "data-p-disabled": $options.disabled(processedItem) || false
+ }), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("itemContent"),
+ ref_for: true
+ }, $options.getPTOptions("itemContent", processedItem, index)), [!$props.templates["item"] ? withDirectives((openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ href: processedItem.url,
+ "class": _ctx.cx("itemLink"),
+ target: processedItem.target,
+ tabindex: "-1",
+ "aria-hidden": "true",
+ ref_for: true
+ }, $options.getPTOptions("itemLink", processedItem, index)), [!$props.templates["icon"] && !$props.templates["itemicon"] ? withDirectives((openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": [_ctx.cx("itemIcon"), processedItem.icon],
+ ref_for: true
+ }, $options.getPTOptions("itemIcon", processedItem, index)), null, 16)), [[_directive_ripple]]) : (openBlock(), createBlock(resolveDynamicComponent($props.templates["icon"] || $props.templates["itemicon"]), {
+ key: 1,
+ item: processedItem,
+ "class": normalizeClass(_ctx.cx("itemIcon"))
+ }, null, 8, ["item", "class"]))], 16, _hoisted_3$f)), [[_directive_tooltip, {
+ value: processedItem.label,
+ disabled: !$props.tooltipOptions
+ }, $props.tooltipOptions]]) : (openBlock(), createBlock(resolveDynamicComponent($props.templates["item"]), {
+ key: 1,
+ item: processedItem,
+ index,
+ label: processedItem.label,
+ props: $options.getMenuItemProps(processedItem, index)
+ }, null, 8, ["item", "index", "label", "props"]))], 16)], 16, _hoisted_2$i);
+ }), 128))], 16, _hoisted_1$p)], 16);
+}
+__name(render$1$7, "render$1$7");
+script$1$z.render = render$1$7;
+var script$V = {
+ name: "Dock",
+ "extends": script$2$7,
+ inheritAttrs: false,
+ matchMediaListener: null,
+ data: /* @__PURE__ */ __name(function data9() {
+ return {
+ query: null,
+ queryMatches: false
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted14() {
+ this.bindMatchMediaListener();
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount4() {
+ this.unbindMatchMediaListener();
+ }, "beforeUnmount"),
+ methods: {
+ bindMatchMediaListener: /* @__PURE__ */ __name(function bindMatchMediaListener3() {
+ var _this = this;
+ if (!this.matchMediaListener) {
+ var query = matchMedia("(max-width: ".concat(this.breakpoint, ")"));
+ this.query = query;
+ this.queryMatches = query.matches;
+ this.matchMediaListener = function() {
+ _this.queryMatches = query.matches;
+ _this.mobileActive = false;
+ };
+ this.query.addEventListener("change", this.matchMediaListener);
+ }
+ }, "bindMatchMediaListener"),
+ unbindMatchMediaListener: /* @__PURE__ */ __name(function unbindMatchMediaListener3() {
+ if (this.matchMediaListener) {
+ this.query.removeEventListener("change", this.matchMediaListener);
+ this.matchMediaListener = null;
+ }
+ }, "unbindMatchMediaListener")
+ },
+ computed: {
+ containerClass: /* @__PURE__ */ __name(function containerClass() {
+ return [this["class"], this.cx("root")];
+ }, "containerClass")
+ },
+ components: {
+ DockSub: script$1$z
+ }
+};
+function render$P(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_DockSub = resolveComponent("DockSub");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": $options.containerClass,
+ style: _ctx.style
+ }, _ctx.ptmi("root")), [createVNode(_component_DockSub, {
+ model: _ctx.model,
+ templates: _ctx.$slots,
+ tooltipOptions: _ctx.tooltipOptions,
+ position: _ctx.position,
+ menuId: _ctx.menuId,
+ "aria-label": _ctx.ariaLabel,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ tabindex: _ctx.tabindex,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, null, 8, ["model", "templates", "tooltipOptions", "position", "menuId", "aria-label", "aria-labelledby", "tabindex", "pt", "unstyled"])], 16);
+}
+__name(render$P, "render$P");
+script$V.render = render$P;
+var script$U = {
+ name: "Dropdown",
+ "extends": script$1u,
+ mounted: /* @__PURE__ */ __name(function mounted15() {
+ console.warn("Deprecated since v4. Use Select component instead.");
+ }, "mounted")
+};
+var DropdownStyle = BaseStyle.extend({
+ name: "dropdown"
+});
+var DynamicDialogStyle = BaseStyle.extend({
+ name: "dynamicdialog"
+});
+var script$1$y = {
+ name: "BaseDynamicDialog",
+ "extends": script$1f,
+ props: {},
+ style: DynamicDialogStyle,
+ provide: /* @__PURE__ */ __name(function provide16() {
+ return {
+ $pcDynamicDialog: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$T = {
+ name: "DynamicDialog",
+ "extends": script$1$y,
+ inheritAttrs: false,
+ data: /* @__PURE__ */ __name(function data10() {
+ return {
+ instanceMap: {}
+ };
+ }, "data"),
+ openListener: null,
+ closeListener: null,
+ currentInstance: null,
+ mounted: /* @__PURE__ */ __name(function mounted16() {
+ var _this = this;
+ this.openListener = function(_ref) {
+ var instance = _ref.instance;
+ var key = UniqueComponentId() + "_dynamic_dialog";
+ instance.visible = true;
+ instance.key = key;
+ _this.instanceMap[key] = instance;
+ };
+ this.closeListener = function(_ref2) {
+ var instance = _ref2.instance, params = _ref2.params;
+ var key = instance.key;
+ var currentInstance = _this.instanceMap[key];
+ if (currentInstance) {
+ currentInstance.visible = false;
+ currentInstance.options.onClose && currentInstance.options.onClose({
+ data: params,
+ type: "config-close"
+ });
+ _this.currentInstance = currentInstance;
+ }
+ };
+ DynamicDialogEventBus.on("open", this.openListener);
+ DynamicDialogEventBus.on("close", this.closeListener);
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount5() {
+ DynamicDialogEventBus.off("open", this.openListener);
+ DynamicDialogEventBus.off("close", this.closeListener);
+ }, "beforeUnmount"),
+ methods: {
+ onDialogHide: /* @__PURE__ */ __name(function onDialogHide(instance) {
+ !this.currentInstance && instance.options.onClose && instance.options.onClose({
+ type: "dialog-close"
+ });
+ delete this.instanceMap[instance.key];
+ }, "onDialogHide"),
+ onDialogAfterHide: /* @__PURE__ */ __name(function onDialogAfterHide() {
+ this.currentInstance && delete this.currentInstance;
+ this.currentInstance = null;
+ }, "onDialogAfterHide"),
+ getTemplateItems: /* @__PURE__ */ __name(function getTemplateItems(template) {
+ return Array.isArray(template) ? template : [template];
+ }, "getTemplateItems")
+ },
+ components: {
+ DDialog: script$1v
+ }
+};
+function render$O(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_DDialog = resolveComponent("DDialog");
+ return openBlock(true), createElementBlock(Fragment, null, renderList($data.instanceMap, function(instance, key) {
+ return openBlock(), createBlock(_component_DDialog, mergeProps({
+ key,
+ visible: instance.visible,
+ "onUpdate:visible": /* @__PURE__ */ __name(function onUpdateVisible($event) {
+ return instance.visible = $event;
+ }, "onUpdateVisible"),
+ _instance: instance,
+ ref_for: true
+ }, instance.options.props, {
+ onHide: /* @__PURE__ */ __name(function onHide($event) {
+ return $options.onDialogHide(instance);
+ }, "onHide"),
+ onAfterHide: $options.onDialogAfterHide
+ }), createSlots({
+ "default": withCtx(function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(instance.content), mergeProps({
+ ref_for: true
+ }, instance.options.emits), null, 16))];
+ }),
+ _: 2
+ }, [instance.options.templates && instance.options.templates.header ? {
+ name: "header",
+ fn: withCtx(function() {
+ return [(openBlock(true), createElementBlock(Fragment, null, renderList($options.getTemplateItems(instance.options.templates.header), function(header2, index) {
+ return openBlock(), createBlock(resolveDynamicComponent(header2), mergeProps({
+ key: index + "_header",
+ ref_for: true
+ }, instance.options.emits), null, 16);
+ }), 128))];
+ }),
+ key: "0"
+ } : void 0, instance.options.templates && instance.options.templates.footer ? {
+ name: "footer",
+ fn: withCtx(function() {
+ return [(openBlock(true), createElementBlock(Fragment, null, renderList($options.getTemplateItems(instance.options.templates.footer), function(footer, index) {
+ return openBlock(), createBlock(resolveDynamicComponent(footer), mergeProps({
+ key: index + "_footer",
+ ref_for: true
+ }, instance.options.emits), null, 16);
+ }), 128))];
+ }),
+ key: "1"
+ } : void 0]), 1040, ["visible", "onUpdate:visible", "_instance", "onHide", "onAfterHide"]);
+ }), 128);
+}
+__name(render$O, "render$O");
+script$T.render = render$O;
+var theme$t = /* @__PURE__ */ __name(function theme10(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-fieldset {\n background: ".concat(dt("fieldset.background"), ";\n border: 1px solid ").concat(dt("fieldset.border.color"), ";\n border-radius: ").concat(dt("fieldset.border.radius"), ";\n color: ").concat(dt("fieldset.color"), ";\n padding: ").concat(dt("fieldset.padding"), ";\n margin: 0;\n}\n\n.p-fieldset-legend {\n background: ").concat(dt("fieldset.legend.background"), ";\n border-radius: ").concat(dt("fieldset.legend.border.radius"), ";\n border-width: ").concat(dt("fieldset.legend.border.width"), ";\n border-style: solid;\n border-color: ").concat(dt("fieldset.legend.border.color"), ";\n padding: ").concat(dt("fieldset.legend.padding"), ";\n transition: background ").concat(dt("fieldset.transition.duration"), ", color ").concat(dt("fieldset.transition.duration"), ", outline-color ").concat(dt("fieldset.transition.duration"), ", box-shadow ").concat(dt("fieldset.transition.duration"), ";\n}\n\n.p-fieldset-toggleable > .p-fieldset-legend {\n padding: 0;\n}\n\n.p-fieldset-toggle-button {\n cursor: pointer;\n user-select: none;\n overflow: hidden;\n position: relative;\n text-decoration: none;\n display: flex;\n gap: ").concat(dt("fieldset.legend.gap"), ";\n align-items: center;\n justify-content: center;\n padding: ").concat(dt("fieldset.legend.padding"), ";\n background: transparent;\n border: 0 none;\n border-radius: ").concat(dt("fieldset.legend.border.radius"), ";\n transition: background ").concat(dt("fieldset.transition.duration"), ", color ").concat(dt("fieldset.transition.duration"), ", outline-color ").concat(dt("fieldset.transition.duration"), ", box-shadow ").concat(dt("fieldset.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-fieldset-legend-label {\n font-weight: ").concat(dt("fieldset.legend.font.weight"), ";\n}\n\n.p-fieldset-toggle-button:focus-visible {\n box-shadow: ").concat(dt("fieldset.legend.focus.ring.shadow"), ";\n outline: ").concat(dt("fieldset.legend.focus.ring.width"), " ").concat(dt("fieldset.legend.focus.ring.style"), " ").concat(dt("fieldset.legend.focus.ring.color"), ";\n outline-offset: ").concat(dt("fieldset.legend.focus.ring.offset"), ";\n}\n\n.p-fieldset-toggleable > .p-fieldset-legend:hover {\n color: ").concat(dt("fieldset.legend.hover.color"), ";\n background: ").concat(dt("fieldset.legend.hover.background"), ";\n}\n\n.p-fieldset-toggle-icon {\n color: ").concat(dt("fieldset.toggle.icon.color"), ";\n transition: color ").concat(dt("fieldset.transition.duration"), ";\n}\n\n.p-fieldset-toggleable > .p-fieldset-legend:hover .p-fieldset-toggle-icon {\n color: ").concat(dt("fieldset.toggle.icon.hover.color"), ";\n}\n\n.p-fieldset .p-fieldset-content {\n padding: ").concat(dt("fieldset.content.padding"), ";\n}\n");
+}, "theme");
+var classes$x = {
+ root: /* @__PURE__ */ __name(function root10(_ref2) {
+ var props = _ref2.props;
+ return ["p-fieldset p-component", {
+ "p-fieldset-toggleable": props.toggleable
+ }];
+ }, "root"),
+ legend: "p-fieldset-legend",
+ legendLabel: "p-fieldset-legend-label",
+ toggleButton: "p-fieldset-toggle-button",
+ toggleIcon: "p-fieldset-toggle-icon",
+ contentContainer: "p-fieldset-content-container",
+ content: "p-fieldset-content"
+};
+var FieldsetStyle = BaseStyle.extend({
+ name: "fieldset",
+ theme: theme$t,
+ classes: classes$x
+});
+var script$1$x = {
+ name: "BaseFieldset",
+ "extends": script$1f,
+ props: {
+ legend: String,
+ toggleable: Boolean,
+ collapsed: Boolean,
+ toggleButtonProps: {
+ type: null,
+ "default": null
+ }
+ },
+ style: FieldsetStyle,
+ provide: /* @__PURE__ */ __name(function provide17() {
+ return {
+ $pcFieldset: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$S = {
+ name: "Fieldset",
+ "extends": script$1$x,
+ inheritAttrs: false,
+ emits: ["update:collapsed", "toggle"],
+ data: /* @__PURE__ */ __name(function data11() {
+ return {
+ id: this.$attrs.id,
+ d_collapsed: this.collapsed
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId4(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ collapsed: /* @__PURE__ */ __name(function collapsed(newValue) {
+ this.d_collapsed = newValue;
+ }, "collapsed")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted17() {
+ this.id = this.id || UniqueComponentId();
+ }, "mounted"),
+ methods: {
+ toggle: /* @__PURE__ */ __name(function toggle(event2) {
+ this.d_collapsed = !this.d_collapsed;
+ this.$emit("update:collapsed", this.d_collapsed);
+ this.$emit("toggle", {
+ originalEvent: event2,
+ value: this.d_collapsed
+ });
+ }, "toggle"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown4(event2) {
+ if (event2.code === "Enter" || event2.code === "NumpadEnter" || event2.code === "Space") {
+ this.toggle(event2);
+ event2.preventDefault();
+ }
+ }, "onKeyDown")
+ },
+ computed: {
+ buttonAriaLabel: /* @__PURE__ */ __name(function buttonAriaLabel() {
+ return this.toggleButtonProps && this.toggleButtonProps.ariaLabel ? this.toggleButtonProps.ariaLabel : this.legend;
+ }, "buttonAriaLabel")
+ },
+ directives: {
+ ripple: Ripple
+ },
+ components: {
+ PlusIcon: script$1w,
+ MinusIcon: script$1x
+ }
+};
+function _typeof$i(o) {
+ "@babel/helpers - typeof";
+ return _typeof$i = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$i(o);
+}
+__name(_typeof$i, "_typeof$i");
+function ownKeys$g(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$g, "ownKeys$g");
+function _objectSpread$g(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$g(Object(t2), true).forEach(function(r2) {
+ _defineProperty$h(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$g(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$g, "_objectSpread$g");
+function _defineProperty$h(e, r, t2) {
+ return (r = _toPropertyKey$h(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$h, "_defineProperty$h");
+function _toPropertyKey$h(t2) {
+ var i = _toPrimitive$h(t2, "string");
+ return "symbol" == _typeof$i(i) ? i : i + "";
+}
+__name(_toPropertyKey$h, "_toPropertyKey$h");
+function _toPrimitive$h(t2, r) {
+ if ("object" != _typeof$i(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$i(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$h, "_toPrimitive$h");
+var _hoisted_1$o = ["id"];
+var _hoisted_2$h = ["id", "aria-controls", "aria-expanded", "aria-label"];
+var _hoisted_3$e = ["id", "aria-labelledby"];
+function render$N(_ctx, _cache, $props, $setup, $data, $options) {
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("fieldset", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("legend", mergeProps({
+ "class": _ctx.cx("legend")
+ }, _ctx.ptm("legend")), [renderSlot(_ctx.$slots, "legend", {
+ toggleCallback: $options.toggle
+ }, function() {
+ return [!_ctx.toggleable ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ id: $data.id + "_header",
+ "class": _ctx.cx("legendLabel")
+ }, _ctx.ptm("legendLabel")), toDisplayString(_ctx.legend), 17, _hoisted_1$o)) : createCommentVNode("", true), _ctx.toggleable ? withDirectives((openBlock(), createElementBlock("button", mergeProps({
+ key: 1,
+ id: $data.id + "_header",
+ type: "button",
+ "aria-controls": $data.id + "_content",
+ "aria-expanded": !$data.d_collapsed,
+ "aria-label": $options.buttonAriaLabel,
+ "class": _ctx.cx("toggleButton"),
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.toggle && $options.toggle.apply($options, arguments);
+ }),
+ onKeydown: _cache[1] || (_cache[1] = function() {
+ return $options.onKeyDown && $options.onKeyDown.apply($options, arguments);
+ })
+ }, _objectSpread$g(_objectSpread$g({}, _ctx.toggleButtonProps), _ctx.ptm("toggleButton"))), [renderSlot(_ctx.$slots, _ctx.$slots.toggleicon ? "toggleicon" : "togglericon", {
+ collapsed: $data.d_collapsed,
+ "class": normalizeClass(_ctx.cx("toggleIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent($data.d_collapsed ? "PlusIcon" : "MinusIcon"), mergeProps({
+ "class": _ctx.cx("toggleIcon")
+ }, _ctx.ptm("toggleIcon")), null, 16, ["class"]))];
+ }), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("legendLabel")
+ }, _ctx.ptm("legendLabel")), toDisplayString(_ctx.legend), 17)], 16, _hoisted_2$h)), [[_directive_ripple]]) : createCommentVNode("", true)];
+ })], 16), createVNode(Transition, mergeProps({
+ name: "p-toggleable-content"
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [withDirectives(createBaseVNode("div", mergeProps({
+ id: $data.id + "_content",
+ "class": _ctx.cx("contentContainer"),
+ role: "region",
+ "aria-labelledby": $data.id + "_header"
+ }, _ctx.ptm("contentContainer")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "default")], 16)], 16, _hoisted_3$e), [[vShow, !$data.d_collapsed]])];
+ }),
+ _: 3
+ }, 16)], 16);
+}
+__name(render$N, "render$N");
+script$S.render = render$N;
+var script$R = {
+ name: "UploadIcon",
+ "extends": script$1j
+};
+function render$M(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M6.58942 9.82197C6.70165 9.93405 6.85328 9.99793 7.012 10C7.17071 9.99793 7.32234 9.93405 7.43458 9.82197C7.54681 9.7099 7.61079 9.55849 7.61286 9.4V2.04798L9.79204 4.22402C9.84752 4.28011 9.91365 4.32457 9.98657 4.35479C10.0595 4.38502 10.1377 4.40039 10.2167 4.40002C10.2956 4.40039 10.3738 4.38502 10.4467 4.35479C10.5197 4.32457 10.5858 4.28011 10.6413 4.22402C10.7538 4.11152 10.817 3.95902 10.817 3.80002C10.817 3.64102 10.7538 3.48852 10.6413 3.37602L7.45127 0.190618C7.44656 0.185584 7.44176 0.180622 7.43687 0.175736C7.32419 0.063214 7.17136 0 7.012 0C6.85264 0 6.69981 0.063214 6.58712 0.175736C6.58181 0.181045 6.5766 0.186443 6.5715 0.191927L3.38282 3.37602C3.27669 3.48976 3.2189 3.6402 3.22165 3.79564C3.2244 3.95108 3.28746 4.09939 3.39755 4.20932C3.50764 4.31925 3.65616 4.38222 3.81182 4.38496C3.96749 4.3877 4.11814 4.33001 4.23204 4.22402L6.41113 2.04807V9.4C6.41321 9.55849 6.47718 9.7099 6.58942 9.82197ZM11.9952 14H2.02883C1.751 13.9887 1.47813 13.9228 1.22584 13.8061C0.973545 13.6894 0.746779 13.5241 0.558517 13.3197C0.370254 13.1154 0.22419 12.876 0.128681 12.6152C0.0331723 12.3545 -0.00990605 12.0775 0.0019109 11.8V9.40005C0.0019109 9.24092 0.065216 9.08831 0.1779 8.97579C0.290584 8.86326 0.443416 8.80005 0.602775 8.80005C0.762134 8.80005 0.914966 8.86326 1.02765 8.97579C1.14033 9.08831 1.20364 9.24092 1.20364 9.40005V11.8C1.18295 12.0376 1.25463 12.274 1.40379 12.4602C1.55296 12.6463 1.76817 12.7681 2.00479 12.8H11.9952C12.2318 12.7681 12.447 12.6463 12.5962 12.4602C12.7453 12.274 12.817 12.0376 12.7963 11.8V9.40005C12.7963 9.24092 12.8596 9.08831 12.9723 8.97579C13.085 8.86326 13.2378 8.80005 13.3972 8.80005C13.5565 8.80005 13.7094 8.86326 13.8221 8.97579C13.9347 9.08831 13.998 9.24092 13.998 9.40005V11.8C14.022 12.3563 13.8251 12.8996 13.45 13.3116C13.0749 13.7236 12.552 13.971 11.9952 14Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$M, "render$M");
+script$R.render = render$M;
+var theme$s = /* @__PURE__ */ __name(function theme11(_ref) {
+ var dt = _ref.dt;
+ return '\n.p-fileupload input[type="file"] {\n display: none;\n}\n\n.p-fileupload-advanced {\n border: 1px solid '.concat(dt("fileupload.border.color"), ";\n border-radius: ").concat(dt("fileupload.border.radius"), ";\n background: ").concat(dt("fileupload.background"), ";\n color: ").concat(dt("fileupload.color"), ";\n}\n\n.p-fileupload-header {\n display: flex;\n align-items: center;\n padding: ").concat(dt("fileupload.header.padding"), ";\n background: ").concat(dt("fileupload.header.background"), ";\n color: ").concat(dt("fileupload.header.color"), ";\n border-style: solid;\n border-width: ").concat(dt("fileupload.header.border.width"), ";\n border-color: ").concat(dt("fileupload.header.border.color"), ";\n border-radius: ").concat(dt("fileupload.header.border.radius"), ";\n gap: ").concat(dt("fileupload.header.gap"), ";\n}\n\n.p-fileupload-content {\n border: 1px solid transparent;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("fileupload.content.gap"), ";\n transition: border-color ").concat(dt("fileupload.transition.duration"), ";\n padding: ").concat(dt("fileupload.content.padding"), ";\n}\n\n.p-fileupload-content .p-progressbar {\n width: 100%;\n height: ").concat(dt("fileupload.progressbar.height"), ";\n}\n\n.p-fileupload-file-list {\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("fileupload.filelist.gap"), ";\n}\n\n.p-fileupload-file {\n display: flex;\n flex-wrap: wrap;\n align-items: center;\n padding: ").concat(dt("fileupload.file.padding"), ";\n border-block-end: 1px solid ").concat(dt("fileupload.file.border.color"), ";\n gap: ").concat(dt("fileupload.file.gap"), ";\n}\n\n.p-fileupload-file:last-child {\n border-block-end: 0;\n}\n\n.p-fileupload-file-info {\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("fileupload.file.info.gap"), ";\n}\n\n.p-fileupload-file-thumbnail {\n flex-shrink: 0;\n}\n\n.p-fileupload-file-actions {\n margin-inline-start: auto;\n}\n\n.p-fileupload-highlight {\n border: 1px dashed ").concat(dt("fileupload.content.highlight.border.color"), ";\n}\n\n.p-fileupload-basic {\n display: flex;\n flex-wrap: wrap;\n align-items: center;\n justify-content: center;\n gap: ").concat(dt("fileupload.basic.gap"), ";\n}\n");
+}, "theme");
+var classes$w = {
+ root: /* @__PURE__ */ __name(function root11(_ref2) {
+ var props = _ref2.props;
+ return ["p-fileupload p-fileupload-".concat(props.mode, " p-component")];
+ }, "root"),
+ header: "p-fileupload-header",
+ pcChooseButton: "p-fileupload-choose-button",
+ pcUploadButton: "p-fileupload-upload-button",
+ pcCancelButton: "p-fileupload-cancel-button",
+ content: "p-fileupload-content",
+ fileList: "p-fileupload-file-list",
+ file: "p-fileupload-file",
+ fileThumbnail: "p-fileupload-file-thumbnail",
+ fileInfo: "p-fileupload-file-info",
+ fileName: "p-fileupload-file-name",
+ fileSize: "p-fileupload-file-size",
+ pcFileBadge: "p-fileupload-file-badge",
+ fileActions: "p-fileupload-file-actions",
+ pcFileRemoveButton: "p-fileupload-file-remove-button"
+};
+var FileUploadStyle = BaseStyle.extend({
+ name: "fileupload",
+ theme: theme$s,
+ classes: classes$w
+});
+var script$2$6 = {
+ name: "BaseFileUpload",
+ "extends": script$1f,
+ props: {
+ name: {
+ type: String,
+ "default": null
+ },
+ url: {
+ type: String,
+ "default": null
+ },
+ mode: {
+ type: String,
+ "default": "advanced"
+ },
+ multiple: {
+ type: Boolean,
+ "default": false
+ },
+ accept: {
+ type: String,
+ "default": null
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ auto: {
+ type: Boolean,
+ "default": false
+ },
+ maxFileSize: {
+ type: Number,
+ "default": null
+ },
+ invalidFileSizeMessage: {
+ type: String,
+ "default": "{0}: Invalid file size, file size should be smaller than {1}."
+ },
+ invalidFileTypeMessage: {
+ type: String,
+ "default": "{0}: Invalid file type, allowed file types: {1}."
+ },
+ fileLimit: {
+ type: Number,
+ "default": null
+ },
+ invalidFileLimitMessage: {
+ type: String,
+ "default": "Maximum number of files exceeded, limit is {0} at most."
+ },
+ withCredentials: {
+ type: Boolean,
+ "default": false
+ },
+ previewWidth: {
+ type: Number,
+ "default": 50
+ },
+ chooseLabel: {
+ type: String,
+ "default": null
+ },
+ uploadLabel: {
+ type: String,
+ "default": null
+ },
+ cancelLabel: {
+ type: String,
+ "default": null
+ },
+ customUpload: {
+ type: Boolean,
+ "default": false
+ },
+ showUploadButton: {
+ type: Boolean,
+ "default": true
+ },
+ showCancelButton: {
+ type: Boolean,
+ "default": true
+ },
+ chooseIcon: {
+ type: String,
+ "default": void 0
+ },
+ uploadIcon: {
+ type: String,
+ "default": void 0
+ },
+ cancelIcon: {
+ type: String,
+ "default": void 0
+ },
+ style: null,
+ "class": null,
+ chooseButtonProps: {
+ type: null,
+ "default": null
+ },
+ uploadButtonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default6() {
+ return {
+ severity: "secondary"
+ };
+ }, "_default")
+ },
+ cancelButtonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default7() {
+ return {
+ severity: "secondary"
+ };
+ }, "_default")
+ }
+ },
+ style: FileUploadStyle,
+ provide: /* @__PURE__ */ __name(function provide18() {
+ return {
+ $pcFileUpload: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1$w = {
+ name: "FileContent",
+ hostName: "FileUpload",
+ "extends": script$1f,
+ emits: ["remove"],
+ props: {
+ files: {
+ type: Array,
+ "default": /* @__PURE__ */ __name(function _default8() {
+ return [];
+ }, "_default")
+ },
+ badgeSeverity: {
+ type: String,
+ "default": "warn"
+ },
+ badgeValue: {
+ type: String,
+ "default": null
+ },
+ previewWidth: {
+ type: Number,
+ "default": 50
+ },
+ templates: {
+ type: null,
+ "default": null
+ }
+ },
+ methods: {
+ formatSize: /* @__PURE__ */ __name(function formatSize(bytes) {
+ var _this$$primevue$confi;
+ var k = 1024;
+ var dm = 3;
+ var sizes = ((_this$$primevue$confi = this.$primevue.config.locale) === null || _this$$primevue$confi === void 0 ? void 0 : _this$$primevue$confi.fileSizeTypes) || ["B", "KB", "MB", "GB", "TB", "PB", "EB", "ZB", "YB"];
+ if (bytes === 0) {
+ return "0 ".concat(sizes[0]);
+ }
+ var i = Math.floor(Math.log(bytes) / Math.log(k));
+ var formattedSize = parseFloat((bytes / Math.pow(k, i)).toFixed(dm));
+ return "".concat(formattedSize, " ").concat(sizes[i]);
+ }, "formatSize")
+ },
+ components: {
+ Button: script$1d,
+ Badge: script$1y,
+ TimesIcon: script$1q
+ }
+};
+var _hoisted_1$1$5 = ["alt", "src", "width"];
+function render$1$6(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Badge = resolveComponent("Badge");
+ var _component_TimesIcon = resolveComponent("TimesIcon");
+ var _component_Button = resolveComponent("Button");
+ return openBlock(true), createElementBlock(Fragment, null, renderList($props.files, function(file, index) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ key: file.name + file.type + file.size,
+ "class": _ctx.cx("file"),
+ ref_for: true
+ }, _ctx.ptm("file")), [createBaseVNode("img", mergeProps({
+ role: "presentation",
+ "class": _ctx.cx("fileThumbnail"),
+ alt: file.name,
+ src: file.objectURL,
+ width: $props.previewWidth,
+ ref_for: true
+ }, _ctx.ptm("fileThumbnail")), null, 16, _hoisted_1$1$5), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("fileInfo"),
+ ref_for: true
+ }, _ctx.ptm("fileInfo")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("fileName"),
+ ref_for: true
+ }, _ctx.ptm("fileName")), toDisplayString(file.name), 17), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("fileSize"),
+ ref_for: true
+ }, _ctx.ptm("fileSize")), toDisplayString($options.formatSize(file.size)), 17)], 16), createVNode(_component_Badge, {
+ value: $props.badgeValue,
+ "class": normalizeClass(_ctx.cx("pcFileBadge")),
+ severity: $props.badgeSeverity,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcFileBadge")
+ }, null, 8, ["value", "class", "severity", "unstyled", "pt"]), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("fileActions"),
+ ref_for: true
+ }, _ctx.ptm("fileActions")), [createVNode(_component_Button, {
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return _ctx.$emit("remove", index);
+ }, "onClick"),
+ text: "",
+ rounded: "",
+ severity: "danger",
+ "class": normalizeClass(_ctx.cx("pcFileRemoveButton")),
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcFileRemoveButton")
+ }, {
+ icon: withCtx(function(iconProps) {
+ return [$props.templates.fileremoveicon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.fileremoveicon), {
+ key: 0,
+ "class": normalizeClass(iconProps["class"]),
+ file,
+ index
+ }, null, 8, ["class", "file", "index"])) : (openBlock(), createBlock(_component_TimesIcon, mergeProps({
+ key: 1,
+ "class": iconProps["class"],
+ "aria-hidden": "true",
+ ref_for: true
+ }, _ctx.ptm("pcFileRemoveButton")["icon"]), null, 16, ["class"]))];
+ }),
+ _: 2
+ }, 1032, ["onClick", "class", "unstyled", "pt"])], 16)], 16);
+ }), 128);
+}
+__name(render$1$6, "render$1$6");
+script$1$w.render = render$1$6;
+function _toConsumableArray$9(r) {
+ return _arrayWithoutHoles$9(r) || _iterableToArray$9(r) || _unsupportedIterableToArray$a(r) || _nonIterableSpread$9();
+}
+__name(_toConsumableArray$9, "_toConsumableArray$9");
+function _nonIterableSpread$9() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$9, "_nonIterableSpread$9");
+function _iterableToArray$9(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$9, "_iterableToArray$9");
+function _arrayWithoutHoles$9(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$a(r);
+}
+__name(_arrayWithoutHoles$9, "_arrayWithoutHoles$9");
+function _createForOfIteratorHelper$3(r, e) {
+ var t2 = "undefined" != typeof Symbol && r[Symbol.iterator] || r["@@iterator"];
+ if (!t2) {
+ if (Array.isArray(r) || (t2 = _unsupportedIterableToArray$a(r)) || e) {
+ t2 && (r = t2);
+ var _n = 0, F = /* @__PURE__ */ __name(function F2() {
+ }, "F");
+ return { s: F, n: /* @__PURE__ */ __name(function n() {
+ return _n >= r.length ? { done: true } : { done: false, value: r[_n++] };
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ throw r2;
+ }, "e"), f: F };
+ }
+ throw new TypeError("Invalid attempt to iterate non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+ }
+ var o, a = true, u = false;
+ return { s: /* @__PURE__ */ __name(function s() {
+ t2 = t2.call(r);
+ }, "s"), n: /* @__PURE__ */ __name(function n() {
+ var r2 = t2.next();
+ return a = r2.done, r2;
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ u = true, o = r2;
+ }, "e"), f: /* @__PURE__ */ __name(function f() {
+ try {
+ a || null == t2["return"] || t2["return"]();
+ } finally {
+ if (u) throw o;
+ }
+ }, "f") };
+}
+__name(_createForOfIteratorHelper$3, "_createForOfIteratorHelper$3");
+function _unsupportedIterableToArray$a(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$a(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$a(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$a, "_unsupportedIterableToArray$a");
+function _arrayLikeToArray$a(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$a, "_arrayLikeToArray$a");
+var script$Q = {
+ name: "FileUpload",
+ "extends": script$2$6,
+ inheritAttrs: false,
+ emits: ["select", "uploader", "before-upload", "progress", "upload", "error", "before-send", "clear", "remove", "remove-uploaded-file"],
+ duplicateIEEvent: false,
+ data: /* @__PURE__ */ __name(function data12() {
+ return {
+ uploadedFileCount: 0,
+ files: [],
+ messages: [],
+ focused: false,
+ progress: null,
+ uploadedFiles: []
+ };
+ }, "data"),
+ methods: {
+ upload: /* @__PURE__ */ __name(function upload() {
+ if (this.hasFiles) this.uploader();
+ }, "upload"),
+ onBasicUploaderClick: /* @__PURE__ */ __name(function onBasicUploaderClick(event2) {
+ if (event2.button === 0) this.$refs.fileInput.click();
+ }, "onBasicUploaderClick"),
+ onFileSelect: /* @__PURE__ */ __name(function onFileSelect(event2) {
+ if (event2.type !== "drop" && this.isIE11() && this.duplicateIEEvent) {
+ this.duplicateIEEvent = false;
+ return;
+ }
+ if (this.isBasic && this.hasFiles) {
+ this.files = [];
+ }
+ this.messages = [];
+ this.files = this.files || [];
+ var files = event2.dataTransfer ? event2.dataTransfer.files : event2.target.files;
+ var _iterator = _createForOfIteratorHelper$3(files), _step;
+ try {
+ for (_iterator.s(); !(_step = _iterator.n()).done; ) {
+ var file = _step.value;
+ if (!this.isFileSelected(file) && !this.isFileLimitExceeded()) {
+ if (this.validate(file)) {
+ if (this.isImage(file)) {
+ file.objectURL = window.URL.createObjectURL(file);
+ }
+ this.files.push(file);
+ }
+ }
+ }
+ } catch (err) {
+ _iterator.e(err);
+ } finally {
+ _iterator.f();
+ }
+ this.$emit("select", {
+ originalEvent: event2,
+ files: this.files
+ });
+ if (this.fileLimit) {
+ this.checkFileLimit();
+ }
+ if (this.auto && this.hasFiles && !this.isFileLimitExceeded()) {
+ this.uploader();
+ }
+ if (event2.type !== "drop" && this.isIE11()) {
+ this.clearIEInput();
+ } else {
+ this.clearInputElement();
+ }
+ }, "onFileSelect"),
+ choose: /* @__PURE__ */ __name(function choose() {
+ this.$refs.fileInput.click();
+ }, "choose"),
+ uploader: /* @__PURE__ */ __name(function uploader() {
+ var _this = this;
+ if (this.customUpload) {
+ if (this.fileLimit) {
+ this.uploadedFileCount += this.files.length;
+ }
+ this.$emit("uploader", {
+ files: this.files
+ });
+ this.clear();
+ } else {
+ var xhr = new XMLHttpRequest();
+ var formData = new FormData();
+ this.$emit("before-upload", {
+ xhr,
+ formData
+ });
+ var _iterator2 = _createForOfIteratorHelper$3(this.files), _step2;
+ try {
+ for (_iterator2.s(); !(_step2 = _iterator2.n()).done; ) {
+ var file = _step2.value;
+ formData.append(this.name, file, file.name);
+ }
+ } catch (err) {
+ _iterator2.e(err);
+ } finally {
+ _iterator2.f();
+ }
+ xhr.upload.addEventListener("progress", function(event2) {
+ if (event2.lengthComputable) {
+ _this.progress = Math.round(event2.loaded * 100 / event2.total);
+ }
+ _this.$emit("progress", {
+ originalEvent: event2,
+ progress: _this.progress
+ });
+ });
+ xhr.onreadystatechange = function() {
+ if (xhr.readyState === 4) {
+ var _this$uploadedFiles;
+ _this.progress = 0;
+ if (xhr.status >= 200 && xhr.status < 300) {
+ if (_this.fileLimit) {
+ _this.uploadedFileCount += _this.files.length;
+ }
+ _this.$emit("upload", {
+ xhr,
+ files: _this.files
+ });
+ } else {
+ _this.$emit("error", {
+ xhr,
+ files: _this.files
+ });
+ }
+ (_this$uploadedFiles = _this.uploadedFiles).push.apply(_this$uploadedFiles, _toConsumableArray$9(_this.files));
+ _this.clear();
+ }
+ };
+ xhr.open("POST", this.url, true);
+ this.$emit("before-send", {
+ xhr,
+ formData
+ });
+ xhr.withCredentials = this.withCredentials;
+ xhr.send(formData);
+ }
+ }, "uploader"),
+ clear: /* @__PURE__ */ __name(function clear() {
+ this.files = [];
+ this.messages = null;
+ this.$emit("clear");
+ if (this.isAdvanced) {
+ this.clearInputElement();
+ }
+ }, "clear"),
+ onFocus: /* @__PURE__ */ __name(function onFocus5() {
+ this.focused = true;
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur4() {
+ this.focused = false;
+ }, "onBlur"),
+ isFileSelected: /* @__PURE__ */ __name(function isFileSelected(file) {
+ if (this.files && this.files.length) {
+ var _iterator3 = _createForOfIteratorHelper$3(this.files), _step3;
+ try {
+ for (_iterator3.s(); !(_step3 = _iterator3.n()).done; ) {
+ var sFile = _step3.value;
+ if (sFile.name + sFile.type + sFile.size === file.name + file.type + file.size) return true;
+ }
+ } catch (err) {
+ _iterator3.e(err);
+ } finally {
+ _iterator3.f();
+ }
+ }
+ return false;
+ }, "isFileSelected"),
+ isIE11: /* @__PURE__ */ __name(function isIE11() {
+ return !!window["MSInputMethodContext"] && !!document["documentMode"];
+ }, "isIE11"),
+ validate: /* @__PURE__ */ __name(function validate(file) {
+ if (this.accept && !this.isFileTypeValid(file)) {
+ this.messages.push(this.invalidFileTypeMessage.replace("{0}", file.name).replace("{1}", this.accept));
+ return false;
+ }
+ if (this.maxFileSize && file.size > this.maxFileSize) {
+ this.messages.push(this.invalidFileSizeMessage.replace("{0}", file.name).replace("{1}", this.formatSize(this.maxFileSize)));
+ return false;
+ }
+ return true;
+ }, "validate"),
+ isFileTypeValid: /* @__PURE__ */ __name(function isFileTypeValid(file) {
+ var acceptableTypes = this.accept.split(",").map(function(type2) {
+ return type2.trim();
+ });
+ var _iterator4 = _createForOfIteratorHelper$3(acceptableTypes), _step4;
+ try {
+ for (_iterator4.s(); !(_step4 = _iterator4.n()).done; ) {
+ var type = _step4.value;
+ var acceptable = this.isWildcard(type) ? this.getTypeClass(file.type) === this.getTypeClass(type) : file.type == type || this.getFileExtension(file).toLowerCase() === type.toLowerCase();
+ if (acceptable) {
+ return true;
+ }
+ }
+ } catch (err) {
+ _iterator4.e(err);
+ } finally {
+ _iterator4.f();
+ }
+ return false;
+ }, "isFileTypeValid"),
+ getTypeClass: /* @__PURE__ */ __name(function getTypeClass(fileType) {
+ return fileType.substring(0, fileType.indexOf("/"));
+ }, "getTypeClass"),
+ isWildcard: /* @__PURE__ */ __name(function isWildcard(fileType) {
+ return fileType.indexOf("*") !== -1;
+ }, "isWildcard"),
+ getFileExtension: /* @__PURE__ */ __name(function getFileExtension(file) {
+ return "." + file.name.split(".").pop();
+ }, "getFileExtension"),
+ isImage: /* @__PURE__ */ __name(function isImage(file) {
+ return /^image\//.test(file.type);
+ }, "isImage"),
+ onDragEnter: /* @__PURE__ */ __name(function onDragEnter(event2) {
+ if (!this.disabled) {
+ event2.stopPropagation();
+ event2.preventDefault();
+ }
+ }, "onDragEnter"),
+ onDragOver: /* @__PURE__ */ __name(function onDragOver(event2) {
+ if (!this.disabled) {
+ !this.isUnstyled && addClass(this.$refs.content, "p-fileupload-highlight");
+ this.$refs.content.setAttribute("data-p-highlight", true);
+ event2.stopPropagation();
+ event2.preventDefault();
+ }
+ }, "onDragOver"),
+ onDragLeave: /* @__PURE__ */ __name(function onDragLeave() {
+ if (!this.disabled) {
+ !this.isUnstyled && removeClass(this.$refs.content, "p-fileupload-highlight");
+ this.$refs.content.setAttribute("data-p-highlight", false);
+ }
+ }, "onDragLeave"),
+ onDrop: /* @__PURE__ */ __name(function onDrop(event2) {
+ if (!this.disabled) {
+ !this.isUnstyled && removeClass(this.$refs.content, "p-fileupload-highlight");
+ this.$refs.content.setAttribute("data-p-highlight", false);
+ event2.stopPropagation();
+ event2.preventDefault();
+ var files = event2.dataTransfer ? event2.dataTransfer.files : event2.target.files;
+ var allowDrop = this.multiple || files && files.length === 1;
+ if (allowDrop) {
+ this.onFileSelect(event2);
+ }
+ }
+ }, "onDrop"),
+ remove: /* @__PURE__ */ __name(function remove(index) {
+ this.clearInputElement();
+ var removedFile = this.files.splice(index, 1)[0];
+ this.files = _toConsumableArray$9(this.files);
+ this.$emit("remove", {
+ file: removedFile,
+ files: this.files
+ });
+ }, "remove"),
+ removeUploadedFile: /* @__PURE__ */ __name(function removeUploadedFile(index) {
+ var removedFile = this.uploadedFiles.splice(index, 1)[0];
+ this.uploadedFiles = _toConsumableArray$9(this.uploadedFiles);
+ this.$emit("remove-uploaded-file", {
+ file: removedFile,
+ files: this.uploadedFiles
+ });
+ }, "removeUploadedFile"),
+ clearInputElement: /* @__PURE__ */ __name(function clearInputElement() {
+ this.$refs.fileInput.value = "";
+ }, "clearInputElement"),
+ clearIEInput: /* @__PURE__ */ __name(function clearIEInput() {
+ if (this.$refs.fileInput) {
+ this.duplicateIEEvent = true;
+ this.$refs.fileInput.value = "";
+ }
+ }, "clearIEInput"),
+ formatSize: /* @__PURE__ */ __name(function formatSize2(bytes) {
+ var _this$$primevue$confi;
+ var k = 1024;
+ var dm = 3;
+ var sizes = ((_this$$primevue$confi = this.$primevue.config.locale) === null || _this$$primevue$confi === void 0 ? void 0 : _this$$primevue$confi.fileSizeTypes) || ["B", "KB", "MB", "GB", "TB", "PB", "EB", "ZB", "YB"];
+ if (bytes === 0) {
+ return "0 ".concat(sizes[0]);
+ }
+ var i = Math.floor(Math.log(bytes) / Math.log(k));
+ var formattedSize = parseFloat((bytes / Math.pow(k, i)).toFixed(dm));
+ return "".concat(formattedSize, " ").concat(sizes[i]);
+ }, "formatSize"),
+ isFileLimitExceeded: /* @__PURE__ */ __name(function isFileLimitExceeded() {
+ if (this.fileLimit && this.fileLimit <= this.files.length + this.uploadedFileCount && this.focused) {
+ this.focused = false;
+ }
+ return this.fileLimit && this.fileLimit < this.files.length + this.uploadedFileCount;
+ }, "isFileLimitExceeded"),
+ checkFileLimit: /* @__PURE__ */ __name(function checkFileLimit() {
+ if (this.isFileLimitExceeded()) {
+ this.messages.push(this.invalidFileLimitMessage.replace("{0}", this.fileLimit.toString()));
+ }
+ }, "checkFileLimit"),
+ onMessageClose: /* @__PURE__ */ __name(function onMessageClose() {
+ this.messages = null;
+ }, "onMessageClose")
+ },
+ computed: {
+ isAdvanced: /* @__PURE__ */ __name(function isAdvanced() {
+ return this.mode === "advanced";
+ }, "isAdvanced"),
+ isBasic: /* @__PURE__ */ __name(function isBasic() {
+ return this.mode === "basic";
+ }, "isBasic"),
+ chooseButtonClass: /* @__PURE__ */ __name(function chooseButtonClass() {
+ return [this.cx("pcChooseButton"), this["class"]];
+ }, "chooseButtonClass"),
+ basicFileChosenLabel: /* @__PURE__ */ __name(function basicFileChosenLabel() {
+ var _this$$primevue$confi3;
+ if (this.auto) return this.chooseButtonLabel;
+ else if (this.hasFiles) {
+ var _this$$primevue$confi2;
+ if (this.files && this.files.length === 1) return this.files[0].name;
+ return (_this$$primevue$confi2 = this.$primevue.config.locale) === null || _this$$primevue$confi2 === void 0 || (_this$$primevue$confi2 = _this$$primevue$confi2.fileChosenMessage) === null || _this$$primevue$confi2 === void 0 ? void 0 : _this$$primevue$confi2.replace("{0}", this.files.length);
+ }
+ return ((_this$$primevue$confi3 = this.$primevue.config.locale) === null || _this$$primevue$confi3 === void 0 ? void 0 : _this$$primevue$confi3.noFileChosenMessage) || "";
+ }, "basicFileChosenLabel"),
+ hasFiles: /* @__PURE__ */ __name(function hasFiles() {
+ return this.files && this.files.length > 0;
+ }, "hasFiles"),
+ hasUploadedFiles: /* @__PURE__ */ __name(function hasUploadedFiles() {
+ return this.uploadedFiles && this.uploadedFiles.length > 0;
+ }, "hasUploadedFiles"),
+ chooseDisabled: /* @__PURE__ */ __name(function chooseDisabled() {
+ return this.disabled || this.fileLimit && this.fileLimit <= this.files.length + this.uploadedFileCount;
+ }, "chooseDisabled"),
+ uploadDisabled: /* @__PURE__ */ __name(function uploadDisabled() {
+ return this.disabled || !this.hasFiles || this.fileLimit && this.fileLimit < this.files.length;
+ }, "uploadDisabled"),
+ cancelDisabled: /* @__PURE__ */ __name(function cancelDisabled() {
+ return this.disabled || !this.hasFiles;
+ }, "cancelDisabled"),
+ chooseButtonLabel: /* @__PURE__ */ __name(function chooseButtonLabel() {
+ return this.chooseLabel || this.$primevue.config.locale.choose;
+ }, "chooseButtonLabel"),
+ uploadButtonLabel: /* @__PURE__ */ __name(function uploadButtonLabel() {
+ return this.uploadLabel || this.$primevue.config.locale.upload;
+ }, "uploadButtonLabel"),
+ cancelButtonLabel: /* @__PURE__ */ __name(function cancelButtonLabel() {
+ return this.cancelLabel || this.$primevue.config.locale.cancel;
+ }, "cancelButtonLabel"),
+ completedLabel: /* @__PURE__ */ __name(function completedLabel() {
+ return this.$primevue.config.locale.completed;
+ }, "completedLabel"),
+ pendingLabel: /* @__PURE__ */ __name(function pendingLabel() {
+ return this.$primevue.config.locale.pending;
+ }, "pendingLabel")
+ },
+ components: {
+ Button: script$1d,
+ ProgressBar: script$1z,
+ Message: script$1A,
+ FileContent: script$1$w,
+ PlusIcon: script$1w,
+ UploadIcon: script$R,
+ TimesIcon: script$1q
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+var _hoisted_1$n = ["multiple", "accept", "disabled"];
+var _hoisted_2$g = ["files"];
+var _hoisted_3$d = ["accept", "disabled", "multiple"];
+function render$L(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Button = resolveComponent("Button");
+ var _component_ProgressBar = resolveComponent("ProgressBar");
+ var _component_Message = resolveComponent("Message");
+ var _component_FileContent = resolveComponent("FileContent");
+ return $options.isAdvanced ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("input", mergeProps({
+ ref: "fileInput",
+ type: "file",
+ onChange: _cache[0] || (_cache[0] = function() {
+ return $options.onFileSelect && $options.onFileSelect.apply($options, arguments);
+ }),
+ multiple: _ctx.multiple,
+ accept: _ctx.accept,
+ disabled: $options.chooseDisabled
+ }, _ctx.ptm("input")), null, 16, _hoisted_1$n), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("header")
+ }, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header", {
+ files: $data.files,
+ uploadedFiles: $data.uploadedFiles,
+ chooseCallback: $options.choose,
+ uploadCallback: $options.uploader,
+ clearCallback: $options.clear
+ }, function() {
+ return [createVNode(_component_Button, mergeProps({
+ label: $options.chooseButtonLabel,
+ "class": $options.chooseButtonClass,
+ style: _ctx.style,
+ disabled: _ctx.disabled,
+ unstyled: _ctx.unstyled,
+ onClick: $options.choose,
+ onKeydown: withKeys($options.choose, ["enter"]),
+ onFocus: $options.onFocus,
+ onBlur: $options.onBlur
+ }, _ctx.chooseButtonProps, {
+ pt: _ctx.ptm("pcChooseButton")
+ }), {
+ icon: withCtx(function(iconProps) {
+ return [renderSlot(_ctx.$slots, "chooseicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.chooseIcon ? "span" : "PlusIcon"), mergeProps({
+ "class": [iconProps["class"], _ctx.chooseIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("pcChooseButton")["icon"]), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["label", "class", "style", "disabled", "unstyled", "onClick", "onKeydown", "onFocus", "onBlur", "pt"]), _ctx.showUploadButton ? (openBlock(), createBlock(_component_Button, mergeProps({
+ key: 0,
+ "class": _ctx.cx("pcUploadButton"),
+ label: $options.uploadButtonLabel,
+ onClick: $options.uploader,
+ disabled: $options.uploadDisabled,
+ unstyled: _ctx.unstyled
+ }, _ctx.uploadButtonProps, {
+ pt: _ctx.ptm("pcUploadButton")
+ }), {
+ icon: withCtx(function(iconProps) {
+ return [renderSlot(_ctx.$slots, "uploadicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.uploadIcon ? "span" : "UploadIcon"), mergeProps({
+ "class": [iconProps["class"], _ctx.uploadIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("pcUploadButton")["icon"], {
+ "data-pc-section": "uploadbuttonicon"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "label", "onClick", "disabled", "unstyled", "pt"])) : createCommentVNode("", true), _ctx.showCancelButton ? (openBlock(), createBlock(_component_Button, mergeProps({
+ key: 1,
+ "class": _ctx.cx("pcCancelButton"),
+ label: $options.cancelButtonLabel,
+ onClick: $options.clear,
+ disabled: $options.cancelDisabled,
+ unstyled: _ctx.unstyled
+ }, _ctx.cancelButtonProps, {
+ pt: _ctx.ptm("pcCancelButton")
+ }), {
+ icon: withCtx(function(iconProps) {
+ return [renderSlot(_ctx.$slots, "cancelicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.cancelIcon ? "span" : "TimesIcon"), mergeProps({
+ "class": [iconProps["class"], _ctx.cancelIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("pcCancelButton")["icon"], {
+ "data-pc-section": "cancelbuttonicon"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "label", "onClick", "disabled", "unstyled", "pt"])) : createCommentVNode("", true)];
+ })], 16), createBaseVNode("div", mergeProps({
+ ref: "content",
+ "class": _ctx.cx("content"),
+ onDragenter: _cache[1] || (_cache[1] = function() {
+ return $options.onDragEnter && $options.onDragEnter.apply($options, arguments);
+ }),
+ onDragover: _cache[2] || (_cache[2] = function() {
+ return $options.onDragOver && $options.onDragOver.apply($options, arguments);
+ }),
+ onDragleave: _cache[3] || (_cache[3] = function() {
+ return $options.onDragLeave && $options.onDragLeave.apply($options, arguments);
+ }),
+ onDrop: _cache[4] || (_cache[4] = function() {
+ return $options.onDrop && $options.onDrop.apply($options, arguments);
+ })
+ }, _ctx.ptm("content"), {
+ "data-p-highlight": false
+ }), [renderSlot(_ctx.$slots, "content", {
+ files: $data.files,
+ uploadedFiles: $data.uploadedFiles,
+ removeUploadedFileCallback: $options.removeUploadedFile,
+ removeFileCallback: $options.remove,
+ progress: $data.progress,
+ messages: $data.messages
+ }, function() {
+ return [$options.hasFiles ? (openBlock(), createBlock(_component_ProgressBar, {
+ key: 0,
+ value: $data.progress,
+ showValue: false,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcProgressbar")
+ }, null, 8, ["value", "unstyled", "pt"])) : createCommentVNode("", true), (openBlock(true), createElementBlock(Fragment, null, renderList($data.messages, function(msg) {
+ return openBlock(), createBlock(_component_Message, {
+ key: msg,
+ severity: "error",
+ onClose: $options.onMessageClose,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcMessage")
+ }, {
+ "default": withCtx(function() {
+ return [createTextVNode(toDisplayString(msg), 1)];
+ }),
+ _: 2
+ }, 1032, ["onClose", "unstyled", "pt"]);
+ }), 128)), $options.hasFiles ? (openBlock(), createElementBlock("div", {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("fileList"))
+ }, [createVNode(_component_FileContent, {
+ files: $data.files,
+ onRemove: $options.remove,
+ badgeValue: $options.pendingLabel,
+ previewWidth: _ctx.previewWidth,
+ templates: _ctx.$slots,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["files", "onRemove", "badgeValue", "previewWidth", "templates", "unstyled", "pt"])], 2)) : createCommentVNode("", true), $options.hasUploadedFiles ? (openBlock(), createElementBlock("div", {
+ key: 2,
+ "class": normalizeClass(_ctx.cx("fileList"))
+ }, [createVNode(_component_FileContent, {
+ files: $data.uploadedFiles,
+ onRemove: $options.removeUploadedFile,
+ badgeValue: $options.completedLabel,
+ badgeSeverity: "success",
+ previewWidth: _ctx.previewWidth,
+ templates: _ctx.$slots,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["files", "onRemove", "badgeValue", "previewWidth", "templates", "unstyled", "pt"])], 2)) : createCommentVNode("", true)];
+ }), _ctx.$slots.empty && !$options.hasFiles && !$options.hasUploadedFiles ? (openBlock(), createElementBlock("div", normalizeProps(mergeProps({
+ key: 0
+ }, _ctx.ptm("empty"))), [renderSlot(_ctx.$slots, "empty")], 16)) : createCommentVNode("", true)], 16)], 16)) : $options.isBasic ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [(openBlock(true), createElementBlock(Fragment, null, renderList($data.messages, function(msg) {
+ return openBlock(), createBlock(_component_Message, {
+ key: msg,
+ severity: "error",
+ onClose: $options.onMessageClose,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcMessage")
+ }, {
+ "default": withCtx(function() {
+ return [createTextVNode(toDisplayString(msg), 1)];
+ }),
+ _: 2
+ }, 1032, ["onClose", "unstyled", "pt"]);
+ }), 128)), createVNode(_component_Button, mergeProps({
+ label: $options.chooseButtonLabel,
+ "class": $options.chooseButtonClass,
+ style: _ctx.style,
+ disabled: _ctx.disabled,
+ unstyled: _ctx.unstyled,
+ onMouseup: $options.onBasicUploaderClick,
+ onKeydown: withKeys($options.choose, ["enter"]),
+ onFocus: $options.onFocus,
+ onBlur: $options.onBlur
+ }, _ctx.chooseButtonProps, {
+ pt: _ctx.ptm("pcChooseButton")
+ }), {
+ icon: withCtx(function(iconProps) {
+ return [renderSlot(_ctx.$slots, "chooseicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.chooseIcon ? "span" : "PlusIcon"), mergeProps({
+ "class": [iconProps["class"], _ctx.chooseIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("pcChooseButton")["icon"]), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["label", "class", "style", "disabled", "unstyled", "onMouseup", "onKeydown", "onFocus", "onBlur", "pt"]), !_ctx.auto ? renderSlot(_ctx.$slots, "filelabel", {
+ key: 0,
+ "class": normalizeClass(_ctx.cx("filelabel"))
+ }, function() {
+ return [createBaseVNode("span", {
+ "class": normalizeClass(_ctx.cx("filelabel")),
+ files: $data.files
+ }, toDisplayString($options.basicFileChosenLabel), 11, _hoisted_2$g)];
+ }) : createCommentVNode("", true), createBaseVNode("input", mergeProps({
+ ref: "fileInput",
+ type: "file",
+ accept: _ctx.accept,
+ disabled: _ctx.disabled,
+ multiple: _ctx.multiple,
+ onChange: _cache[5] || (_cache[5] = function() {
+ return $options.onFileSelect && $options.onFileSelect.apply($options, arguments);
+ }),
+ onFocus: _cache[6] || (_cache[6] = function() {
+ return $options.onFocus && $options.onFocus.apply($options, arguments);
+ }),
+ onBlur: _cache[7] || (_cache[7] = function() {
+ return $options.onBlur && $options.onBlur.apply($options, arguments);
+ })
+ }, _ctx.ptm("input")), null, 16, _hoisted_3$d)], 16)) : createCommentVNode("", true);
+}
+__name(render$L, "render$L");
+script$Q.render = render$L;
+var classes$v = {
+ root: "p-fluid"
+};
+var FluidStyle = BaseStyle.extend({
+ name: "fluid",
+ classes: classes$v
+});
+var script$1$v = {
+ name: "BaseFluid",
+ "extends": script$1f,
+ style: FluidStyle,
+ provide: /* @__PURE__ */ __name(function provide19() {
+ return {
+ $pcFluid: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$P = {
+ name: "Fluid",
+ "extends": script$1$v,
+ inheritAttrs: false
+};
+function render$K(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$K, "render$K");
+script$P.render = render$K;
+var theme$r = /* @__PURE__ */ __name(function theme12(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-iftalabel {\n display: block;\n position: relative;\n}\n\n.p-iftalabel label {\n position: absolute;\n pointer-events: none;\n top: ".concat(dt("iftalabel.top"), ";\n transition-property: all;\n transition-timing-function: ease;\n line-height: 1;\n font-size: ").concat(dt("iftalabel.font.size"), ";\n font-weight: ").concat(dt("iftalabel.font.weight"), ";\n inset-inline-start: ").concat(dt("iftalabel.position.x"), ";\n color: ").concat(dt("iftalabel.color"), ";\n transition-duration: ").concat(dt("iftalabel.transition.duration"), ";\n}\n\n.p-iftalabel .p-inputtext,\n.p-iftalabel .p-textarea,\n.p-iftalabel .p-select-label,\n.p-iftalabel .p-multiselect-label,\n.p-iftalabel .p-autocomplete-input-multiple,\n.p-iftalabel .p-cascadeselect-label,\n.p-iftalabel .p-treeselect-label {\n padding-block-start: ").concat(dt("iftalabel.input.padding.top"), ";\n padding-block-end: ").concat(dt("iftalabel.input.padding.bottom"), ";\n}\n\n.p-iftalabel:has(.p-invalid) label {\n color: ").concat(dt("iftalabel.invalid.color"), ";\n}\n\n.p-iftalabel:has(input:focus) label,\n.p-iftalabel:has(input:-webkit-autofill) label,\n.p-iftalabel:has(textarea:focus) label,\n.p-iftalabel:has(.p-inputwrapper-focus) label {\n color: ").concat(dt("iftalabel.focus.color"), ";\n}\n\n.p-iftalabel .p-inputicon {\n top: ").concat(dt("iftalabel.input.padding.top"), ";\n transform: translateY(25%);\n margin-top: 0;\n}\n");
+}, "theme");
+var classes$u = {
+ root: "p-iftalabel"
+};
+var IftaLabelStyle = BaseStyle.extend({
+ name: "iftalabel",
+ theme: theme$r,
+ classes: classes$u
+});
+var script$1$u = {
+ name: "BaseIftaLabel",
+ "extends": script$1f,
+ style: IftaLabelStyle,
+ provide: /* @__PURE__ */ __name(function provide20() {
+ return {
+ $pcIftaLabel: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$O = {
+ name: "IftaLabel",
+ "extends": script$1$u,
+ inheritAttrs: false
+};
+function render$J(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("span", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$J, "render$J");
+script$O.render = render$J;
+var script$N = {
+ name: "EyeIcon",
+ "extends": script$1j
+};
+function render$I(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M0.0535499 7.25213C0.208567 7.59162 2.40413 12.4 7 12.4C11.5959 12.4 13.7914 7.59162 13.9465 7.25213C13.9487 7.2471 13.9506 7.24304 13.952 7.24001C13.9837 7.16396 14 7.08239 14 7.00001C14 6.91762 13.9837 6.83605 13.952 6.76001C13.9506 6.75697 13.9487 6.75292 13.9465 6.74788C13.7914 6.4084 11.5959 1.60001 7 1.60001C2.40413 1.60001 0.208567 6.40839 0.0535499 6.74788C0.0512519 6.75292 0.0494023 6.75697 0.048 6.76001C0.0163137 6.83605 0 6.91762 0 7.00001C0 7.08239 0.0163137 7.16396 0.048 7.24001C0.0494023 7.24304 0.0512519 7.2471 0.0535499 7.25213ZM7 11.2C3.664 11.2 1.736 7.92001 1.264 7.00001C1.736 6.08001 3.664 2.80001 7 2.80001C10.336 2.80001 12.264 6.08001 12.736 7.00001C12.264 7.92001 10.336 11.2 7 11.2ZM5.55551 9.16182C5.98308 9.44751 6.48576 9.6 7 9.6C7.68891 9.59789 8.349 9.32328 8.83614 8.83614C9.32328 8.349 9.59789 7.68891 9.59999 7C9.59999 6.48576 9.44751 5.98308 9.16182 5.55551C8.87612 5.12794 8.47006 4.7947 7.99497 4.59791C7.51988 4.40112 6.99711 4.34963 6.49276 4.44995C5.98841 4.55027 5.52513 4.7979 5.16152 5.16152C4.7979 5.52513 4.55027 5.98841 4.44995 6.49276C4.34963 6.99711 4.40112 7.51988 4.59791 7.99497C4.7947 8.47006 5.12794 8.87612 5.55551 9.16182ZM6.2222 5.83594C6.45243 5.6821 6.7231 5.6 7 5.6C7.37065 5.6021 7.72553 5.75027 7.98762 6.01237C8.24972 6.27446 8.39789 6.62934 8.4 7C8.4 7.27689 8.31789 7.54756 8.16405 7.77779C8.01022 8.00802 7.79157 8.18746 7.53575 8.29343C7.27994 8.39939 6.99844 8.42711 6.72687 8.37309C6.4553 8.31908 6.20584 8.18574 6.01005 7.98994C5.81425 7.79415 5.68091 7.54469 5.6269 7.27312C5.57288 7.00155 5.6006 6.72006 5.70656 6.46424C5.81253 6.20842 5.99197 5.98977 6.2222 5.83594Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$I, "render$I");
+script$N.render = render$I;
+var script$M = {
+ name: "RefreshIcon",
+ "extends": script$1j
+};
+function render$H(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M6.77051 5.96336C6.84324 5.99355 6.92127 6.00891 7.00002 6.00854C7.07877 6.00891 7.1568 5.99355 7.22953 5.96336C7.30226 5.93317 7.36823 5.88876 7.42357 5.83273L9.82101 3.43529C9.93325 3.32291 9.99629 3.17058 9.99629 3.01175C9.99629 2.85292 9.93325 2.70058 9.82101 2.5882L7.42357 0.190763C7.3687 0.131876 7.30253 0.0846451 7.22901 0.0518865C7.15549 0.019128 7.07612 0.00151319 6.99564 9.32772e-05C6.91517 -0.00132663 6.83523 0.0134773 6.7606 0.0436218C6.68597 0.0737664 6.61817 0.118634 6.56126 0.175548C6.50435 0.232462 6.45948 0.300257 6.42933 0.374888C6.39919 0.449519 6.38439 0.529456 6.38581 0.609933C6.38722 0.690409 6.40484 0.769775 6.4376 0.843296C6.47036 0.916817 6.51759 0.982986 6.57647 1.03786L7.95103 2.41241H6.99998C5.46337 2.41241 3.98969 3.02283 2.90314 4.10938C1.81659 5.19593 1.20618 6.66961 1.20618 8.20622C1.20618 9.74283 1.81659 11.2165 2.90314 12.3031C3.98969 13.3896 5.46337 14 6.99998 14C8.53595 13.9979 10.0084 13.3868 11.0945 12.3007C12.1806 11.2146 12.7917 9.74218 12.7938 8.20622C12.7938 8.04726 12.7306 7.89481 12.6182 7.78241C12.5058 7.67001 12.3534 7.60686 12.1944 7.60686C12.0355 7.60686 11.883 7.67001 11.7706 7.78241C11.6582 7.89481 11.5951 8.04726 11.5951 8.20622C11.5951 9.11504 11.3256 10.0035 10.8207 10.7591C10.3157 11.5148 9.59809 12.1037 8.75845 12.4515C7.9188 12.7993 6.99489 12.8903 6.10353 12.713C5.21217 12.5357 4.3934 12.0981 3.75077 11.4554C3.10813 10.8128 2.67049 9.99404 2.49319 9.10268C2.31589 8.21132 2.40688 7.2874 2.75468 6.44776C3.10247 5.60811 3.69143 4.89046 4.44709 4.38554C5.20275 3.88063 6.09116 3.61113 6.99998 3.61113H7.95098L6.57647 4.98564C6.46423 5.09802 6.40119 5.25035 6.40119 5.40918C6.40119 5.56801 6.46423 5.72035 6.57647 5.83273C6.63181 5.88876 6.69778 5.93317 6.77051 5.96336Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$H, "render$H");
+script$M.render = render$H;
+var script$L = {
+ name: "SearchMinusIcon",
+ "extends": script$1j
+};
+function render$G(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M6.0208 12.0411C4.83005 12.0411 3.66604 11.688 2.67596 11.0265C1.68589 10.3649 0.914216 9.42464 0.458534 8.32452C0.00285271 7.22441 -0.116374 6.01388 0.11593 4.84601C0.348235 3.67813 0.921637 2.60537 1.76363 1.76338C2.60562 0.921393 3.67838 0.34799 4.84625 0.115686C6.01412 -0.116618 7.22466 0.00260857 8.32477 0.45829C9.42488 0.913972 10.3652 1.68564 11.0267 2.67572C11.6883 3.66579 12.0414 4.8298 12.0414 6.02056C12.0395 7.41563 11.5542 8.76029 10.6783 9.8305L13.8244 12.9765C13.9367 13.089 13.9997 13.2414 13.9997 13.4003C13.9997 13.5592 13.9367 13.7116 13.8244 13.8241C13.769 13.8801 13.703 13.9245 13.6302 13.9548C13.5575 13.985 13.4794 14.0003 13.4006 14C13.3218 14.0003 13.2437 13.985 13.171 13.9548C13.0982 13.9245 13.0322 13.8801 12.9768 13.8241L9.83082 10.678C8.76059 11.5539 7.4159 12.0393 6.0208 12.0411ZM6.0208 1.20731C5.07199 1.20731 4.14449 1.48867 3.35559 2.0158C2.56669 2.54292 1.95181 3.29215 1.58872 4.16874C1.22562 5.04532 1.13062 6.00989 1.31572 6.94046C1.50083 7.87104 1.95772 8.72583 2.62863 9.39674C3.29954 10.0676 4.15433 10.5245 5.0849 10.7096C6.01548 10.8947 6.98005 10.7997 7.85663 10.4367C8.73322 10.0736 9.48244 9.45868 10.0096 8.66978C10.5367 7.88088 10.8181 6.95337 10.8181 6.00457C10.8181 4.73226 10.3126 3.51206 9.41297 2.6124C8.51331 1.71274 7.29311 1.20731 6.0208 1.20731ZM4.00591 6.60422H8.00362C8.16266 6.60422 8.31518 6.54104 8.42764 6.42859C8.5401 6.31613 8.60328 6.1636 8.60328 6.00456C8.60328 5.84553 8.5401 5.693 8.42764 5.58054C8.31518 5.46809 8.16266 5.40491 8.00362 5.40491H4.00591C3.84687 5.40491 3.69434 5.46809 3.58189 5.58054C3.46943 5.693 3.40625 5.84553 3.40625 6.00456C3.40625 6.1636 3.46943 6.31613 3.58189 6.42859C3.69434 6.54104 3.84687 6.60422 4.00591 6.60422Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$G, "render$G");
+script$L.render = render$G;
+var script$K = {
+ name: "SearchPlusIcon",
+ "extends": script$1j
+};
+function render$F(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M2.67596 11.0265C3.66604 11.688 4.83005 12.0411 6.0208 12.0411C6.81143 12.0411 7.59432 11.8854 8.32477 11.5828C8.86999 11.357 9.37802 11.0526 9.83311 10.6803L12.9768 13.8241C13.0322 13.8801 13.0982 13.9245 13.171 13.9548C13.2437 13.985 13.3218 14.0003 13.4006 14C13.4794 14.0003 13.5575 13.985 13.6302 13.9548C13.703 13.9245 13.769 13.8801 13.8244 13.8241C13.9367 13.7116 13.9997 13.5592 13.9997 13.4003C13.9997 13.2414 13.9367 13.089 13.8244 12.9765L10.6806 9.8328C11.0529 9.37773 11.3572 8.86972 11.5831 8.32452C11.8856 7.59408 12.0414 6.81119 12.0414 6.02056C12.0414 4.8298 11.6883 3.66579 11.0267 2.67572C10.3652 1.68564 9.42488 0.913972 8.32477 0.45829C7.22466 0.00260857 6.01412 -0.116618 4.84625 0.115686C3.67838 0.34799 2.60562 0.921393 1.76363 1.76338C0.921637 2.60537 0.348235 3.67813 0.11593 4.84601C-0.116374 6.01388 0.00285271 7.22441 0.458534 8.32452C0.914216 9.42464 1.68589 10.3649 2.67596 11.0265ZM3.35559 2.0158C4.14449 1.48867 5.07199 1.20731 6.0208 1.20731C7.29311 1.20731 8.51331 1.71274 9.41297 2.6124C10.3126 3.51206 10.8181 4.73226 10.8181 6.00457C10.8181 6.95337 10.5367 7.88088 10.0096 8.66978C9.48244 9.45868 8.73322 10.0736 7.85663 10.4367C6.98005 10.7997 6.01548 10.8947 5.0849 10.7096C4.15433 10.5245 3.29954 10.0676 2.62863 9.39674C1.95772 8.72583 1.50083 7.87104 1.31572 6.94046C1.13062 6.00989 1.22562 5.04532 1.58872 4.16874C1.95181 3.29215 2.56669 2.54292 3.35559 2.0158ZM6.00481 8.60309C5.84641 8.60102 5.69509 8.53718 5.58308 8.42517C5.47107 8.31316 5.40722 8.16183 5.40515 8.00344V6.60422H4.00591C3.84687 6.60422 3.69434 6.54104 3.58189 6.42859C3.46943 6.31613 3.40625 6.1636 3.40625 6.00456C3.40625 5.84553 3.46943 5.693 3.58189 5.58054C3.69434 5.46809 3.84687 5.40491 4.00591 5.40491H5.40515V4.00572C5.40515 3.84668 5.46833 3.69416 5.58079 3.5817C5.69324 3.46924 5.84577 3.40607 6.00481 3.40607C6.16385 3.40607 6.31637 3.46924 6.42883 3.5817C6.54129 3.69416 6.60447 3.84668 6.60447 4.00572V5.40491H8.00362C8.16266 5.40491 8.31518 5.46809 8.42764 5.58054C8.5401 5.693 8.60328 5.84553 8.60328 6.00456C8.60328 6.1636 8.5401 6.31613 8.42764 6.42859C8.31518 6.54104 8.16266 6.60422 8.00362 6.60422H6.60447V8.00344C6.60239 8.16183 6.53855 8.31316 6.42654 8.42517C6.31453 8.53718 6.1632 8.60102 6.00481 8.60309Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$F, "render$F");
+script$K.render = render$F;
+var script$J = {
+ name: "UndoIcon",
+ "extends": script$1j
+};
+function render$E(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M6.77042 5.96336C6.84315 5.99355 6.92118 6.00891 6.99993 6.00854C7.07868 6.00891 7.15671 5.99355 7.22944 5.96336C7.30217 5.93317 7.36814 5.88876 7.42348 5.83273C7.53572 5.72035 7.59876 5.56801 7.59876 5.40918C7.59876 5.25035 7.53572 5.09802 7.42348 4.98564L6.04897 3.61113H6.99998C7.9088 3.61113 8.79722 3.88063 9.55288 4.38554C10.3085 4.89046 10.8975 5.60811 11.2453 6.44776C11.5931 7.2874 11.6841 8.21132 11.5068 9.10268C11.3295 9.99404 10.8918 10.8128 10.2492 11.4554C9.60657 12.0981 8.7878 12.5357 7.89644 12.713C7.00508 12.8903 6.08116 12.7993 5.24152 12.4515C4.40188 12.1037 3.68422 11.5148 3.17931 10.7591C2.67439 10.0035 2.4049 9.11504 2.4049 8.20622C2.4049 8.04726 2.34175 7.89481 2.22935 7.78241C2.11695 7.67001 1.9645 7.60686 1.80554 7.60686C1.64658 7.60686 1.49413 7.67001 1.38172 7.78241C1.26932 7.89481 1.20618 8.04726 1.20618 8.20622C1.20829 9.74218 1.81939 11.2146 2.90548 12.3007C3.99157 13.3868 5.46402 13.9979 6.99998 14C8.5366 14 10.0103 13.3896 11.0968 12.3031C12.1834 11.2165 12.7938 9.74283 12.7938 8.20622C12.7938 6.66961 12.1834 5.19593 11.0968 4.10938C10.0103 3.02283 8.5366 2.41241 6.99998 2.41241H6.04892L7.42348 1.03786C7.48236 0.982986 7.5296 0.916817 7.56235 0.843296C7.59511 0.769775 7.61273 0.690409 7.61415 0.609933C7.61557 0.529456 7.60076 0.449519 7.57062 0.374888C7.54047 0.300257 7.49561 0.232462 7.43869 0.175548C7.38178 0.118634 7.31398 0.0737664 7.23935 0.0436218C7.16472 0.0134773 7.08478 -0.00132663 7.00431 9.32772e-05C6.92383 0.00151319 6.84447 0.019128 6.77095 0.0518865C6.69742 0.0846451 6.63126 0.131876 6.57638 0.190763L4.17895 2.5882C4.06671 2.70058 4.00366 2.85292 4.00366 3.01175C4.00366 3.17058 4.06671 3.32291 4.17895 3.43529L6.57638 5.83273C6.63172 5.88876 6.69769 5.93317 6.77042 5.96336Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$E, "render$E");
+script$J.render = render$E;
+var theme$q = /* @__PURE__ */ __name(function theme13(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-image-mask {\n display: flex;\n align-items: center;\n justify-content: center;\n}\n\n.p-image-preview {\n position: relative;\n display: inline-flex;\n line-height: 0;\n}\n\n.p-image-preview-mask {\n position: absolute;\n inset-inline-start: 0;\n inset-block-start: 0;\n width: 100%;\n height: 100%;\n display: flex;\n align-items: center;\n justify-content: center;\n opacity: 0;\n transition: opacity 0.3s;\n border: 0 none;\n padding: 0;\n cursor: pointer;\n background: transparent;\n color: ".concat(dt("image.preview.mask.color"), ";\n transition: background ").concat(dt("image.transition.duration"), ";\n}\n\n.p-image-preview:hover > .p-image-preview-mask {\n opacity: 1;\n cursor: pointer;\n background: ").concat(dt("image.preview.mask.background"), ";\n}\n\n.p-image-preview-icon {\n font-size: ").concat(dt("image.preview.icon.size"), ";\n width: ").concat(dt("image.preview.icon.size"), ";\n height: ").concat(dt("image.preview.icon.size"), ";\n}\n\n.p-image-toolbar {\n position: absolute;\n inset-block-start: ").concat(dt("image.toolbar.position.top"), ";\n inset-inline-end: ").concat(dt("image.toolbar.position.right"), ";\n inset-inline-start: ").concat(dt("image.toolbar.position.left"), ";\n inset-block-end: ").concat(dt("image.toolbar.position.bottom"), ";\n display: flex;\n z-index: 1;\n padding: ").concat(dt("image.toolbar.padding"), ";\n background: ").concat(dt("image.toolbar.background"), ";\n backdrop-filter: blur(").concat(dt("image.toolbar.blur"), ");\n border-color: ").concat(dt("image.toolbar.border.color"), ";\n border-style: solid;\n border-width: ").concat(dt("image.toolbar.border.width"), ";\n border-radius: ").concat(dt("image.toolbar.border.radius"), ";\n gap: ").concat(dt("image.toolbar.gap"), ";\n}\n\n.p-image-action {\n display: inline-flex;\n justify-content: center;\n align-items: center;\n color: ").concat(dt("image.action.color"), ";\n background: transparent;\n width: ").concat(dt("image.action.size"), ";\n height: ").concat(dt("image.action.size"), ";\n margin: 0;\n padding: 0;\n border: 0 none;\n cursor: pointer;\n user-select: none;\n border-radius: ").concat(dt("image.action.border.radius"), ";\n outline-color: transparent;\n transition: background ").concat(dt("image.transition.duration"), ", color ").concat(dt("image.transition.duration"), ", outline-color ").concat(dt("image.transition.duration"), ", box-shadow ").concat(dt("image.transition.duration"), ";\n}\n\n.p-image-action:hover {\n color: ").concat(dt("image.action.hover.color"), ";\n background: ").concat(dt("image.action.hover.background"), ";\n}\n\n.p-image-action:focus-visible {\n box-shadow: ").concat(dt("image.action.focus.ring.shadow"), ";\n outline: ").concat(dt("image.action.focus.ring.width"), " ").concat(dt("image.action.focus.ring.style"), " ").concat(dt("image.action.focus.ring.color"), ";\n outline-offset: ").concat(dt("image.action.focus.ring.offset"), ";\n}\n\n.p-image-action .p-icon {\n font-size: ").concat(dt("image.action.icon.size"), ";\n width: ").concat(dt("image.action.icon.size"), ";\n height: ").concat(dt("image.action.icon.size"), ";\n}\n\n.p-image-action.p-disabled {\n pointer-events: auto;\n}\n\n.p-image-original {\n transition: transform 0.15s;\n max-width: 100vw;\n max-height: 100vh;\n}\n\n.p-image-original-enter-active {\n transition: all 150ms cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-image-original-leave-active {\n transition: all 150ms cubic-bezier(0.4, 0, 0.2, 1);\n}\n\n.p-image-original-enter-from,\n.p-image-original-leave-to {\n opacity: 0;\n transform: scale(0.7);\n}\n");
+}, "theme");
+var classes$t = {
+ root: /* @__PURE__ */ __name(function root12(_ref2) {
+ var props = _ref2.props;
+ return ["p-image p-component", {
+ "p-image-preview": props.preview
+ }];
+ }, "root"),
+ previewMask: "p-image-preview-mask",
+ previewIcon: "p-image-preview-icon",
+ mask: "p-image-mask p-overlay-mask p-overlay-mask-enter",
+ toolbar: "p-image-toolbar",
+ rotateRightButton: "p-image-action p-image-rotate-right-button",
+ rotateLeftButton: "p-image-action p-image-rotate-left-button",
+ zoomOutButton: /* @__PURE__ */ __name(function zoomOutButton(_ref3) {
+ var instance = _ref3.instance;
+ return ["p-image-action p-image-zoom-out-button", {
+ "p-disabled": instance.isZoomOutDisabled
+ }];
+ }, "zoomOutButton"),
+ zoomInButton: /* @__PURE__ */ __name(function zoomInButton(_ref4) {
+ var instance = _ref4.instance;
+ return ["p-image-action p-image-zoom-in-button", {
+ "p-disabled": instance.isZoomInDisabled
+ }];
+ }, "zoomInButton"),
+ closeButton: "p-image-action p-image-close-button",
+ original: "p-image-original"
+};
+var ImageStyle = BaseStyle.extend({
+ name: "image",
+ theme: theme$q,
+ classes: classes$t
+});
+var script$1$t = {
+ name: "BaseImage",
+ "extends": script$1f,
+ props: {
+ preview: {
+ type: Boolean,
+ "default": false
+ },
+ "class": {
+ type: null,
+ "default": null
+ },
+ style: {
+ type: null,
+ "default": null
+ },
+ imageStyle: {
+ type: null,
+ "default": null
+ },
+ imageClass: {
+ type: null,
+ "default": null
+ },
+ previewButtonProps: {
+ type: null,
+ "default": null
+ },
+ indicatorIcon: {
+ type: String,
+ "default": void 0
+ },
+ previewIcon: {
+ type: String,
+ "default": void 0
+ },
+ zoomInDisabled: {
+ type: Boolean,
+ "default": false
+ },
+ zoomOutDisabled: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: ImageStyle,
+ provide: /* @__PURE__ */ __name(function provide21() {
+ return {
+ $pcImage: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$I = {
+ name: "Image",
+ "extends": script$1$t,
+ inheritAttrs: false,
+ emits: ["show", "hide", "error"],
+ mask: null,
+ data: /* @__PURE__ */ __name(function data13() {
+ return {
+ maskVisible: false,
+ previewVisible: false,
+ rotate: 0,
+ scale: 1
+ };
+ }, "data"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount6() {
+ if (this.mask) {
+ ZIndex.clear(this.container);
+ }
+ }, "beforeUnmount"),
+ methods: {
+ maskRef: /* @__PURE__ */ __name(function maskRef(el) {
+ this.mask = el;
+ }, "maskRef"),
+ toolbarRef: /* @__PURE__ */ __name(function toolbarRef(el) {
+ this.toolbarRef = el;
+ }, "toolbarRef"),
+ onImageClick: /* @__PURE__ */ __name(function onImageClick() {
+ var _this = this;
+ if (this.preview) {
+ blockBodyScroll();
+ this.maskVisible = true;
+ setTimeout(function() {
+ _this.previewVisible = true;
+ }, 25);
+ }
+ }, "onImageClick"),
+ onPreviewImageClick: /* @__PURE__ */ __name(function onPreviewImageClick() {
+ this.previewClick = true;
+ }, "onPreviewImageClick"),
+ onMaskClick: /* @__PURE__ */ __name(function onMaskClick(event2) {
+ var isBarActionsClicked = isAttributeEquals(event2.target, "data-pc-section-group", "action") || event2.target.closest('[data-pc-section-group="action"]');
+ if (!this.previewClick && !isBarActionsClicked) {
+ this.previewVisible = false;
+ this.rotate = 0;
+ this.scale = 1;
+ }
+ this.previewClick = false;
+ }, "onMaskClick"),
+ onMaskKeydown: /* @__PURE__ */ __name(function onMaskKeydown(event2) {
+ var _this2 = this;
+ switch (event2.code) {
+ case "Escape":
+ this.hidePreview();
+ setTimeout(function() {
+ focus(_this2.$refs.previewButton);
+ }, 200);
+ event2.preventDefault();
+ break;
+ }
+ }, "onMaskKeydown"),
+ onError: /* @__PURE__ */ __name(function onError2() {
+ this.$emit("error");
+ }, "onError"),
+ rotateRight: /* @__PURE__ */ __name(function rotateRight() {
+ this.rotate += 90;
+ this.previewClick = true;
+ }, "rotateRight"),
+ rotateLeft: /* @__PURE__ */ __name(function rotateLeft() {
+ this.rotate -= 90;
+ this.previewClick = true;
+ }, "rotateLeft"),
+ zoomIn: /* @__PURE__ */ __name(function zoomIn() {
+ this.scale = this.scale + 0.1;
+ this.previewClick = true;
+ }, "zoomIn"),
+ zoomOut: /* @__PURE__ */ __name(function zoomOut() {
+ this.scale = this.scale - 0.1;
+ this.previewClick = true;
+ }, "zoomOut"),
+ onBeforeEnter: /* @__PURE__ */ __name(function onBeforeEnter() {
+ ZIndex.set("modal", this.mask, this.$primevue.config.zIndex.modal);
+ }, "onBeforeEnter"),
+ onEnter: /* @__PURE__ */ __name(function onEnter() {
+ this.focus();
+ this.$emit("show");
+ }, "onEnter"),
+ onBeforeLeave: /* @__PURE__ */ __name(function onBeforeLeave() {
+ !this.isUnstyled && addClass(this.mask, "p-overlay-mask-leave");
+ }, "onBeforeLeave"),
+ onLeave: /* @__PURE__ */ __name(function onLeave() {
+ unblockBodyScroll();
+ this.$emit("hide");
+ }, "onLeave"),
+ onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave(el) {
+ ZIndex.clear(el);
+ this.maskVisible = false;
+ }, "onAfterLeave"),
+ focus: /* @__PURE__ */ __name(function focus2() {
+ var focusTarget = this.mask.querySelector("[autofocus]");
+ if (focusTarget) {
+ focusTarget.focus();
+ }
+ }, "focus"),
+ hidePreview: /* @__PURE__ */ __name(function hidePreview() {
+ this.previewVisible = false;
+ this.rotate = 0;
+ this.scale = 1;
+ unblockBodyScroll();
+ }, "hidePreview")
+ },
+ computed: {
+ containerClass: /* @__PURE__ */ __name(function containerClass2() {
+ return [this.cx("root"), this["class"]];
+ }, "containerClass"),
+ rotateClass: /* @__PURE__ */ __name(function rotateClass() {
+ return "p-image-preview-rotate-" + this.rotate;
+ }, "rotateClass"),
+ imagePreviewStyle: /* @__PURE__ */ __name(function imagePreviewStyle() {
+ return {
+ transform: "rotate(" + this.rotate + "deg) scale(" + this.scale + ")"
+ };
+ }, "imagePreviewStyle"),
+ isZoomInDisabled: /* @__PURE__ */ __name(function isZoomInDisabled() {
+ return this.zoomInDisabled || this.scale >= 1.5;
+ }, "isZoomInDisabled"),
+ isZoomOutDisabled: /* @__PURE__ */ __name(function isZoomOutDisabled() {
+ return this.zoomOutDisabled || this.scale <= 0.5;
+ }, "isZoomOutDisabled"),
+ rightAriaLabel: /* @__PURE__ */ __name(function rightAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.rotateRight : void 0;
+ }, "rightAriaLabel"),
+ leftAriaLabel: /* @__PURE__ */ __name(function leftAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.rotateLeft : void 0;
+ }, "leftAriaLabel"),
+ zoomInAriaLabel: /* @__PURE__ */ __name(function zoomInAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.zoomIn : void 0;
+ }, "zoomInAriaLabel"),
+ zoomOutAriaLabel: /* @__PURE__ */ __name(function zoomOutAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.zoomOut : void 0;
+ }, "zoomOutAriaLabel"),
+ zoomImageAriaLabel: /* @__PURE__ */ __name(function zoomImageAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.zoomImage : void 0;
+ }, "zoomImageAriaLabel"),
+ closeAriaLabel: /* @__PURE__ */ __name(function closeAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.close : void 0;
+ }, "closeAriaLabel")
+ },
+ components: {
+ Portal: script$1m,
+ EyeIcon: script$N,
+ RefreshIcon: script$M,
+ UndoIcon: script$J,
+ SearchMinusIcon: script$L,
+ SearchPlusIcon: script$K,
+ TimesIcon: script$1q
+ },
+ directives: {
+ focustrap: FocusTrap
+ }
+};
+function _typeof$h(o) {
+ "@babel/helpers - typeof";
+ return _typeof$h = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$h(o);
+}
+__name(_typeof$h, "_typeof$h");
+function ownKeys$f(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$f, "ownKeys$f");
+function _objectSpread$f(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$f(Object(t2), true).forEach(function(r2) {
+ _defineProperty$g(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$f(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$f, "_objectSpread$f");
+function _defineProperty$g(e, r, t2) {
+ return (r = _toPropertyKey$g(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$g, "_defineProperty$g");
+function _toPropertyKey$g(t2) {
+ var i = _toPrimitive$g(t2, "string");
+ return "symbol" == _typeof$h(i) ? i : i + "";
+}
+__name(_toPropertyKey$g, "_toPropertyKey$g");
+function _toPrimitive$g(t2, r) {
+ if ("object" != _typeof$h(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$h(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$g, "_toPrimitive$g");
+var _hoisted_1$m = ["aria-label"];
+var _hoisted_2$f = ["aria-modal"];
+var _hoisted_3$c = ["aria-label"];
+var _hoisted_4$8 = ["aria-label"];
+var _hoisted_5$3 = ["disabled", "aria-label"];
+var _hoisted_6$1 = ["disabled", "aria-label"];
+var _hoisted_7$1 = ["aria-label"];
+var _hoisted_8$1 = ["src"];
+function render$D(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_RefreshIcon = resolveComponent("RefreshIcon");
+ var _component_UndoIcon = resolveComponent("UndoIcon");
+ var _component_SearchMinusIcon = resolveComponent("SearchMinusIcon");
+ var _component_SearchPlusIcon = resolveComponent("SearchPlusIcon");
+ var _component_TimesIcon = resolveComponent("TimesIcon");
+ var _component_Portal = resolveComponent("Portal");
+ var _directive_focustrap = resolveDirective("focustrap");
+ return openBlock(), createElementBlock("span", mergeProps({
+ "class": $options.containerClass,
+ style: _ctx.style
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "image", {
+ errorCallback: $options.onError
+ }, function() {
+ return [createBaseVNode("img", mergeProps({
+ style: _ctx.imageStyle,
+ "class": _ctx.imageClass,
+ onError: _cache[0] || (_cache[0] = function() {
+ return $options.onError && $options.onError.apply($options, arguments);
+ })
+ }, _objectSpread$f(_objectSpread$f({}, _ctx.$attrs), _ctx.ptm("image"))), null, 16)];
+ }), _ctx.preview ? (openBlock(), createElementBlock("button", mergeProps({
+ key: 0,
+ ref: "previewButton",
+ "aria-label": $options.zoomImageAriaLabel,
+ type: "button",
+ "class": _ctx.cx("previewMask"),
+ onClick: _cache[1] || (_cache[1] = function() {
+ return $options.onImageClick && $options.onImageClick.apply($options, arguments);
+ })
+ }, _objectSpread$f(_objectSpread$f({}, _ctx.previewButtonProps), _ctx.ptm("previewMask"))), [renderSlot(_ctx.$slots, _ctx.$slots.previewicon ? "previewicon" : "indicatoricon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.previewIcon || _ctx.indicatorIcon ? "i" : "EyeIcon"), mergeProps({
+ "class": _ctx.cx("previewIcon")
+ }, _ctx.ptm("previewIcon")), null, 16, ["class"]))];
+ })], 16, _hoisted_1$m)) : createCommentVNode("", true), createVNode(_component_Portal, null, {
+ "default": withCtx(function() {
+ return [$data.maskVisible ? withDirectives((openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.maskRef,
+ role: "dialog",
+ "class": _ctx.cx("mask"),
+ "aria-modal": $data.maskVisible,
+ onClick: _cache[8] || (_cache[8] = function() {
+ return $options.onMaskClick && $options.onMaskClick.apply($options, arguments);
+ }),
+ onKeydown: _cache[9] || (_cache[9] = function() {
+ return $options.onMaskKeydown && $options.onMaskKeydown.apply($options, arguments);
+ })
+ }, _ctx.ptm("mask")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("toolbar")
+ }, _ctx.ptm("toolbar")), [createBaseVNode("button", mergeProps({
+ "class": _ctx.cx("rotateRightButton"),
+ onClick: _cache[2] || (_cache[2] = function() {
+ return $options.rotateRight && $options.rotateRight.apply($options, arguments);
+ }),
+ type: "button",
+ "aria-label": $options.rightAriaLabel
+ }, _ctx.ptm("rotateRightButton"), {
+ "data-pc-group-section": "action"
+ }), [renderSlot(_ctx.$slots, "refresh", {}, function() {
+ return [createVNode(_component_RefreshIcon, normalizeProps(guardReactiveProps(_ctx.ptm("rotateRightIcon"))), null, 16)];
+ })], 16, _hoisted_3$c), createBaseVNode("button", mergeProps({
+ "class": _ctx.cx("rotateLeftButton"),
+ onClick: _cache[3] || (_cache[3] = function() {
+ return $options.rotateLeft && $options.rotateLeft.apply($options, arguments);
+ }),
+ type: "button",
+ "aria-label": $options.leftAriaLabel
+ }, _ctx.ptm("rotateLeftButton"), {
+ "data-pc-group-section": "action"
+ }), [renderSlot(_ctx.$slots, "undo", {}, function() {
+ return [createVNode(_component_UndoIcon, normalizeProps(guardReactiveProps(_ctx.ptm("rotateLeftIcon"))), null, 16)];
+ })], 16, _hoisted_4$8), createBaseVNode("button", mergeProps({
+ "class": _ctx.cx("zoomOutButton"),
+ onClick: _cache[4] || (_cache[4] = function() {
+ return $options.zoomOut && $options.zoomOut.apply($options, arguments);
+ }),
+ type: "button",
+ disabled: $options.isZoomOutDisabled,
+ "aria-label": $options.zoomOutAriaLabel
+ }, _ctx.ptm("zoomOutButton"), {
+ "data-pc-group-section": "action"
+ }), [renderSlot(_ctx.$slots, "zoomout", {}, function() {
+ return [createVNode(_component_SearchMinusIcon, normalizeProps(guardReactiveProps(_ctx.ptm("zoomOutIcon"))), null, 16)];
+ })], 16, _hoisted_5$3), createBaseVNode("button", mergeProps({
+ "class": _ctx.cx("zoomInButton"),
+ onClick: _cache[5] || (_cache[5] = function() {
+ return $options.zoomIn && $options.zoomIn.apply($options, arguments);
+ }),
+ type: "button",
+ disabled: $options.isZoomInDisabled,
+ "aria-label": $options.zoomInAriaLabel
+ }, _ctx.ptm("zoomInButton"), {
+ "data-pc-group-section": "action"
+ }), [renderSlot(_ctx.$slots, "zoomin", {}, function() {
+ return [createVNode(_component_SearchPlusIcon, normalizeProps(guardReactiveProps(_ctx.ptm("zoomInIcon"))), null, 16)];
+ })], 16, _hoisted_6$1), createBaseVNode("button", mergeProps({
+ "class": _ctx.cx("closeButton"),
+ type: "button",
+ onClick: _cache[6] || (_cache[6] = function() {
+ return $options.hidePreview && $options.hidePreview.apply($options, arguments);
+ }),
+ "aria-label": $options.closeAriaLabel,
+ autofocus: ""
+ }, _ctx.ptm("closeButton"), {
+ "data-pc-group-section": "action"
+ }), [renderSlot(_ctx.$slots, "close", {}, function() {
+ return [createVNode(_component_TimesIcon, normalizeProps(guardReactiveProps(_ctx.ptm("closeIcon"))), null, 16)];
+ })], 16, _hoisted_7$1)], 16), createVNode(Transition, mergeProps({
+ name: "p-image-original",
+ onBeforeEnter: $options.onBeforeEnter,
+ onEnter: $options.onEnter,
+ onLeave: $options.onLeave,
+ onBeforeLeave: $options.onBeforeLeave,
+ onAfterLeave: $options.onAfterLeave
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [$data.previewVisible ? (openBlock(), createElementBlock("div", normalizeProps(mergeProps({
+ key: 0
+ }, _ctx.ptm("originalContainer"))), [renderSlot(_ctx.$slots, _ctx.$slots.original ? "original" : "preview", {
+ "class": normalizeClass(_ctx.cx("original")),
+ style: normalizeStyle($options.imagePreviewStyle),
+ previewCallback: $options.onPreviewImageClick
+ }, function() {
+ return [createBaseVNode("img", mergeProps({
+ src: _ctx.$attrs.src,
+ "class": _ctx.cx("original"),
+ style: $options.imagePreviewStyle,
+ onClick: _cache[7] || (_cache[7] = function() {
+ return $options.onPreviewImageClick && $options.onPreviewImageClick.apply($options, arguments);
+ })
+ }, _ctx.ptm("original")), null, 16, _hoisted_8$1)];
+ })], 16)) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onBeforeEnter", "onEnter", "onLeave", "onBeforeLeave", "onAfterLeave"])], 16, _hoisted_2$f)), [[_directive_focustrap]]) : createCommentVNode("", true)];
+ }),
+ _: 3
+ })], 16);
+}
+__name(render$D, "render$D");
+script$I.render = render$D;
+var theme$p = /* @__PURE__ */ __name(function theme14(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-imagecompare {\n position: relative;\n overflow: hidden;\n width: 100%;\n aspect-ratio: 16 / 9;\n}\n\n.p-imagecompare img {\n width: 100%;\n height: 100%;\n position: absolute;\n}\n\n.p-imagecompare img + img {\n clip-path: polygon(0 0, ".concat(dt("imagecompare.scope.x", "50%"), " 0, ").concat(dt("imagecompare.scope.x", "50%"), " 100%, 0 100%);\n}\n\n.p-imagecompare:dir(rtl) img + img {\n clip-path: polygon(calc(100% - ").concat(dt("imagecompare.scope.x", "50%"), ") 0, 100% 0, 100% 100%, calc(100% - ").concat(dt("imagecompare.scope.x", "50%"), ") 100%);\n}\n\n.p-imagecompare-slider {\n position: relative;\n -webkit-appearance: none;\n width: calc(100% + ").concat(dt("imagecompare.handle.size"), ");\n height: 100%;\n margin-inline-start: calc(-1 * calc(").concat(dt("imagecompare.handle.size"), " / 2));\n background-color: transparent;\n outline: none;\n transition: all ").concat(dt("imagecompare.handle.transition.duration"), ";\n}\n\n.p-imagecompare-slider::-webkit-slider-thumb {\n -webkit-appearance: none;\n height: ").concat(dt("imagecompare.handle.size"), ";\n width: ").concat(dt("imagecompare.handle.size"), ";\n background: ").concat(dt("imagecompare.handle.background"), ";\n border: ").concat(dt("imagecompare.handle.border.width"), " solid ").concat(dt("imagecompare.handle.border.color"), ";\n border-radius: ").concat(dt("imagecompare.handle.border.radius"), ";\n background-size: contain;\n cursor: ew-resize;\n transition: all ").concat(dt("imagecompare.handle.transition.duration"), ";\n}\n\n.p-imagecompare-slider::-moz-range-thumb {\n height: ").concat(dt("imagecompare.handle.size"), ";\n width: ").concat(dt("imagecompare.handle.size"), ";\n background: ").concat(dt("imagecompare.handle.background"), ";\n border: ").concat(dt("imagecompare.handle.border.width"), " ").concat(dt("imagecompare.handle.border.style"), " ").concat(dt("imagecompare.handle.border.color"), ";\n border-radius: ").concat(dt("imagecompare.handle.border.radius"), ";\n background-size: contain;\n cursor: ew-resize;\n}\n\n.p-imagecompare-slider:focus-visible::-webkit-slider-thumb {\n box-shadow: ").concat(dt("imagecompare.handle.focus.ring.shadow"), ";\n outline: ").concat(dt("imagecompare.handle.focus.ring.width"), " ").concat(dt("imagecompare.handle.focus.ring.style"), " ").concat(dt("imagecompare.handle.focus.ring.color"), ";\n outline-offset: ").concat(dt("imagecompare.handle.focus.ring.offset"), ";\n}\n\n.p-imagecompare-slider:focus-visible::-moz-range-thumb {\n box-shadow: ").concat(dt("imagecompare.handle.focus.ring.shadow"), ";\n outline: ").concat(dt("imagecompare.handle.focus.ring.width"), " ").concat(dt("imagecompare.handle.focus.ring.style"), " ").concat(dt("imagecompare.handle.focus.ring.color"), ";\n outline-offset: ").concat(dt("imagecompare.handle.focus.ring.offset"), ";\n}\n\n.p-imagecompare-slider:hover {\n width: calc(100% + ").concat(dt("imagecompare.handle.hover.size"), ");\n margin-inline-start: calc(-1 * calc(").concat(dt("imagecompare.handle.hover.size"), " / 2));\n}\n\n.p-imagecompare-slider:hover::-webkit-slider-thumb {\n background: ").concat(dt("imagecompare.handle.hover.background"), ";\n border-color: ").concat(dt("imagecompare.handle.hover.border.color"), ";\n height: ").concat(dt("imagecompare.handle.hover.size"), ";\n width: ").concat(dt("imagecompare.handle.hover.size"), ";\n}\n\n.p-imagecompare-slider:hover::-moz-range-thumb {\n background: ").concat(dt("imagecompare.handle.hover.background"), ";\n border-color: ").concat(dt("imagecompare.handle.hover.border.color"), ";\n height: ").concat(dt("imagecompare.handle.hover.size"), ";\n width: ").concat(dt("imagecompare.handle.hover.size"), ";\n}\n");
+}, "theme");
+var classes$s = {
+ root: "p-imagecompare",
+ slider: "p-imagecompare-slider"
+};
+var ImageCompareStyle = BaseStyle.extend({
+ name: "imagecompare",
+ theme: theme$p,
+ classes: classes$s
+});
+var script$1$s = {
+ name: "BaseImageCompare",
+ "extends": script$1f,
+ props: {
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: ImageCompareStyle,
+ provide: /* @__PURE__ */ __name(function provide22() {
+ return {
+ $pcImageCompare: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$H = {
+ name: "ImageCompare",
+ "extends": script$1$s,
+ methods: {
+ onSlide: /* @__PURE__ */ __name(function onSlide(event2) {
+ var value2 = event2.target.value;
+ var image = event2.target.previousElementSibling;
+ setCSSProperty(image, $dt("imagecompare.scope.x").name, "".concat(value2, "%"));
+ }, "onSlide")
+ }
+};
+var _hoisted_1$l = ["aria-labelledby", "aria-label"];
+function render$C(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-label": _ctx.ariaLabel
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "left"), renderSlot(_ctx.$slots, "right"), createBaseVNode("input", mergeProps({
+ type: "range",
+ min: "0",
+ max: "100",
+ value: "50",
+ onInput: _cache[0] || (_cache[0] = function() {
+ return $options.onSlide && $options.onSlide.apply($options, arguments);
+ }),
+ "class": _ctx.cx("slider")
+ }, _ctx.ptm("slider")), null, 16)], 16, _hoisted_1$l);
+}
+__name(render$C, "render$C");
+script$H.render = render$C;
+var theme$o = /* @__PURE__ */ __name(function theme15(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-inlinemessage {\n display: inline-flex;\n align-items: center;\n justify-content: center;\n padding: ".concat(dt("inlinemessage.padding"), ";\n border-radius: ").concat(dt("inlinemessage.border.radius"), ";\n gap: ").concat(dt("inlinemessage.gap"), ";\n}\n\n.p-inlinemessage-text {\n font-weight: ").concat(dt("inlinemessage.text.font.weight"), ";\n}\n\n.p-inlinemessage-icon {\n flex-shrink: 0;\n font-size: ").concat(dt("inlinemessage.icon.size"), ";\n width: ").concat(dt("inlinemessage.icon.size"), ";\n height: ").concat(dt("inlinemessage.icon.size"), ";\n}\n\n.p-inlinemessage-icon-only .p-inlinemessage-text {\n visibility: hidden;\n width: 0;\n}\n\n.p-inlinemessage-info {\n background: ").concat(dt("inlinemessage.info.background"), ";\n border: 1px solid ").concat(dt("inlinemessage.info.border.color"), ";\n color: ").concat(dt("inlinemessage.info.color"), ";\n box-shadow: ").concat(dt("inlinemessage.info.shadow"), ";\n}\n\n.p-inlinemessage-info .p-inlinemessage-icon {\n color: ").concat(dt("inlinemessage.info.color"), ";\n}\n\n.p-inlinemessage-success {\n background: ").concat(dt("inlinemessage.success.background"), ";\n border: 1px solid ").concat(dt("inlinemessage.success.border.color"), ";\n color: ").concat(dt("inlinemessage.success.color"), ";\n box-shadow: ").concat(dt("inlinemessage.success.shadow"), ";\n}\n\n.p-inlinemessage-success .p-inlinemessage-icon {\n color: ").concat(dt("inlinemessage.success.color"), ";\n}\n\n.p-inlinemessage-warn {\n background: ").concat(dt("inlinemessage.warn.background"), ";\n border: 1px solid ").concat(dt("inlinemessage.warn.border.color"), ";\n color: ").concat(dt("inlinemessage.warn.color"), ";\n box-shadow: ").concat(dt("inlinemessage.warn.shadow"), ";\n}\n\n.p-inlinemessage-warn .p-inlinemessage-icon {\n color: ").concat(dt("inlinemessage.warn.color"), ";\n}\n\n.p-inlinemessage-error {\n background: ").concat(dt("inlinemessage.error.background"), ";\n border: 1px solid ").concat(dt("inlinemessage.error.border.color"), ";\n color: ").concat(dt("inlinemessage.error.color"), ";\n box-shadow: ").concat(dt("inlinemessage.error.shadow"), ";\n}\n\n.p-inlinemessage-error .p-inlinemessage-icon {\n color: ").concat(dt("inlinemessage.error.color"), ";\n}\n\n.p-inlinemessage-secondary {\n background: ").concat(dt("inlinemessage.secondary.background"), ";\n border: 1px solid ").concat(dt("inlinemessage.secondary.border.color"), ";\n color: ").concat(dt("inlinemessage.secondary.color"), ";\n box-shadow: ").concat(dt("inlinemessage.secondary.shadow"), ";\n}\n\n.p-inlinemessage-secondary .p-inlinemessage-icon {\n color: ").concat(dt("inlinemessage.secondary.color"), ";\n}\n\n.p-inlinemessage-contrast {\n background: ").concat(dt("inlinemessage.contrast.background"), ";\n border: 1px solid ").concat(dt("inlinemessage.contrast.border.color"), ";\n color: ").concat(dt("inlinemessage.contrast.color"), ";\n box-shadow: ").concat(dt("inlinemessage.contrast.shadow"), ";\n}\n\n.p-inlinemessage-contrast .p-inlinemessage-icon {\n color: ").concat(dt("inlinemessage.contrast.color"), ";\n}\n");
+}, "theme");
+var classes$r = {
+ root: /* @__PURE__ */ __name(function root13(_ref2) {
+ var props = _ref2.props, instance = _ref2.instance;
+ return ["p-inlinemessage p-component p-inlinemessage-" + props.severity, {
+ "p-inlinemessage-icon-only": !instance.$slots["default"]
+ }];
+ }, "root"),
+ icon: /* @__PURE__ */ __name(function icon(_ref3) {
+ var props = _ref3.props;
+ return ["p-inlinemessage-icon", props.icon];
+ }, "icon"),
+ text: "p-inlinemessage-text"
+};
+var InlineMessageStyle = BaseStyle.extend({
+ name: "inlinemessage",
+ theme: theme$o,
+ classes: classes$r
+});
+var script$1$r = {
+ name: "BaseInlineMessage",
+ "extends": script$1f,
+ props: {
+ severity: {
+ type: String,
+ "default": "error"
+ },
+ icon: {
+ type: String,
+ "default": void 0
+ }
+ },
+ style: InlineMessageStyle,
+ provide: /* @__PURE__ */ __name(function provide23() {
+ return {
+ $pcInlineMessage: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$G = {
+ name: "InlineMessage",
+ "extends": script$1$r,
+ inheritAttrs: false,
+ timeout: null,
+ data: /* @__PURE__ */ __name(function data14() {
+ return {
+ visible: true
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted18() {
+ var _this = this;
+ if (!this.sticky) {
+ setTimeout(function() {
+ _this.visible = false;
+ }, this.life);
+ }
+ }, "mounted"),
+ computed: {
+ iconComponent: /* @__PURE__ */ __name(function iconComponent() {
+ return {
+ info: script$1B,
+ success: script$1C,
+ warn: script$1D,
+ error: script$1E
+ }[this.severity];
+ }, "iconComponent")
+ }
+};
+function render$B(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ role: "alert",
+ "aria-live": "assertive",
+ "aria-atomic": "true",
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "icon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.icon ? "span" : $options.iconComponent), mergeProps({
+ "class": _ctx.cx("icon")
+ }, _ctx.ptm("icon")), null, 16, ["class"]))];
+ }), _ctx.$slots["default"] ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("text")
+ }, _ctx.ptm("text")), [renderSlot(_ctx.$slots, "default")], 16)) : createCommentVNode("", true)], 16);
+}
+__name(render$B, "render$B");
+script$G.render = render$B;
+var theme$n = /* @__PURE__ */ __name(function theme16(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-inplace-display {\n display: inline-block;\n cursor: pointer;\n border: 1px solid transparent;\n padding: ".concat(dt("inplace.padding"), ";\n border-radius: ").concat(dt("inplace.border.radius"), ";\n transition: background ").concat(dt("inplace.transition.duration"), ", color ").concat(dt("inplace.transition.duration"), ", outline-color ").concat(dt("inplace.transition.duration"), ", box-shadow ").concat(dt("inplace.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-inplace-display:not(.p-disabled):hover {\n background: ").concat(dt("inplace.display.hover.background"), ";\n color: ").concat(dt("inplace.display.hover.color"), ";\n}\n\n.p-inplace-display:focus-visible {\n box-shadow: ").concat(dt("inplace.focus.ring.shadow"), ";\n outline: ").concat(dt("inplace.focus.ring.width"), " ").concat(dt("inplace.focus.ring.style"), " ").concat(dt("inplace.focus.ring.color"), ";\n outline-offset: ").concat(dt("inplace.focus.ring.offset"), ";\n}\n\n.p-inplace-content {\n display: block;\n}\n");
+}, "theme");
+var classes$q = {
+ root: "p-inplace p-component",
+ display: /* @__PURE__ */ __name(function display(_ref2) {
+ var props = _ref2.props;
+ return ["p-inplace-display", {
+ "p-disabled": props.disabled
+ }];
+ }, "display"),
+ content: "p-inplace-content"
+};
+var InplaceStyle = BaseStyle.extend({
+ name: "inplace",
+ theme: theme$n,
+ classes: classes$q
+});
+var script$1$q = {
+ name: "BaseInplace",
+ "extends": script$1f,
+ props: {
+ active: {
+ type: Boolean,
+ "default": false
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ displayProps: {
+ type: null,
+ "default": null
+ }
+ },
+ style: InplaceStyle,
+ provide: /* @__PURE__ */ __name(function provide24() {
+ return {
+ $pcInplace: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$F = {
+ name: "Inplace",
+ "extends": script$1$q,
+ inheritAttrs: false,
+ emits: ["open", "close", "update:active"],
+ data: /* @__PURE__ */ __name(function data15() {
+ return {
+ d_active: this.active
+ };
+ }, "data"),
+ watch: {
+ active: /* @__PURE__ */ __name(function active2(newValue) {
+ this.d_active = newValue;
+ }, "active")
+ },
+ methods: {
+ open: /* @__PURE__ */ __name(function open(event2) {
+ if (this.disabled) {
+ return;
+ }
+ this.d_active = true;
+ this.$emit("open", event2);
+ this.$emit("update:active", true);
+ }, "open"),
+ close: /* @__PURE__ */ __name(function close(event2) {
+ var _this = this;
+ this.d_active = false;
+ this.$emit("close", event2);
+ this.$emit("update:active", false);
+ setTimeout(function() {
+ _this.$refs.display.focus();
+ }, 0);
+ }, "close")
+ }
+};
+function _typeof$g(o) {
+ "@babel/helpers - typeof";
+ return _typeof$g = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$g(o);
+}
+__name(_typeof$g, "_typeof$g");
+function ownKeys$e(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$e, "ownKeys$e");
+function _objectSpread$e(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$e(Object(t2), true).forEach(function(r2) {
+ _defineProperty$f(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$e(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$e, "_objectSpread$e");
+function _defineProperty$f(e, r, t2) {
+ return (r = _toPropertyKey$f(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$f, "_defineProperty$f");
+function _toPropertyKey$f(t2) {
+ var i = _toPrimitive$f(t2, "string");
+ return "symbol" == _typeof$g(i) ? i : i + "";
+}
+__name(_toPropertyKey$f, "_toPropertyKey$f");
+function _toPrimitive$f(t2, r) {
+ if ("object" != _typeof$g(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$g(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$f, "_toPrimitive$f");
+var _hoisted_1$k = ["tabindex"];
+function render$A(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ "aria-live": "polite"
+ }, _ctx.ptmi("root")), [!$data.d_active ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: "display",
+ "class": _ctx.cx("display"),
+ tabindex: _ctx.$attrs.tabindex || "0",
+ role: "button",
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.open && $options.open.apply($options, arguments);
+ }),
+ onKeydown: _cache[1] || (_cache[1] = withKeys(function() {
+ return $options.open && $options.open.apply($options, arguments);
+ }, ["enter"]))
+ }, _objectSpread$e(_objectSpread$e({}, _ctx.displayProps), _ctx.ptm("display"))), [renderSlot(_ctx.$slots, "display")], 16, _hoisted_1$k)) : (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "content", {
+ closeCallback: $options.close
+ })], 16))], 16);
+}
+__name(render$A, "render$A");
+script$F.render = render$A;
+var theme$m = /* @__PURE__ */ __name(function theme17(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-inputgroup,\n.p-inputgroup .p-iconfield,\n.p-inputgroup .p-floatlabel,\n.p-inputgroup .p-iftalabel {\n display: flex;\n align-items: stretch;\n width: 100%;\n}\n\n.p-inputgroup .p-inputtext,\n.p-inputgroup .p-inputwrapper {\n flex: 1 1 auto;\n width: 1%;\n}\n\n.p-inputgroupaddon {\n display: flex;\n align-items: center;\n justify-content: center;\n padding: ".concat(dt("inputgroup.addon.padding"), ";\n background: ").concat(dt("inputgroup.addon.background"), ";\n color: ").concat(dt("inputgroup.addon.color"), ";\n border-block-start: 1px solid ").concat(dt("inputgroup.addon.border.color"), ";\n border-block-end: 1px solid ").concat(dt("inputgroup.addon.border.color"), ";\n min-width: ").concat(dt("inputgroup.addon.min.width"), ";\n}\n\n.p-inputgroupaddon:first-child,\n.p-inputgroupaddon + .p-inputgroupaddon {\n border-inline-start: 1px solid ").concat(dt("inputgroup.addon.border.color"), ";\n}\n\n.p-inputgroupaddon:last-child {\n border-inline-end: 1px solid ").concat(dt("inputgroup.addon.border.color"), ";\n}\n\n.p-inputgroupaddon:has(.p-button) {\n padding: 0;\n overflow: hidden;\n}\n\n.p-inputgroupaddon .p-button {\n border-radius: 0;\n}\n\n.p-inputgroup > .p-component,\n.p-inputgroup > .p-inputwrapper > .p-component,\n.p-inputgroup > .p-iconfield > .p-component,\n.p-inputgroup > .p-floatlabel > .p-component,\n.p-inputgroup > .p-floatlabel > .p-inputwrapper > .p-component,\n.p-inputgroup > .p-iftalabel > .p-component,\n.p-inputgroup > .p-iftalabel > .p-inputwrapper > .p-component {\n border-radius: 0;\n margin: 0;\n}\n\n.p-inputgroupaddon:first-child,\n.p-inputgroup > .p-component:first-child,\n.p-inputgroup > .p-inputwrapper:first-child > .p-component,\n.p-inputgroup > .p-iconfield:first-child > .p-component,\n.p-inputgroup > .p-floatlabel:first-child > .p-component,\n.p-inputgroup > .p-floatlabel:first-child > .p-inputwrapper > .p-component,\n.p-inputgroup > .p-iftalabel:first-child > .p-component,\n.p-inputgroup > .p-iftalabel:first-child > .p-inputwrapper > .p-component {\n border-start-start-radius: ").concat(dt("inputgroup.addon.border.radius"), ";\n border-end-start-radius: ").concat(dt("inputgroup.addon.border.radius"), ";\n}\n\n.p-inputgroupaddon:last-child,\n.p-inputgroup > .p-component:last-child,\n.p-inputgroup > .p-inputwrapper:last-child > .p-component,\n.p-inputgroup > .p-iconfield:last-child > .p-component,\n.p-inputgroup > .p-floatlabel:last-child > .p-component,\n.p-inputgroup > .p-floatlabel:last-child > .p-inputwrapper > .p-component,\n.p-inputgroup > .p-iftalabel:last-child > .p-component,\n.p-inputgroup > .p-iftalabel:last-child > .p-inputwrapper > .p-component {\n border-start-end-radius: ").concat(dt("inputgroup.addon.border.radius"), ";\n border-end-end-radius: ").concat(dt("inputgroup.addon.border.radius"), ";\n}\n\n.p-inputgroup .p-component:focus,\n.p-inputgroup .p-component.p-focus,\n.p-inputgroup .p-inputwrapper-focus,\n.p-inputgroup .p-component:focus ~ label,\n.p-inputgroup .p-component.p-focus ~ label,\n.p-inputgroup .p-inputwrapper-focus ~ label {\n z-index: 1;\n}\n\n.p-inputgroup > .p-button:not(.p-button-icon-only) {\n width: auto;\n}\n\n.p-inputgroup .p-iconfield + .p-iconfield .p-inputtext {\n border-inline-start: 0;\n}\n");
+}, "theme");
+var classes$p = {
+ root: "p-inputgroup"
+};
+var InputGroupStyle = BaseStyle.extend({
+ name: "inputgroup",
+ theme: theme$m,
+ classes: classes$p
+});
+var script$1$p = {
+ name: "BaseInputGroup",
+ "extends": script$1f,
+ style: InputGroupStyle,
+ provide: /* @__PURE__ */ __name(function provide25() {
+ return {
+ $pcInputGroup: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$E = {
+ name: "InputGroup",
+ "extends": script$1$p,
+ inheritAttrs: false
+};
+function render$z(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$z, "render$z");
+script$E.render = render$z;
+var classes$o = {
+ root: "p-inputgroupaddon"
+};
+var InputGroupAddonStyle = BaseStyle.extend({
+ name: "inputgroupaddon",
+ classes: classes$o
+});
+var script$1$o = {
+ name: "BaseInputGroupAddon",
+ "extends": script$1f,
+ style: InputGroupAddonStyle,
+ provide: /* @__PURE__ */ __name(function provide26() {
+ return {
+ $pcInputGroupAddon: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$D = {
+ name: "InputGroupAddon",
+ "extends": script$1$o,
+ inheritAttrs: false
+};
+function render$y(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$y, "render$y");
+script$D.render = render$y;
+var classes$n = {
+ root: /* @__PURE__ */ __name(function root14(_ref) {
+ var instance = _ref.instance;
+ return ["p-inputmask", {
+ "p-filled": instance.$filled
+ }];
+ }, "root")
+};
+var InputMaskStyle = BaseStyle.extend({
+ name: "inputmask",
+ classes: classes$n
+});
+var script$1$n = {
+ name: "BaseInputMask",
+ "extends": script$1k,
+ props: {
+ slotChar: {
+ type: String,
+ "default": "_"
+ },
+ id: {
+ type: String,
+ "default": null
+ },
+ "class": {
+ type: [String, Object],
+ "default": null
+ },
+ mask: {
+ type: String,
+ "default": null
+ },
+ placeholder: {
+ type: String,
+ "default": null
+ },
+ autoClear: {
+ type: Boolean,
+ "default": true
+ },
+ unmask: {
+ type: Boolean,
+ "default": false
+ },
+ readonly: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: InputMaskStyle,
+ provide: /* @__PURE__ */ __name(function provide27() {
+ return {
+ $pcInputMask: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$C = {
+ name: "InputMask",
+ "extends": script$1$n,
+ inheritAttrs: false,
+ emits: ["focus", "blur", "keydown", "complete", "keypress", "paste"],
+ inject: {
+ $pcFluid: {
+ "default": null
+ }
+ },
+ data: /* @__PURE__ */ __name(function data16() {
+ return {
+ currentVal: ""
+ };
+ }, "data"),
+ watch: {
+ mask: /* @__PURE__ */ __name(function mask(newMask, oldMask) {
+ if (oldMask !== newMask) {
+ this.initMask();
+ }
+ }, "mask")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted19() {
+ this.initMask();
+ }, "mounted"),
+ updated: /* @__PURE__ */ __name(function updated3() {
+ if (this.isValueUpdated()) {
+ this.updateValue();
+ }
+ }, "updated"),
+ methods: {
+ onInput: /* @__PURE__ */ __name(function onInput3(event2) {
+ if (!event2.isComposing) {
+ if (this.androidChrome) this.handleAndroidInput(event2);
+ else this.handleInputChange(event2);
+ this.updateModelValue(event2.target.value);
+ }
+ }, "onInput"),
+ onFocus: /* @__PURE__ */ __name(function onFocus6(event2) {
+ var _this = this;
+ if (this.readonly) {
+ return;
+ }
+ this.focus = true;
+ clearTimeout(this.caretTimeoutId);
+ var pos;
+ this.focusText = this.$el.value;
+ pos = this.checkVal();
+ this.caretTimeoutId = setTimeout(function() {
+ if (_this.$el !== document.activeElement) {
+ return;
+ }
+ _this.writeBuffer();
+ if (pos === _this.mask.replace("?", "").length) {
+ _this.caret(0, pos);
+ } else {
+ _this.caret(pos);
+ }
+ }, 10);
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur5(event2) {
+ var _this$formField$onBlu, _this$formField;
+ this.focus = false;
+ this.checkVal();
+ this.updateModelValue(event2.target.value);
+ if (this.$el.value !== this.focusText) {
+ var e = document.createEvent("HTMLEvents");
+ e.initEvent("change", true, false);
+ this.$el.dispatchEvent(e);
+ }
+ this.$emit("blur", event2);
+ (_this$formField$onBlu = (_this$formField = this.formField).onBlur) === null || _this$formField$onBlu === void 0 || _this$formField$onBlu.call(_this$formField, event2);
+ }, "onBlur"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown5(event2) {
+ if (this.readonly) {
+ return;
+ }
+ var k = event2.code, pos, begin, end;
+ var iPhone = /iphone/i.test(getUserAgent());
+ this.oldVal = this.$el.value;
+ if (k === "Backspace" || k === "Delete" || iPhone && k === "Escape") {
+ pos = this.caret();
+ begin = pos.begin;
+ end = pos.end;
+ if (end - begin === 0) {
+ begin = k !== "Delete" ? this.seekPrev(begin) : end = this.seekNext(begin - 1);
+ end = k === "Delete" ? this.seekNext(end) : end;
+ }
+ this.clearBuffer(begin, end);
+ this.shiftL(begin, end - 1);
+ this.updateModelValue(event2.target.value);
+ event2.preventDefault();
+ } else if (k === "Enter") {
+ this.$el.blur();
+ this.updateModelValue(event2.target.value);
+ } else if (k === "Escape") {
+ this.$el.value = this.focusText;
+ this.caret(0, this.checkVal());
+ this.updateModelValue(event2.target.value);
+ event2.preventDefault();
+ }
+ this.$emit("keydown", event2);
+ }, "onKeyDown"),
+ onKeyPress: /* @__PURE__ */ __name(function onKeyPress(event2) {
+ var _this2 = this;
+ if (this.readonly) {
+ return;
+ }
+ var k = event2.code, pos = this.caret(), p, c, next, completed;
+ if (event2.ctrlKey || event2.altKey || event2.metaKey || event2.shiftKey || event2.key === "CapsLock" || event2.key === "Escape" || event2.key === "Tab") {
+ return;
+ } else if (k && k !== "Enter") {
+ if (pos.end - pos.begin !== 0) {
+ this.clearBuffer(pos.begin, pos.end);
+ this.shiftL(pos.begin, pos.end - 1);
+ }
+ p = this.seekNext(pos.begin - 1);
+ if (p < this.len) {
+ c = event2.key;
+ if (this.tests[p].test(c)) {
+ this.shiftR(p);
+ this.buffer[p] = c;
+ this.writeBuffer();
+ next = this.seekNext(p);
+ if (/android/i.test(getUserAgent())) {
+ var proxy = /* @__PURE__ */ __name(function proxy2() {
+ _this2.caret(next);
+ }, "proxy");
+ setTimeout(proxy, 0);
+ } else {
+ this.caret(next);
+ }
+ if (pos.begin <= this.lastRequiredNonMaskPos) {
+ completed = this.isCompleted();
+ }
+ }
+ }
+ event2.preventDefault();
+ }
+ this.updateModelValue(event2.target.value);
+ if (completed) {
+ this.$emit("complete", event2);
+ }
+ this.$emit("keypress", event2);
+ }, "onKeyPress"),
+ onPaste: /* @__PURE__ */ __name(function onPaste2(event2) {
+ this.handleInputChange(event2);
+ this.$emit("paste", event2);
+ }, "onPaste"),
+ caret: /* @__PURE__ */ __name(function caret(first3, last) {
+ var range, begin, end;
+ if (!this.$el.offsetParent || this.$el !== document.activeElement) {
+ return;
+ }
+ if (typeof first3 === "number") {
+ begin = first3;
+ end = typeof last === "number" ? last : begin;
+ if (this.$el.setSelectionRange) {
+ this.$el.setSelectionRange(begin, end);
+ } else if (this.$el["createTextRange"]) {
+ range = this.$el["createTextRange"]();
+ range.collapse(true);
+ range.moveEnd("character", end);
+ range.moveStart("character", begin);
+ range.select();
+ }
+ } else {
+ if (this.$el.setSelectionRange) {
+ begin = this.$el.selectionStart;
+ end = this.$el.selectionEnd;
+ } else if (document["selection"] && document["selection"].createRange) {
+ range = document["selection"].createRange();
+ begin = 0 - range.duplicate().moveStart("character", -1e5);
+ end = begin + range.text.length;
+ }
+ return {
+ begin,
+ end
+ };
+ }
+ }, "caret"),
+ isCompleted: /* @__PURE__ */ __name(function isCompleted() {
+ for (var i = this.firstNonMaskPos; i <= this.lastRequiredNonMaskPos; i++) {
+ if (this.tests[i] && this.buffer[i] === this.getPlaceholder(i)) {
+ return false;
+ }
+ }
+ return true;
+ }, "isCompleted"),
+ getPlaceholder: /* @__PURE__ */ __name(function getPlaceholder(i) {
+ if (i < this.slotChar.length) {
+ return this.slotChar.charAt(i);
+ }
+ return this.slotChar.charAt(0);
+ }, "getPlaceholder"),
+ seekNext: /* @__PURE__ */ __name(function seekNext(pos) {
+ while (++pos < this.len && !this.tests[pos]) ;
+ return pos;
+ }, "seekNext"),
+ seekPrev: /* @__PURE__ */ __name(function seekPrev(pos) {
+ while (--pos >= 0 && !this.tests[pos]) ;
+ return pos;
+ }, "seekPrev"),
+ shiftL: /* @__PURE__ */ __name(function shiftL(begin, end) {
+ var i, j;
+ if (begin < 0) {
+ return;
+ }
+ for (i = begin, j = this.seekNext(end); i < this.len; i++) {
+ if (this.tests[i]) {
+ if (j < this.len && this.tests[i].test(this.buffer[j])) {
+ this.buffer[i] = this.buffer[j];
+ this.buffer[j] = this.getPlaceholder(j);
+ } else {
+ break;
+ }
+ j = this.seekNext(j);
+ }
+ }
+ this.writeBuffer();
+ this.caret(Math.max(this.firstNonMaskPos, begin));
+ }, "shiftL"),
+ shiftR: /* @__PURE__ */ __name(function shiftR(pos) {
+ var i, c, j, t2;
+ for (i = pos, c = this.getPlaceholder(pos); i < this.len; i++) {
+ if (this.tests[i]) {
+ j = this.seekNext(i);
+ t2 = this.buffer[i];
+ this.buffer[i] = c;
+ if (j < this.len && this.tests[j].test(t2)) {
+ c = t2;
+ } else {
+ break;
+ }
+ }
+ }
+ }, "shiftR"),
+ handleAndroidInput: /* @__PURE__ */ __name(function handleAndroidInput(event2) {
+ var curVal = this.$el.value;
+ var pos = this.caret();
+ if (this.oldVal && this.oldVal.length && this.oldVal.length > curVal.length) {
+ this.checkVal(true);
+ while (pos.begin > 0 && !this.tests[pos.begin - 1]) pos.begin--;
+ if (pos.begin === 0) {
+ while (pos.begin < this.firstNonMaskPos && !this.tests[pos.begin]) pos.begin++;
+ }
+ this.caret(pos.begin, pos.begin);
+ } else {
+ this.checkVal(true);
+ while (pos.begin < this.len && !this.tests[pos.begin]) pos.begin++;
+ this.caret(pos.begin, pos.begin);
+ }
+ if (this.isCompleted()) {
+ this.$emit("complete", event2);
+ }
+ }, "handleAndroidInput"),
+ clearBuffer: /* @__PURE__ */ __name(function clearBuffer(start, end) {
+ var i;
+ for (i = start; i < end && i < this.len; i++) {
+ if (this.tests[i]) {
+ this.buffer[i] = this.getPlaceholder(i);
+ }
+ }
+ }, "clearBuffer"),
+ writeBuffer: /* @__PURE__ */ __name(function writeBuffer() {
+ this.$el.value = this.buffer.join("");
+ }, "writeBuffer"),
+ checkVal: /* @__PURE__ */ __name(function checkVal(allow) {
+ this.isValueChecked = true;
+ var test = this.$el.value, lastMatch = -1, i, c, pos;
+ for (i = 0, pos = 0; i < this.len; i++) {
+ if (this.tests[i]) {
+ this.buffer[i] = this.getPlaceholder(i);
+ while (pos++ < test.length) {
+ c = test.charAt(pos - 1);
+ if (this.tests[i].test(c)) {
+ this.buffer[i] = c;
+ lastMatch = i;
+ break;
+ }
+ }
+ if (pos > test.length) {
+ this.clearBuffer(i + 1, this.len);
+ break;
+ }
+ } else {
+ if (this.buffer[i] === test.charAt(pos)) {
+ pos++;
+ }
+ if (i < this.partialPosition) {
+ lastMatch = i;
+ }
+ }
+ }
+ if (allow) {
+ this.writeBuffer();
+ } else if (lastMatch + 1 < this.partialPosition) {
+ if (this.autoClear || this.buffer.join("") === this.defaultBuffer) {
+ if (this.$el.value) this.$el.value = "";
+ this.clearBuffer(0, this.len);
+ } else {
+ this.writeBuffer();
+ }
+ } else {
+ this.writeBuffer();
+ this.$el.value = this.$el.value.substring(0, lastMatch + 1);
+ }
+ return this.partialPosition ? i : this.firstNonMaskPos;
+ }, "checkVal"),
+ handleInputChange: /* @__PURE__ */ __name(function handleInputChange(event2) {
+ var isPasteEvent = event2.type === "paste";
+ if (this.readonly || isPasteEvent) {
+ return;
+ }
+ var pos = this.checkVal(true);
+ this.caret(pos);
+ this.updateModelValue(event2.target.value);
+ if (this.isCompleted()) {
+ this.$emit("complete", event2);
+ }
+ }, "handleInputChange"),
+ getUnmaskedValue: /* @__PURE__ */ __name(function getUnmaskedValue() {
+ var unmaskedBuffer = [];
+ for (var i = 0; i < this.buffer.length; i++) {
+ var c = this.buffer[i];
+ if (this.tests[i] && c !== this.getPlaceholder(i)) {
+ unmaskedBuffer.push(c);
+ }
+ }
+ return unmaskedBuffer.join("");
+ }, "getUnmaskedValue"),
+ updateModelValue: /* @__PURE__ */ __name(function updateModelValue(value2) {
+ if (this.currentVal === value2) return;
+ var val = this.unmask ? this.getUnmaskedValue() : value2;
+ this.currentVal = value2;
+ this.writeValue(this.defaultBuffer !== val ? val : "");
+ }, "updateModelValue"),
+ updateValue: /* @__PURE__ */ __name(function updateValue2() {
+ var _this3 = this;
+ var updateModel8 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : true;
+ if (this.$el) {
+ if (this.d_value == null) {
+ this.$el.value = "";
+ updateModel8 && this.updateModelValue("");
+ } else {
+ this.$el.value = this.d_value;
+ this.checkVal();
+ setTimeout(function() {
+ if (_this3.$el) {
+ _this3.writeBuffer();
+ _this3.checkVal();
+ if (updateModel8) _this3.updateModelValue(_this3.$el.value);
+ }
+ }, 10);
+ }
+ this.focusText = this.$el.value;
+ }
+ }, "updateValue"),
+ initMask: /* @__PURE__ */ __name(function initMask() {
+ this.tests = [];
+ this.partialPosition = this.mask.length;
+ this.len = this.mask.length;
+ this.firstNonMaskPos = null;
+ this.defs = {
+ 9: "[0-9]",
+ a: "[A-Za-z]",
+ "*": "[A-Za-z0-9]"
+ };
+ var ua = getUserAgent();
+ this.androidChrome = /chrome/i.test(ua) && /android/i.test(ua);
+ var maskTokens = this.mask.split("");
+ for (var i = 0; i < maskTokens.length; i++) {
+ var c = maskTokens[i];
+ if (c === "?") {
+ this.len--;
+ this.partialPosition = i;
+ } else if (this.defs[c]) {
+ this.tests.push(new RegExp(this.defs[c]));
+ if (this.firstNonMaskPos === null) {
+ this.firstNonMaskPos = this.tests.length - 1;
+ }
+ if (i < this.partialPosition) {
+ this.lastRequiredNonMaskPos = this.tests.length - 1;
+ }
+ } else {
+ this.tests.push(null);
+ }
+ }
+ this.buffer = [];
+ for (var _i = 0; _i < maskTokens.length; _i++) {
+ var _c = maskTokens[_i];
+ if (_c !== "?") {
+ if (this.defs[_c]) this.buffer.push(this.getPlaceholder(_i));
+ else this.buffer.push(_c);
+ }
+ }
+ this.defaultBuffer = this.buffer.join("");
+ this.updateValue(false);
+ }, "initMask"),
+ isValueUpdated: /* @__PURE__ */ __name(function isValueUpdated() {
+ return this.unmask ? this.d_value != this.getUnmaskedValue() : this.defaultBuffer !== this.$el.value && this.$el.value !== this.d_value;
+ }, "isValueUpdated")
+ },
+ computed: {
+ inputClass: /* @__PURE__ */ __name(function inputClass() {
+ return [this.cx("root"), this["class"]];
+ }, "inputClass"),
+ rootPTOptions: /* @__PURE__ */ __name(function rootPTOptions() {
+ return {
+ root: mergeProps(this.ptm("pcInputText", this.ptmParams), this.ptmi("root", this.ptmParams))
+ };
+ }, "rootPTOptions"),
+ ptmParams: /* @__PURE__ */ __name(function ptmParams() {
+ return {
+ context: {
+ filled: this.$filled
+ }
+ };
+ }, "ptmParams")
+ },
+ components: {
+ InputText: script$1l
+ }
+};
+function render$x(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_InputText = resolveComponent("InputText");
+ return openBlock(), createBlock(_component_InputText, {
+ id: _ctx.id,
+ value: $data.currentVal,
+ "class": normalizeClass($options.inputClass),
+ readonly: _ctx.readonly,
+ disabled: _ctx.disabled,
+ invalid: _ctx.invalid,
+ size: _ctx.size,
+ name: _ctx.name,
+ variant: _ctx.variant,
+ placeholder: _ctx.placeholder,
+ fluid: _ctx.$fluid,
+ unstyled: _ctx.unstyled,
+ onInput: $options.onInput,
+ onCompositionend: $options.onInput,
+ onFocus: $options.onFocus,
+ onBlur: $options.onBlur,
+ onKeydown: $options.onKeyDown,
+ onKeypress: $options.onKeyPress,
+ onPaste: $options.onPaste,
+ pt: $options.rootPTOptions
+ }, null, 8, ["id", "value", "class", "readonly", "disabled", "invalid", "size", "name", "variant", "placeholder", "fluid", "unstyled", "onInput", "onCompositionend", "onFocus", "onBlur", "onKeydown", "onKeypress", "onPaste", "pt"]);
+}
+__name(render$x, "render$x");
+script$C.render = render$x;
+var theme$l = /* @__PURE__ */ __name(function theme18(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-inputotp {\n display: flex;\n align-items: center;\n gap: ".concat(dt("inputotp.gap"), ";\n}\n\n.p-inputotp-input {\n text-align: center;\n width: ").concat(dt("inputotp.input.width"), ";\n}\n\n.p-inputotp-input.p-inputtext-sm {\n text-align: center;\n width: ").concat(dt("inputotp.input.sm.width"), ";\n}\n\n.p-inputotp-input.p-inputtext-lg {\n text-align: center;\n width: ").concat(dt("inputotp.input.lg.width"), ";\n}\n");
+}, "theme");
+var classes$m = {
+ root: "p-inputotp p-component",
+ pcInputText: "p-inputotp-input"
+};
+var InputOtpStyle = BaseStyle.extend({
+ name: "inputotp",
+ theme: theme$l,
+ classes: classes$m
+});
+var script$1$m = {
+ name: "BaseInputOtp",
+ "extends": script$1k,
+ props: {
+ readonly: {
+ type: Boolean,
+ "default": false
+ },
+ tabindex: {
+ type: Number,
+ "default": null
+ },
+ length: {
+ type: Number,
+ "default": 4
+ },
+ mask: {
+ type: Boolean,
+ "default": false
+ },
+ integerOnly: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: InputOtpStyle,
+ provide: /* @__PURE__ */ __name(function provide28() {
+ return {
+ $pcInputOtp: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$B = {
+ name: "InputOtp",
+ "extends": script$1$m,
+ inheritAttrs: false,
+ emits: ["change", "focus", "blur"],
+ data: /* @__PURE__ */ __name(function data17() {
+ return {
+ tokens: []
+ };
+ }, "data"),
+ watch: {
+ modelValue: {
+ immediate: true,
+ handler: /* @__PURE__ */ __name(function handler2(newValue) {
+ this.tokens = newValue ? newValue.split("") : new Array(this.length);
+ }, "handler")
+ }
+ },
+ methods: {
+ getTemplateAttrs: /* @__PURE__ */ __name(function getTemplateAttrs(index) {
+ return {
+ value: this.tokens[index]
+ };
+ }, "getTemplateAttrs"),
+ getTemplateEvents: /* @__PURE__ */ __name(function getTemplateEvents(index) {
+ var _this = this;
+ return {
+ input: /* @__PURE__ */ __name(function input2(event2) {
+ return _this.onInput(event2, index);
+ }, "input"),
+ keydown: /* @__PURE__ */ __name(function keydown(event2) {
+ return _this.onKeyDown(event2);
+ }, "keydown"),
+ focus: /* @__PURE__ */ __name(function focus4(event2) {
+ return _this.onFocus(event2);
+ }, "focus"),
+ blur: /* @__PURE__ */ __name(function blur(event2) {
+ return _this.onBlur(event2);
+ }, "blur"),
+ paste: /* @__PURE__ */ __name(function paste(event2) {
+ return _this.onPaste(event2);
+ }, "paste")
+ };
+ }, "getTemplateEvents"),
+ onInput: /* @__PURE__ */ __name(function onInput4(event2, index) {
+ this.tokens[index] = event2.target.value;
+ this.updateModel(event2);
+ if (event2.inputType === "deleteContentBackward") {
+ this.moveToPrev(event2);
+ } else if (event2.inputType === "insertText" || event2.inputType === "deleteContentForward" || isTouchDevice() && event2 instanceof CustomEvent) {
+ this.moveToNext(event2);
+ }
+ }, "onInput"),
+ updateModel: /* @__PURE__ */ __name(function updateModel4(event2) {
+ var newValue = this.tokens.join("");
+ this.writeValue(newValue, event2);
+ this.$emit("change", {
+ originalEvent: event2,
+ value: newValue
+ });
+ }, "updateModel"),
+ moveToPrev: /* @__PURE__ */ __name(function moveToPrev(event2) {
+ var prevInput = this.findPrevInput(event2.target);
+ if (prevInput) {
+ prevInput.focus();
+ prevInput.select();
+ }
+ }, "moveToPrev"),
+ moveToNext: /* @__PURE__ */ __name(function moveToNext(event2) {
+ var nextInput = this.findNextInput(event2.target);
+ if (nextInput) {
+ nextInput.focus();
+ nextInput.select();
+ }
+ }, "moveToNext"),
+ findNextInput: /* @__PURE__ */ __name(function findNextInput(element) {
+ var nextElement = element.nextElementSibling;
+ if (!nextElement) return;
+ return nextElement.nodeName === "INPUT" ? nextElement : this.findNextInput(nextElement);
+ }, "findNextInput"),
+ findPrevInput: /* @__PURE__ */ __name(function findPrevInput(element) {
+ var prevElement = element.previousElementSibling;
+ if (!prevElement) return;
+ return prevElement.nodeName === "INPUT" ? prevElement : this.findPrevInput(prevElement);
+ }, "findPrevInput"),
+ onFocus: /* @__PURE__ */ __name(function onFocus7(event2) {
+ event2.target.select();
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur6(event2) {
+ this.$emit("blur", event2);
+ }, "onBlur"),
+ onClick: /* @__PURE__ */ __name(function onClick3(event2) {
+ setTimeout(function() {
+ return event2.target.select();
+ }, 1);
+ }, "onClick"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown6(event2) {
+ if (event2.ctrlKey || event2.metaKey) {
+ return;
+ }
+ switch (event2.code) {
+ case "ArrowLeft":
+ this.moveToPrev(event2);
+ event2.preventDefault();
+ break;
+ case "ArrowUp":
+ case "ArrowDown":
+ event2.preventDefault();
+ break;
+ case "Backspace":
+ if (event2.target.value.length === 0) {
+ this.moveToPrev(event2);
+ event2.preventDefault();
+ }
+ break;
+ case "ArrowRight":
+ this.moveToNext(event2);
+ event2.preventDefault();
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ case "Tab":
+ break;
+ default:
+ if (this.integerOnly && !(event2.code !== "Space" && Number(event2.key) >= 0 && Number(event2.key) <= 9) || this.tokens.join("").length >= this.length && event2.code !== "Delete") {
+ event2.preventDefault();
+ }
+ break;
+ }
+ }, "onKeyDown"),
+ onPaste: /* @__PURE__ */ __name(function onPaste3(event2) {
+ var paste = event2.clipboardData.getData("text");
+ if (paste.length) {
+ var pastedCode = paste.substring(0, this.length);
+ if (!this.integerOnly || !isNaN(pastedCode)) {
+ this.tokens = pastedCode.split("");
+ this.updateModel(event2);
+ }
+ }
+ event2.preventDefault();
+ }, "onPaste")
+ },
+ computed: {
+ inputMode: /* @__PURE__ */ __name(function inputMode() {
+ return this.integerOnly ? "numeric" : "text";
+ }, "inputMode"),
+ inputType: /* @__PURE__ */ __name(function inputType() {
+ return this.mask ? "password" : "text";
+ }, "inputType")
+ },
+ components: {
+ OtpInputText: script$1l
+ }
+};
+function render$w(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_OtpInputText = resolveComponent("OtpInputText");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.length, function(i) {
+ return renderSlot(_ctx.$slots, "default", {
+ key: i,
+ events: $options.getTemplateEvents(i - 1),
+ attrs: $options.getTemplateAttrs(i - 1),
+ index: i
+ }, function() {
+ return [createVNode(_component_OtpInputText, {
+ value: $data.tokens[i - 1],
+ type: $options.inputType,
+ "class": normalizeClass(_ctx.cx("pcInputText")),
+ name: _ctx.$formName,
+ inputmode: $options.inputMode,
+ variant: _ctx.variant,
+ readonly: _ctx.readonly,
+ disabled: _ctx.disabled,
+ size: _ctx.size,
+ invalid: _ctx.invalid,
+ tabindex: _ctx.tabindex,
+ unstyled: _ctx.unstyled,
+ onInput: /* @__PURE__ */ __name(function onInput6($event) {
+ return $options.onInput($event, i - 1);
+ }, "onInput"),
+ onFocus: _cache[0] || (_cache[0] = function($event) {
+ return $options.onFocus($event);
+ }),
+ onBlur: _cache[1] || (_cache[1] = function($event) {
+ return $options.onBlur($event);
+ }),
+ onPaste: _cache[2] || (_cache[2] = function($event) {
+ return $options.onPaste($event);
+ }),
+ onKeydown: _cache[3] || (_cache[3] = function($event) {
+ return $options.onKeyDown($event);
+ }),
+ onClick: _cache[4] || (_cache[4] = function($event) {
+ return $options.onClick($event);
+ }),
+ pt: _ctx.ptm("pcInputText")
+ }, null, 8, ["value", "type", "class", "name", "inputmode", "variant", "readonly", "disabled", "size", "invalid", "tabindex", "unstyled", "onInput", "pt"])];
+ });
+ }), 128))], 16);
+}
+__name(render$w, "render$w");
+script$B.render = render$w;
+var script$A = {
+ name: "InputSwitch",
+ "extends": script$1F,
+ mounted: /* @__PURE__ */ __name(function mounted20() {
+ console.warn("Deprecated since v4. Use ToggleSwitch component instead.");
+ }, "mounted")
+};
+var InputSwitchStyle = BaseStyle.extend({
+ name: "inputswitch"
+});
+var KeyFilterStyle = BaseStyle.extend({
+ name: "keyfilter-directive"
+});
+var BaseKeyFilter = BaseDirective.extend({
+ style: KeyFilterStyle
+});
+function _toConsumableArray$8(r) {
+ return _arrayWithoutHoles$8(r) || _iterableToArray$8(r) || _unsupportedIterableToArray$9(r) || _nonIterableSpread$8();
+}
+__name(_toConsumableArray$8, "_toConsumableArray$8");
+function _nonIterableSpread$8() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$8, "_nonIterableSpread$8");
+function _unsupportedIterableToArray$9(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$9(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$9(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$9, "_unsupportedIterableToArray$9");
+function _iterableToArray$8(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$8, "_iterableToArray$8");
+function _arrayWithoutHoles$8(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$9(r);
+}
+__name(_arrayWithoutHoles$8, "_arrayWithoutHoles$8");
+function _arrayLikeToArray$9(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$9, "_arrayLikeToArray$9");
+function _typeof$f(o) {
+ "@babel/helpers - typeof";
+ return _typeof$f = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$f(o);
+}
+__name(_typeof$f, "_typeof$f");
+var KeyFilter = BaseKeyFilter.extend("keyfilter", {
+ beforeMount: /* @__PURE__ */ __name(function beforeMount(el, options4) {
+ var target = this.getTarget(el);
+ if (!target) return;
+ target.$_pkeyfilterModifier = this.getModifiers(options4);
+ if (_typeof$f(options4.value)) {
+ var _options$value, _options$value2;
+ target.$_pkeyfilterPattern = ((_options$value = options4.value) === null || _options$value === void 0 ? void 0 : _options$value.pattern) || options4.value;
+ target.$_pkeyfilterValidateOnly = ((_options$value2 = options4.value) === null || _options$value2 === void 0 ? void 0 : _options$value2.validateOnly) || false;
+ }
+ this.bindEvents(target);
+ target.setAttribute("data-pd-keyfilter", true);
+ }, "beforeMount"),
+ updated: /* @__PURE__ */ __name(function updated4(el, options4) {
+ var target = this.getTarget(el);
+ if (!target) return;
+ target.$_pkeyfilterModifier = this.getModifiers(options4);
+ this.unbindEvents(el, options4);
+ if (_typeof$f(options4.value)) {
+ var _options$value3, _options$value4;
+ target.$_pkeyfilterPattern = ((_options$value3 = options4.value) === null || _options$value3 === void 0 ? void 0 : _options$value3.pattern) || options4.value;
+ target.$_pkeyfilterValidateOnly = ((_options$value4 = options4.value) === null || _options$value4 === void 0 ? void 0 : _options$value4.validateOnly) || false;
+ }
+ this.bindEvents(target);
+ }, "updated"),
+ unmounted: /* @__PURE__ */ __name(function unmounted3(el, options4) {
+ this.unbindEvents(el, options4);
+ }, "unmounted"),
+ DEFAULT_PATTERNS: {
+ pint: /[\d]/,
+ "int": /[\d\-]/,
+ pnum: /[\d\.]/,
+ money: /[\d\.\s,]/,
+ num: /[\d\-\.]/,
+ hex: /[0-9a-f]/i,
+ email: /[a-z0-9_\.\-@]/i,
+ alpha: /[a-z_]/i,
+ alphanum: /[a-z0-9_]/i
+ },
+ methods: {
+ getTarget: /* @__PURE__ */ __name(function getTarget(el) {
+ return isAttributeEquals(el, "data-pc-name", "inputtext") || isAttributeEquals(el, "data-pc-name", "textarea") ? el : null;
+ }, "getTarget"),
+ getModifiers: /* @__PURE__ */ __name(function getModifiers(options4) {
+ if (options4.modifiers && Object.keys(options4.modifiers).length) {
+ return Object.keys(options4.modifiers)[Object.keys.length - 1];
+ }
+ return "";
+ }, "getModifiers"),
+ getRegex: /* @__PURE__ */ __name(function getRegex(target) {
+ return target.$_pkeyfilterPattern ? target.$_pkeyfilterPattern : target.$_pkeyfilterModifier ? this.DEFAULT_PATTERNS[target.$_pkeyfilterModifier] : /./;
+ }, "getRegex"),
+ bindEvents: /* @__PURE__ */ __name(function bindEvents(el) {
+ var _this = this;
+ el.$_keyfilterKeydownEvent = function(event2) {
+ return _this.onKeydown(event2, el);
+ };
+ el.$_keyfilterPasteEvent = function(event2) {
+ return _this.onPaste(event2, el);
+ };
+ el.addEventListener("keypress", el.$_keyfilterKeydownEvent);
+ el.addEventListener("paste", el.$_keyfilterPasteEvent);
+ }, "bindEvents"),
+ unbindEvents: /* @__PURE__ */ __name(function unbindEvents(el) {
+ el.removeEventListener("keypress", el.$_keyfilterKeydownEvent);
+ el.removeEventListener("paste", el.$_keyfilterPasteEvent);
+ el.$_keyfilterKeydownEvent = null;
+ el.$_keyfilterPasteEvent = null;
+ }, "unbindEvents"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown2(event2, target) {
+ if (event2.ctrlKey || event2.altKey || event2.metaKey || event2.key === "Tab") {
+ return;
+ }
+ var regex = this.getRegex(target);
+ if (regex === "") {
+ return;
+ }
+ var testKey = "".concat(event2.key);
+ if (target.$_pkeyfilterValidateOnly) {
+ testKey = "".concat(event2.target.value).concat(event2.key);
+ }
+ if (!regex.test(testKey)) {
+ event2.preventDefault();
+ }
+ }, "onKeydown"),
+ onPaste: /* @__PURE__ */ __name(function onPaste4(event2, target) {
+ var regex = this.getRegex(target);
+ if (regex === "") {
+ return;
+ }
+ var clipboard = event2.clipboardData.getData("text");
+ var testKey = "";
+ _toConsumableArray$8(clipboard).forEach(function(c) {
+ if (target.$_pkeyfilterValidateOnly) {
+ testKey += c;
+ } else {
+ testKey = c;
+ }
+ if (!regex.test(testKey)) {
+ event2.preventDefault();
+ return false;
+ }
+ });
+ }, "onPaste")
+ }
+});
+var theme$k = /* @__PURE__ */ __name(function theme19(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-knob-range {\n fill: none;\n transition: stroke 0.1s ease-in;\n}\n\n.p-knob-value {\n animation-name: p-knob-dash-frame;\n animation-fill-mode: forwards;\n fill: none;\n}\n\n.p-knob-text {\n font-size: 1.3rem;\n text-align: center;\n}\n\n.p-knob svg {\n border-radius: 50%;\n outline-color: transparent;\n transition: background ".concat(dt("knob.transition.duration"), ", color ").concat(dt("knob.transition.duration"), ", outline-color ").concat(dt("knob.transition.duration"), ", box-shadow ").concat(dt("knob.transition.duration"), ";\n}\n\n.p-knob svg:focus-visible {\n box-shadow: ").concat(dt("knob.focus.ring.shadow"), ";\n outline: ").concat(dt("knob.focus.ring.width"), " ").concat(dt("knob.focus.ring.style"), " ").concat(dt("knob.focus.ring.color"), ";\n outline-offset: ").concat(dt("knob.focus.ring.offset"), ";\n}\n\n@keyframes p-knob-dash-frame {\n 100% {\n stroke-dashoffset: 0;\n }\n}\n");
+}, "theme");
+var classes$l = {
+ root: /* @__PURE__ */ __name(function root15(_ref2) {
+ var instance = _ref2.instance, props = _ref2.props;
+ return ["p-knob p-component", {
+ "p-disabled": props.disabled,
+ "p-invalid": instance.$invalid
+ }];
+ }, "root"),
+ range: "p-knob-range",
+ value: "p-knob-value",
+ text: "p-knob-text"
+};
+var KnobStyle = BaseStyle.extend({
+ name: "knob",
+ theme: theme$k,
+ classes: classes$l
+});
+var script$1$l = {
+ name: "BaseKnob",
+ "extends": script$1r,
+ props: {
+ size: {
+ type: Number,
+ "default": 100
+ },
+ readonly: {
+ type: Boolean,
+ "default": false
+ },
+ step: {
+ type: Number,
+ "default": 1
+ },
+ min: {
+ type: Number,
+ "default": 0
+ },
+ max: {
+ type: Number,
+ "default": 100
+ },
+ valueColor: {
+ type: String,
+ "default": /* @__PURE__ */ __name(function _default9() {
+ return $dt("knob.value.background").variable;
+ }, "_default")
+ },
+ rangeColor: {
+ type: String,
+ "default": /* @__PURE__ */ __name(function _default10() {
+ return $dt("knob.range.background").variable;
+ }, "_default")
+ },
+ textColor: {
+ type: String,
+ "default": /* @__PURE__ */ __name(function _default11() {
+ return $dt("knob.text.color").variable;
+ }, "_default")
+ },
+ strokeWidth: {
+ type: Number,
+ "default": 14
+ },
+ showValue: {
+ type: Boolean,
+ "default": true
+ },
+ valueTemplate: {
+ type: [String, Function],
+ "default": "{value}"
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: KnobStyle,
+ provide: /* @__PURE__ */ __name(function provide29() {
+ return {
+ $pcKnob: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var Math_PI$1 = 3.14159265358979;
+var script$z = {
+ name: "Knob",
+ "extends": script$1$l,
+ inheritAttrs: false,
+ emits: ["change"],
+ data: /* @__PURE__ */ __name(function data18() {
+ return {
+ radius: 40,
+ midX: 50,
+ midY: 50,
+ minRadians: 4 * Math_PI$1 / 3,
+ maxRadians: -Math_PI$1 / 3
+ };
+ }, "data"),
+ methods: {
+ updateValueByOffset: /* @__PURE__ */ __name(function updateValueByOffset(offsetX, offsetY) {
+ var dx = offsetX - this.size / 2;
+ var dy = this.size / 2 - offsetY;
+ var angle = Math.atan2(dy, dx);
+ var start = -Math_PI$1 / 2 - Math_PI$1 / 6;
+ this.updateModel(angle, start);
+ }, "updateValueByOffset"),
+ updateModel: /* @__PURE__ */ __name(function updateModel5(angle, start) {
+ var mappedValue;
+ if (angle > this.maxRadians) mappedValue = this.mapRange(angle, this.minRadians, this.maxRadians, this.min, this.max);
+ else if (angle < start) mappedValue = this.mapRange(angle + 2 * Math_PI$1, this.minRadians, this.maxRadians, this.min, this.max);
+ else return;
+ var newValue = Math.round((mappedValue - this.min) / this.step) * this.step + this.min;
+ this.writeValue(newValue);
+ this.$emit("change", newValue);
+ }, "updateModel"),
+ updateModelValue: /* @__PURE__ */ __name(function updateModelValue2(newValue) {
+ if (newValue > this.max) this.writeValue(this.max);
+ else if (newValue < this.min) this.writeValue(this.min);
+ else this.writeValue(newValue);
+ }, "updateModelValue"),
+ mapRange: /* @__PURE__ */ __name(function mapRange(x, inMin, inMax, outMin, outMax) {
+ return (x - inMin) * (outMax - outMin) / (inMax - inMin) + outMin;
+ }, "mapRange"),
+ onClick: /* @__PURE__ */ __name(function onClick4(event2) {
+ if (!this.disabled && !this.readonly) {
+ this.updateValueByOffset(event2.offsetX, event2.offsetY);
+ }
+ }, "onClick"),
+ onBlur: /* @__PURE__ */ __name(function onBlur7(event2) {
+ var _this$formField$onBlu, _this$formField;
+ (_this$formField$onBlu = (_this$formField = this.formField).onBlur) === null || _this$formField$onBlu === void 0 || _this$formField$onBlu.call(_this$formField, event2);
+ }, "onBlur"),
+ onMouseDown: /* @__PURE__ */ __name(function onMouseDown(event2) {
+ if (!this.disabled && !this.readonly) {
+ window.addEventListener("mousemove", this.onMouseMove);
+ window.addEventListener("mouseup", this.onMouseUp);
+ event2.preventDefault();
+ }
+ }, "onMouseDown"),
+ onMouseUp: /* @__PURE__ */ __name(function onMouseUp(event2) {
+ if (!this.disabled && !this.readonly) {
+ window.removeEventListener("mousemove", this.onMouseMove);
+ window.removeEventListener("mouseup", this.onMouseUp);
+ event2.preventDefault();
+ }
+ }, "onMouseUp"),
+ onTouchStart: /* @__PURE__ */ __name(function onTouchStart(event2) {
+ if (!this.disabled && !this.readonly) {
+ window.addEventListener("touchmove", this.onTouchMove);
+ window.addEventListener("touchend", this.onTouchEnd);
+ event2.preventDefault();
+ }
+ }, "onTouchStart"),
+ onTouchEnd: /* @__PURE__ */ __name(function onTouchEnd(event2) {
+ if (!this.disabled && !this.readonly) {
+ window.removeEventListener("touchmove", this.onTouchMove);
+ window.removeEventListener("touchend", this.onTouchEnd);
+ event2.preventDefault();
+ }
+ }, "onTouchEnd"),
+ onMouseMove: /* @__PURE__ */ __name(function onMouseMove(event2) {
+ if (!this.disabled && !this.readonly) {
+ this.updateValueByOffset(event2.offsetX, event2.offsetY);
+ event2.preventDefault();
+ }
+ }, "onMouseMove"),
+ onTouchMove: /* @__PURE__ */ __name(function onTouchMove(event2) {
+ if (!this.disabled && !this.readonly && event2.touches.length == 1) {
+ var rect = this.$el.getBoundingClientRect();
+ var touch = event2.targetTouches.item(0);
+ var offsetX = touch.clientX - rect.left;
+ var offsetY = touch.clientY - rect.top;
+ this.updateValueByOffset(offsetX, offsetY);
+ }
+ }, "onTouchMove"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown7(event2) {
+ if (!this.disabled && !this.readonly) {
+ switch (event2.code) {
+ case "ArrowRight":
+ case "ArrowUp": {
+ event2.preventDefault();
+ this.updateModelValue(this.d_value + this.step);
+ break;
+ }
+ case "ArrowLeft":
+ case "ArrowDown": {
+ event2.preventDefault();
+ this.updateModelValue(this.d_value - this.step);
+ break;
+ }
+ case "Home": {
+ event2.preventDefault();
+ this.writeValue(this.min);
+ break;
+ }
+ case "End": {
+ event2.preventDefault();
+ this.writeValue(this.max);
+ break;
+ }
+ case "PageUp": {
+ event2.preventDefault();
+ this.updateModelValue(this.d_value + 10);
+ break;
+ }
+ case "PageDown": {
+ event2.preventDefault();
+ this.updateModelValue(this.d_value - 10);
+ break;
+ }
+ }
+ }
+ }, "onKeyDown")
+ },
+ computed: {
+ rangePath: /* @__PURE__ */ __name(function rangePath() {
+ return "M ".concat(this.minX, " ").concat(this.minY, " A ").concat(this.radius, " ").concat(this.radius, " 0 1 1 ").concat(this.maxX, " ").concat(this.maxY);
+ }, "rangePath"),
+ valuePath: /* @__PURE__ */ __name(function valuePath() {
+ return "M ".concat(this.zeroX, " ").concat(this.zeroY, " A ").concat(this.radius, " ").concat(this.radius, " 0 ").concat(this.largeArc, " ").concat(this.sweep, " ").concat(this.valueX, " ").concat(this.valueY);
+ }, "valuePath"),
+ zeroRadians: /* @__PURE__ */ __name(function zeroRadians() {
+ if (this.min > 0 && this.max > 0) return this.mapRange(this.min, this.min, this.max, this.minRadians, this.maxRadians);
+ else return this.mapRange(0, this.min, this.max, this.minRadians, this.maxRadians);
+ }, "zeroRadians"),
+ valueRadians: /* @__PURE__ */ __name(function valueRadians() {
+ return this.mapRange(this.d_value, this.min, this.max, this.minRadians, this.maxRadians);
+ }, "valueRadians"),
+ minX: /* @__PURE__ */ __name(function minX() {
+ return this.midX + Math.cos(this.minRadians) * this.radius;
+ }, "minX"),
+ minY: /* @__PURE__ */ __name(function minY() {
+ return this.midY - Math.sin(this.minRadians) * this.radius;
+ }, "minY"),
+ maxX: /* @__PURE__ */ __name(function maxX() {
+ return this.midX + Math.cos(this.maxRadians) * this.radius;
+ }, "maxX"),
+ maxY: /* @__PURE__ */ __name(function maxY() {
+ return this.midY - Math.sin(this.maxRadians) * this.radius;
+ }, "maxY"),
+ zeroX: /* @__PURE__ */ __name(function zeroX() {
+ return this.midX + Math.cos(this.zeroRadians) * this.radius;
+ }, "zeroX"),
+ zeroY: /* @__PURE__ */ __name(function zeroY() {
+ return this.midY - Math.sin(this.zeroRadians) * this.radius;
+ }, "zeroY"),
+ valueX: /* @__PURE__ */ __name(function valueX() {
+ return this.midX + Math.cos(this.valueRadians) * this.radius;
+ }, "valueX"),
+ valueY: /* @__PURE__ */ __name(function valueY() {
+ return this.midY - Math.sin(this.valueRadians) * this.radius;
+ }, "valueY"),
+ largeArc: /* @__PURE__ */ __name(function largeArc() {
+ return Math.abs(this.zeroRadians - this.valueRadians) < Math_PI$1 ? 0 : 1;
+ }, "largeArc"),
+ sweep: /* @__PURE__ */ __name(function sweep() {
+ return this.valueRadians > this.zeroRadians ? 0 : 1;
+ }, "sweep"),
+ valueToDisplay: /* @__PURE__ */ __name(function valueToDisplay() {
+ if (typeof this.valueTemplate === "string") {
+ return this.valueTemplate.replace(/{value}/g, this.d_value);
+ } else {
+ return this.valueTemplate(this.d_value);
+ }
+ }, "valueToDisplay")
+ }
+};
+var _hoisted_1$j = ["width", "height", "tabindex", "aria-valuemin", "aria-valuemax", "aria-valuenow", "aria-labelledby", "aria-label"];
+var _hoisted_2$e = ["d", "stroke-width", "stroke"];
+var _hoisted_3$b = ["d", "stroke-width", "stroke"];
+var _hoisted_4$7 = ["fill"];
+function render$v(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [(openBlock(), createElementBlock("svg", mergeProps({
+ viewBox: "0 0 100 100",
+ role: "slider",
+ width: _ctx.size,
+ height: _ctx.size,
+ tabindex: _ctx.readonly || _ctx.disabled ? -1 : _ctx.tabindex,
+ "aria-valuemin": _ctx.min,
+ "aria-valuemax": _ctx.max,
+ "aria-valuenow": _ctx.d_value,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-label": _ctx.ariaLabel,
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.onClick && $options.onClick.apply($options, arguments);
+ }),
+ onBlur: _cache[1] || (_cache[1] = function() {
+ return $options.onBlur && $options.onBlur.apply($options, arguments);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function() {
+ return $options.onKeyDown && $options.onKeyDown.apply($options, arguments);
+ }),
+ onMousedown: _cache[3] || (_cache[3] = function() {
+ return $options.onMouseDown && $options.onMouseDown.apply($options, arguments);
+ }),
+ onMouseup: _cache[4] || (_cache[4] = function() {
+ return $options.onMouseUp && $options.onMouseUp.apply($options, arguments);
+ }),
+ onTouchstartPassive: _cache[5] || (_cache[5] = function() {
+ return $options.onTouchStart && $options.onTouchStart.apply($options, arguments);
+ }),
+ onTouchend: _cache[6] || (_cache[6] = function() {
+ return $options.onTouchEnd && $options.onTouchEnd.apply($options, arguments);
+ })
+ }, _ctx.ptm("svg")), [createBaseVNode("path", mergeProps({
+ d: $options.rangePath,
+ "stroke-width": _ctx.strokeWidth,
+ stroke: _ctx.rangeColor,
+ "class": _ctx.cx("range")
+ }, _ctx.ptm("range")), null, 16, _hoisted_2$e), createBaseVNode("path", mergeProps({
+ d: $options.valuePath,
+ "stroke-width": _ctx.strokeWidth,
+ stroke: _ctx.valueColor,
+ "class": _ctx.cx("value")
+ }, _ctx.ptm("value")), null, 16, _hoisted_3$b), _ctx.showValue ? (openBlock(), createElementBlock("text", mergeProps({
+ key: 0,
+ x: 50,
+ y: 57,
+ "text-anchor": "middle",
+ fill: _ctx.textColor,
+ "class": _ctx.cx("text")
+ }, _ctx.ptm("text")), toDisplayString($options.valueToDisplay), 17, _hoisted_4$7)) : createCommentVNode("", true)], 16, _hoisted_1$j))], 16);
+}
+__name(render$v, "render$v");
+script$z.render = render$v;
+var theme$j = /* @__PURE__ */ __name(function theme20(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-megamenu {\n position: relative;\n display: flex;\n align-items: center;\n background: ".concat(dt("megamenu.background"), ";\n border: 1px solid ").concat(dt("megamenu.border.color"), ";\n border-radius: ").concat(dt("megamenu.border.radius"), ";\n color: ").concat(dt("megamenu.color"), ";\n gap: ").concat(dt("megamenu.gap"), ";\n}\n\n.p-megamenu-start,\n.p-megamenu-end {\n display: flex;\n align-items: center;\n}\n\n.p-megamenu-root-list {\n margin: 0;\n padding: 0;\n list-style: none;\n outline: 0 none;\n align-items: center;\n display: flex;\n flex-wrap: wrap;\n gap: ").concat(dt("megamenu.gap"), ";\n}\n\n.p-megamenu-root-list > .p-megamenu-item > .p-megamenu-item-content {\n border-radius: ").concat(dt("megamenu.base.item.border.radius"), ";\n}\n\n.p-megamenu-root-list > .p-megamenu-item > .p-megamenu-item-content > .p-megamenu-item-link {\n padding: ").concat(dt("megamenu.base.item.padding"), ";\n}\n\n.p-megamenu-item-content {\n transition: background ").concat(dt("megamenu.transition.duration"), ", color ").concat(dt("megamenu.transition.duration"), ";\n border-radius: ").concat(dt("megamenu.item.border.radius"), ";\n color: ").concat(dt("megamenu.item.color"), ";\n}\n\n.p-megamenu-item-link {\n cursor: pointer;\n display: flex;\n align-items: center;\n text-decoration: none;\n overflow: hidden;\n position: relative;\n color: inherit;\n padding: ").concat(dt("megamenu.item.padding"), ";\n gap: ").concat(dt("megamenu.item.gap"), ";\n user-select: none;\n outline: 0 none;\n}\n\n.p-megamenu-item-label {\n line-height: 1;\n}\n\n.p-megamenu-item-icon {\n color: ").concat(dt("megamenu.item.icon.color"), ";\n}\n\n.p-megamenu-submenu-icon {\n color: ").concat(dt("megamenu.submenu.icon.color"), ";\n font-size: ").concat(dt("megamenu.submenu.icon.size"), ";\n width: ").concat(dt("megamenu.submenu.icon.size"), ";\n height: ").concat(dt("megamenu.submenu.icon.size"), ";\n}\n\n.p-megamenu-item.p-focus > .p-megamenu-item-content {\n color: ").concat(dt("megamenu.item.focus.color"), ";\n background: ").concat(dt("megamenu.item.focus.background"), ";\n}\n\n.p-megamenu-item.p-focus > .p-megamenu-item-content .p-megamenu-item-icon {\n color: ").concat(dt("megamenu.item.icon.focus.color"), ";\n}\n\n.p-megamenu-item.p-focus > .p-megamenu-item-content .p-megamenu-submenu-icon {\n color: ").concat(dt("megamenu.submenu.icon.focus.color"), ";\n}\n\n.p-megamenu-item:not(.p-disabled) > .p-megamenu-item-content:hover {\n color: ").concat(dt("megamenu.item.focus.color"), ";\n background: ").concat(dt("megamenu.item.focus.background"), ";\n}\n\n.p-megamenu-item:not(.p-disabled) > .p-megamenu-item-content:hover .p-megamenu-item-icon {\n color: ").concat(dt("megamenu.item.icon.focus.color"), ";\n}\n\n.p-megamenu-item:not(.p-disabled) > .p-megamenu-item-content:hover .p-megamenu-submenu-icon {\n color: ").concat(dt("megamenu.submenu.icon.focus.color"), ";\n}\n\n.p-megamenu-item-active > .p-megamenu-item-content {\n color: ").concat(dt("megamenu.item.active.color"), ";\n background: ").concat(dt("megamenu.item.active.background"), ";\n}\n\n.p-megamenu-item-active > .p-megamenu-item-content .p-megamenu-item-icon {\n color: ").concat(dt("megamenu.item.icon.active.color"), ";\n}\n\n.p-megamenu-item-active > .p-megamenu-item-content .p-megamenu-submenu-icon {\n color: ").concat(dt("megamenu.submenu.icon.active.color"), ";\n}\n\n.p-megamenu-overlay {\n display: none;\n position: absolute;\n width: auto;\n z-index: 1;\n left: 0;\n min-width: 100%;\n padding: ").concat(dt("megamenu.overlay.padding"), ";\n background: ").concat(dt("megamenu.overlay.background"), ";\n color: ").concat(dt("megamenu.overlay.color"), ";\n border: 1px solid ").concat(dt("megamenu.overlay.border.color"), ";\n border-radius: ").concat(dt("megamenu.overlay.border.radius"), ";\n box-shadow: ").concat(dt("megamenu.overlay.shadow"), ";\n}\n\n.p-megamenu-overlay:dir(rtl) {\n left: auto;\n right: 0;\n}\n\n.p-megamenu-root-list > .p-megamenu-item-active > .p-megamenu-overlay {\n display: block;\n}\n\n.p-megamenu-submenu {\n margin: 0;\n list-style: none;\n padding: ").concat(dt("megamenu.submenu.padding"), ";\n min-width: 12.5rem;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("megamenu.submenu.gap"), "\n}\n\n.p-megamenu-submenu-label {\n padding: ").concat(dt("megamenu.submenu.label.padding"), ";\n color: ").concat(dt("megamenu.submenu.label.color"), ";\n font-weight: ").concat(dt("megamenu.submenu.label.font.weight"), ";\n background: ").concat(dt("megamenu.submenu.label.background"), ";\n}\n\n.p-megamenu-separator {\n border-block-start: 1px solid ").concat(dt("megamenu.separator.border.color"), ";\n}\n\n.p-megamenu-horizontal {\n align-items: center;\n padding: ").concat(dt("megamenu.horizontal.orientation.padding"), ";\n}\n\n.p-megamenu-horizontal .p-megamenu-root-list {\n display: flex;\n align-items: center;\n flex-wrap: wrap;\n gap: ").concat(dt("megamenu.horizontal.orientation.gap"), ";\n}\n\n.p-megamenu-horizontal .p-megamenu-end {\n margin-left: auto;\n align-self: center;\n}\n\n.p-megamenu-horizontal .p-megamenu-end:dir(rtl) {\n margin-left: 0;\n margin-right: auto;\n}\n\n.p-megamenu-vertical {\n display: inline-flex;\n min-width: 12.5rem;\n flex-direction: column;\n align-items: stretch;\n padding: ").concat(dt("megamenu.vertical.orientation.padding"), ";\n}\n\n.p-megamenu-vertical .p-megamenu-root-list {\n align-items: stretch;\n flex-direction: column;\n gap: ").concat(dt("megamenu.vertical.orientation.gap"), ";\n}\n\n.p-megamenu-vertical .p-megamenu-root-list > .p-megamenu-item-active > .p-megamenu-overlay {\n left: 100%;\n top: 0;\n}\n\n.p-megamenu-vertical .p-megamenu-root-list > .p-megamenu-item-active > .p-megamenu-overlay:dir(rtl) {\n left: auto;\n right: 100%;\n}\n\n.p-megamenu-vertical .p-megamenu-root-list > .p-megamenu-item > .p-megamenu-item-content .p-megamenu-submenu-icon {\n margin-left: auto;\n}\n\n.p-megamenu-vertical .p-megamenu-root-list > .p-megamenu-item > .p-megamenu-item-content .p-megamenu-submenu-icon:dir(rtl) {\n margin-left: 0;\n margin-right: auto;\n transform: rotate(180deg);\n}\n\n.p-megamenu-grid {\n display: flex;\n}\n\n.p-megamenu-col-2,\n.p-megamenu-col-3,\n.p-megamenu-col-4,\n.p-megamenu-col-6,\n.p-megamenu-col-12 {\n flex: 0 0 auto;\n padding: ").concat(dt("megamenu.overlay.gap"), ";\n}\n\n.p-megamenu-col-2 {\n width: 16.6667%;\n}\n\n.p-megamenu-col-3 {\n width: 25%;\n}\n\n.p-megamenu-col-4 {\n width: 33.3333%;\n}\n\n.p-megamenu-col-6 {\n width: 50%;\n}\n\n.p-megamenu-col-12 {\n width: 100%;\n}\n\n.p-megamenu-button {\n display: none;\n justify-content: center;\n align-items: center;\n cursor: pointer;\n width: ").concat(dt("megamenu.mobile.button.size"), ";\n height: ").concat(dt("megamenu.mobile.button.size"), ";\n position: relative;\n color: ").concat(dt("megamenu.mobile.button.color"), ";\n border: 0 none;\n background: transparent;\n border-radius: ").concat(dt("megamenu.mobile.button.border.radius"), ";\n transition: background ").concat(dt("megamenu.transition.duration"), ", color ").concat(dt("megamenu.transition.duration"), ", outline-color ").concat(dt("megamenu.transition.duration"), ", box-shadow ").concat(dt("megamenu.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-megamenu-button:hover {\n color: ").concat(dt("megamenu.mobile.button.hover.color"), ";\n background: ").concat(dt("megamenu.mobile.button.hover.background"), ";\n}\n\n.p-megamenu-button:focus-visible {\n box-shadow: ").concat(dt("megamenu.mobile.button.focus.ring.shadow"), ";\n outline: ").concat(dt("megamenu.mobile.button.focus.ring.width"), " ").concat(dt("megamenu.mobile.button.focus.ring.style"), " ").concat(dt("megamenu.mobile.button.focus.ring.color"), ";\n outline-offset: ").concat(dt("megamenu.mobile.button.focus.ring.offset"), ";\n}\n\n.p-megamenu-mobile {\n display: flex;\n}\n\n.p-megamenu-mobile .p-megamenu-button {\n display: flex;\n}\n\n.p-megamenu-mobile .p-megamenu-root-list {\n position: absolute;\n display: none;\n flex-direction: column;\n top: 100%;\n left: 0;\n z-index: 1;\n width: 100%;\n padding: ").concat(dt("megamenu.submenu.padding"), ";\n gap: ").concat(dt("megamenu.submenu.gap"), ";\n background: ").concat(dt("megamenu.overlay.background"), ";\n border: 1px solid ").concat(dt("megamenu.overlay.border.color"), ";\n box-shadow: ").concat(dt("megamenu.overlay.shadow"), ";\n}\n\n.p-megamenu-mobile .p-megamenu-root-list:dir(rtl) {\n left: auto;\n right: 0;\n}\n\n.p-megamenu-mobile-active .p-megamenu-root-list {\n display: block;\n}\n\n.p-megamenu-mobile .p-megamenu-root-list .p-megamenu-item {\n width: 100%;\n position: static;\n}\n\n.p-megamenu-mobile .p-megamenu-overlay {\n position: static;\n border: 0 none;\n border-radius: 0;\n box-shadow: none;\n}\n\n.p-megamenu-mobile .p-megamenu-grid {\n flex-wrap: wrap;\n overflow: auto;\n max-height: 90%;\n}\n\n.p-megamenu-mobile .p-megamenu-root-list > .p-megamenu-item > .p-megamenu-item-content .p-megamenu-submenu-icon {\n margin-left: auto;\n transition: transform 0.2s;\n}\n\n.p-megamenu-mobile .p-megamenu-root-list > .p-megamenu-item > .p-megamenu-item-content .p-megamenu-submenu-icon:dir(rtl) {\n margin-left: 0;\n margin-right: auto;\n}\n\n.p-megamenu-mobile .p-megamenu-root-list > .p-megamenu-item-active > .p-megamenu-item-content .p-megamenu-submenu-icon {\n transform: rotate(-180deg);\n}\n");
+}, "theme");
+var inlineStyles$6 = {
+ rootList: /* @__PURE__ */ __name(function rootList(_ref2) {
+ var props = _ref2.props;
+ return {
+ "max-height": props.scrollHeight,
+ overflow: "auto"
+ };
+ }, "rootList")
+};
+var classes$k = {
+ root: /* @__PURE__ */ __name(function root16(_ref3) {
+ var instance = _ref3.instance;
+ return ["p-megamenu p-component", {
+ "p-megamenu-mobile": instance.queryMatches,
+ "p-megamenu-mobile-active": instance.mobileActive,
+ "p-megamenu-horizontal": instance.horizontal,
+ "p-megamenu-vertical": instance.vertical
+ }];
+ }, "root"),
+ start: "p-megamenu-start",
+ button: "p-megamenu-button",
+ rootList: "p-megamenu-root-list",
+ submenuLabel: /* @__PURE__ */ __name(function submenuLabel(_ref4) {
+ var instance = _ref4.instance, processedItem = _ref4.processedItem;
+ return ["p-megamenu-submenu-label", {
+ "p-disabled": instance.isItemDisabled(processedItem)
+ }];
+ }, "submenuLabel"),
+ item: /* @__PURE__ */ __name(function item3(_ref5) {
+ var instance = _ref5.instance, processedItem = _ref5.processedItem;
+ return ["p-megamenu-item", {
+ "p-megamenu-item-active": instance.isItemActive(processedItem),
+ "p-focus": instance.isItemFocused(processedItem),
+ "p-disabled": instance.isItemDisabled(processedItem)
+ }];
+ }, "item"),
+ itemContent: "p-megamenu-item-content",
+ itemLink: "p-megamenu-item-link",
+ itemIcon: "p-megamenu-item-icon",
+ itemLabel: "p-megamenu-item-label",
+ submenuIcon: "p-megamenu-submenu-icon",
+ overlay: "p-megamenu-overlay",
+ grid: "p-megamenu-grid",
+ column: /* @__PURE__ */ __name(function column(_ref6) {
+ var instance = _ref6.instance, processedItem = _ref6.processedItem;
+ var length = instance.isItemGroup(processedItem) ? processedItem.items.length : 0;
+ var columnClass;
+ if (instance.$parentInstance.queryMatches) columnClass = "p-megamenu-col-12";
+ else {
+ switch (length) {
+ case 2:
+ columnClass = "p-megamenu-col-6";
+ break;
+ case 3:
+ columnClass = "p-megamenu-col-4";
+ break;
+ case 4:
+ columnClass = "p-megamenu-col-3";
+ break;
+ case 6:
+ columnClass = "p-megamenu-col-2";
+ break;
+ default:
+ columnClass = "p-megamenu-col-12";
+ break;
+ }
+ }
+ return columnClass;
+ }, "column"),
+ submenu: "p-megamenu-submenu",
+ separator: "p-megamenu-separator",
+ end: "p-megamenu-end"
+};
+var MegaMenuStyle = BaseStyle.extend({
+ name: "megamenu",
+ theme: theme$j,
+ classes: classes$k,
+ inlineStyles: inlineStyles$6
+});
+var script$2$5 = {
+ name: "BaseMegaMenu",
+ "extends": script$1f,
+ props: {
+ model: {
+ type: Array,
+ "default": null
+ },
+ orientation: {
+ type: String,
+ "default": "horizontal"
+ },
+ breakpoint: {
+ type: String,
+ "default": "960px"
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ scrollHeight: {
+ type: String,
+ "default": "20rem"
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: MegaMenuStyle,
+ provide: /* @__PURE__ */ __name(function provide30() {
+ return {
+ $pcMegaMenu: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1$k = {
+ name: "MegaMenuSub",
+ hostName: "MegaMenu",
+ "extends": script$1f,
+ emits: ["item-click", "item-mouseenter"],
+ props: {
+ menuId: {
+ type: String,
+ "default": null
+ },
+ focusedItemId: {
+ type: String,
+ "default": null
+ },
+ horizontal: {
+ type: Boolean,
+ "default": false
+ },
+ submenu: {
+ type: Object,
+ "default": null
+ },
+ mobileActive: {
+ type: Boolean,
+ "default": false
+ },
+ items: {
+ type: Array,
+ "default": null
+ },
+ level: {
+ type: Number,
+ "default": 0
+ },
+ templates: {
+ type: Object,
+ "default": null
+ },
+ activeItem: {
+ type: Object,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ }
+ },
+ methods: {
+ getSubListId: /* @__PURE__ */ __name(function getSubListId(processedItem) {
+ return "".concat(this.getItemId(processedItem), "_list");
+ }, "getSubListId"),
+ getSubListKey: /* @__PURE__ */ __name(function getSubListKey(processedItem) {
+ return this.getSubListId(processedItem);
+ }, "getSubListKey"),
+ getItemId: /* @__PURE__ */ __name(function getItemId2(processedItem) {
+ return "".concat(this.menuId, "_").concat(processedItem.key);
+ }, "getItemId"),
+ getItemKey: /* @__PURE__ */ __name(function getItemKey(processedItem) {
+ return this.getItemId(processedItem);
+ }, "getItemKey"),
+ getItemProp: /* @__PURE__ */ __name(function getItemProp2(processedItem, name4, params) {
+ return processedItem && processedItem.item ? resolve(processedItem.item[name4], params) : void 0;
+ }, "getItemProp"),
+ getItemLabel: /* @__PURE__ */ __name(function getItemLabel(processedItem) {
+ return this.getItemProp(processedItem, "label");
+ }, "getItemLabel"),
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions3(processedItem, index, key) {
+ return this.ptm(key, {
+ context: {
+ item: processedItem.item,
+ index,
+ active: this.isItemActive(processedItem),
+ focused: this.isItemFocused(processedItem),
+ disabled: this.isItemDisabled(processedItem)
+ }
+ });
+ }, "getPTOptions"),
+ isItemActive: /* @__PURE__ */ __name(function isItemActive3(processedItem) {
+ return isNotEmpty(this.activeItem) ? this.activeItem.key === processedItem.key : false;
+ }, "isItemActive"),
+ isItemVisible: /* @__PURE__ */ __name(function isItemVisible(processedItem) {
+ return this.getItemProp(processedItem, "visible") !== false;
+ }, "isItemVisible"),
+ isItemDisabled: /* @__PURE__ */ __name(function isItemDisabled(processedItem) {
+ return this.getItemProp(processedItem, "disabled");
+ }, "isItemDisabled"),
+ isItemFocused: /* @__PURE__ */ __name(function isItemFocused(processedItem) {
+ return this.focusedItemId === this.getItemId(processedItem);
+ }, "isItemFocused"),
+ isItemGroup: /* @__PURE__ */ __name(function isItemGroup(processedItem) {
+ return isNotEmpty(processedItem.items);
+ }, "isItemGroup"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick2(event2, processedItem) {
+ this.getItemProp(processedItem, "command", {
+ originalEvent: event2,
+ item: processedItem.item
+ });
+ this.$emit("item-click", {
+ originalEvent: event2,
+ processedItem,
+ isFocus: true
+ });
+ }, "onItemClick"),
+ onItemMouseEnter: /* @__PURE__ */ __name(function onItemMouseEnter2(event2, processedItem) {
+ this.$emit("item-mouseenter", {
+ originalEvent: event2,
+ processedItem
+ });
+ }, "onItemMouseEnter"),
+ getAriaSetSize: /* @__PURE__ */ __name(function getAriaSetSize() {
+ var _this = this;
+ return this.items.filter(function(processedItem) {
+ return _this.isItemVisible(processedItem) && !_this.getItemProp(processedItem, "separator");
+ }).length;
+ }, "getAriaSetSize"),
+ getAriaPosInset: /* @__PURE__ */ __name(function getAriaPosInset(index) {
+ var _this2 = this;
+ return index - this.items.slice(0, index).filter(function(processedItem) {
+ return _this2.isItemVisible(processedItem) && _this2.getItemProp(processedItem, "separator");
+ }).length + 1;
+ }, "getAriaPosInset"),
+ getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps3(processedItem, index) {
+ return {
+ action: mergeProps({
+ "class": this.cx("itemLink"),
+ tabindex: -1
+ }, this.getPTOptions(processedItem, index, "itemLink")),
+ icon: mergeProps({
+ "class": [this.cx("itemIcon"), this.getItemProp(processedItem, "icon")]
+ }, this.getPTOptions(processedItem, index, "itemIcon")),
+ label: mergeProps({
+ "class": this.cx("label")
+ }, this.getPTOptions(processedItem, index, "label")),
+ submenuicon: mergeProps({
+ "class": this.cx("submenuIcon")
+ }, this.getPTOptions(processedItem, index, "submenuIcon"))
+ };
+ }, "getMenuItemProps")
+ },
+ components: {
+ AngleRightIcon: script$1o,
+ AngleDownIcon: script$1G
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+var _hoisted_1$1$4 = ["tabindex"];
+var _hoisted_2$1$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$a = ["onClick", "onMouseenter"];
+var _hoisted_4$6 = ["href", "target"];
+var _hoisted_5$2 = ["id"];
+function render$1$5(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_MegaMenuSub = resolveComponent("MegaMenuSub", true);
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("ul", mergeProps({
+ "class": $props.level === 0 ? _ctx.cx("rootList") : _ctx.cx("submenu"),
+ tabindex: $props.tabindex
+ }, $props.level === 0 ? _ctx.ptm("rootList") : _ctx.ptm("submenu")), [$props.submenu ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ "class": [_ctx.cx("submenuLabel", {
+ submenu: $props.submenu
+ }), $options.getItemProp($props.submenu, "class")],
+ style: $options.getItemProp($props.submenu, "style"),
+ role: "presentation"
+ }, _ctx.ptm("submenuLabel")), toDisplayString($options.getItemLabel($props.submenu)), 17)) : createCommentVNode("", true), (openBlock(true), createElementBlock(Fragment, null, renderList($props.items, function(processedItem, index) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.getItemKey(processedItem)
+ }, [$options.isItemVisible(processedItem) && !$options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ id: $options.getItemId(processedItem),
+ style: $options.getItemProp(processedItem, "style"),
+ "class": [_ctx.cx("item", {
+ processedItem
+ }), $options.getItemProp(processedItem, "class")],
+ role: "menuitem",
+ "aria-label": $options.getItemLabel(processedItem),
+ "aria-disabled": $options.isItemDisabled(processedItem) || void 0,
+ "aria-expanded": $options.isItemGroup(processedItem) ? $options.isItemActive(processedItem) : void 0,
+ "aria-haspopup": $options.isItemGroup(processedItem) && !$options.getItemProp(processedItem, "to") ? "menu" : void 0,
+ "aria-level": $props.level + 1,
+ "aria-setsize": $options.getAriaSetSize(),
+ "aria-posinset": $options.getAriaPosInset(index),
+ ref_for: true
+ }, $options.getPTOptions(processedItem, index, "item"), {
+ "data-p-active": $options.isItemActive(processedItem),
+ "data-p-focused": $options.isItemFocused(processedItem),
+ "data-p-disabled": $options.isItemDisabled(processedItem)
+ }), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("itemContent"),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onItemClick($event, processedItem);
+ }, "onClick"),
+ onMouseenter: /* @__PURE__ */ __name(function onMouseenter($event) {
+ return $options.onItemMouseEnter($event, processedItem);
+ }, "onMouseenter"),
+ ref_for: true
+ }, $options.getPTOptions(processedItem, index, "itemContent")), [!$props.templates.item ? withDirectives((openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ href: $options.getItemProp(processedItem, "url"),
+ "class": _ctx.cx("itemLink"),
+ target: $options.getItemProp(processedItem, "target"),
+ tabindex: "-1",
+ ref_for: true
+ }, $options.getPTOptions(processedItem, index, "itemLink")), [$props.templates.itemicon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.itemicon), {
+ key: 0,
+ item: processedItem.item,
+ "class": normalizeClass(_ctx.cx("itemIcon"))
+ }, null, 8, ["item", "class"])) : $options.getItemProp(processedItem, "icon") ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": [_ctx.cx("itemIcon"), $options.getItemProp(processedItem, "icon")],
+ ref_for: true
+ }, $options.getPTOptions(processedItem, index, "itemIcon")), null, 16)) : createCommentVNode("", true), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("itemLabel"),
+ ref_for: true
+ }, $options.getPTOptions(processedItem, index, "itemLabel")), toDisplayString($options.getItemLabel(processedItem)), 17), $options.isItemGroup(processedItem) ? (openBlock(), createElementBlock(Fragment, {
+ key: 2
+ }, [$props.templates.submenuicon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.submenuicon), mergeProps({
+ key: 0,
+ active: $options.isItemActive(processedItem),
+ "class": _ctx.cx("submenuIcon"),
+ ref_for: true
+ }, $options.getPTOptions(processedItem, index, "submenuIcon")), null, 16, ["active", "class"])) : (openBlock(), createBlock(resolveDynamicComponent($props.horizontal || $props.mobileActive ? "AngleDownIcon" : "AngleRightIcon"), mergeProps({
+ key: 1,
+ "class": _ctx.cx("submenuIcon"),
+ ref_for: true
+ }, $options.getPTOptions(processedItem, index, "submenuIcon")), null, 16, ["class"]))], 64)) : createCommentVNode("", true)], 16, _hoisted_4$6)), [[_directive_ripple]]) : (openBlock(), createBlock(resolveDynamicComponent($props.templates.item), {
+ key: 1,
+ item: processedItem.item,
+ hasSubmenu: $options.isItemGroup(processedItem),
+ label: $options.getItemLabel(processedItem),
+ props: $options.getMenuItemProps(processedItem, index)
+ }, null, 8, ["item", "hasSubmenu", "label", "props"]))], 16, _hoisted_3$a), $options.isItemVisible(processedItem) && $options.isItemGroup(processedItem) ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("overlay"),
+ ref_for: true
+ }, _ctx.ptm("overlay")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("grid"),
+ ref_for: true
+ }, _ctx.ptm("grid")), [(openBlock(true), createElementBlock(Fragment, null, renderList(processedItem.items, function(col) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ key: $options.getItemKey(col),
+ "class": _ctx.cx("column", {
+ processedItem
+ }),
+ ref_for: true
+ }, _ctx.ptm("column")), [(openBlock(true), createElementBlock(Fragment, null, renderList(col, function(submenu) {
+ return openBlock(), createBlock(_component_MegaMenuSub, {
+ key: $options.getSubListKey(submenu),
+ id: $options.getSubListId(submenu),
+ style: normalizeStyle(_ctx.sx("submenu", true, {
+ processedItem
+ })),
+ role: "menu",
+ menuId: $props.menuId,
+ focusedItemId: $props.focusedItemId,
+ submenu,
+ items: submenu.items,
+ templates: $props.templates,
+ level: $props.level + 1,
+ mobileActive: $props.mobileActive,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled,
+ onItemClick: _cache[0] || (_cache[0] = function($event) {
+ return _ctx.$emit("item-click", $event);
+ }),
+ onItemMouseenter: _cache[1] || (_cache[1] = function($event) {
+ return _ctx.$emit("item-mouseenter", $event);
+ })
+ }, null, 8, ["id", "style", "menuId", "focusedItemId", "submenu", "items", "templates", "level", "mobileActive", "pt", "unstyled"]);
+ }), 128))], 16);
+ }), 128))], 16)], 16)) : createCommentVNode("", true)], 16, _hoisted_2$1$3)) : createCommentVNode("", true), $options.isItemVisible(processedItem) && $options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 1,
+ id: $options.getItemId(processedItem),
+ "class": [_ctx.cx("separator"), $options.getItemProp(processedItem, "class")],
+ style: $options.getItemProp(processedItem, "style"),
+ role: "separator",
+ ref_for: true
+ }, _ctx.ptm("separator")), null, 16, _hoisted_5$2)) : createCommentVNode("", true)], 64);
+ }), 128))], 16, _hoisted_1$1$4);
+}
+__name(render$1$5, "render$1$5");
+script$1$k.render = render$1$5;
+var script$y = {
+ name: "MegaMenu",
+ "extends": script$2$5,
+ inheritAttrs: false,
+ emits: ["focus", "blur"],
+ outsideClickListener: null,
+ resizeListener: null,
+ matchMediaListener: null,
+ container: null,
+ menubar: null,
+ searchTimeout: null,
+ searchValue: null,
+ data: /* @__PURE__ */ __name(function data19() {
+ return {
+ id: this.$attrs.id,
+ mobileActive: false,
+ focused: false,
+ focusedItemInfo: {
+ index: -1,
+ key: "",
+ parentKey: ""
+ },
+ activeItem: null,
+ dirty: false,
+ query: null,
+ queryMatches: false
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId5(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ activeItem: /* @__PURE__ */ __name(function activeItem(newItem) {
+ if (isNotEmpty(newItem)) {
+ this.bindOutsideClickListener();
+ this.bindResizeListener();
+ } else {
+ this.unbindOutsideClickListener();
+ this.unbindResizeListener();
+ }
+ }, "activeItem")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted21() {
+ this.id = this.id || UniqueComponentId();
+ this.bindMatchMediaListener();
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount7() {
+ this.mobileActive = false;
+ this.unbindOutsideClickListener();
+ this.unbindResizeListener();
+ this.unbindMatchMediaListener();
+ }, "beforeUnmount"),
+ methods: {
+ getItemProp: /* @__PURE__ */ __name(function getItemProp3(item8, name4) {
+ return item8 ? resolve(item8[name4]) : void 0;
+ }, "getItemProp"),
+ getItemLabel: /* @__PURE__ */ __name(function getItemLabel2(item8) {
+ return this.getItemProp(item8, "label");
+ }, "getItemLabel"),
+ isItemDisabled: /* @__PURE__ */ __name(function isItemDisabled2(item8) {
+ return this.getItemProp(item8, "disabled");
+ }, "isItemDisabled"),
+ isItemVisible: /* @__PURE__ */ __name(function isItemVisible2(item8) {
+ return this.getItemProp(item8, "visible") !== false;
+ }, "isItemVisible"),
+ isItemGroup: /* @__PURE__ */ __name(function isItemGroup2(item8) {
+ return isNotEmpty(this.getItemProp(item8, "items"));
+ }, "isItemGroup"),
+ isItemSeparator: /* @__PURE__ */ __name(function isItemSeparator(item8) {
+ return this.getItemProp(item8, "separator");
+ }, "isItemSeparator"),
+ getProccessedItemLabel: /* @__PURE__ */ __name(function getProccessedItemLabel(processedItem) {
+ return processedItem ? this.getItemLabel(processedItem.item) : void 0;
+ }, "getProccessedItemLabel"),
+ isProccessedItemGroup: /* @__PURE__ */ __name(function isProccessedItemGroup(processedItem) {
+ return processedItem && isNotEmpty(processedItem.items);
+ }, "isProccessedItemGroup"),
+ toggle: /* @__PURE__ */ __name(function toggle2(event2) {
+ var _this = this;
+ if (this.mobileActive) {
+ this.mobileActive = false;
+ ZIndex.clear(this.menubar);
+ this.hide();
+ } else {
+ this.mobileActive = true;
+ ZIndex.set("menu", this.menubar, this.$primevue.config.zIndex.menu);
+ setTimeout(function() {
+ _this.show();
+ }, 1);
+ }
+ this.bindOutsideClickListener();
+ event2.preventDefault();
+ }, "toggle"),
+ show: /* @__PURE__ */ __name(function show2() {
+ this.focusedItemInfo = {
+ index: this.findFirstFocusedItemIndex(),
+ level: 0,
+ parentKey: ""
+ };
+ focus(this.menubar);
+ }, "show"),
+ hide: /* @__PURE__ */ __name(function hide2(event2, isFocus) {
+ var _this2 = this;
+ if (this.mobileActive) {
+ this.mobileActive = false;
+ setTimeout(function() {
+ focus(_this2.$refs.menubutton, {
+ preventScroll: true
+ });
+ }, 1);
+ }
+ this.activeItem = null;
+ this.focusedItemInfo = {
+ index: -1,
+ key: "",
+ parentKey: ""
+ };
+ isFocus && focus(this.menubar);
+ this.dirty = false;
+ }, "hide"),
+ onFocus: /* @__PURE__ */ __name(function onFocus8(event2) {
+ this.focused = true;
+ if (this.focusedItemInfo.index === -1) {
+ var index = this.findFirstFocusedItemIndex();
+ var processedItem = this.findVisibleItem(index);
+ this.focusedItemInfo = {
+ index,
+ key: processedItem.key,
+ parentKey: processedItem.parentKey
+ };
+ }
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur8(event2) {
+ this.focused = false;
+ this.focusedItemInfo = {
+ index: -1,
+ key: "",
+ parentKey: ""
+ };
+ this.searchValue = "";
+ this.dirty = false;
+ this.$emit("blur", event2);
+ }, "onBlur"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown8(event2) {
+ if (this.disabled) {
+ event2.preventDefault();
+ return;
+ }
+ var metaKey = event2.metaKey || event2.ctrlKey;
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUpKey(event2);
+ break;
+ case "ArrowLeft":
+ this.onArrowLeftKey(event2);
+ break;
+ case "ArrowRight":
+ this.onArrowRightKey(event2);
+ break;
+ case "Home":
+ this.onHomeKey(event2);
+ break;
+ case "End":
+ this.onEndKey(event2);
+ break;
+ case "Space":
+ this.onSpaceKey(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ this.onEnterKey(event2);
+ break;
+ case "Escape":
+ this.onEscapeKey(event2);
+ break;
+ case "Tab":
+ this.onTabKey(event2);
+ break;
+ case "PageDown":
+ case "PageUp":
+ case "Backspace":
+ case "ShiftLeft":
+ case "ShiftRight":
+ break;
+ default:
+ if (!metaKey && isPrintableCharacter(event2.key)) {
+ this.searchItems(event2, event2.key);
+ }
+ break;
+ }
+ }, "onKeyDown"),
+ onItemChange: /* @__PURE__ */ __name(function onItemChange(event2) {
+ var processedItem = event2.processedItem, isFocus = event2.isFocus;
+ if (isEmpty(processedItem)) return;
+ var index = processedItem.index, key = processedItem.key, parentKey = processedItem.parentKey, items2 = processedItem.items;
+ var grouped = isNotEmpty(items2);
+ grouped && (this.activeItem = processedItem);
+ this.focusedItemInfo = {
+ index,
+ key,
+ parentKey
+ };
+ grouped && (this.dirty = true);
+ isFocus && focus(this.menubar);
+ }, "onItemChange"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick3(event2) {
+ var originalEvent = event2.originalEvent, processedItem = event2.processedItem;
+ var grouped = this.isProccessedItemGroup(processedItem);
+ var root34 = isEmpty(processedItem.parent);
+ var selected3 = this.isSelected(processedItem);
+ if (selected3) {
+ var index = processedItem.index, key = processedItem.key, parentKey = processedItem.parentKey;
+ this.activeItem = null;
+ this.focusedItemInfo = {
+ index,
+ key,
+ parentKey
+ };
+ this.dirty = !root34;
+ if (!this.mobileActive) {
+ focus(this.menubar, {
+ preventScroll: true
+ });
+ }
+ } else {
+ if (grouped) {
+ this.onItemChange(event2);
+ } else {
+ this.hide(originalEvent);
+ }
+ }
+ }, "onItemClick"),
+ onItemMouseEnter: /* @__PURE__ */ __name(function onItemMouseEnter3(event2) {
+ if (!this.mobileActive && this.dirty) {
+ this.onItemChange(event2);
+ }
+ }, "onItemMouseEnter"),
+ menuButtonClick: /* @__PURE__ */ __name(function menuButtonClick(event2) {
+ this.toggle(event2);
+ }, "menuButtonClick"),
+ menuButtonKeydown: /* @__PURE__ */ __name(function menuButtonKeydown(event2) {
+ (event2.code === "Enter" || event2.code === "NumpadEnter" || event2.code === "Space") && this.menuButtonClick(event2);
+ }, "menuButtonKeydown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey4(event2) {
+ if (this.horizontal) {
+ if (isNotEmpty(this.activeItem) && this.activeItem.key === this.focusedItemInfo.key) {
+ this.focusedItemInfo = {
+ index: -1,
+ key: "",
+ parentKey: this.activeItem.key
+ };
+ } else {
+ var processedItem = this.findVisibleItem(this.focusedItemInfo.index);
+ var grouped = this.isProccessedItemGroup(processedItem);
+ if (grouped) {
+ this.onItemChange({
+ originalEvent: event2,
+ processedItem
+ });
+ this.focusedItemInfo = {
+ index: -1,
+ key: processedItem.key,
+ parentKey: processedItem.parentKey
+ };
+ this.searchValue = "";
+ }
+ }
+ }
+ var itemIndex = this.focusedItemInfo.index !== -1 ? this.findNextItemIndex(this.focusedItemInfo.index) : this.findFirstFocusedItemIndex();
+ this.changeFocusedItemInfo(event2, itemIndex);
+ event2.preventDefault();
+ }, "onArrowDownKey"),
+ onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey4(event2) {
+ if (event2.altKey && this.horizontal) {
+ if (this.focusedItemInfo.index !== -1) {
+ var processedItem = this.findVisibleItem(this.focusedItemInfo.index);
+ var grouped = this.isProccessedItemGroup(processedItem);
+ if (!grouped && isNotEmpty(this.activeItem)) {
+ if (this.focusedItemInfo.index === 0) {
+ this.focusedItemInfo = {
+ index: this.activeItem.index,
+ key: this.activeItem.key,
+ parentKey: this.activeItem.parentKey
+ };
+ this.activeItem = null;
+ } else {
+ this.changeFocusedItemInfo(event2, this.findFirstItemIndex());
+ }
+ }
+ }
+ event2.preventDefault();
+ } else {
+ var itemIndex = this.focusedItemInfo.index !== -1 ? this.findPrevItemIndex(this.focusedItemInfo.index) : this.findLastFocusedItemIndex();
+ this.changeFocusedItemInfo(event2, itemIndex);
+ event2.preventDefault();
+ }
+ }, "onArrowUpKey"),
+ onArrowLeftKey: /* @__PURE__ */ __name(function onArrowLeftKey2(event2) {
+ var processedItem = this.findVisibleItem(this.focusedItemInfo.index);
+ var grouped = this.isProccessedItemGroup(processedItem);
+ if (grouped) {
+ if (this.horizontal) {
+ var itemIndex = this.focusedItemInfo.index !== -1 ? this.findPrevItemIndex(this.focusedItemInfo.index) : this.findLastFocusedItemIndex();
+ this.changeFocusedItemInfo(event2, itemIndex);
+ }
+ } else {
+ if (this.vertical && isNotEmpty(this.activeItem)) {
+ if (processedItem.columnIndex === 0) {
+ this.focusedItemInfo = {
+ index: this.activeItem.index,
+ key: this.activeItem.key,
+ parentKey: this.activeItem.parentKey
+ };
+ this.activeItem = null;
+ }
+ }
+ var columnIndex = processedItem.columnIndex - 1;
+ var _itemIndex = this.visibleItems.findIndex(function(item8) {
+ return item8.columnIndex === columnIndex;
+ });
+ _itemIndex !== -1 && this.changeFocusedItemInfo(event2, _itemIndex);
+ }
+ event2.preventDefault();
+ }, "onArrowLeftKey"),
+ onArrowRightKey: /* @__PURE__ */ __name(function onArrowRightKey2(event2) {
+ var processedItem = this.findVisibleItem(this.focusedItemInfo.index);
+ var grouped = this.isProccessedItemGroup(processedItem);
+ if (grouped) {
+ if (this.vertical) {
+ if (isNotEmpty(this.activeItem) && this.activeItem.key === processedItem.key) {
+ this.focusedItemInfo = {
+ index: -1,
+ key: "",
+ parentKey: this.activeItem.key
+ };
+ } else {
+ var _processedItem = this.findVisibleItem(this.focusedItemInfo.index);
+ var _grouped = this.isProccessedItemGroup(_processedItem);
+ if (_grouped) {
+ this.onItemChange({
+ originalEvent: event2,
+ processedItem: _processedItem
+ });
+ this.focusedItemInfo = {
+ index: -1,
+ key: _processedItem.key,
+ parentKey: _processedItem.parentKey
+ };
+ this.searchValue = "";
+ }
+ }
+ }
+ var itemIndex = this.focusedItemInfo.index !== -1 ? this.findNextItemIndex(this.focusedItemInfo.index) : this.findFirstFocusedItemIndex();
+ this.changeFocusedItemInfo(event2, itemIndex);
+ } else {
+ var columnIndex = processedItem.columnIndex + 1;
+ var _itemIndex2 = this.visibleItems.findIndex(function(item8) {
+ return item8.columnIndex === columnIndex;
+ });
+ _itemIndex2 !== -1 && this.changeFocusedItemInfo(event2, _itemIndex2);
+ }
+ event2.preventDefault();
+ }, "onArrowRightKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey4(event2) {
+ this.changeFocusedItemInfo(event2, this.findFirstItemIndex());
+ event2.preventDefault();
+ }, "onHomeKey"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey4(event2) {
+ this.changeFocusedItemInfo(event2, this.findLastItemIndex());
+ event2.preventDefault();
+ }, "onEndKey"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey3(event2) {
+ if (this.focusedItemInfo.index !== -1) {
+ var element = findSingle(this.menubar, 'li[id="'.concat("".concat(this.focusedItemId), '"]'));
+ var anchorElement = element && findSingle(element, 'a[data-pc-section="itemlink"]');
+ anchorElement ? anchorElement.click() : element && element.click();
+ var processedItem = this.visibleItems[this.focusedItemInfo.index];
+ var grouped = this.isProccessedItemGroup(processedItem);
+ !grouped && this.changeFocusedItemInfo(event2, this.findFirstFocusedItemIndex());
+ }
+ event2.preventDefault();
+ }, "onEnterKey"),
+ onSpaceKey: /* @__PURE__ */ __name(function onSpaceKey3(event2) {
+ this.onEnterKey(event2);
+ }, "onSpaceKey"),
+ onEscapeKey: /* @__PURE__ */ __name(function onEscapeKey2(event2) {
+ if (isNotEmpty(this.activeItem)) {
+ this.focusedItemInfo = {
+ index: this.activeItem.index,
+ key: this.activeItem.key
+ };
+ this.activeItem = null;
+ }
+ event2.preventDefault();
+ }, "onEscapeKey"),
+ onTabKey: /* @__PURE__ */ __name(function onTabKey2(event2) {
+ if (this.focusedItemInfo.index !== -1) {
+ var processedItem = this.findVisibleItem(this.focusedItemInfo.index);
+ var grouped = this.isProccessedItemGroup(processedItem);
+ !grouped && this.onItemChange({
+ originalEvent: event2,
+ processedItem
+ });
+ }
+ this.hide();
+ }, "onTabKey"),
+ bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener3() {
+ var _this3 = this;
+ if (!this.outsideClickListener) {
+ this.outsideClickListener = function(event2) {
+ var isOutsideContainer = _this3.container && !_this3.container.contains(event2.target);
+ var isOutsideTarget = !(_this3.target && (_this3.target === event2.target || _this3.target.contains(event2.target)));
+ if (isOutsideContainer && isOutsideTarget) {
+ _this3.hide();
+ }
+ };
+ document.addEventListener("click", this.outsideClickListener);
+ }
+ }, "bindOutsideClickListener"),
+ unbindOutsideClickListener: /* @__PURE__ */ __name(function unbindOutsideClickListener3() {
+ if (this.outsideClickListener) {
+ document.removeEventListener("click", this.outsideClickListener);
+ this.outsideClickListener = null;
+ }
+ }, "unbindOutsideClickListener"),
+ bindResizeListener: /* @__PURE__ */ __name(function bindResizeListener3() {
+ var _this4 = this;
+ if (!this.resizeListener) {
+ this.resizeListener = function(event2) {
+ if (!isTouchDevice()) {
+ _this4.hide(event2, true);
+ }
+ _this4.mobileActive = false;
+ };
+ window.addEventListener("resize", this.resizeListener);
+ }
+ }, "bindResizeListener"),
+ unbindResizeListener: /* @__PURE__ */ __name(function unbindResizeListener3() {
+ if (this.resizeListener) {
+ window.removeEventListener("resize", this.resizeListener);
+ this.resizeListener = null;
+ }
+ }, "unbindResizeListener"),
+ bindMatchMediaListener: /* @__PURE__ */ __name(function bindMatchMediaListener4() {
+ var _this5 = this;
+ if (!this.matchMediaListener) {
+ var query = matchMedia("(max-width: ".concat(this.breakpoint, ")"));
+ this.query = query;
+ this.queryMatches = query.matches;
+ this.matchMediaListener = function() {
+ _this5.queryMatches = query.matches;
+ _this5.mobileActive = false;
+ };
+ this.query.addEventListener("change", this.matchMediaListener);
+ }
+ }, "bindMatchMediaListener"),
+ unbindMatchMediaListener: /* @__PURE__ */ __name(function unbindMatchMediaListener4() {
+ if (this.matchMediaListener) {
+ this.query.removeEventListener("change", this.matchMediaListener);
+ this.matchMediaListener = null;
+ }
+ }, "unbindMatchMediaListener"),
+ isItemMatched: /* @__PURE__ */ __name(function isItemMatched(processedItem) {
+ var _this$getProccessedIt;
+ return this.isValidItem(processedItem) && ((_this$getProccessedIt = this.getProccessedItemLabel(processedItem)) === null || _this$getProccessedIt === void 0 ? void 0 : _this$getProccessedIt.toLocaleLowerCase().startsWith(this.searchValue.toLocaleLowerCase()));
+ }, "isItemMatched"),
+ isValidItem: /* @__PURE__ */ __name(function isValidItem(processedItem) {
+ return !!processedItem && !this.isItemDisabled(processedItem.item) && !this.isItemSeparator(processedItem.item) && this.isItemVisible(processedItem.item);
+ }, "isValidItem"),
+ isValidSelectedItem: /* @__PURE__ */ __name(function isValidSelectedItem(processedItem) {
+ return this.isValidItem(processedItem) && this.isSelected(processedItem);
+ }, "isValidSelectedItem"),
+ isSelected: /* @__PURE__ */ __name(function isSelected3(processedItem) {
+ return isNotEmpty(this.activeItem) ? this.activeItem.key === processedItem.key : false;
+ }, "isSelected"),
+ findFirstItemIndex: /* @__PURE__ */ __name(function findFirstItemIndex() {
+ var _this6 = this;
+ return this.visibleItems.findIndex(function(processedItem) {
+ return _this6.isValidItem(processedItem);
+ });
+ }, "findFirstItemIndex"),
+ findLastItemIndex: /* @__PURE__ */ __name(function findLastItemIndex() {
+ var _this7 = this;
+ return findLastIndex(this.visibleItems, function(processedItem) {
+ return _this7.isValidItem(processedItem);
+ });
+ }, "findLastItemIndex"),
+ findNextItemIndex: /* @__PURE__ */ __name(function findNextItemIndex(index) {
+ var _this8 = this;
+ var matchedItemIndex = index < this.visibleItems.length - 1 ? this.visibleItems.slice(index + 1).findIndex(function(processedItem) {
+ return _this8.isValidItem(processedItem);
+ }) : -1;
+ return matchedItemIndex > -1 ? matchedItemIndex + index + 1 : index;
+ }, "findNextItemIndex"),
+ findPrevItemIndex: /* @__PURE__ */ __name(function findPrevItemIndex(index) {
+ var _this9 = this;
+ var matchedItemIndex = index > 0 ? findLastIndex(this.visibleItems.slice(0, index), function(processedItem) {
+ return _this9.isValidItem(processedItem);
+ }) : -1;
+ return matchedItemIndex > -1 ? matchedItemIndex : index;
+ }, "findPrevItemIndex"),
+ findSelectedItemIndex: /* @__PURE__ */ __name(function findSelectedItemIndex() {
+ var _this10 = this;
+ return this.visibleItems.findIndex(function(processedItem) {
+ return _this10.isValidSelectedItem(processedItem);
+ });
+ }, "findSelectedItemIndex"),
+ findFirstFocusedItemIndex: /* @__PURE__ */ __name(function findFirstFocusedItemIndex() {
+ var selectedIndex = this.findSelectedItemIndex();
+ return selectedIndex < 0 ? this.findFirstItemIndex() : selectedIndex;
+ }, "findFirstFocusedItemIndex"),
+ findLastFocusedItemIndex: /* @__PURE__ */ __name(function findLastFocusedItemIndex() {
+ var selectedIndex = this.findSelectedItemIndex();
+ return selectedIndex < 0 ? this.findLastItemIndex() : selectedIndex;
+ }, "findLastFocusedItemIndex"),
+ findVisibleItem: /* @__PURE__ */ __name(function findVisibleItem(index) {
+ return isNotEmpty(this.visibleItems) ? this.visibleItems[index] : null;
+ }, "findVisibleItem"),
+ searchItems: /* @__PURE__ */ __name(function searchItems(event2, _char) {
+ var _this11 = this;
+ this.searchValue = (this.searchValue || "") + _char;
+ var itemIndex = -1;
+ var matched = false;
+ if (this.focusedItemInfo.index !== -1) {
+ itemIndex = this.visibleItems.slice(this.focusedItemInfo.index).findIndex(function(processedItem) {
+ return _this11.isItemMatched(processedItem);
+ });
+ itemIndex = itemIndex === -1 ? this.visibleItems.slice(0, this.focusedItemInfo.index).findIndex(function(processedItem) {
+ return _this11.isItemMatched(processedItem);
+ }) : itemIndex + this.focusedItemInfo.index;
+ } else {
+ itemIndex = this.visibleItems.findIndex(function(processedItem) {
+ return _this11.isItemMatched(processedItem);
+ });
+ }
+ if (itemIndex !== -1) {
+ matched = true;
+ }
+ if (itemIndex === -1 && this.focusedItemInfo.index === -1) {
+ itemIndex = this.findFirstFocusedItemIndex();
+ }
+ if (itemIndex !== -1) {
+ this.changeFocusedItemInfo(event2, itemIndex);
+ }
+ if (this.searchTimeout) {
+ clearTimeout(this.searchTimeout);
+ }
+ this.searchTimeout = setTimeout(function() {
+ _this11.searchValue = "";
+ _this11.searchTimeout = null;
+ }, 500);
+ return matched;
+ }, "searchItems"),
+ changeFocusedItemInfo: /* @__PURE__ */ __name(function changeFocusedItemInfo(event2, index) {
+ var processedItem = this.findVisibleItem(index);
+ this.focusedItemInfo.index = index;
+ this.focusedItemInfo.key = isNotEmpty(processedItem) ? processedItem.key : "";
+ this.scrollInView();
+ }, "changeFocusedItemInfo"),
+ scrollInView: /* @__PURE__ */ __name(function scrollInView3() {
+ var index = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : -1;
+ var id4 = index !== -1 ? "".concat(this.id, "_").concat(index) : this.focusedItemId;
+ var element;
+ if (id4 === null && this.queryMatches) {
+ element = this.$refs.menubutton;
+ } else {
+ element = findSingle(this.menubar, 'li[id="'.concat(id4, '"]'));
+ }
+ if (element) {
+ element.scrollIntoView && element.scrollIntoView({
+ block: "nearest",
+ inline: "nearest",
+ behavior: "smooth"
+ });
+ }
+ }, "scrollInView"),
+ createProcessedItems: /* @__PURE__ */ __name(function createProcessedItems(items2) {
+ var _this12 = this;
+ var level = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : 0;
+ var parent = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+ var parentKey = arguments.length > 3 && arguments[3] !== void 0 ? arguments[3] : "";
+ var columnIndex = arguments.length > 4 ? arguments[4] : void 0;
+ var processedItems3 = [];
+ items2 && items2.forEach(function(item8, index) {
+ var key = (parentKey !== "" ? parentKey + "_" : "") + (columnIndex !== void 0 ? columnIndex + "_" : "") + index;
+ var newItem = {
+ item: item8,
+ index,
+ level,
+ key,
+ parent,
+ parentKey,
+ columnIndex: columnIndex !== void 0 ? columnIndex : parent.columnIndex !== void 0 ? parent.columnIndex : index
+ };
+ newItem["items"] = level === 0 && item8.items && item8.items.length > 0 ? item8.items.map(function(_items, _index) {
+ return _this12.createProcessedItems(_items, level + 1, newItem, key, _index);
+ }) : _this12.createProcessedItems(item8.items, level + 1, newItem, key);
+ processedItems3.push(newItem);
+ });
+ return processedItems3;
+ }, "createProcessedItems"),
+ containerRef: /* @__PURE__ */ __name(function containerRef2(el) {
+ this.container = el;
+ }, "containerRef"),
+ menubarRef: /* @__PURE__ */ __name(function menubarRef(el) {
+ this.menubar = el ? el.$el : void 0;
+ }, "menubarRef")
+ },
+ computed: {
+ processedItems: /* @__PURE__ */ __name(function processedItems() {
+ return this.createProcessedItems(this.model || []);
+ }, "processedItems"),
+ visibleItems: /* @__PURE__ */ __name(function visibleItems() {
+ var processedItem = isNotEmpty(this.activeItem) ? this.activeItem : null;
+ return processedItem && processedItem.key === this.focusedItemInfo.parentKey ? processedItem.items.reduce(function(items2, col) {
+ col.forEach(function(submenu) {
+ submenu.items.forEach(function(a) {
+ items2.push(a);
+ });
+ });
+ return items2;
+ }, []) : this.processedItems;
+ }, "visibleItems"),
+ horizontal: /* @__PURE__ */ __name(function horizontal() {
+ return this.orientation === "horizontal";
+ }, "horizontal"),
+ vertical: /* @__PURE__ */ __name(function vertical() {
+ return this.orientation === "vertical";
+ }, "vertical"),
+ focusedItemId: /* @__PURE__ */ __name(function focusedItemId() {
+ return isNotEmpty(this.focusedItemInfo.key) ? "".concat(this.id, "_").concat(this.focusedItemInfo.key) : null;
+ }, "focusedItemId")
+ },
+ components: {
+ MegaMenuSub: script$1$k,
+ BarsIcon: script$1H
+ }
+};
+var _hoisted_1$i = ["id"];
+var _hoisted_2$d = ["aria-haspopup", "aria-expanded", "aria-controls", "aria-label"];
+function render$u(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_BarsIcon = resolveComponent("BarsIcon");
+ var _component_MegaMenuSub = resolveComponent("MegaMenuSub");
+ return openBlock(), createElementBlock("div", mergeProps({
+ ref: $options.containerRef,
+ id: $data.id,
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [_ctx.$slots.start ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("start")
+ }, _ctx.ptm("start")), [renderSlot(_ctx.$slots, "start")], 16)) : createCommentVNode("", true), renderSlot(_ctx.$slots, _ctx.$slots.button ? "button" : "menubutton", {
+ id: $data.id,
+ "class": normalizeClass(_ctx.cx("button")),
+ toggleCallback: /* @__PURE__ */ __name(function toggleCallback(event2) {
+ return $options.menuButtonClick(event2);
+ }, "toggleCallback")
+ }, function() {
+ var _ctx$$primevue$config;
+ return [_ctx.model && _ctx.model.length > 0 ? (openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ ref: "menubutton",
+ role: "button",
+ tabindex: "0",
+ "class": _ctx.cx("button"),
+ "aria-haspopup": _ctx.model.length && _ctx.model.length > 0 ? true : false,
+ "aria-expanded": $data.mobileActive,
+ "aria-controls": $data.id,
+ "aria-label": (_ctx$$primevue$config = _ctx.$primevue.config.locale.aria) === null || _ctx$$primevue$config === void 0 ? void 0 : _ctx$$primevue$config.navigation,
+ onClick: _cache[0] || (_cache[0] = function($event) {
+ return $options.menuButtonClick($event);
+ }),
+ onKeydown: _cache[1] || (_cache[1] = function($event) {
+ return $options.menuButtonKeydown($event);
+ })
+ }, _ctx.ptm("button")), [renderSlot(_ctx.$slots, _ctx.$slots.buttonicon ? "buttonicon" : "menubuttonicon", {}, function() {
+ return [createVNode(_component_BarsIcon, normalizeProps(guardReactiveProps(_ctx.ptm("buttonIcon"))), null, 16)];
+ })], 16, _hoisted_2$d)) : createCommentVNode("", true)];
+ }), createVNode(_component_MegaMenuSub, {
+ ref: $options.menubarRef,
+ id: $data.id + "_list",
+ tabindex: !_ctx.disabled ? _ctx.tabindex : -1,
+ role: "menubar",
+ "aria-label": _ctx.ariaLabel,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-disabled": _ctx.disabled || void 0,
+ "aria-orientation": _ctx.orientation,
+ "aria-activedescendant": $data.focused ? $options.focusedItemId : void 0,
+ menuId: $data.id,
+ focusedItemId: $data.focused ? $options.focusedItemId : void 0,
+ items: $options.processedItems,
+ horizontal: $options.horizontal,
+ templates: _ctx.$slots,
+ activeItem: $data.activeItem,
+ mobileActive: $data.mobileActive,
+ level: 0,
+ style: normalizeStyle(_ctx.sx("rootList")),
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled,
+ onFocus: $options.onFocus,
+ onBlur: $options.onBlur,
+ onKeydown: $options.onKeyDown,
+ onItemClick: $options.onItemClick,
+ onItemMouseenter: $options.onItemMouseEnter
+ }, null, 8, ["id", "tabindex", "aria-label", "aria-labelledby", "aria-disabled", "aria-orientation", "aria-activedescendant", "menuId", "focusedItemId", "items", "horizontal", "templates", "activeItem", "mobileActive", "style", "pt", "unstyled", "onFocus", "onBlur", "onKeydown", "onItemClick", "onItemMouseenter"]), _ctx.$slots.end ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("end")
+ }, _ctx.ptm("end")), [renderSlot(_ctx.$slots, "end")], 16)) : createCommentVNode("", true)], 16, _hoisted_1$i);
+}
+__name(render$u, "render$u");
+script$y.render = render$u;
+var theme$i = /* @__PURE__ */ __name(function theme21(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-menu {\n background: ".concat(dt("menu.background"), ";\n color: ").concat(dt("menu.color"), ";\n border: 1px solid ").concat(dt("menu.border.color"), ";\n border-radius: ").concat(dt("menu.border.radius"), ";\n min-width: 12.5rem;\n}\n\n.p-menu-list {\n margin: 0;\n padding: ").concat(dt("menu.list.padding"), ";\n outline: 0 none;\n list-style: none;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("menu.list.gap"), ";\n}\n\n.p-menu-item-content {\n transition: background ").concat(dt("menu.transition.duration"), ", color ").concat(dt("menu.transition.duration"), ";\n border-radius: ").concat(dt("menu.item.border.radius"), ";\n color: ").concat(dt("menu.item.color"), ";\n}\n\n.p-menu-item-link {\n cursor: pointer;\n display: flex;\n align-items: center;\n text-decoration: none;\n overflow: hidden;\n position: relative;\n color: inherit;\n padding: ").concat(dt("menu.item.padding"), ";\n gap: ").concat(dt("menu.item.gap"), ";\n user-select: none;\n outline: 0 none;\n}\n\n.p-menu-item-label {\n line-height: 1;\n}\n\n.p-menu-item-icon {\n color: ").concat(dt("menu.item.icon.color"), ";\n}\n\n.p-menu-item.p-focus .p-menu-item-content {\n color: ").concat(dt("menu.item.focus.color"), ";\n background: ").concat(dt("menu.item.focus.background"), ";\n}\n\n.p-menu-item.p-focus .p-menu-item-icon {\n color: ").concat(dt("menu.item.icon.focus.color"), ";\n}\n\n.p-menu-item:not(.p-disabled) .p-menu-item-content:hover {\n color: ").concat(dt("menu.item.focus.color"), ";\n background: ").concat(dt("menu.item.focus.background"), ";\n}\n\n.p-menu-item:not(.p-disabled) .p-menu-item-content:hover .p-menu-item-icon {\n color: ").concat(dt("menu.item.icon.focus.color"), ";\n}\n\n.p-menu-overlay {\n box-shadow: ").concat(dt("menu.shadow"), ";\n}\n\n.p-menu-submenu-label {\n background: ").concat(dt("menu.submenu.label.background"), ";\n padding: ").concat(dt("menu.submenu.label.padding"), ";\n color: ").concat(dt("menu.submenu.label.color"), ";\n font-weight: ").concat(dt("menu.submenu.label.font.weight"), ";\n}\n\n.p-menu-separator {\n border-block-start: 1px solid ").concat(dt("menu.separator.border.color"), ";\n}\n");
+}, "theme");
+var classes$j = {
+ root: /* @__PURE__ */ __name(function root17(_ref2) {
+ var props = _ref2.props;
+ return ["p-menu p-component", {
+ "p-menu-overlay": props.popup
+ }];
+ }, "root"),
+ start: "p-menu-start",
+ list: "p-menu-list",
+ submenuLabel: "p-menu-submenu-label",
+ separator: "p-menu-separator",
+ end: "p-menu-end",
+ item: /* @__PURE__ */ __name(function item4(_ref3) {
+ var instance = _ref3.instance;
+ return ["p-menu-item", {
+ "p-focus": instance.id === instance.focusedOptionId,
+ "p-disabled": instance.disabled()
+ }];
+ }, "item"),
+ itemContent: "p-menu-item-content",
+ itemLink: "p-menu-item-link",
+ itemIcon: "p-menu-item-icon",
+ itemLabel: "p-menu-item-label"
+};
+var MenuStyle = BaseStyle.extend({
+ name: "menu",
+ theme: theme$i,
+ classes: classes$j
+});
+var script$2$4 = {
+ name: "BaseMenu",
+ "extends": script$1f,
+ props: {
+ popup: {
+ type: Boolean,
+ "default": false
+ },
+ model: {
+ type: Array,
+ "default": null
+ },
+ appendTo: {
+ type: [String, Object],
+ "default": "body"
+ },
+ autoZIndex: {
+ type: Boolean,
+ "default": true
+ },
+ baseZIndex: {
+ type: Number,
+ "default": 0
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ }
+ },
+ style: MenuStyle,
+ provide: /* @__PURE__ */ __name(function provide31() {
+ return {
+ $pcMenu: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1$j = {
+ name: "Menuitem",
+ hostName: "Menu",
+ "extends": script$1f,
+ inheritAttrs: false,
+ emits: ["item-click", "item-mousemove"],
+ props: {
+ item: null,
+ templates: null,
+ id: null,
+ focusedOptionId: null,
+ index: null
+ },
+ methods: {
+ getItemProp: /* @__PURE__ */ __name(function getItemProp4(processedItem, name4) {
+ return processedItem && processedItem.item ? resolve(processedItem.item[name4]) : void 0;
+ }, "getItemProp"),
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions4(key) {
+ return this.ptm(key, {
+ context: {
+ item: this.item,
+ index: this.index,
+ focused: this.isItemFocused(),
+ disabled: this.disabled()
+ }
+ });
+ }, "getPTOptions"),
+ isItemFocused: /* @__PURE__ */ __name(function isItemFocused2() {
+ return this.focusedOptionId === this.id;
+ }, "isItemFocused"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick4(event2) {
+ var command = this.getItemProp(this.item, "command");
+ command && command({
+ originalEvent: event2,
+ item: this.item.item
+ });
+ this.$emit("item-click", {
+ originalEvent: event2,
+ item: this.item,
+ id: this.id
+ });
+ }, "onItemClick"),
+ onItemMouseMove: /* @__PURE__ */ __name(function onItemMouseMove(event2) {
+ this.$emit("item-mousemove", {
+ originalEvent: event2,
+ item: this.item,
+ id: this.id
+ });
+ }, "onItemMouseMove"),
+ visible: /* @__PURE__ */ __name(function visible2() {
+ return typeof this.item.visible === "function" ? this.item.visible() : this.item.visible !== false;
+ }, "visible"),
+ disabled: /* @__PURE__ */ __name(function disabled3() {
+ return typeof this.item.disabled === "function" ? this.item.disabled() : this.item.disabled;
+ }, "disabled"),
+ label: /* @__PURE__ */ __name(function label4() {
+ return typeof this.item.label === "function" ? this.item.label() : this.item.label;
+ }, "label"),
+ getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps4(item8) {
+ return {
+ action: mergeProps({
+ "class": this.cx("itemLink"),
+ tabindex: "-1"
+ }, this.getPTOptions("itemLink")),
+ icon: mergeProps({
+ "class": [this.cx("itemIcon"), item8.icon]
+ }, this.getPTOptions("itemIcon")),
+ label: mergeProps({
+ "class": this.cx("itemLabel")
+ }, this.getPTOptions("itemLabel"))
+ };
+ }, "getMenuItemProps")
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+var _hoisted_1$1$3 = ["id", "aria-label", "aria-disabled", "data-p-focused", "data-p-disabled"];
+var _hoisted_2$1$2 = ["href", "target"];
+function render$1$4(_ctx, _cache, $props, $setup, $data, $options) {
+ var _directive_ripple = resolveDirective("ripple");
+ return $options.visible() ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ id: $props.id,
+ "class": [_ctx.cx("item"), $props.item["class"]],
+ role: "menuitem",
+ style: $props.item.style,
+ "aria-label": $options.label(),
+ "aria-disabled": $options.disabled()
+ }, $options.getPTOptions("item"), {
+ "data-p-focused": $options.isItemFocused(),
+ "data-p-disabled": $options.disabled() || false
+ }), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("itemContent"),
+ onClick: _cache[0] || (_cache[0] = function($event) {
+ return $options.onItemClick($event);
+ }),
+ onMousemove: _cache[1] || (_cache[1] = function($event) {
+ return $options.onItemMouseMove($event);
+ })
+ }, $options.getPTOptions("itemContent")), [!$props.templates.item ? withDirectives((openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ href: $props.item.url,
+ "class": _ctx.cx("itemLink"),
+ target: $props.item.target,
+ tabindex: "-1"
+ }, $options.getPTOptions("itemLink")), [$props.templates.itemicon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.itemicon), {
+ key: 0,
+ item: $props.item,
+ "class": normalizeClass(_ctx.cx("itemIcon"))
+ }, null, 8, ["item", "class"])) : $props.item.icon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": [_ctx.cx("itemIcon"), $props.item.icon]
+ }, $options.getPTOptions("itemIcon")), null, 16)) : createCommentVNode("", true), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("itemLabel")
+ }, $options.getPTOptions("itemLabel")), toDisplayString($options.label()), 17)], 16, _hoisted_2$1$2)), [[_directive_ripple]]) : $props.templates.item ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.item), {
+ key: 1,
+ item: $props.item,
+ label: $options.label(),
+ props: $options.getMenuItemProps($props.item)
+ }, null, 8, ["item", "label", "props"])) : createCommentVNode("", true)], 16)], 16, _hoisted_1$1$3)) : createCommentVNode("", true);
+}
+__name(render$1$4, "render$1$4");
+script$1$j.render = render$1$4;
+function _toConsumableArray$7(r) {
+ return _arrayWithoutHoles$7(r) || _iterableToArray$7(r) || _unsupportedIterableToArray$8(r) || _nonIterableSpread$7();
+}
+__name(_toConsumableArray$7, "_toConsumableArray$7");
+function _nonIterableSpread$7() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$7, "_nonIterableSpread$7");
+function _unsupportedIterableToArray$8(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$8(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$8(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$8, "_unsupportedIterableToArray$8");
+function _iterableToArray$7(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$7, "_iterableToArray$7");
+function _arrayWithoutHoles$7(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$8(r);
+}
+__name(_arrayWithoutHoles$7, "_arrayWithoutHoles$7");
+function _arrayLikeToArray$8(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$8, "_arrayLikeToArray$8");
+var script$x = {
+ name: "Menu",
+ "extends": script$2$4,
+ inheritAttrs: false,
+ emits: ["show", "hide", "focus", "blur"],
+ data: /* @__PURE__ */ __name(function data20() {
+ return {
+ id: this.$attrs.id,
+ overlayVisible: false,
+ focused: false,
+ focusedOptionIndex: -1,
+ selectedOptionIndex: -1
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId6(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId")
+ },
+ target: null,
+ outsideClickListener: null,
+ scrollHandler: null,
+ resizeListener: null,
+ container: null,
+ list: null,
+ mounted: /* @__PURE__ */ __name(function mounted22() {
+ this.id = this.id || UniqueComponentId();
+ if (!this.popup) {
+ this.bindResizeListener();
+ this.bindOutsideClickListener();
+ }
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount8() {
+ this.unbindResizeListener();
+ this.unbindOutsideClickListener();
+ if (this.scrollHandler) {
+ this.scrollHandler.destroy();
+ this.scrollHandler = null;
+ }
+ this.target = null;
+ if (this.container && this.autoZIndex) {
+ ZIndex.clear(this.container);
+ }
+ this.container = null;
+ }, "beforeUnmount"),
+ methods: {
+ itemClick: /* @__PURE__ */ __name(function itemClick(event2) {
+ var item8 = event2.item;
+ if (this.disabled(item8)) {
+ return;
+ }
+ if (item8.command) {
+ item8.command(event2);
+ }
+ if (this.overlayVisible) this.hide();
+ if (!this.popup && this.focusedOptionIndex !== event2.id) {
+ this.focusedOptionIndex = event2.id;
+ }
+ }, "itemClick"),
+ itemMouseMove: /* @__PURE__ */ __name(function itemMouseMove(event2) {
+ if (this.focused) {
+ this.focusedOptionIndex = event2.id;
+ }
+ }, "itemMouseMove"),
+ onListFocus: /* @__PURE__ */ __name(function onListFocus2(event2) {
+ this.focused = true;
+ !this.popup && this.changeFocusedOptionIndex(0);
+ this.$emit("focus", event2);
+ }, "onListFocus"),
+ onListBlur: /* @__PURE__ */ __name(function onListBlur2(event2) {
+ this.focused = false;
+ this.focusedOptionIndex = -1;
+ this.$emit("blur", event2);
+ }, "onListBlur"),
+ onListKeyDown: /* @__PURE__ */ __name(function onListKeyDown2(event2) {
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUpKey(event2);
+ break;
+ case "Home":
+ this.onHomeKey(event2);
+ break;
+ case "End":
+ this.onEndKey(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ this.onEnterKey(event2);
+ break;
+ case "Space":
+ this.onSpaceKey(event2);
+ break;
+ case "Escape":
+ if (this.popup) {
+ focus(this.target);
+ this.hide();
+ }
+ case "Tab":
+ this.overlayVisible && this.hide();
+ break;
+ }
+ }, "onListKeyDown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey5(event2) {
+ var optionIndex = this.findNextOptionIndex(this.focusedOptionIndex);
+ this.changeFocusedOptionIndex(optionIndex);
+ event2.preventDefault();
+ }, "onArrowDownKey"),
+ onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey5(event2) {
+ if (event2.altKey && this.popup) {
+ focus(this.target);
+ this.hide();
+ event2.preventDefault();
+ } else {
+ var optionIndex = this.findPrevOptionIndex(this.focusedOptionIndex);
+ this.changeFocusedOptionIndex(optionIndex);
+ event2.preventDefault();
+ }
+ }, "onArrowUpKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey5(event2) {
+ this.changeFocusedOptionIndex(0);
+ event2.preventDefault();
+ }, "onHomeKey"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey5(event2) {
+ this.changeFocusedOptionIndex(find(this.container, 'li[data-pc-section="item"][data-p-disabled="false"]').length - 1);
+ event2.preventDefault();
+ }, "onEndKey"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey4(event2) {
+ var element = findSingle(this.list, 'li[id="'.concat("".concat(this.focusedOptionIndex), '"]'));
+ var anchorElement = element && findSingle(element, 'a[data-pc-section="itemlink"]');
+ this.popup && focus(this.target);
+ anchorElement ? anchorElement.click() : element && element.click();
+ event2.preventDefault();
+ }, "onEnterKey"),
+ onSpaceKey: /* @__PURE__ */ __name(function onSpaceKey4(event2) {
+ this.onEnterKey(event2);
+ }, "onSpaceKey"),
+ findNextOptionIndex: /* @__PURE__ */ __name(function findNextOptionIndex3(index) {
+ var links = find(this.container, 'li[data-pc-section="item"][data-p-disabled="false"]');
+ var matchedOptionIndex = _toConsumableArray$7(links).findIndex(function(link) {
+ return link.id === index;
+ });
+ return matchedOptionIndex > -1 ? matchedOptionIndex + 1 : 0;
+ }, "findNextOptionIndex"),
+ findPrevOptionIndex: /* @__PURE__ */ __name(function findPrevOptionIndex3(index) {
+ var links = find(this.container, 'li[data-pc-section="item"][data-p-disabled="false"]');
+ var matchedOptionIndex = _toConsumableArray$7(links).findIndex(function(link) {
+ return link.id === index;
+ });
+ return matchedOptionIndex > -1 ? matchedOptionIndex - 1 : 0;
+ }, "findPrevOptionIndex"),
+ changeFocusedOptionIndex: /* @__PURE__ */ __name(function changeFocusedOptionIndex3(index) {
+ var links = find(this.container, 'li[data-pc-section="item"][data-p-disabled="false"]');
+ var order = index >= links.length ? links.length - 1 : index < 0 ? 0 : index;
+ order > -1 && (this.focusedOptionIndex = links[order].getAttribute("id"));
+ }, "changeFocusedOptionIndex"),
+ toggle: /* @__PURE__ */ __name(function toggle3(event2) {
+ if (this.overlayVisible) this.hide();
+ else this.show(event2);
+ }, "toggle"),
+ show: /* @__PURE__ */ __name(function show3(event2) {
+ this.overlayVisible = true;
+ this.target = event2.currentTarget;
+ }, "show"),
+ hide: /* @__PURE__ */ __name(function hide3() {
+ this.overlayVisible = false;
+ this.target = null;
+ }, "hide"),
+ onEnter: /* @__PURE__ */ __name(function onEnter2(el) {
+ addStyle(el, {
+ position: "absolute",
+ top: "0",
+ left: "0"
+ });
+ this.alignOverlay();
+ this.bindOutsideClickListener();
+ this.bindResizeListener();
+ this.bindScrollListener();
+ if (this.autoZIndex) {
+ ZIndex.set("menu", el, this.baseZIndex + this.$primevue.config.zIndex.menu);
+ }
+ if (this.popup) {
+ focus(this.list);
+ }
+ this.$emit("show");
+ }, "onEnter"),
+ onLeave: /* @__PURE__ */ __name(function onLeave2() {
+ this.unbindOutsideClickListener();
+ this.unbindResizeListener();
+ this.unbindScrollListener();
+ this.$emit("hide");
+ }, "onLeave"),
+ onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave2(el) {
+ if (this.autoZIndex) {
+ ZIndex.clear(el);
+ }
+ }, "onAfterLeave"),
+ alignOverlay: /* @__PURE__ */ __name(function alignOverlay3() {
+ absolutePosition(this.container, this.target);
+ var targetWidth = getOuterWidth(this.target);
+ if (targetWidth > getOuterWidth(this.container)) {
+ this.container.style.minWidth = getOuterWidth(this.target) + "px";
+ }
+ }, "alignOverlay"),
+ bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener4() {
+ var _this = this;
+ if (!this.outsideClickListener) {
+ this.outsideClickListener = function(event2) {
+ var isOutsideContainer = _this.container && !_this.container.contains(event2.target);
+ var isOutsideTarget = !(_this.target && (_this.target === event2.target || _this.target.contains(event2.target)));
+ if (_this.overlayVisible && isOutsideContainer && isOutsideTarget) {
+ _this.hide();
+ } else if (!_this.popup && isOutsideContainer && isOutsideTarget) {
+ _this.focusedOptionIndex = -1;
+ }
+ };
+ document.addEventListener("click", this.outsideClickListener);
+ }
+ }, "bindOutsideClickListener"),
+ unbindOutsideClickListener: /* @__PURE__ */ __name(function unbindOutsideClickListener4() {
+ if (this.outsideClickListener) {
+ document.removeEventListener("click", this.outsideClickListener);
+ this.outsideClickListener = null;
+ }
+ }, "unbindOutsideClickListener"),
+ bindScrollListener: /* @__PURE__ */ __name(function bindScrollListener4() {
+ var _this2 = this;
+ if (!this.scrollHandler) {
+ this.scrollHandler = new ConnectedOverlayScrollHandler(this.target, function() {
+ if (_this2.overlayVisible) {
+ _this2.hide();
+ }
+ });
+ }
+ this.scrollHandler.bindScrollListener();
+ }, "bindScrollListener"),
+ unbindScrollListener: /* @__PURE__ */ __name(function unbindScrollListener4() {
+ if (this.scrollHandler) {
+ this.scrollHandler.unbindScrollListener();
+ }
+ }, "unbindScrollListener"),
+ bindResizeListener: /* @__PURE__ */ __name(function bindResizeListener4() {
+ var _this3 = this;
+ if (!this.resizeListener) {
+ this.resizeListener = function() {
+ if (_this3.overlayVisible && !isTouchDevice()) {
+ _this3.hide();
+ }
+ };
+ window.addEventListener("resize", this.resizeListener);
+ }
+ }, "bindResizeListener"),
+ unbindResizeListener: /* @__PURE__ */ __name(function unbindResizeListener4() {
+ if (this.resizeListener) {
+ window.removeEventListener("resize", this.resizeListener);
+ this.resizeListener = null;
+ }
+ }, "unbindResizeListener"),
+ visible: /* @__PURE__ */ __name(function visible3(item8) {
+ return typeof item8.visible === "function" ? item8.visible() : item8.visible !== false;
+ }, "visible"),
+ disabled: /* @__PURE__ */ __name(function disabled4(item8) {
+ return typeof item8.disabled === "function" ? item8.disabled() : item8.disabled;
+ }, "disabled"),
+ label: /* @__PURE__ */ __name(function label5(item8) {
+ return typeof item8.label === "function" ? item8.label() : item8.label;
+ }, "label"),
+ onOverlayClick: /* @__PURE__ */ __name(function onOverlayClick3(event2) {
+ OverlayEventBus.emit("overlay-click", {
+ originalEvent: event2,
+ target: this.target
+ });
+ }, "onOverlayClick"),
+ containerRef: /* @__PURE__ */ __name(function containerRef3(el) {
+ this.container = el;
+ }, "containerRef"),
+ listRef: /* @__PURE__ */ __name(function listRef(el) {
+ this.list = el;
+ }, "listRef")
+ },
+ computed: {
+ focusedOptionId: /* @__PURE__ */ __name(function focusedOptionId4() {
+ return this.focusedOptionIndex !== -1 ? this.focusedOptionIndex : null;
+ }, "focusedOptionId")
+ },
+ components: {
+ PVMenuitem: script$1$j,
+ Portal: script$1m
+ }
+};
+var _hoisted_1$h = ["id"];
+var _hoisted_2$c = ["id", "tabindex", "aria-activedescendant", "aria-label", "aria-labelledby"];
+var _hoisted_3$9 = ["id"];
+function render$t(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_PVMenuitem = resolveComponent("PVMenuitem");
+ var _component_Portal = resolveComponent("Portal");
+ return openBlock(), createBlock(_component_Portal, {
+ appendTo: _ctx.appendTo,
+ disabled: !_ctx.popup
+ }, {
+ "default": withCtx(function() {
+ return [createVNode(Transition, mergeProps({
+ name: "p-connected-overlay",
+ onEnter: $options.onEnter,
+ onLeave: $options.onLeave,
+ onAfterLeave: $options.onAfterLeave
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [(_ctx.popup ? $data.overlayVisible : true) ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.containerRef,
+ id: $data.id,
+ "class": _ctx.cx("root"),
+ onClick: _cache[3] || (_cache[3] = function() {
+ return $options.onOverlayClick && $options.onOverlayClick.apply($options, arguments);
+ })
+ }, _ctx.ptmi("root")), [_ctx.$slots.start ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("start")
+ }, _ctx.ptm("start")), [renderSlot(_ctx.$slots, "start")], 16)) : createCommentVNode("", true), createBaseVNode("ul", mergeProps({
+ ref: $options.listRef,
+ id: $data.id + "_list",
+ "class": _ctx.cx("list"),
+ role: "menu",
+ tabindex: _ctx.tabindex,
+ "aria-activedescendant": $data.focused ? $options.focusedOptionId : void 0,
+ "aria-label": _ctx.ariaLabel,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ onFocus: _cache[0] || (_cache[0] = function() {
+ return $options.onListFocus && $options.onListFocus.apply($options, arguments);
+ }),
+ onBlur: _cache[1] || (_cache[1] = function() {
+ return $options.onListBlur && $options.onListBlur.apply($options, arguments);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function() {
+ return $options.onListKeyDown && $options.onListKeyDown.apply($options, arguments);
+ })
+ }, _ctx.ptm("list")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.model, function(item8, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.label(item8) + i.toString()
+ }, [item8.items && $options.visible(item8) && !item8.separator ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [item8.items ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ id: $data.id + "_" + i,
+ "class": [_ctx.cx("submenuLabel"), item8["class"]],
+ role: "none",
+ ref_for: true
+ }, _ctx.ptm("submenuLabel")), [renderSlot(_ctx.$slots, _ctx.$slots.submenulabel ? "submenulabel" : "submenuheader", {
+ item: item8
+ }, function() {
+ return [createTextVNode(toDisplayString($options.label(item8)), 1)];
+ })], 16, _hoisted_3$9)) : createCommentVNode("", true), (openBlock(true), createElementBlock(Fragment, null, renderList(item8.items, function(child, j) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: child.label + i + "_" + j
+ }, [$options.visible(child) && !child.separator ? (openBlock(), createBlock(_component_PVMenuitem, {
+ key: 0,
+ id: $data.id + "_" + i + "_" + j,
+ item: child,
+ templates: _ctx.$slots,
+ focusedOptionId: $options.focusedOptionId,
+ unstyled: _ctx.unstyled,
+ onItemClick: $options.itemClick,
+ onItemMousemove: $options.itemMouseMove,
+ pt: _ctx.pt
+ }, null, 8, ["id", "item", "templates", "focusedOptionId", "unstyled", "onItemClick", "onItemMousemove", "pt"])) : $options.visible(child) && child.separator ? (openBlock(), createElementBlock("li", mergeProps({
+ key: "separator" + i + j,
+ "class": [_ctx.cx("separator"), item8["class"]],
+ style: child.style,
+ role: "separator",
+ ref_for: true
+ }, _ctx.ptm("separator")), null, 16)) : createCommentVNode("", true)], 64);
+ }), 128))], 64)) : $options.visible(item8) && item8.separator ? (openBlock(), createElementBlock("li", mergeProps({
+ key: "separator" + i.toString(),
+ "class": [_ctx.cx("separator"), item8["class"]],
+ style: item8.style,
+ role: "separator",
+ ref_for: true
+ }, _ctx.ptm("separator")), null, 16)) : (openBlock(), createBlock(_component_PVMenuitem, {
+ key: $options.label(item8) + i.toString(),
+ id: $data.id + "_" + i,
+ item: item8,
+ index: i,
+ templates: _ctx.$slots,
+ focusedOptionId: $options.focusedOptionId,
+ unstyled: _ctx.unstyled,
+ onItemClick: $options.itemClick,
+ onItemMousemove: $options.itemMouseMove,
+ pt: _ctx.pt
+ }, null, 8, ["id", "item", "index", "templates", "focusedOptionId", "unstyled", "onItemClick", "onItemMousemove", "pt"]))], 64);
+ }), 128))], 16, _hoisted_2$c), _ctx.$slots.end ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("end")
+ }, _ctx.ptm("end")), [renderSlot(_ctx.$slots, "end")], 16)) : createCommentVNode("", true)], 16, _hoisted_1$h)) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onEnter", "onLeave", "onAfterLeave"])];
+ }),
+ _: 3
+ }, 8, ["appendTo", "disabled"]);
+}
+__name(render$t, "render$t");
+script$x.render = render$t;
+var theme$h = /* @__PURE__ */ __name(function theme22(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-metergroup {\n display: flex;\n gap: ".concat(dt("metergroup.gap"), ";\n}\n\n.p-metergroup-meters {\n display: flex;\n background: ").concat(dt("metergroup.meters.background"), ";\n border-radius: ").concat(dt("metergroup.border.radius"), ";\n}\n\n.p-metergroup-label-list {\n display: flex;\n flex-wrap: wrap;\n margin: 0;\n padding: 0;\n list-style-type: none;\n}\n\n.p-metergroup-label {\n display: inline-flex;\n align-items: center;\n gap: ").concat(dt("metergroup.label.gap"), ";\n}\n\n.p-metergroup-label-marker {\n display: inline-flex;\n width: ").concat(dt("metergroup.label.marker.size"), ";\n height: ").concat(dt("metergroup.label.marker.size"), ";\n border-radius: 100%;\n}\n\n.p-metergroup-label-icon {\n font-size: ").concat(dt("metergroup.label.icon.size"), ";\n width: ").concat(dt("metergroup.label.icon.size"), ";\n height: ").concat(dt("metergroup.label.icon.size"), ";\n}\n\n.p-metergroup-horizontal {\n flex-direction: column;\n}\n\n.p-metergroup-label-list-horizontal {\n gap: ").concat(dt("metergroup.label.list.horizontal.gap"), ";\n}\n\n.p-metergroup-horizontal .p-metergroup-meters {\n height: ").concat(dt("metergroup.meters.size"), ";\n}\n\n.p-metergroup-horizontal .p-metergroup-meter:first-of-type {\n border-start-start-radius: ").concat(dt("metergroup.border.radius"), ";\n border-end-start-radius: ").concat(dt("metergroup.border.radius"), ";\n}\n\n.p-metergroup-horizontal .p-metergroup-meter:last-of-type {\n border-start-end-radius: ").concat(dt("metergroup.border.radius"), ";\n border-end-end-radius: ").concat(dt("metergroup.border.radius"), ";\n}\n\n.p-metergroup-vertical {\n flex-direction: row;\n}\n\n.p-metergroup-label-list-vertical {\n flex-direction: column;\n gap: ").concat(dt("metergroup.label.list.vertical.gap"), ";\n}\n\n.p-metergroup-vertical .p-metergroup-meters {\n flex-direction: column;\n width: ").concat(dt("metergroup.meters.size"), ";\n height: 100%;\n}\n\n.p-metergroup-vertical .p-metergroup-label-list {\n align-items: flex-start;\n}\n\n.p-metergroup-vertical .p-metergroup-meter:first-of-type {\n border-start-start-radius: ").concat(dt("metergroup.border.radius"), ";\n border-start-end-radius: ").concat(dt("metergroup.border.radius"), ";\n}\n\n.p-metergroup-vertical .p-metergroup-meter:last-of-type {\n border-end-start-radius: ").concat(dt("metergroup.border.radius"), ";\n border-end-end-radius: ").concat(dt("metergroup.border.radius"), ";\n}\n");
+}, "theme");
+var classes$i = {
+ root: /* @__PURE__ */ __name(function root18(_ref2) {
+ var props = _ref2.props;
+ return ["p-metergroup p-component", {
+ "p-metergroup-horizontal": props.orientation === "horizontal",
+ "p-metergroup-vertical": props.orientation === "vertical"
+ }];
+ }, "root"),
+ meters: "p-metergroup-meters",
+ meter: "p-metergroup-meter",
+ labelList: /* @__PURE__ */ __name(function labelList(_ref3) {
+ var props = _ref3.props;
+ return ["p-metergroup-label-list", {
+ "p-metergroup-label-list-vertical": props.labelOrientation === "vertical",
+ "p-metergroup-label-list-horizontal": props.labelOrientation === "horizontal"
+ }];
+ }, "labelList"),
+ label: "p-metergroup-label",
+ labelIcon: "p-metergroup-label-icon",
+ labelMarker: "p-metergroup-label-marker",
+ labelText: "p-metergroup-label-text"
+};
+var MeterGroupStyle = BaseStyle.extend({
+ name: "metergroup",
+ theme: theme$h,
+ classes: classes$i
+});
+var script$2$3 = {
+ name: "MeterGroup",
+ "extends": script$1f,
+ props: {
+ value: {
+ type: Array,
+ "default": null
+ },
+ min: {
+ type: Number,
+ "default": 0
+ },
+ max: {
+ type: Number,
+ "default": 100
+ },
+ orientation: {
+ type: String,
+ "default": "horizontal"
+ },
+ labelPosition: {
+ type: String,
+ "default": "end"
+ },
+ labelOrientation: {
+ type: String,
+ "default": "horizontal"
+ }
+ },
+ style: MeterGroupStyle,
+ provide: /* @__PURE__ */ __name(function provide32() {
+ return {
+ $pcMeterGroup: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1$i = {
+ name: "MeterGroupLabel",
+ hostName: "MeterGroup",
+ "extends": script$1f,
+ inheritAttrs: false,
+ props: {
+ value: {
+ type: Array,
+ "default": null
+ },
+ labelPosition: {
+ type: String,
+ "default": "end"
+ },
+ labelOrientation: {
+ type: String,
+ "default": "horizontal"
+ }
+ }
+};
+function render$1$3(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("ol", mergeProps({
+ "class": _ctx.cx("labelList")
+ }, _ctx.ptm("labelList")), [(openBlock(true), createElementBlock(Fragment, null, renderList($props.value, function(val, index) {
+ return openBlock(), createElementBlock("li", mergeProps({
+ key: index + "_label",
+ "class": _ctx.cx("label"),
+ ref_for: true
+ }, _ctx.ptm("label")), [renderSlot(_ctx.$slots, "icon", {
+ value: val,
+ "class": normalizeClass(_ctx.cx("labelIcon"))
+ }, function() {
+ return [val.icon ? (openBlock(), createElementBlock("i", mergeProps({
+ key: 0,
+ "class": [val.icon, _ctx.cx("labelIcon")],
+ style: {
+ color: val.color
+ },
+ ref_for: true
+ }, _ctx.ptm("labelIcon")), null, 16)) : (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": _ctx.cx("labelMarker"),
+ style: {
+ backgroundColor: val.color
+ },
+ ref_for: true
+ }, _ctx.ptm("labelMarker")), null, 16))];
+ }), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("labelText"),
+ ref_for: true
+ }, _ctx.ptm("labelText")), toDisplayString(val.label) + " (" + toDisplayString(_ctx.$parentInstance.percentValue(val.value)) + ")", 17)], 16);
+ }), 128))], 16);
+}
+__name(render$1$3, "render$1$3");
+script$1$i.render = render$1$3;
+var script$w = {
+ name: "MeterGroup",
+ "extends": script$2$3,
+ inheritAttrs: false,
+ methods: {
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions5(key, value2, index) {
+ return this.ptm(key, {
+ context: {
+ value: value2,
+ index
+ }
+ });
+ }, "getPTOptions"),
+ percent: /* @__PURE__ */ __name(function percent() {
+ var meter = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : 0;
+ var percentOfItem = (meter - this.min) / (this.max - this.min) * 100;
+ return Math.round(Math.max(0, Math.min(100, percentOfItem)));
+ }, "percent"),
+ percentValue: /* @__PURE__ */ __name(function percentValue(meter) {
+ return this.percent(meter) + "%";
+ }, "percentValue"),
+ meterCalculatedStyles: /* @__PURE__ */ __name(function meterCalculatedStyles(val) {
+ return {
+ backgroundColor: val.color,
+ width: this.orientation === "horizontal" && this.percentValue(val.value),
+ height: this.orientation === "vertical" && this.percentValue(val.value)
+ };
+ }, "meterCalculatedStyles")
+ },
+ computed: {
+ totalPercent: /* @__PURE__ */ __name(function totalPercent() {
+ return this.percent(this.value.reduce(function(total, val) {
+ return total + val.value;
+ }, 0));
+ }, "totalPercent"),
+ percentages: /* @__PURE__ */ __name(function percentages() {
+ var sum = 0;
+ var sumsArray = [];
+ this.value.forEach(function(item8) {
+ sum += item8.value;
+ sumsArray.push(sum);
+ });
+ return sumsArray;
+ }, "percentages")
+ },
+ components: {
+ MeterGroupLabel: script$1$i
+ }
+};
+var _hoisted_1$g = ["aria-valuemin", "aria-valuemax", "aria-valuenow"];
+function render$s(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_MeterGroupLabel = resolveComponent("MeterGroupLabel");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ role: "meter",
+ "aria-valuemin": _ctx.min,
+ "aria-valuemax": _ctx.max,
+ "aria-valuenow": $options.totalPercent
+ }, _ctx.ptmi("root")), [_ctx.labelPosition === "start" ? renderSlot(_ctx.$slots, "label", {
+ key: 0,
+ value: _ctx.value,
+ totalPercent: $options.totalPercent,
+ percentages: $options.percentages
+ }, function() {
+ return [createVNode(_component_MeterGroupLabel, {
+ value: _ctx.value,
+ labelPosition: _ctx.labelPosition,
+ labelOrientation: _ctx.labelOrientation,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["value", "labelPosition", "labelOrientation", "unstyled", "pt"])];
+ }) : createCommentVNode("", true), renderSlot(_ctx.$slots, "start", {
+ value: _ctx.value,
+ totalPercent: $options.totalPercent,
+ percentages: $options.percentages
+ }), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("meters")
+ }, _ctx.ptm("meters")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.value, function(val, index) {
+ return renderSlot(_ctx.$slots, "meter", {
+ key: index,
+ value: val,
+ index,
+ "class": normalizeClass(_ctx.cx("meter")),
+ orientation: _ctx.orientation,
+ size: $options.percentValue(val.value),
+ totalPercent: $options.totalPercent
+ }, function() {
+ return [$options.percent(val.value) ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": _ctx.cx("meter"),
+ style: $options.meterCalculatedStyles(val),
+ ref_for: true
+ }, $options.getPTOptions("meter", val, index)), null, 16)) : createCommentVNode("", true)];
+ });
+ }), 128))], 16), renderSlot(_ctx.$slots, "end", {
+ value: _ctx.value,
+ totalPercent: $options.totalPercent,
+ percentages: $options.percentages
+ }), _ctx.labelPosition === "end" ? renderSlot(_ctx.$slots, "label", {
+ key: 1,
+ value: _ctx.value,
+ totalPercent: $options.totalPercent,
+ percentages: $options.percentages
+ }, function() {
+ return [createVNode(_component_MeterGroupLabel, {
+ value: _ctx.value,
+ labelPosition: _ctx.labelPosition,
+ labelOrientation: _ctx.labelOrientation,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["value", "labelPosition", "labelOrientation", "unstyled", "pt"])];
+ }) : createCommentVNode("", true)], 16, _hoisted_1$g);
+}
+__name(render$s, "render$s");
+script$w.render = render$s;
+var theme$g = /* @__PURE__ */ __name(function theme23(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-multiselect {\n display: inline-flex;\n cursor: pointer;\n position: relative;\n user-select: none;\n background: ".concat(dt("multiselect.background"), ";\n border: 1px solid ").concat(dt("multiselect.border.color"), ";\n transition: background ").concat(dt("multiselect.transition.duration"), ", color ").concat(dt("multiselect.transition.duration"), ", border-color ").concat(dt("multiselect.transition.duration"), ", outline-color ").concat(dt("multiselect.transition.duration"), ", box-shadow ").concat(dt("multiselect.transition.duration"), ";\n border-radius: ").concat(dt("multiselect.border.radius"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt("multiselect.shadow"), ";\n}\n\n.p-multiselect:not(.p-disabled):hover {\n border-color: ").concat(dt("multiselect.hover.border.color"), ";\n}\n\n.p-multiselect:not(.p-disabled).p-focus {\n border-color: ").concat(dt("multiselect.focus.border.color"), ";\n box-shadow: ").concat(dt("multiselect.focus.ring.shadow"), ";\n outline: ").concat(dt("multiselect.focus.ring.width"), " ").concat(dt("multiselect.focus.ring.style"), " ").concat(dt("multiselect.focus.ring.color"), ";\n outline-offset: ").concat(dt("multiselect.focus.ring.offset"), ";\n}\n\n.p-multiselect.p-variant-filled {\n background: ").concat(dt("multiselect.filled.background"), ";\n}\n\n.p-multiselect.p-variant-filled:not(.p-disabled):hover {\n background: ").concat(dt("multiselect.filled.hover.background"), ";\n}\n\n.p-multiselect.p-variant-filled.p-focus {\n background: ").concat(dt("multiselect.filled.focus.background"), ";\n}\n\n.p-multiselect.p-invalid {\n border-color: ").concat(dt("multiselect.invalid.border.color"), ";\n}\n\n.p-multiselect.p-disabled {\n opacity: 1;\n background: ").concat(dt("multiselect.disabled.background"), ";\n}\n\n.p-multiselect-dropdown {\n display: flex;\n align-items: center;\n justify-content: center;\n flex-shrink: 0;\n background: transparent;\n color: ").concat(dt("multiselect.dropdown.color"), ";\n width: ").concat(dt("multiselect.dropdown.width"), ";\n border-start-end-radius: ").concat(dt("multiselect.border.radius"), ";\n border-end-end-radius: ").concat(dt("multiselect.border.radius"), ";\n}\n\n.p-multiselect-clear-icon {\n position: absolute;\n top: 50%;\n margin-top: -0.5rem;\n color: ").concat(dt("multiselect.clear.icon.color"), ";\n inset-inline-end: ").concat(dt("multiselect.dropdown.width"), ";\n}\n\n.p-multiselect-label-container {\n overflow: hidden;\n flex: 1 1 auto;\n cursor: pointer;\n}\n\n.p-multiselect-label {\n display: flex;\n align-items: center;\n gap: calc(").concat(dt("multiselect.padding.y"), " / 2);\n white-space: nowrap;\n cursor: pointer;\n overflow: hidden;\n text-overflow: ellipsis;\n padding: ").concat(dt("multiselect.padding.y"), " ").concat(dt("multiselect.padding.x"), ";\n color: ").concat(dt("multiselect.color"), ";\n}\n\n.p-multiselect-label.p-placeholder {\n color: ").concat(dt("multiselect.placeholder.color"), ";\n}\n\n.p-multiselect.p-invalid .p-multiselect-label.p-placeholder {\n color: ").concat(dt("multiselect.invalid.placeholder.color"), ";\n}\n\n.p-multiselect.p-disabled .p-multiselect-label {\n color: ").concat(dt("multiselect.disabled.color"), ";\n}\n\n.p-multiselect-label-empty {\n overflow: hidden;\n visibility: hidden;\n}\n\n.p-multiselect .p-multiselect-overlay {\n min-width: 100%;\n}\n\n.p-multiselect-overlay {\n position: absolute;\n top: 0;\n left: 0;\n background: ").concat(dt("multiselect.overlay.background"), ";\n color: ").concat(dt("multiselect.overlay.color"), ";\n border: 1px solid ").concat(dt("multiselect.overlay.border.color"), ";\n border-radius: ").concat(dt("multiselect.overlay.border.radius"), ";\n box-shadow: ").concat(dt("multiselect.overlay.shadow"), ";\n}\n\n.p-multiselect-header {\n display: flex;\n align-items: center;\n padding: ").concat(dt("multiselect.list.header.padding"), ";\n}\n\n.p-multiselect-header .p-checkbox {\n margin-inline-end: ").concat(dt("multiselect.option.gap"), ";\n}\n\n.p-multiselect-filter-container {\n flex: 1 1 auto;\n}\n\n.p-multiselect-filter {\n width: 100%;\n}\n\n.p-multiselect-list-container {\n overflow: auto;\n}\n\n.p-multiselect-list {\n margin: 0;\n padding: 0;\n list-style-type: none;\n padding: ").concat(dt("multiselect.list.padding"), ";\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("multiselect.list.gap"), ";\n}\n\n.p-multiselect-option {\n cursor: pointer;\n font-weight: normal;\n white-space: nowrap;\n position: relative;\n overflow: hidden;\n display: flex;\n align-items: center;\n gap: ").concat(dt("multiselect.option.gap"), ";\n padding: ").concat(dt("multiselect.option.padding"), ";\n border: 0 none;\n color: ").concat(dt("multiselect.option.color"), ";\n background: transparent;\n transition: background ").concat(dt("multiselect.transition.duration"), ", color ").concat(dt("multiselect.transition.duration"), ", border-color ").concat(dt("multiselect.transition.duration"), ", box-shadow ").concat(dt("multiselect.transition.duration"), ", outline-color ").concat(dt("multiselect.transition.duration"), ";\n border-radius: ").concat(dt("multiselect.option.border.radius"), ";\n}\n\n.p-multiselect-option:not(.p-multiselect-option-selected):not(.p-disabled).p-focus {\n background: ").concat(dt("multiselect.option.focus.background"), ";\n color: ").concat(dt("multiselect.option.focus.color"), ";\n}\n\n.p-multiselect-option.p-multiselect-option-selected {\n background: ").concat(dt("multiselect.option.selected.background"), ";\n color: ").concat(dt("multiselect.option.selected.color"), ";\n}\n\n.p-multiselect-option.p-multiselect-option-selected.p-focus {\n background: ").concat(dt("multiselect.option.selected.focus.background"), ";\n color: ").concat(dt("multiselect.option.selected.focus.color"), ";\n}\n\n.p-multiselect-option-group {\n cursor: auto;\n margin: 0;\n padding: ").concat(dt("multiselect.option.group.padding"), ";\n background: ").concat(dt("multiselect.option.group.background"), ";\n color: ").concat(dt("multiselect.option.group.color"), ";\n font-weight: ").concat(dt("multiselect.option.group.font.weight"), ";\n}\n\n.p-multiselect-empty-message {\n padding: ").concat(dt("multiselect.empty.message.padding"), ";\n}\n\n.p-multiselect-label .p-chip {\n padding-block-start: calc(").concat(dt("multiselect.padding.y"), " / 2);\n padding-block-end: calc(").concat(dt("multiselect.padding.y"), " / 2);\n border-radius: ").concat(dt("multiselect.chip.border.radius"), ";\n}\n\n.p-multiselect-label:has(.p-chip) {\n padding: calc(").concat(dt("multiselect.padding.y"), " / 2) calc(").concat(dt("multiselect.padding.x"), " / 2);\n}\n\n.p-multiselect-fluid {\n display: flex;\n width: 100%;\n}\n\n.p-multiselect-sm .p-multiselect-label {\n font-size: ").concat(dt("multiselect.sm.font.size"), ";\n padding-block: ").concat(dt("multiselect.sm.padding.y"), ";\n padding-inline: ").concat(dt("multiselect.sm.padding.x"), ";\n}\n\n.p-multiselect-sm .p-multiselect-dropdown .p-icon {\n font-size: ").concat(dt("multiselect.sm.font.size"), ";\n width: ").concat(dt("multiselect.sm.font.size"), ";\n height: ").concat(dt("multiselect.sm.font.size"), ";\n}\n\n.p-multiselect-lg .p-multiselect-label {\n font-size: ").concat(dt("multiselect.lg.font.size"), ";\n padding-block: ").concat(dt("multiselect.lg.padding.y"), ";\n padding-inline: ").concat(dt("multiselect.lg.padding.x"), ";\n}\n\n.p-multiselect-lg .p-multiselect-dropdown .p-icon {\n font-size: ").concat(dt("multiselect.lg.font.size"), ";\n width: ").concat(dt("multiselect.lg.font.size"), ";\n height: ").concat(dt("multiselect.lg.font.size"), ";\n}\n");
+}, "theme");
+var inlineStyles$5 = {
+ root: /* @__PURE__ */ __name(function root19(_ref2) {
+ var props = _ref2.props;
+ return {
+ position: props.appendTo === "self" ? "relative" : void 0
+ };
+ }, "root")
+};
+var classes$h = {
+ root: /* @__PURE__ */ __name(function root20(_ref3) {
+ var instance = _ref3.instance, props = _ref3.props;
+ return ["p-multiselect p-component p-inputwrapper", {
+ "p-multiselect-display-chip": props.display === "chip",
+ "p-disabled": props.disabled,
+ "p-invalid": instance.$invalid,
+ "p-variant-filled": instance.$variant === "filled",
+ "p-focus": instance.focused,
+ "p-inputwrapper-filled": instance.$filled,
+ "p-inputwrapper-focus": instance.focused || instance.overlayVisible,
+ "p-multiselect-open": instance.overlayVisible,
+ "p-multiselect-fluid": instance.$fluid,
+ "p-multiselect-sm p-inputfield-sm": props.size === "small",
+ "p-multiselect-lg p-inputfield-lg": props.size === "large"
+ }];
+ }, "root"),
+ labelContainer: "p-multiselect-label-container",
+ label: /* @__PURE__ */ __name(function label6(_ref4) {
+ var instance = _ref4.instance, props = _ref4.props;
+ return ["p-multiselect-label", {
+ "p-placeholder": instance.label === props.placeholder,
+ "p-multiselect-label-empty": !props.placeholder && (!props.modelValue || props.modelValue.length === 0)
+ }];
+ }, "label"),
+ clearIcon: "p-multiselect-clear-icon",
+ chipItem: "p-multiselect-chip-item",
+ pcChip: "p-multiselect-chip",
+ chipIcon: "p-multiselect-chip-icon",
+ dropdown: "p-multiselect-dropdown",
+ loadingIcon: "p-multiselect-loading-icon",
+ dropdownIcon: "p-multiselect-dropdown-icon",
+ overlay: "p-multiselect-overlay p-component",
+ header: "p-multiselect-header",
+ pcFilterContainer: "p-multiselect-filter-container",
+ pcFilter: "p-multiselect-filter",
+ listContainer: "p-multiselect-list-container",
+ list: "p-multiselect-list",
+ optionGroup: "p-multiselect-option-group",
+ option: /* @__PURE__ */ __name(function option2(_ref5) {
+ var instance = _ref5.instance, _option = _ref5.option, index = _ref5.index, getItemOptions = _ref5.getItemOptions, props = _ref5.props;
+ return ["p-multiselect-option", {
+ "p-multiselect-option-selected": instance.isSelected(_option) && props.highlightOnSelect,
+ "p-focus": instance.focusedOptionIndex === instance.getOptionIndex(index, getItemOptions),
+ "p-disabled": instance.isOptionDisabled(_option)
+ }];
+ }, "option"),
+ emptyMessage: "p-multiselect-empty-message"
+};
+var MultiSelectStyle = BaseStyle.extend({
+ name: "multiselect",
+ theme: theme$g,
+ classes: classes$h,
+ inlineStyles: inlineStyles$5
+});
+var script$1$h = {
+ name: "BaseMultiSelect",
+ "extends": script$1k,
+ props: {
+ options: Array,
+ optionLabel: null,
+ optionValue: null,
+ optionDisabled: null,
+ optionGroupLabel: null,
+ optionGroupChildren: null,
+ scrollHeight: {
+ type: String,
+ "default": "14rem"
+ },
+ placeholder: String,
+ inputId: {
+ type: String,
+ "default": null
+ },
+ panelClass: {
+ type: String,
+ "default": null
+ },
+ panelStyle: {
+ type: null,
+ "default": null
+ },
+ overlayClass: {
+ type: String,
+ "default": null
+ },
+ overlayStyle: {
+ type: null,
+ "default": null
+ },
+ dataKey: null,
+ showClear: {
+ type: Boolean,
+ "default": false
+ },
+ clearIcon: {
+ type: String,
+ "default": void 0
+ },
+ resetFilterOnClear: {
+ type: Boolean,
+ "default": false
+ },
+ filter: Boolean,
+ filterPlaceholder: String,
+ filterLocale: String,
+ filterMatchMode: {
+ type: String,
+ "default": "contains"
+ },
+ filterFields: {
+ type: Array,
+ "default": null
+ },
+ appendTo: {
+ type: [String, Object],
+ "default": "body"
+ },
+ display: {
+ type: String,
+ "default": "comma"
+ },
+ selectedItemsLabel: {
+ type: String,
+ "default": null
+ },
+ maxSelectedLabels: {
+ type: Number,
+ "default": null
+ },
+ selectionLimit: {
+ type: Number,
+ "default": null
+ },
+ showToggleAll: {
+ type: Boolean,
+ "default": true
+ },
+ loading: {
+ type: Boolean,
+ "default": false
+ },
+ checkboxIcon: {
+ type: String,
+ "default": void 0
+ },
+ dropdownIcon: {
+ type: String,
+ "default": void 0
+ },
+ filterIcon: {
+ type: String,
+ "default": void 0
+ },
+ loadingIcon: {
+ type: String,
+ "default": void 0
+ },
+ removeTokenIcon: {
+ type: String,
+ "default": void 0
+ },
+ chipIcon: {
+ type: String,
+ "default": void 0
+ },
+ selectAll: {
+ type: Boolean,
+ "default": null
+ },
+ resetFilterOnHide: {
+ type: Boolean,
+ "default": false
+ },
+ virtualScrollerOptions: {
+ type: Object,
+ "default": null
+ },
+ autoOptionFocus: {
+ type: Boolean,
+ "default": false
+ },
+ autoFilterFocus: {
+ type: Boolean,
+ "default": false
+ },
+ focusOnHover: {
+ type: Boolean,
+ "default": true
+ },
+ highlightOnSelect: {
+ type: Boolean,
+ "default": false
+ },
+ filterMessage: {
+ type: String,
+ "default": null
+ },
+ selectionMessage: {
+ type: String,
+ "default": null
+ },
+ emptySelectionMessage: {
+ type: String,
+ "default": null
+ },
+ emptyFilterMessage: {
+ type: String,
+ "default": null
+ },
+ emptyMessage: {
+ type: String,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ }
+ },
+ style: MultiSelectStyle,
+ provide: /* @__PURE__ */ __name(function provide33() {
+ return {
+ $pcMultiSelect: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _typeof$1$2(o) {
+ "@babel/helpers - typeof";
+ return _typeof$1$2 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$1$2(o);
+}
+__name(_typeof$1$2, "_typeof$1$2");
+function ownKeys$d(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$d, "ownKeys$d");
+function _objectSpread$d(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$d(Object(t2), true).forEach(function(r2) {
+ _defineProperty$1$2(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$d(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$d, "_objectSpread$d");
+function _defineProperty$1$2(e, r, t2) {
+ return (r = _toPropertyKey$1$2(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$1$2, "_defineProperty$1$2");
+function _toPropertyKey$1$2(t2) {
+ var i = _toPrimitive$1$2(t2, "string");
+ return "symbol" == _typeof$1$2(i) ? i : i + "";
+}
+__name(_toPropertyKey$1$2, "_toPropertyKey$1$2");
+function _toPrimitive$1$2(t2, r) {
+ if ("object" != _typeof$1$2(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$1$2(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$1$2, "_toPrimitive$1$2");
+function _toConsumableArray$6(r) {
+ return _arrayWithoutHoles$6(r) || _iterableToArray$6(r) || _unsupportedIterableToArray$7(r) || _nonIterableSpread$6();
+}
+__name(_toConsumableArray$6, "_toConsumableArray$6");
+function _nonIterableSpread$6() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$6, "_nonIterableSpread$6");
+function _unsupportedIterableToArray$7(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$7(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$7(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$7, "_unsupportedIterableToArray$7");
+function _iterableToArray$6(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$6, "_iterableToArray$6");
+function _arrayWithoutHoles$6(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$7(r);
+}
+__name(_arrayWithoutHoles$6, "_arrayWithoutHoles$6");
+function _arrayLikeToArray$7(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$7, "_arrayLikeToArray$7");
+var script$v = {
+ name: "MultiSelect",
+ "extends": script$1$h,
+ inheritAttrs: false,
+ emits: ["change", "focus", "blur", "before-show", "before-hide", "show", "hide", "filter", "selectall-change"],
+ inject: {
+ $pcFluid: {
+ "default": null
+ }
+ },
+ outsideClickListener: null,
+ scrollHandler: null,
+ resizeListener: null,
+ overlay: null,
+ list: null,
+ virtualScroller: null,
+ startRangeIndex: -1,
+ searchTimeout: null,
+ searchValue: "",
+ selectOnFocus: false,
+ data: /* @__PURE__ */ __name(function data21() {
+ return {
+ id: this.$attrs.id,
+ clicked: false,
+ focused: false,
+ focusedOptionIndex: -1,
+ filterValue: null,
+ overlayVisible: false
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId7(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ options: /* @__PURE__ */ __name(function options2() {
+ this.autoUpdateModel();
+ }, "options")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted23() {
+ this.id = this.id || UniqueComponentId();
+ this.autoUpdateModel();
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount9() {
+ this.unbindOutsideClickListener();
+ this.unbindResizeListener();
+ if (this.scrollHandler) {
+ this.scrollHandler.destroy();
+ this.scrollHandler = null;
+ }
+ if (this.overlay) {
+ ZIndex.clear(this.overlay);
+ this.overlay = null;
+ }
+ }, "beforeUnmount"),
+ methods: {
+ getOptionIndex: /* @__PURE__ */ __name(function getOptionIndex(index, fn) {
+ return this.virtualScrollerDisabled ? index : fn && fn(index)["index"];
+ }, "getOptionIndex"),
+ getOptionLabel: /* @__PURE__ */ __name(function getOptionLabel3(option4) {
+ return this.optionLabel ? resolveFieldData(option4, this.optionLabel) : option4;
+ }, "getOptionLabel"),
+ getOptionValue: /* @__PURE__ */ __name(function getOptionValue3(option4) {
+ return this.optionValue ? resolveFieldData(option4, this.optionValue) : option4;
+ }, "getOptionValue"),
+ getOptionRenderKey: /* @__PURE__ */ __name(function getOptionRenderKey(option4, index) {
+ return this.dataKey ? resolveFieldData(option4, this.dataKey) : this.getOptionLabel(option4) + "_".concat(index);
+ }, "getOptionRenderKey"),
+ getHeaderCheckboxPTOptions: /* @__PURE__ */ __name(function getHeaderCheckboxPTOptions(key) {
+ return this.ptm(key, {
+ context: {
+ selected: this.allSelected
+ }
+ });
+ }, "getHeaderCheckboxPTOptions"),
+ getCheckboxPTOptions: /* @__PURE__ */ __name(function getCheckboxPTOptions(option4, itemOptions, index, key) {
+ return this.ptm(key, {
+ context: {
+ selected: this.isSelected(option4),
+ focused: this.focusedOptionIndex === this.getOptionIndex(index, itemOptions),
+ disabled: this.isOptionDisabled(option4)
+ }
+ });
+ }, "getCheckboxPTOptions"),
+ isOptionDisabled: /* @__PURE__ */ __name(function isOptionDisabled3(option4) {
+ if (this.maxSelectionLimitReached && !this.isSelected(option4)) {
+ return true;
+ }
+ return this.optionDisabled ? resolveFieldData(option4, this.optionDisabled) : false;
+ }, "isOptionDisabled"),
+ isOptionGroup: /* @__PURE__ */ __name(function isOptionGroup3(option4) {
+ return this.optionGroupLabel && option4.optionGroup && option4.group;
+ }, "isOptionGroup"),
+ getOptionGroupLabel: /* @__PURE__ */ __name(function getOptionGroupLabel3(optionGroup) {
+ return resolveFieldData(optionGroup, this.optionGroupLabel);
+ }, "getOptionGroupLabel"),
+ getOptionGroupChildren: /* @__PURE__ */ __name(function getOptionGroupChildren3(optionGroup) {
+ return resolveFieldData(optionGroup, this.optionGroupChildren);
+ }, "getOptionGroupChildren"),
+ getAriaPosInset: /* @__PURE__ */ __name(function getAriaPosInset2(index) {
+ var _this = this;
+ return (this.optionGroupLabel ? index - this.visibleOptions.slice(0, index).filter(function(option4) {
+ return _this.isOptionGroup(option4);
+ }).length : index) + 1;
+ }, "getAriaPosInset"),
+ show: /* @__PURE__ */ __name(function show4(isFocus) {
+ this.$emit("before-show");
+ this.overlayVisible = true;
+ this.focusedOptionIndex = this.focusedOptionIndex !== -1 ? this.focusedOptionIndex : this.autoOptionFocus ? this.findFirstFocusedOptionIndex() : this.findSelectedOptionIndex();
+ isFocus && focus(this.$refs.focusInput);
+ }, "show"),
+ hide: /* @__PURE__ */ __name(function hide4(isFocus) {
+ var _this2 = this;
+ var _hide = /* @__PURE__ */ __name(function _hide2() {
+ _this2.$emit("before-hide");
+ _this2.overlayVisible = false;
+ _this2.clicked = false;
+ _this2.focusedOptionIndex = -1;
+ _this2.searchValue = "";
+ _this2.resetFilterOnHide && (_this2.filterValue = null);
+ isFocus && focus(_this2.$refs.focusInput);
+ }, "_hide");
+ setTimeout(function() {
+ _hide();
+ }, 0);
+ }, "hide"),
+ onFocus: /* @__PURE__ */ __name(function onFocus9(event2) {
+ if (this.disabled) {
+ return;
+ }
+ this.focused = true;
+ if (this.overlayVisible) {
+ this.focusedOptionIndex = this.focusedOptionIndex !== -1 ? this.focusedOptionIndex : this.autoOptionFocus ? this.findFirstFocusedOptionIndex() : this.findSelectedOptionIndex();
+ this.scrollInView(this.focusedOptionIndex);
+ }
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur9(event2) {
+ var _this$formField$onBlu, _this$formField;
+ this.clicked = false;
+ this.focused = false;
+ this.focusedOptionIndex = -1;
+ this.searchValue = "";
+ this.$emit("blur", event2);
+ (_this$formField$onBlu = (_this$formField = this.formField).onBlur) === null || _this$formField$onBlu === void 0 || _this$formField$onBlu.call(_this$formField);
+ }, "onBlur"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown9(event2) {
+ var _this3 = this;
+ if (this.disabled) {
+ event2.preventDefault();
+ return;
+ }
+ var metaKey = event2.metaKey || event2.ctrlKey;
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUpKey(event2);
+ break;
+ case "Home":
+ this.onHomeKey(event2);
+ break;
+ case "End":
+ this.onEndKey(event2);
+ break;
+ case "PageDown":
+ this.onPageDownKey(event2);
+ break;
+ case "PageUp":
+ this.onPageUpKey(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ case "Space":
+ this.onEnterKey(event2);
+ break;
+ case "Escape":
+ this.onEscapeKey(event2);
+ break;
+ case "Tab":
+ this.onTabKey(event2);
+ break;
+ case "ShiftLeft":
+ case "ShiftRight":
+ this.onShiftKey(event2);
+ break;
+ default:
+ if (event2.code === "KeyA" && metaKey) {
+ var value2 = this.visibleOptions.filter(function(option4) {
+ return _this3.isValidOption(option4);
+ }).map(function(option4) {
+ return _this3.getOptionValue(option4);
+ });
+ this.updateModel(event2, value2);
+ event2.preventDefault();
+ break;
+ }
+ if (!metaKey && isPrintableCharacter(event2.key)) {
+ !this.overlayVisible && this.show();
+ this.searchOptions(event2);
+ event2.preventDefault();
+ }
+ break;
+ }
+ this.clicked = false;
+ }, "onKeyDown"),
+ onContainerClick: /* @__PURE__ */ __name(function onContainerClick2(event2) {
+ if (this.disabled || this.loading) {
+ return;
+ }
+ if (event2.target.tagName === "INPUT" || event2.target.getAttribute("data-pc-section") === "clearicon" || event2.target.closest('[data-pc-section="clearicon"]')) {
+ return;
+ } else if (!this.overlay || !this.overlay.contains(event2.target)) {
+ this.overlayVisible ? this.hide(true) : this.show(true);
+ }
+ this.clicked = true;
+ }, "onContainerClick"),
+ onClearClick: /* @__PURE__ */ __name(function onClearClick2(event2) {
+ this.updateModel(event2, null);
+ this.resetFilterOnClear && (this.filterValue = null);
+ }, "onClearClick"),
+ onFirstHiddenFocus: /* @__PURE__ */ __name(function onFirstHiddenFocus(event2) {
+ var focusableEl = event2.relatedTarget === this.$refs.focusInput ? getFirstFocusableElement(this.overlay, ':not([data-p-hidden-focusable="true"])') : this.$refs.focusInput;
+ focus(focusableEl);
+ }, "onFirstHiddenFocus"),
+ onLastHiddenFocus: /* @__PURE__ */ __name(function onLastHiddenFocus(event2) {
+ var focusableEl = event2.relatedTarget === this.$refs.focusInput ? getLastFocusableElement(this.overlay, ':not([data-p-hidden-focusable="true"])') : this.$refs.focusInput;
+ focus(focusableEl);
+ }, "onLastHiddenFocus"),
+ onOptionSelect: /* @__PURE__ */ __name(function onOptionSelect2(event2, option4) {
+ var _this4 = this;
+ var index = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : -1;
+ var isFocus = arguments.length > 3 && arguments[3] !== void 0 ? arguments[3] : false;
+ if (this.disabled || this.isOptionDisabled(option4)) {
+ return;
+ }
+ var selected3 = this.isSelected(option4);
+ var value2 = null;
+ if (selected3) value2 = this.d_value.filter(function(val) {
+ return !equals(val, _this4.getOptionValue(option4), _this4.equalityKey);
+ });
+ else value2 = [].concat(_toConsumableArray$6(this.d_value || []), [this.getOptionValue(option4)]);
+ this.updateModel(event2, value2);
+ index !== -1 && (this.focusedOptionIndex = index);
+ isFocus && focus(this.$refs.focusInput);
+ }, "onOptionSelect"),
+ onOptionMouseMove: /* @__PURE__ */ __name(function onOptionMouseMove3(event2, index) {
+ if (this.focusOnHover) {
+ this.changeFocusedOptionIndex(event2, index);
+ }
+ }, "onOptionMouseMove"),
+ onOptionSelectRange: /* @__PURE__ */ __name(function onOptionSelectRange(event2) {
+ var _this5 = this;
+ var start = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : -1;
+ var end = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : -1;
+ start === -1 && (start = this.findNearestSelectedOptionIndex(end, true));
+ end === -1 && (end = this.findNearestSelectedOptionIndex(start));
+ if (start !== -1 && end !== -1) {
+ var rangeStart = Math.min(start, end);
+ var rangeEnd = Math.max(start, end);
+ var value2 = this.visibleOptions.slice(rangeStart, rangeEnd + 1).filter(function(option4) {
+ return _this5.isValidOption(option4);
+ }).map(function(option4) {
+ return _this5.getOptionValue(option4);
+ });
+ this.updateModel(event2, value2);
+ }
+ }, "onOptionSelectRange"),
+ onFilterChange: /* @__PURE__ */ __name(function onFilterChange(event2) {
+ var value2 = event2.target.value;
+ this.filterValue = value2;
+ this.focusedOptionIndex = -1;
+ this.$emit("filter", {
+ originalEvent: event2,
+ value: value2
+ });
+ !this.virtualScrollerDisabled && this.virtualScroller.scrollToIndex(0);
+ }, "onFilterChange"),
+ onFilterKeyDown: /* @__PURE__ */ __name(function onFilterKeyDown(event2) {
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUpKey(event2, true);
+ break;
+ case "ArrowLeft":
+ case "ArrowRight":
+ this.onArrowLeftKey(event2, true);
+ break;
+ case "Home":
+ this.onHomeKey(event2, true);
+ break;
+ case "End":
+ this.onEndKey(event2, true);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ this.onEnterKey(event2);
+ break;
+ case "Escape":
+ this.onEscapeKey(event2);
+ break;
+ case "Tab":
+ this.onTabKey(event2, true);
+ break;
+ }
+ }, "onFilterKeyDown"),
+ onFilterBlur: /* @__PURE__ */ __name(function onFilterBlur() {
+ this.focusedOptionIndex = -1;
+ }, "onFilterBlur"),
+ onFilterUpdated: /* @__PURE__ */ __name(function onFilterUpdated() {
+ if (this.overlayVisible) {
+ this.alignOverlay();
+ }
+ }, "onFilterUpdated"),
+ onOverlayClick: /* @__PURE__ */ __name(function onOverlayClick4(event2) {
+ OverlayEventBus.emit("overlay-click", {
+ originalEvent: event2,
+ target: this.$el
+ });
+ }, "onOverlayClick"),
+ onOverlayKeyDown: /* @__PURE__ */ __name(function onOverlayKeyDown3(event2) {
+ switch (event2.code) {
+ case "Escape":
+ this.onEscapeKey(event2);
+ break;
+ }
+ }, "onOverlayKeyDown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey6(event2) {
+ if (!this.overlayVisible) {
+ this.show();
+ } else {
+ var optionIndex = this.focusedOptionIndex !== -1 ? this.findNextOptionIndex(this.focusedOptionIndex) : this.clicked ? this.findFirstOptionIndex() : this.findFirstFocusedOptionIndex();
+ if (event2.shiftKey) {
+ this.onOptionSelectRange(event2, this.startRangeIndex, optionIndex);
+ }
+ this.changeFocusedOptionIndex(event2, optionIndex);
+ }
+ event2.preventDefault();
+ }, "onArrowDownKey"),
+ onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey6(event2) {
+ var pressedInInputText = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ if (event2.altKey && !pressedInInputText) {
+ if (this.focusedOptionIndex !== -1) {
+ this.onOptionSelect(event2, this.visibleOptions[this.focusedOptionIndex]);
+ }
+ this.overlayVisible && this.hide();
+ event2.preventDefault();
+ } else {
+ var optionIndex = this.focusedOptionIndex !== -1 ? this.findPrevOptionIndex(this.focusedOptionIndex) : this.clicked ? this.findLastOptionIndex() : this.findLastFocusedOptionIndex();
+ if (event2.shiftKey) {
+ this.onOptionSelectRange(event2, optionIndex, this.startRangeIndex);
+ }
+ this.changeFocusedOptionIndex(event2, optionIndex);
+ !this.overlayVisible && this.show();
+ event2.preventDefault();
+ }
+ }, "onArrowUpKey"),
+ onArrowLeftKey: /* @__PURE__ */ __name(function onArrowLeftKey3(event2) {
+ var pressedInInputText = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ pressedInInputText && (this.focusedOptionIndex = -1);
+ }, "onArrowLeftKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey6(event2) {
+ var pressedInInputText = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ if (pressedInInputText) {
+ var target = event2.currentTarget;
+ if (event2.shiftKey) {
+ target.setSelectionRange(0, event2.target.selectionStart);
+ } else {
+ target.setSelectionRange(0, 0);
+ this.focusedOptionIndex = -1;
+ }
+ } else {
+ var metaKey = event2.metaKey || event2.ctrlKey;
+ var optionIndex = this.findFirstOptionIndex();
+ if (event2.shiftKey && metaKey) {
+ this.onOptionSelectRange(event2, optionIndex, this.startRangeIndex);
+ }
+ this.changeFocusedOptionIndex(event2, optionIndex);
+ !this.overlayVisible && this.show();
+ }
+ event2.preventDefault();
+ }, "onHomeKey"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey6(event2) {
+ var pressedInInputText = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ if (pressedInInputText) {
+ var target = event2.currentTarget;
+ if (event2.shiftKey) {
+ target.setSelectionRange(event2.target.selectionStart, target.value.length);
+ } else {
+ var len = target.value.length;
+ target.setSelectionRange(len, len);
+ this.focusedOptionIndex = -1;
+ }
+ } else {
+ var metaKey = event2.metaKey || event2.ctrlKey;
+ var optionIndex = this.findLastOptionIndex();
+ if (event2.shiftKey && metaKey) {
+ this.onOptionSelectRange(event2, this.startRangeIndex, optionIndex);
+ }
+ this.changeFocusedOptionIndex(event2, optionIndex);
+ !this.overlayVisible && this.show();
+ }
+ event2.preventDefault();
+ }, "onEndKey"),
+ onPageUpKey: /* @__PURE__ */ __name(function onPageUpKey(event2) {
+ this.scrollInView(0);
+ event2.preventDefault();
+ }, "onPageUpKey"),
+ onPageDownKey: /* @__PURE__ */ __name(function onPageDownKey(event2) {
+ this.scrollInView(this.visibleOptions.length - 1);
+ event2.preventDefault();
+ }, "onPageDownKey"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey5(event2) {
+ if (!this.overlayVisible) {
+ this.focusedOptionIndex = -1;
+ this.onArrowDownKey(event2);
+ } else {
+ if (this.focusedOptionIndex !== -1) {
+ if (event2.shiftKey) this.onOptionSelectRange(event2, this.focusedOptionIndex);
+ else this.onOptionSelect(event2, this.visibleOptions[this.focusedOptionIndex]);
+ }
+ }
+ event2.preventDefault();
+ }, "onEnterKey"),
+ onEscapeKey: /* @__PURE__ */ __name(function onEscapeKey3(event2) {
+ this.overlayVisible && this.hide(true);
+ event2.preventDefault();
+ }, "onEscapeKey"),
+ onTabKey: /* @__PURE__ */ __name(function onTabKey3(event2) {
+ var pressedInInputText = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ if (!pressedInInputText) {
+ if (this.overlayVisible && this.hasFocusableElements()) {
+ focus(event2.shiftKey ? this.$refs.lastHiddenFocusableElementOnOverlay : this.$refs.firstHiddenFocusableElementOnOverlay);
+ event2.preventDefault();
+ } else {
+ if (this.focusedOptionIndex !== -1) {
+ this.onOptionSelect(event2, this.visibleOptions[this.focusedOptionIndex]);
+ }
+ this.overlayVisible && this.hide(this.filter);
+ }
+ }
+ }, "onTabKey"),
+ onShiftKey: /* @__PURE__ */ __name(function onShiftKey() {
+ this.startRangeIndex = this.focusedOptionIndex;
+ }, "onShiftKey"),
+ onOverlayEnter: /* @__PURE__ */ __name(function onOverlayEnter3(el) {
+ ZIndex.set("overlay", el, this.$primevue.config.zIndex.overlay);
+ addStyle(el, {
+ position: "absolute",
+ top: "0",
+ left: "0"
+ });
+ this.alignOverlay();
+ this.scrollInView();
+ this.autoFilterFocus && focus(this.$refs.filterInput.$el);
+ }, "onOverlayEnter"),
+ onOverlayAfterEnter: /* @__PURE__ */ __name(function onOverlayAfterEnter2() {
+ this.bindOutsideClickListener();
+ this.bindScrollListener();
+ this.bindResizeListener();
+ this.$emit("show");
+ }, "onOverlayAfterEnter"),
+ onOverlayLeave: /* @__PURE__ */ __name(function onOverlayLeave3() {
+ this.unbindOutsideClickListener();
+ this.unbindScrollListener();
+ this.unbindResizeListener();
+ this.$emit("hide");
+ this.overlay = null;
+ }, "onOverlayLeave"),
+ onOverlayAfterLeave: /* @__PURE__ */ __name(function onOverlayAfterLeave3(el) {
+ ZIndex.clear(el);
+ }, "onOverlayAfterLeave"),
+ alignOverlay: /* @__PURE__ */ __name(function alignOverlay4() {
+ if (this.appendTo === "self") {
+ relativePosition(this.overlay, this.$el);
+ } else {
+ this.overlay.style.minWidth = getOuterWidth(this.$el) + "px";
+ absolutePosition(this.overlay, this.$el);
+ }
+ }, "alignOverlay"),
+ bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener5() {
+ var _this6 = this;
+ if (!this.outsideClickListener) {
+ this.outsideClickListener = function(event2) {
+ if (_this6.overlayVisible && _this6.isOutsideClicked(event2)) {
+ _this6.hide();
+ }
+ };
+ document.addEventListener("click", this.outsideClickListener);
+ }
+ }, "bindOutsideClickListener"),
+ unbindOutsideClickListener: /* @__PURE__ */ __name(function unbindOutsideClickListener5() {
+ if (this.outsideClickListener) {
+ document.removeEventListener("click", this.outsideClickListener);
+ this.outsideClickListener = null;
+ }
+ }, "unbindOutsideClickListener"),
+ bindScrollListener: /* @__PURE__ */ __name(function bindScrollListener5() {
+ var _this7 = this;
+ if (!this.scrollHandler) {
+ this.scrollHandler = new ConnectedOverlayScrollHandler(this.$refs.container, function() {
+ if (_this7.overlayVisible) {
+ _this7.hide();
+ }
+ });
+ }
+ this.scrollHandler.bindScrollListener();
+ }, "bindScrollListener"),
+ unbindScrollListener: /* @__PURE__ */ __name(function unbindScrollListener5() {
+ if (this.scrollHandler) {
+ this.scrollHandler.unbindScrollListener();
+ }
+ }, "unbindScrollListener"),
+ bindResizeListener: /* @__PURE__ */ __name(function bindResizeListener5() {
+ var _this8 = this;
+ if (!this.resizeListener) {
+ this.resizeListener = function() {
+ if (_this8.overlayVisible && !isTouchDevice()) {
+ _this8.hide();
+ }
+ };
+ window.addEventListener("resize", this.resizeListener);
+ }
+ }, "bindResizeListener"),
+ unbindResizeListener: /* @__PURE__ */ __name(function unbindResizeListener5() {
+ if (this.resizeListener) {
+ window.removeEventListener("resize", this.resizeListener);
+ this.resizeListener = null;
+ }
+ }, "unbindResizeListener"),
+ isOutsideClicked: /* @__PURE__ */ __name(function isOutsideClicked2(event2) {
+ return !(this.$el.isSameNode(event2.target) || this.$el.contains(event2.target) || this.overlay && this.overlay.contains(event2.target));
+ }, "isOutsideClicked"),
+ getLabelByValue: /* @__PURE__ */ __name(function getLabelByValue(value2) {
+ var _this9 = this;
+ var options4 = this.optionGroupLabel ? this.flatOptions(this.options) : this.options || [];
+ var matchedOption = options4.find(function(option4) {
+ return !_this9.isOptionGroup(option4) && equals(_this9.getOptionValue(option4), value2, _this9.equalityKey);
+ });
+ return matchedOption ? this.getOptionLabel(matchedOption) : null;
+ }, "getLabelByValue"),
+ getSelectedItemsLabel: /* @__PURE__ */ __name(function getSelectedItemsLabel() {
+ var pattern = /{(.*?)}/;
+ var selectedItemsLabel = this.selectedItemsLabel || this.$primevue.config.locale.selectionMessage;
+ if (pattern.test(selectedItemsLabel)) {
+ return selectedItemsLabel.replace(selectedItemsLabel.match(pattern)[0], this.d_value.length + "");
+ }
+ return selectedItemsLabel;
+ }, "getSelectedItemsLabel"),
+ onToggleAll: /* @__PURE__ */ __name(function onToggleAll(event2) {
+ var _this10 = this;
+ if (this.selectAll !== null) {
+ this.$emit("selectall-change", {
+ originalEvent: event2,
+ checked: !this.allSelected
+ });
+ } else {
+ var value2 = this.allSelected ? [] : this.visibleOptions.filter(function(option4) {
+ return _this10.isValidOption(option4);
+ }).map(function(option4) {
+ return _this10.getOptionValue(option4);
+ });
+ this.updateModel(event2, value2);
+ }
+ }, "onToggleAll"),
+ removeOption: /* @__PURE__ */ __name(function removeOption(event2, optionValue) {
+ var _this11 = this;
+ event2.stopPropagation();
+ var value2 = this.d_value.filter(function(val) {
+ return !equals(val, optionValue, _this11.equalityKey);
+ });
+ this.updateModel(event2, value2);
+ }, "removeOption"),
+ clearFilter: /* @__PURE__ */ __name(function clearFilter() {
+ this.filterValue = null;
+ }, "clearFilter"),
+ hasFocusableElements: /* @__PURE__ */ __name(function hasFocusableElements() {
+ return getFocusableElements(this.overlay, ':not([data-p-hidden-focusable="true"])').length > 0;
+ }, "hasFocusableElements"),
+ isOptionMatched: /* @__PURE__ */ __name(function isOptionMatched2(option4) {
+ var _this$getOptionLabel;
+ return this.isValidOption(option4) && typeof this.getOptionLabel(option4) === "string" && ((_this$getOptionLabel = this.getOptionLabel(option4)) === null || _this$getOptionLabel === void 0 ? void 0 : _this$getOptionLabel.toLocaleLowerCase(this.filterLocale).startsWith(this.searchValue.toLocaleLowerCase(this.filterLocale)));
+ }, "isOptionMatched"),
+ isValidOption: /* @__PURE__ */ __name(function isValidOption2(option4) {
+ return isNotEmpty(option4) && !(this.isOptionDisabled(option4) || this.isOptionGroup(option4));
+ }, "isValidOption"),
+ isValidSelectedOption: /* @__PURE__ */ __name(function isValidSelectedOption2(option4) {
+ return this.isValidOption(option4) && this.isSelected(option4);
+ }, "isValidSelectedOption"),
+ isEquals: /* @__PURE__ */ __name(function isEquals(value1, value2) {
+ return equals(value1, value2, this.equalityKey);
+ }, "isEquals"),
+ isSelected: /* @__PURE__ */ __name(function isSelected4(option4) {
+ var _this12 = this;
+ var optionValue = this.getOptionValue(option4);
+ return (this.d_value || []).some(function(value2) {
+ return _this12.isEquals(value2, optionValue);
+ });
+ }, "isSelected"),
+ findFirstOptionIndex: /* @__PURE__ */ __name(function findFirstOptionIndex2() {
+ var _this13 = this;
+ return this.visibleOptions.findIndex(function(option4) {
+ return _this13.isValidOption(option4);
+ });
+ }, "findFirstOptionIndex"),
+ findLastOptionIndex: /* @__PURE__ */ __name(function findLastOptionIndex2() {
+ var _this14 = this;
+ return findLastIndex(this.visibleOptions, function(option4) {
+ return _this14.isValidOption(option4);
+ });
+ }, "findLastOptionIndex"),
+ findNextOptionIndex: /* @__PURE__ */ __name(function findNextOptionIndex4(index) {
+ var _this15 = this;
+ var matchedOptionIndex = index < this.visibleOptions.length - 1 ? this.visibleOptions.slice(index + 1).findIndex(function(option4) {
+ return _this15.isValidOption(option4);
+ }) : -1;
+ return matchedOptionIndex > -1 ? matchedOptionIndex + index + 1 : index;
+ }, "findNextOptionIndex"),
+ findPrevOptionIndex: /* @__PURE__ */ __name(function findPrevOptionIndex4(index) {
+ var _this16 = this;
+ var matchedOptionIndex = index > 0 ? findLastIndex(this.visibleOptions.slice(0, index), function(option4) {
+ return _this16.isValidOption(option4);
+ }) : -1;
+ return matchedOptionIndex > -1 ? matchedOptionIndex : index;
+ }, "findPrevOptionIndex"),
+ findSelectedOptionIndex: /* @__PURE__ */ __name(function findSelectedOptionIndex2() {
+ var _this17 = this;
+ if (this.$filled) {
+ var _loop = /* @__PURE__ */ __name(function _loop2() {
+ var value2 = _this17.d_value[index];
+ var matchedOptionIndex = _this17.visibleOptions.findIndex(function(option4) {
+ return _this17.isValidSelectedOption(option4) && _this17.isEquals(value2, _this17.getOptionValue(option4));
+ });
+ if (matchedOptionIndex > -1) return {
+ v: matchedOptionIndex
+ };
+ }, "_loop"), _ret;
+ for (var index = this.d_value.length - 1; index >= 0; index--) {
+ _ret = _loop();
+ if (_ret) return _ret.v;
+ }
+ }
+ return -1;
+ }, "findSelectedOptionIndex"),
+ findFirstSelectedOptionIndex: /* @__PURE__ */ __name(function findFirstSelectedOptionIndex() {
+ var _this18 = this;
+ return this.$filled ? this.visibleOptions.findIndex(function(option4) {
+ return _this18.isValidSelectedOption(option4);
+ }) : -1;
+ }, "findFirstSelectedOptionIndex"),
+ findLastSelectedOptionIndex: /* @__PURE__ */ __name(function findLastSelectedOptionIndex() {
+ var _this19 = this;
+ return this.$filled ? findLastIndex(this.visibleOptions, function(option4) {
+ return _this19.isValidSelectedOption(option4);
+ }) : -1;
+ }, "findLastSelectedOptionIndex"),
+ findNextSelectedOptionIndex: /* @__PURE__ */ __name(function findNextSelectedOptionIndex(index) {
+ var _this20 = this;
+ var matchedOptionIndex = this.$filled && index < this.visibleOptions.length - 1 ? this.visibleOptions.slice(index + 1).findIndex(function(option4) {
+ return _this20.isValidSelectedOption(option4);
+ }) : -1;
+ return matchedOptionIndex > -1 ? matchedOptionIndex + index + 1 : -1;
+ }, "findNextSelectedOptionIndex"),
+ findPrevSelectedOptionIndex: /* @__PURE__ */ __name(function findPrevSelectedOptionIndex(index) {
+ var _this21 = this;
+ var matchedOptionIndex = this.$filled && index > 0 ? findLastIndex(this.visibleOptions.slice(0, index), function(option4) {
+ return _this21.isValidSelectedOption(option4);
+ }) : -1;
+ return matchedOptionIndex > -1 ? matchedOptionIndex : -1;
+ }, "findPrevSelectedOptionIndex"),
+ findNearestSelectedOptionIndex: /* @__PURE__ */ __name(function findNearestSelectedOptionIndex(index) {
+ var firstCheckUp = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ var matchedOptionIndex = -1;
+ if (this.$filled) {
+ if (firstCheckUp) {
+ matchedOptionIndex = this.findPrevSelectedOptionIndex(index);
+ matchedOptionIndex = matchedOptionIndex === -1 ? this.findNextSelectedOptionIndex(index) : matchedOptionIndex;
+ } else {
+ matchedOptionIndex = this.findNextSelectedOptionIndex(index);
+ matchedOptionIndex = matchedOptionIndex === -1 ? this.findPrevSelectedOptionIndex(index) : matchedOptionIndex;
+ }
+ }
+ return matchedOptionIndex > -1 ? matchedOptionIndex : index;
+ }, "findNearestSelectedOptionIndex"),
+ findFirstFocusedOptionIndex: /* @__PURE__ */ __name(function findFirstFocusedOptionIndex2() {
+ var selectedIndex = this.findSelectedOptionIndex();
+ return selectedIndex < 0 ? this.findFirstOptionIndex() : selectedIndex;
+ }, "findFirstFocusedOptionIndex"),
+ findLastFocusedOptionIndex: /* @__PURE__ */ __name(function findLastFocusedOptionIndex2() {
+ var selectedIndex = this.findSelectedOptionIndex();
+ return selectedIndex < 0 ? this.findLastOptionIndex() : selectedIndex;
+ }, "findLastFocusedOptionIndex"),
+ searchOptions: /* @__PURE__ */ __name(function searchOptions2(event2) {
+ var _this22 = this;
+ this.searchValue = (this.searchValue || "") + event2.key;
+ var optionIndex = -1;
+ if (isNotEmpty(this.searchValue)) {
+ if (this.focusedOptionIndex !== -1) {
+ optionIndex = this.visibleOptions.slice(this.focusedOptionIndex).findIndex(function(option4) {
+ return _this22.isOptionMatched(option4);
+ });
+ optionIndex = optionIndex === -1 ? this.visibleOptions.slice(0, this.focusedOptionIndex).findIndex(function(option4) {
+ return _this22.isOptionMatched(option4);
+ }) : optionIndex + this.focusedOptionIndex;
+ } else {
+ optionIndex = this.visibleOptions.findIndex(function(option4) {
+ return _this22.isOptionMatched(option4);
+ });
+ }
+ if (optionIndex === -1 && this.focusedOptionIndex === -1) {
+ optionIndex = this.findFirstFocusedOptionIndex();
+ }
+ if (optionIndex !== -1) {
+ this.changeFocusedOptionIndex(event2, optionIndex);
+ }
+ }
+ if (this.searchTimeout) {
+ clearTimeout(this.searchTimeout);
+ }
+ this.searchTimeout = setTimeout(function() {
+ _this22.searchValue = "";
+ _this22.searchTimeout = null;
+ }, 500);
+ }, "searchOptions"),
+ changeFocusedOptionIndex: /* @__PURE__ */ __name(function changeFocusedOptionIndex4(event2, index) {
+ if (this.focusedOptionIndex !== index) {
+ this.focusedOptionIndex = index;
+ this.scrollInView();
+ if (this.selectOnFocus) {
+ this.onOptionSelect(event2, this.visibleOptions[index]);
+ }
+ }
+ }, "changeFocusedOptionIndex"),
+ scrollInView: /* @__PURE__ */ __name(function scrollInView4() {
+ var _this23 = this;
+ var index = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : -1;
+ this.$nextTick(function() {
+ var id4 = index !== -1 ? "".concat(_this23.id, "_").concat(index) : _this23.focusedOptionId;
+ var element = findSingle(_this23.list, 'li[id="'.concat(id4, '"]'));
+ if (element) {
+ element.scrollIntoView && element.scrollIntoView({
+ block: "nearest",
+ inline: "nearest"
+ });
+ } else if (!_this23.virtualScrollerDisabled) {
+ _this23.virtualScroller && _this23.virtualScroller.scrollToIndex(index !== -1 ? index : _this23.focusedOptionIndex);
+ }
+ });
+ }, "scrollInView"),
+ autoUpdateModel: /* @__PURE__ */ __name(function autoUpdateModel2() {
+ if (this.selectOnFocus && this.autoOptionFocus && !this.$filled) {
+ this.focusedOptionIndex = this.findFirstFocusedOptionIndex();
+ var value2 = this.getOptionValue(this.visibleOptions[this.focusedOptionIndex]);
+ this.updateModel(null, [value2]);
+ }
+ }, "autoUpdateModel"),
+ updateModel: /* @__PURE__ */ __name(function updateModel6(event2, value2) {
+ this.writeValue(value2, event2);
+ this.$emit("change", {
+ originalEvent: event2,
+ value: value2
+ });
+ }, "updateModel"),
+ flatOptions: /* @__PURE__ */ __name(function flatOptions(options4) {
+ var _this24 = this;
+ return (options4 || []).reduce(function(result, option4, index) {
+ result.push({
+ optionGroup: option4,
+ group: true,
+ index
+ });
+ var optionGroupChildren = _this24.getOptionGroupChildren(option4);
+ optionGroupChildren && optionGroupChildren.forEach(function(o) {
+ return result.push(o);
+ });
+ return result;
+ }, []);
+ }, "flatOptions"),
+ overlayRef: /* @__PURE__ */ __name(function overlayRef3(el) {
+ this.overlay = el;
+ }, "overlayRef"),
+ listRef: /* @__PURE__ */ __name(function listRef2(el, contentRef) {
+ this.list = el;
+ contentRef && contentRef(el);
+ }, "listRef"),
+ virtualScrollerRef: /* @__PURE__ */ __name(function virtualScrollerRef(el) {
+ this.virtualScroller = el;
+ }, "virtualScrollerRef")
+ },
+ computed: {
+ visibleOptions: /* @__PURE__ */ __name(function visibleOptions2() {
+ var _this25 = this;
+ var options4 = this.optionGroupLabel ? this.flatOptions(this.options) : this.options || [];
+ if (this.filterValue) {
+ var filteredOptions = FilterService.filter(options4, this.searchFields, this.filterValue, this.filterMatchMode, this.filterLocale);
+ if (this.optionGroupLabel) {
+ var optionGroups = this.options || [];
+ var filtered = [];
+ optionGroups.forEach(function(group) {
+ var groupChildren = _this25.getOptionGroupChildren(group);
+ var filteredItems = groupChildren.filter(function(item8) {
+ return filteredOptions.includes(item8);
+ });
+ if (filteredItems.length > 0) filtered.push(_objectSpread$d(_objectSpread$d({}, group), {}, _defineProperty$1$2({}, typeof _this25.optionGroupChildren === "string" ? _this25.optionGroupChildren : "items", _toConsumableArray$6(filteredItems))));
+ });
+ return this.flatOptions(filtered);
+ }
+ return filteredOptions;
+ }
+ return options4;
+ }, "visibleOptions"),
+ label: /* @__PURE__ */ __name(function label7() {
+ var label12;
+ if (this.d_value && this.d_value.length) {
+ if (isNotEmpty(this.maxSelectedLabels) && this.d_value.length > this.maxSelectedLabels) {
+ return this.getSelectedItemsLabel();
+ } else {
+ label12 = "";
+ for (var i = 0; i < this.d_value.length; i++) {
+ if (i !== 0) {
+ label12 += ", ";
+ }
+ label12 += this.getLabelByValue(this.d_value[i]);
+ }
+ }
+ } else {
+ label12 = this.placeholder;
+ }
+ return label12;
+ }, "label"),
+ chipSelectedItems: /* @__PURE__ */ __name(function chipSelectedItems() {
+ return isNotEmpty(this.maxSelectedLabels) && this.d_value && this.d_value.length > this.maxSelectedLabels;
+ }, "chipSelectedItems"),
+ allSelected: /* @__PURE__ */ __name(function allSelected() {
+ var _this26 = this;
+ return this.selectAll !== null ? this.selectAll : isNotEmpty(this.visibleOptions) && this.visibleOptions.every(function(option4) {
+ return _this26.isOptionGroup(option4) || _this26.isOptionDisabled(option4) || _this26.isSelected(option4);
+ });
+ }, "allSelected"),
+ // @deprecated use $filled instead.
+ hasSelectedOption: /* @__PURE__ */ __name(function hasSelectedOption2() {
+ return this.$filled;
+ }, "hasSelectedOption"),
+ equalityKey: /* @__PURE__ */ __name(function equalityKey2() {
+ return this.optionValue ? null : this.dataKey;
+ }, "equalityKey"),
+ searchFields: /* @__PURE__ */ __name(function searchFields() {
+ return this.filterFields || [this.optionLabel];
+ }, "searchFields"),
+ maxSelectionLimitReached: /* @__PURE__ */ __name(function maxSelectionLimitReached() {
+ return this.selectionLimit && this.d_value && this.d_value.length === this.selectionLimit;
+ }, "maxSelectionLimitReached"),
+ filterResultMessageText: /* @__PURE__ */ __name(function filterResultMessageText() {
+ return isNotEmpty(this.visibleOptions) ? this.filterMessageText.replaceAll("{0}", this.visibleOptions.length) : this.emptyFilterMessageText;
+ }, "filterResultMessageText"),
+ filterMessageText: /* @__PURE__ */ __name(function filterMessageText() {
+ return this.filterMessage || this.$primevue.config.locale.searchMessage || "";
+ }, "filterMessageText"),
+ emptyFilterMessageText: /* @__PURE__ */ __name(function emptyFilterMessageText() {
+ return this.emptyFilterMessage || this.$primevue.config.locale.emptySearchMessage || this.$primevue.config.locale.emptyFilterMessage || "";
+ }, "emptyFilterMessageText"),
+ emptyMessageText: /* @__PURE__ */ __name(function emptyMessageText3() {
+ return this.emptyMessage || this.$primevue.config.locale.emptyMessage || "";
+ }, "emptyMessageText"),
+ selectionMessageText: /* @__PURE__ */ __name(function selectionMessageText2() {
+ return this.selectionMessage || this.$primevue.config.locale.selectionMessage || "";
+ }, "selectionMessageText"),
+ emptySelectionMessageText: /* @__PURE__ */ __name(function emptySelectionMessageText2() {
+ return this.emptySelectionMessage || this.$primevue.config.locale.emptySelectionMessage || "";
+ }, "emptySelectionMessageText"),
+ selectedMessageText: /* @__PURE__ */ __name(function selectedMessageText2() {
+ return this.$filled ? this.selectionMessageText.replaceAll("{0}", this.d_value.length) : this.emptySelectionMessageText;
+ }, "selectedMessageText"),
+ focusedOptionId: /* @__PURE__ */ __name(function focusedOptionId5() {
+ return this.focusedOptionIndex !== -1 ? "".concat(this.id, "_").concat(this.focusedOptionIndex) : null;
+ }, "focusedOptionId"),
+ ariaSetSize: /* @__PURE__ */ __name(function ariaSetSize() {
+ var _this27 = this;
+ return this.visibleOptions.filter(function(option4) {
+ return !_this27.isOptionGroup(option4);
+ }).length;
+ }, "ariaSetSize"),
+ toggleAllAriaLabel: /* @__PURE__ */ __name(function toggleAllAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria[this.allSelected ? "selectAll" : "unselectAll"] : void 0;
+ }, "toggleAllAriaLabel"),
+ listAriaLabel: /* @__PURE__ */ __name(function listAriaLabel2() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.listLabel : void 0;
+ }, "listAriaLabel"),
+ virtualScrollerDisabled: /* @__PURE__ */ __name(function virtualScrollerDisabled() {
+ return !this.virtualScrollerOptions;
+ }, "virtualScrollerDisabled"),
+ hasFluid: /* @__PURE__ */ __name(function hasFluid() {
+ return isEmpty(this.fluid) ? !!this.$pcFluid : this.fluid;
+ }, "hasFluid"),
+ isClearIconVisible: /* @__PURE__ */ __name(function isClearIconVisible2() {
+ return this.showClear && this.d_value != null && isNotEmpty(this.options);
+ }, "isClearIconVisible")
+ },
+ directives: {
+ ripple: Ripple
+ },
+ components: {
+ InputText: script$1l,
+ Checkbox: script$1I,
+ VirtualScroller: script$1J,
+ Portal: script$1m,
+ Chip: script$1s,
+ IconField: script$1K,
+ InputIcon: script$1L,
+ TimesIcon: script$1q,
+ SearchIcon: script$1M,
+ ChevronDownIcon: script$1h,
+ SpinnerIcon: script$1p,
+ CheckIcon: script$1C
+ }
+};
+function _typeof$e(o) {
+ "@babel/helpers - typeof";
+ return _typeof$e = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$e(o);
+}
+__name(_typeof$e, "_typeof$e");
+function _defineProperty$e(e, r, t2) {
+ return (r = _toPropertyKey$e(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$e, "_defineProperty$e");
+function _toPropertyKey$e(t2) {
+ var i = _toPrimitive$e(t2, "string");
+ return "symbol" == _typeof$e(i) ? i : i + "";
+}
+__name(_toPropertyKey$e, "_toPropertyKey$e");
+function _toPrimitive$e(t2, r) {
+ if ("object" != _typeof$e(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$e(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$e, "_toPrimitive$e");
+var _hoisted_1$f = ["id", "disabled", "placeholder", "tabindex", "aria-label", "aria-labelledby", "aria-expanded", "aria-controls", "aria-activedescendant", "aria-invalid"];
+var _hoisted_2$b = {
+ key: 0
+};
+var _hoisted_3$8 = ["id", "aria-label"];
+var _hoisted_4$5 = ["id"];
+var _hoisted_5$1 = ["id", "aria-label", "aria-selected", "aria-disabled", "aria-setsize", "aria-posinset", "onClick", "onMousemove", "data-p-selected", "data-p-focused", "data-p-disabled"];
+function render$r(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Chip = resolveComponent("Chip");
+ var _component_SpinnerIcon = resolveComponent("SpinnerIcon");
+ var _component_Checkbox = resolveComponent("Checkbox");
+ var _component_InputText = resolveComponent("InputText");
+ var _component_SearchIcon = resolveComponent("SearchIcon");
+ var _component_InputIcon = resolveComponent("InputIcon");
+ var _component_IconField = resolveComponent("IconField");
+ var _component_VirtualScroller = resolveComponent("VirtualScroller");
+ var _component_Portal = resolveComponent("Portal");
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("div", mergeProps({
+ ref: "container",
+ "class": _ctx.cx("root"),
+ style: _ctx.sx("root"),
+ onClick: _cache[7] || (_cache[7] = function() {
+ return $options.onContainerClick && $options.onContainerClick.apply($options, arguments);
+ })
+ }, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps({
+ "class": "p-hidden-accessible"
+ }, _ctx.ptm("hiddenInputContainer"), {
+ "data-p-hidden-accessible": true
+ }), [createBaseVNode("input", mergeProps({
+ ref: "focusInput",
+ id: _ctx.inputId,
+ type: "text",
+ readonly: "",
+ disabled: _ctx.disabled,
+ placeholder: _ctx.placeholder,
+ tabindex: !_ctx.disabled ? _ctx.tabindex : -1,
+ role: "combobox",
+ "aria-label": _ctx.ariaLabel,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-haspopup": "listbox",
+ "aria-expanded": $data.overlayVisible,
+ "aria-controls": $data.id + "_list",
+ "aria-activedescendant": $data.focused ? $options.focusedOptionId : void 0,
+ "aria-invalid": _ctx.invalid || void 0,
+ onFocus: _cache[0] || (_cache[0] = function() {
+ return $options.onFocus && $options.onFocus.apply($options, arguments);
+ }),
+ onBlur: _cache[1] || (_cache[1] = function() {
+ return $options.onBlur && $options.onBlur.apply($options, arguments);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function() {
+ return $options.onKeyDown && $options.onKeyDown.apply($options, arguments);
+ })
+ }, _ctx.ptm("hiddenInput")), null, 16, _hoisted_1$f)], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("labelContainer")
+ }, _ctx.ptm("labelContainer")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("label")
+ }, _ctx.ptm("label")), [renderSlot(_ctx.$slots, "value", {
+ value: _ctx.d_value,
+ placeholder: _ctx.placeholder
+ }, function() {
+ return [_ctx.display === "comma" ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [createTextVNode(toDisplayString($options.label || "empty"), 1)], 64)) : _ctx.display === "chip" ? (openBlock(), createElementBlock(Fragment, {
+ key: 1
+ }, [$options.chipSelectedItems ? (openBlock(), createElementBlock("span", _hoisted_2$b, toDisplayString($options.label), 1)) : (openBlock(true), createElementBlock(Fragment, {
+ key: 1
+ }, renderList(_ctx.d_value, function(item8) {
+ return openBlock(), createElementBlock("span", mergeProps({
+ key: $options.getLabelByValue(item8),
+ "class": _ctx.cx("chipItem"),
+ ref_for: true
+ }, _ctx.ptm("chipItem")), [renderSlot(_ctx.$slots, "chip", {
+ value: item8,
+ removeCallback: /* @__PURE__ */ __name(function removeCallback(event2) {
+ return $options.removeOption(event2, item8);
+ }, "removeCallback")
+ }, function() {
+ return [createVNode(_component_Chip, {
+ "class": normalizeClass(_ctx.cx("pcChip")),
+ label: $options.getLabelByValue(item8),
+ removeIcon: _ctx.chipIcon || _ctx.removeTokenIcon,
+ removable: "",
+ unstyled: _ctx.unstyled,
+ onRemove: /* @__PURE__ */ __name(function onRemove($event) {
+ return $options.removeOption($event, item8);
+ }, "onRemove"),
+ pt: _ctx.ptm("pcChip")
+ }, {
+ removeicon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, _ctx.$slots.chipicon ? "chipicon" : "removetokenicon", {
+ "class": normalizeClass(_ctx.cx("chipIcon")),
+ item: item8,
+ removeCallback: /* @__PURE__ */ __name(function removeCallback(event2) {
+ return $options.removeOption(event2, item8);
+ }, "removeCallback")
+ })];
+ }),
+ _: 2
+ }, 1032, ["class", "label", "removeIcon", "unstyled", "onRemove", "pt"])];
+ })], 16);
+ }), 128)), !_ctx.d_value || _ctx.d_value.length === 0 ? (openBlock(), createElementBlock(Fragment, {
+ key: 2
+ }, [createTextVNode(toDisplayString(_ctx.placeholder || "empty"), 1)], 64)) : createCommentVNode("", true)], 64)) : createCommentVNode("", true)];
+ })], 16)], 16), $options.isClearIconVisible ? renderSlot(_ctx.$slots, "clearicon", {
+ key: 0,
+ "class": normalizeClass(_ctx.cx("clearIcon")),
+ clearCallback: $options.onClearClick
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.clearIcon ? "i" : "TimesIcon"), mergeProps({
+ ref: "clearIcon",
+ "class": [_ctx.cx("clearIcon"), _ctx.clearIcon],
+ onClick: $options.onClearClick
+ }, _ctx.ptm("clearIcon"), {
+ "data-pc-section": "clearicon"
+ }), null, 16, ["class", "onClick"]))];
+ }) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("dropdown")
+ }, _ctx.ptm("dropdown")), [_ctx.loading ? renderSlot(_ctx.$slots, "loadingicon", {
+ key: 0,
+ "class": normalizeClass(_ctx.cx("loadingIcon"))
+ }, function() {
+ return [_ctx.loadingIcon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": [_ctx.cx("loadingIcon"), "pi-spin", _ctx.loadingIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("loadingIcon")), null, 16)) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps({
+ key: 1,
+ "class": _ctx.cx("loadingIcon"),
+ spin: "",
+ "aria-hidden": "true"
+ }, _ctx.ptm("loadingIcon")), null, 16, ["class"]))];
+ }) : renderSlot(_ctx.$slots, "dropdownicon", {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("dropdownIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.dropdownIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ "class": [_ctx.cx("dropdownIcon"), _ctx.dropdownIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("dropdownIcon")), null, 16, ["class"]))];
+ })], 16), createVNode(_component_Portal, {
+ appendTo: _ctx.appendTo
+ }, {
+ "default": withCtx(function() {
+ return [createVNode(Transition, mergeProps({
+ name: "p-connected-overlay",
+ onEnter: $options.onOverlayEnter,
+ onAfterEnter: $options.onOverlayAfterEnter,
+ onLeave: $options.onOverlayLeave,
+ onAfterLeave: $options.onOverlayAfterLeave
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [$data.overlayVisible ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.overlayRef,
+ style: [_ctx.panelStyle, _ctx.overlayStyle],
+ "class": [_ctx.cx("overlay"), _ctx.panelClass, _ctx.overlayClass],
+ onClick: _cache[5] || (_cache[5] = function() {
+ return $options.onOverlayClick && $options.onOverlayClick.apply($options, arguments);
+ }),
+ onKeydown: _cache[6] || (_cache[6] = function() {
+ return $options.onOverlayKeyDown && $options.onOverlayKeyDown.apply($options, arguments);
+ })
+ }, _ctx.ptm("overlay")), [createBaseVNode("span", mergeProps({
+ ref: "firstHiddenFocusableElementOnOverlay",
+ role: "presentation",
+ "aria-hidden": "true",
+ "class": "p-hidden-accessible p-hidden-focusable",
+ tabindex: 0,
+ onFocus: _cache[3] || (_cache[3] = function() {
+ return $options.onFirstHiddenFocus && $options.onFirstHiddenFocus.apply($options, arguments);
+ })
+ }, _ctx.ptm("hiddenFirstFocusableEl"), {
+ "data-p-hidden-accessible": true,
+ "data-p-hidden-focusable": true
+ }), null, 16), renderSlot(_ctx.$slots, "header", {
+ value: _ctx.d_value,
+ options: $options.visibleOptions
+ }), _ctx.showToggleAll && _ctx.selectionLimit == null || _ctx.filter ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("header")
+ }, _ctx.ptm("header")), [_ctx.showToggleAll && _ctx.selectionLimit == null ? (openBlock(), createBlock(_component_Checkbox, {
+ key: 0,
+ modelValue: $options.allSelected,
+ binary: true,
+ disabled: _ctx.disabled,
+ variant: _ctx.variant,
+ "aria-label": $options.toggleAllAriaLabel,
+ onChange: $options.onToggleAll,
+ unstyled: _ctx.unstyled,
+ pt: $options.getHeaderCheckboxPTOptions("pcHeaderCheckbox")
+ }, {
+ icon: withCtx(function(slotProps) {
+ return [_ctx.$slots.headercheckboxicon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.headercheckboxicon), {
+ key: 0,
+ checked: slotProps.checked,
+ "class": normalizeClass(slotProps["class"])
+ }, null, 8, ["checked", "class"])) : slotProps.checked ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.checkboxIcon ? "span" : "CheckIcon"), mergeProps({
+ key: 1,
+ "class": [slotProps["class"], _defineProperty$e({}, _ctx.checkboxIcon, slotProps.checked)]
+ }, $options.getHeaderCheckboxPTOptions("pcHeaderCheckbox.icon")), null, 16, ["class"])) : createCommentVNode("", true)];
+ }),
+ _: 1
+ }, 8, ["modelValue", "disabled", "variant", "aria-label", "onChange", "unstyled", "pt"])) : createCommentVNode("", true), _ctx.filter ? (openBlock(), createBlock(_component_IconField, {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("pcFilterContainer")),
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcFilterContainer")
+ }, {
+ "default": withCtx(function() {
+ return [createVNode(_component_InputText, {
+ ref: "filterInput",
+ value: $data.filterValue,
+ onVnodeMounted: $options.onFilterUpdated,
+ onVnodeUpdated: $options.onFilterUpdated,
+ "class": normalizeClass(_ctx.cx("pcFilter")),
+ placeholder: _ctx.filterPlaceholder,
+ disabled: _ctx.disabled,
+ variant: _ctx.variant,
+ unstyled: _ctx.unstyled,
+ role: "searchbox",
+ autocomplete: "off",
+ "aria-owns": $data.id + "_list",
+ "aria-activedescendant": $options.focusedOptionId,
+ onKeydown: $options.onFilterKeyDown,
+ onBlur: $options.onFilterBlur,
+ onInput: $options.onFilterChange,
+ pt: _ctx.ptm("pcFilter")
+ }, null, 8, ["value", "onVnodeMounted", "onVnodeUpdated", "class", "placeholder", "disabled", "variant", "unstyled", "aria-owns", "aria-activedescendant", "onKeydown", "onBlur", "onInput", "pt"]), createVNode(_component_InputIcon, {
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcFilterIconContainer")
+ }, {
+ "default": withCtx(function() {
+ return [renderSlot(_ctx.$slots, "filtericon", {}, function() {
+ return [_ctx.filterIcon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": _ctx.filterIcon
+ }, _ctx.ptm("filterIcon")), null, 16)) : (openBlock(), createBlock(_component_SearchIcon, normalizeProps(mergeProps({
+ key: 1
+ }, _ctx.ptm("filterIcon"))), null, 16))];
+ })];
+ }),
+ _: 3
+ }, 8, ["unstyled", "pt"])];
+ }),
+ _: 3
+ }, 8, ["class", "unstyled", "pt"])) : createCommentVNode("", true), _ctx.filter ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 2,
+ role: "status",
+ "aria-live": "polite",
+ "class": "p-hidden-accessible"
+ }, _ctx.ptm("hiddenFilterResult"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString($options.filterResultMessageText), 17)) : createCommentVNode("", true)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("listContainer"),
+ style: {
+ "max-height": $options.virtualScrollerDisabled ? _ctx.scrollHeight : ""
+ }
+ }, _ctx.ptm("listContainer")), [createVNode(_component_VirtualScroller, mergeProps({
+ ref: $options.virtualScrollerRef
+ }, _ctx.virtualScrollerOptions, {
+ items: $options.visibleOptions,
+ style: {
+ height: _ctx.scrollHeight
+ },
+ tabindex: -1,
+ disabled: $options.virtualScrollerDisabled,
+ pt: _ctx.ptm("virtualScroller")
+ }), createSlots({
+ content: withCtx(function(_ref2) {
+ var styleClass = _ref2.styleClass, contentRef = _ref2.contentRef, items2 = _ref2.items, getItemOptions = _ref2.getItemOptions, contentStyle = _ref2.contentStyle, itemSize = _ref2.itemSize;
+ return [createBaseVNode("ul", mergeProps({
+ ref: /* @__PURE__ */ __name(function ref2(el) {
+ return $options.listRef(el, contentRef);
+ }, "ref"),
+ id: $data.id + "_list",
+ "class": [_ctx.cx("list"), styleClass],
+ style: contentStyle,
+ role: "listbox",
+ "aria-multiselectable": "true",
+ "aria-label": $options.listAriaLabel
+ }, _ctx.ptm("list")), [(openBlock(true), createElementBlock(Fragment, null, renderList(items2, function(option4, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.getOptionRenderKey(option4, $options.getOptionIndex(i, getItemOptions))
+ }, [$options.isOptionGroup(option4) ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ id: $data.id + "_" + $options.getOptionIndex(i, getItemOptions),
+ style: {
+ height: itemSize ? itemSize + "px" : void 0
+ },
+ "class": _ctx.cx("optionGroup"),
+ role: "option",
+ ref_for: true
+ }, _ctx.ptm("optionGroup")), [renderSlot(_ctx.$slots, "optiongroup", {
+ option: option4.optionGroup,
+ index: $options.getOptionIndex(i, getItemOptions)
+ }, function() {
+ return [createTextVNode(toDisplayString($options.getOptionGroupLabel(option4.optionGroup)), 1)];
+ })], 16, _hoisted_4$5)) : withDirectives((openBlock(), createElementBlock("li", mergeProps({
+ key: 1,
+ id: $data.id + "_" + $options.getOptionIndex(i, getItemOptions),
+ style: {
+ height: itemSize ? itemSize + "px" : void 0
+ },
+ "class": _ctx.cx("option", {
+ option: option4,
+ index: i,
+ getItemOptions
+ }),
+ role: "option",
+ "aria-label": $options.getOptionLabel(option4),
+ "aria-selected": $options.isSelected(option4),
+ "aria-disabled": $options.isOptionDisabled(option4),
+ "aria-setsize": $options.ariaSetSize,
+ "aria-posinset": $options.getAriaPosInset($options.getOptionIndex(i, getItemOptions)),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onOptionSelect($event, option4, $options.getOptionIndex(i, getItemOptions), true);
+ }, "onClick"),
+ onMousemove: /* @__PURE__ */ __name(function onMousemove($event) {
+ return $options.onOptionMouseMove($event, $options.getOptionIndex(i, getItemOptions));
+ }, "onMousemove"),
+ ref_for: true
+ }, $options.getCheckboxPTOptions(option4, getItemOptions, i, "option"), {
+ "data-p-selected": $options.isSelected(option4),
+ "data-p-focused": $data.focusedOptionIndex === $options.getOptionIndex(i, getItemOptions),
+ "data-p-disabled": $options.isOptionDisabled(option4)
+ }), [createVNode(_component_Checkbox, {
+ defaultValue: $options.isSelected(option4),
+ binary: true,
+ tabindex: -1,
+ variant: _ctx.variant,
+ unstyled: _ctx.unstyled,
+ pt: $options.getCheckboxPTOptions(option4, getItemOptions, i, "pcOptionCheckbox")
+ }, {
+ icon: withCtx(function(slotProps) {
+ return [_ctx.$slots.optioncheckboxicon || _ctx.$slots.itemcheckboxicon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.optioncheckboxicon || _ctx.$slots.itemcheckboxicon), {
+ key: 0,
+ checked: slotProps.checked,
+ "class": normalizeClass(slotProps["class"])
+ }, null, 8, ["checked", "class"])) : slotProps.checked ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.checkboxIcon ? "span" : "CheckIcon"), mergeProps({
+ key: 1,
+ "class": [slotProps["class"], _defineProperty$e({}, _ctx.checkboxIcon, slotProps.checked)],
+ ref_for: true
+ }, $options.getCheckboxPTOptions(option4, getItemOptions, i, "pcOptionCheckbox.icon")), null, 16, ["class"])) : createCommentVNode("", true)];
+ }),
+ _: 2
+ }, 1032, ["defaultValue", "variant", "unstyled", "pt"]), renderSlot(_ctx.$slots, "option", {
+ option: option4,
+ selected: $options.isSelected(option4),
+ index: $options.getOptionIndex(i, getItemOptions)
+ }, function() {
+ return [createBaseVNode("span", mergeProps({
+ ref_for: true
+ }, _ctx.ptm("optionLabel")), toDisplayString($options.getOptionLabel(option4)), 17)];
+ })], 16, _hoisted_5$1)), [[_directive_ripple]])], 64);
+ }), 128)), $data.filterValue && (!items2 || items2 && items2.length === 0) ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ "class": _ctx.cx("emptyMessage"),
+ role: "option"
+ }, _ctx.ptm("emptyMessage")), [renderSlot(_ctx.$slots, "emptyfilter", {}, function() {
+ return [createTextVNode(toDisplayString($options.emptyFilterMessageText), 1)];
+ })], 16)) : !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 1,
+ "class": _ctx.cx("emptyMessage"),
+ role: "option"
+ }, _ctx.ptm("emptyMessage")), [renderSlot(_ctx.$slots, "empty", {}, function() {
+ return [createTextVNode(toDisplayString($options.emptyMessageText), 1)];
+ })], 16)) : createCommentVNode("", true)], 16, _hoisted_3$8)];
+ }),
+ _: 2
+ }, [_ctx.$slots.loader ? {
+ name: "loader",
+ fn: withCtx(function(_ref4) {
+ var options4 = _ref4.options;
+ return [renderSlot(_ctx.$slots, "loader", {
+ options: options4
+ })];
+ }),
+ key: "0"
+ } : void 0]), 1040, ["items", "style", "disabled", "pt"])], 16), renderSlot(_ctx.$slots, "footer", {
+ value: _ctx.d_value,
+ options: $options.visibleOptions
+ }), !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ role: "status",
+ "aria-live": "polite",
+ "class": "p-hidden-accessible"
+ }, _ctx.ptm("hiddenEmptyMessage"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString($options.emptyMessageText), 17)) : createCommentVNode("", true), createBaseVNode("span", mergeProps({
+ role: "status",
+ "aria-live": "polite",
+ "class": "p-hidden-accessible"
+ }, _ctx.ptm("hiddenSelectedMessage"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString($options.selectedMessageText), 17), createBaseVNode("span", mergeProps({
+ ref: "lastHiddenFocusableElementOnOverlay",
+ role: "presentation",
+ "aria-hidden": "true",
+ "class": "p-hidden-accessible p-hidden-focusable",
+ tabindex: 0,
+ onFocus: _cache[4] || (_cache[4] = function() {
+ return $options.onLastHiddenFocus && $options.onLastHiddenFocus.apply($options, arguments);
+ })
+ }, _ctx.ptm("hiddenLastFocusableEl"), {
+ "data-p-hidden-accessible": true,
+ "data-p-hidden-focusable": true
+ }), null, 16)], 16)) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onEnter", "onAfterEnter", "onLeave", "onAfterLeave"])];
+ }),
+ _: 3
+ }, 8, ["appendTo"])], 16);
+}
+__name(render$r, "render$r");
+script$v.render = render$r;
+var script$u = {
+ name: "AngleDoubleDownIcon",
+ "extends": script$1j
+};
+function render$q(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M6.70786 6.59831C6.80043 6.63674 6.89974 6.65629 6.99997 6.65581C7.19621 6.64081 7.37877 6.54953 7.50853 6.40153L11.0685 2.8416C11.1364 2.69925 11.1586 2.53932 11.132 2.38384C11.1053 2.22837 11.0311 2.08498 10.9195 1.97343C10.808 1.86188 10.6646 1.78766 10.5091 1.76099C10.3536 1.73431 10.1937 1.75649 10.0513 1.82448L6.99997 4.87585L3.9486 1.82448C3.80625 1.75649 3.64632 1.73431 3.49084 1.76099C3.33536 1.78766 3.19197 1.86188 3.08043 1.97343C2.96888 2.08498 2.89466 2.22837 2.86798 2.38384C2.84131 2.53932 2.86349 2.69925 2.93147 2.8416L6.46089 6.43205C6.53132 6.50336 6.61528 6.55989 6.70786 6.59831ZM6.70786 12.1925C6.80043 12.2309 6.89974 12.2505 6.99997 12.25C7.10241 12.2465 7.20306 12.2222 7.29575 12.1785C7.38845 12.1348 7.47124 12.0726 7.53905 11.9957L11.0685 8.46629C11.1614 8.32292 11.2036 8.15249 11.1881 7.98233C11.1727 7.81216 11.1005 7.6521 10.9833 7.52781C10.866 7.40353 10.7104 7.3222 10.5415 7.29688C10.3725 7.27155 10.1999 7.30369 10.0513 7.38814L6.99997 10.4395L3.9486 7.38814C3.80006 7.30369 3.62747 7.27155 3.45849 7.29688C3.28951 7.3222 3.13393 7.40353 3.01667 7.52781C2.89942 7.6521 2.82729 7.81216 2.81184 7.98233C2.79639 8.15249 2.83852 8.32292 2.93148 8.46629L6.4609 12.0262C6.53133 12.0975 6.61529 12.1541 6.70786 12.1925Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$q, "render$q");
+script$u.render = render$q;
+var script$t = {
+ name: "AngleDoubleUpIcon",
+ "extends": script$1j
+};
+function render$p(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M10.1504 6.67719C10.2417 6.71508 10.3396 6.73436 10.4385 6.73389C10.6338 6.74289 10.8249 6.67441 10.97 6.54334C11.1109 6.4023 11.19 6.21112 11.19 6.01178C11.19 5.81245 11.1109 5.62127 10.97 5.48023L7.45977 1.96998C7.31873 1.82912 7.12755 1.75 6.92821 1.75C6.72888 1.75 6.5377 1.82912 6.39666 1.96998L2.9165 5.45014C2.83353 5.58905 2.79755 5.751 2.81392 5.91196C2.83028 6.07293 2.89811 6.22433 3.00734 6.34369C3.11656 6.46306 3.26137 6.54402 3.42025 6.57456C3.57914 6.60511 3.74364 6.5836 3.88934 6.51325L6.89813 3.50446L9.90691 6.51325C9.97636 6.58357 10.0592 6.6393 10.1504 6.67719ZM9.93702 11.9993C10.065 12.1452 10.245 12.2352 10.4385 12.25C10.632 12.2352 10.812 12.1452 10.9399 11.9993C11.0633 11.8614 11.1315 11.6828 11.1315 11.4978C11.1315 11.3128 11.0633 11.1342 10.9399 10.9963L7.48987 7.48609C7.34883 7.34523 7.15765 7.26611 6.95832 7.26611C6.75899 7.26611 6.5678 7.34523 6.42677 7.48609L2.91652 10.9963C2.84948 11.1367 2.82761 11.2944 2.85391 11.4477C2.88022 11.601 2.9534 11.7424 3.06339 11.8524C3.17338 11.9624 3.31477 12.0356 3.46808 12.0619C3.62139 12.0882 3.77908 12.0663 3.91945 11.9993L6.92823 8.99048L9.93702 11.9993Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$p, "render$p");
+script$t.render = render$p;
+var theme$f = /* @__PURE__ */ __name(function theme24(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-orderlist {\n display: flex;\n gap: ".concat(dt("orderlist.gap"), ";\n}\n\n.p-orderlist-controls {\n display: flex;\n flex-direction: column;\n justify-content: center;\n gap: ").concat(dt("orderlist.controls.gap"), ";\n}\n");
+}, "theme");
+var classes$g = {
+ root: "p-orderlist p-component",
+ controls: "p-orderlist-controls"
+};
+var OrderListStyle = BaseStyle.extend({
+ name: "orderlist",
+ theme: theme$f,
+ classes: classes$g
+});
+var script$1$g = {
+ name: "BaseOrderList",
+ "extends": script$1f,
+ props: {
+ modelValue: {
+ type: Array,
+ "default": null
+ },
+ selection: {
+ type: Array,
+ "default": null
+ },
+ dataKey: {
+ type: String,
+ "default": null
+ },
+ listStyle: {
+ type: null,
+ "default": null
+ },
+ metaKeySelection: {
+ type: Boolean,
+ "default": false
+ },
+ autoOptionFocus: {
+ type: Boolean,
+ "default": true
+ },
+ focusOnHover: {
+ type: Boolean,
+ "default": true
+ },
+ responsive: {
+ type: Boolean,
+ "default": true
+ },
+ breakpoint: {
+ type: String,
+ "default": "960px"
+ },
+ striped: {
+ type: Boolean,
+ "default": false
+ },
+ scrollHeight: {
+ type: String,
+ "default": "14rem"
+ },
+ buttonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default12() {
+ return {
+ severity: "secondary"
+ };
+ }, "_default")
+ },
+ moveUpButtonProps: {
+ type: null,
+ "default": null
+ },
+ moveTopButtonProps: {
+ type: null,
+ "default": null
+ },
+ moveDownButtonProps: {
+ type: null,
+ "default": null
+ },
+ moveBottomButtonProps: {
+ type: null,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: OrderListStyle,
+ provide: /* @__PURE__ */ __name(function provide34() {
+ return {
+ $pcOrderList: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _toConsumableArray$5(r) {
+ return _arrayWithoutHoles$5(r) || _iterableToArray$5(r) || _unsupportedIterableToArray$6(r) || _nonIterableSpread$5();
+}
+__name(_toConsumableArray$5, "_toConsumableArray$5");
+function _nonIterableSpread$5() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$5, "_nonIterableSpread$5");
+function _unsupportedIterableToArray$6(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$6(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$6(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$6, "_unsupportedIterableToArray$6");
+function _iterableToArray$5(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$5, "_iterableToArray$5");
+function _arrayWithoutHoles$5(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$6(r);
+}
+__name(_arrayWithoutHoles$5, "_arrayWithoutHoles$5");
+function _arrayLikeToArray$6(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$6, "_arrayLikeToArray$6");
+var script$s = {
+ name: "OrderList",
+ "extends": script$1$g,
+ inheritAttrs: false,
+ emits: ["update:modelValue", "reorder", "update:selection", "selection-change", "focus", "blur"],
+ itemTouched: false,
+ reorderDirection: null,
+ styleElement: null,
+ list: null,
+ data: /* @__PURE__ */ __name(function data22() {
+ return {
+ id: this.$attrs.id,
+ d_selection: this.selection
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId8(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId")
+ },
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount10() {
+ this.destroyStyle();
+ }, "beforeUnmount"),
+ updated: /* @__PURE__ */ __name(function updated5() {
+ if (this.reorderDirection) {
+ this.updateListScroll();
+ this.reorderDirection = null;
+ }
+ }, "updated"),
+ mounted: /* @__PURE__ */ __name(function mounted24() {
+ this.id = this.id || UniqueComponentId();
+ if (this.responsive) {
+ this.createStyle();
+ }
+ }, "mounted"),
+ methods: {
+ updateSelection: /* @__PURE__ */ __name(function updateSelection(event2) {
+ this.$emit("update:selection", this.d_selection);
+ this.$emit("selection-change", {
+ originalEvent: event2,
+ value: this.d_selection
+ });
+ }, "updateSelection"),
+ onChangeSelection: /* @__PURE__ */ __name(function onChangeSelection(params) {
+ this.d_selection = params.value;
+ this.updateSelection(params.event);
+ }, "onChangeSelection"),
+ onListFocus: /* @__PURE__ */ __name(function onListFocus3(event2) {
+ this.$emit("focus", event2);
+ }, "onListFocus"),
+ onListBlur: /* @__PURE__ */ __name(function onListBlur3(event2) {
+ this.$emit("blur", event2);
+ }, "onListBlur"),
+ onReorderUpdate: /* @__PURE__ */ __name(function onReorderUpdate(event2, value2) {
+ this.$emit("update:modelValue", value2);
+ this.$emit("reorder", {
+ originalEvent: event2,
+ value: value2,
+ direction: this.reorderDirection
+ });
+ }, "onReorderUpdate"),
+ moveUp: /* @__PURE__ */ __name(function moveUp(event2) {
+ if (this.d_selection) {
+ var value2 = _toConsumableArray$5(this.modelValue);
+ for (var i = 0; i < this.d_selection.length; i++) {
+ var selectedItem = this.d_selection[i];
+ var selectedItemIndex = findIndexInList(selectedItem, value2);
+ if (selectedItemIndex !== 0) {
+ var movedItem = value2[selectedItemIndex];
+ var temp = value2[selectedItemIndex - 1];
+ value2[selectedItemIndex - 1] = movedItem;
+ value2[selectedItemIndex] = temp;
+ } else {
+ break;
+ }
+ }
+ this.reorderDirection = "up";
+ this.onReorderUpdate(event2, value2);
+ }
+ }, "moveUp"),
+ moveTop: /* @__PURE__ */ __name(function moveTop(event2) {
+ if (this.d_selection) {
+ var value2 = _toConsumableArray$5(this.modelValue);
+ for (var i = 0; i < this.d_selection.length; i++) {
+ var selectedItem = this.d_selection[i];
+ var selectedItemIndex = findIndexInList(selectedItem, value2);
+ if (selectedItemIndex !== 0) {
+ var movedItem = value2.splice(selectedItemIndex, 1)[0];
+ value2.unshift(movedItem);
+ } else {
+ break;
+ }
+ }
+ this.reorderDirection = "top";
+ this.onReorderUpdate(event2, value2);
+ }
+ }, "moveTop"),
+ moveDown: /* @__PURE__ */ __name(function moveDown(event2) {
+ if (this.d_selection) {
+ var value2 = _toConsumableArray$5(this.modelValue);
+ for (var i = this.d_selection.length - 1; i >= 0; i--) {
+ var selectedItem = this.d_selection[i];
+ var selectedItemIndex = findIndexInList(selectedItem, value2);
+ if (selectedItemIndex !== value2.length - 1) {
+ var movedItem = value2[selectedItemIndex];
+ var temp = value2[selectedItemIndex + 1];
+ value2[selectedItemIndex + 1] = movedItem;
+ value2[selectedItemIndex] = temp;
+ } else {
+ break;
+ }
+ }
+ this.reorderDirection = "down";
+ this.onReorderUpdate(event2, value2);
+ }
+ }, "moveDown"),
+ moveBottom: /* @__PURE__ */ __name(function moveBottom(event2) {
+ if (this.d_selection) {
+ var value2 = _toConsumableArray$5(this.modelValue);
+ for (var i = this.d_selection.length - 1; i >= 0; i--) {
+ var selectedItem = this.d_selection[i];
+ var selectedItemIndex = findIndexInList(selectedItem, value2);
+ if (selectedItemIndex !== value2.length - 1) {
+ var movedItem = value2.splice(selectedItemIndex, 1)[0];
+ value2.push(movedItem);
+ } else {
+ break;
+ }
+ }
+ this.reorderDirection = "bottom";
+ this.onReorderUpdate(event2, value2);
+ }
+ }, "moveBottom"),
+ updateListScroll: /* @__PURE__ */ __name(function updateListScroll() {
+ this.list = findSingle(this.$refs.listbox.$el, '[data-pc-section="list"]');
+ var listItems = find(this.list, '[data-pc-section="item"][data-p-selected="true"]');
+ if (listItems && listItems.length) {
+ switch (this.reorderDirection) {
+ case "up":
+ scrollInView(this.list, listItems[0]);
+ break;
+ case "top":
+ this.list.scrollTop = 0;
+ break;
+ case "down":
+ scrollInView(this.list, listItems[listItems.length - 1]);
+ break;
+ case "bottom":
+ this.list.scrollTop = this.list.scrollHeight;
+ break;
+ }
+ }
+ }, "updateListScroll"),
+ createStyle: /* @__PURE__ */ __name(function createStyle() {
+ if (!this.styleElement && !this.isUnstyled) {
+ var _this$$primevue;
+ this.styleElement = document.createElement("style");
+ this.styleElement.type = "text/css";
+ setAttribute(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ document.head.appendChild(this.styleElement);
+ var innerHTML = "\n@media screen and (max-width: ".concat(this.breakpoint, ") {\n .p-orderlist[").concat(this.$attrSelector, "] {\n flex-direction: column;\n }\n\n .p-orderlist[").concat(this.$attrSelector, "] .p-orderlist-controls {\n flex-direction: row;\n }\n}\n");
+ this.styleElement.innerHTML = innerHTML;
+ }
+ }, "createStyle"),
+ destroyStyle: /* @__PURE__ */ __name(function destroyStyle() {
+ if (this.styleElement) {
+ document.head.removeChild(this.styleElement);
+ this.styleElement = null;
+ }
+ }, "destroyStyle"),
+ moveDisabled: /* @__PURE__ */ __name(function moveDisabled() {
+ return this.disabled ? true : !this.d_selection || !this.d_selection.length ? true : false;
+ }, "moveDisabled")
+ },
+ computed: {
+ moveUpAriaLabel: /* @__PURE__ */ __name(function moveUpAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveUp : void 0;
+ }, "moveUpAriaLabel"),
+ moveTopAriaLabel: /* @__PURE__ */ __name(function moveTopAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveTop : void 0;
+ }, "moveTopAriaLabel"),
+ moveDownAriaLabel: /* @__PURE__ */ __name(function moveDownAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveDown : void 0;
+ }, "moveDownAriaLabel"),
+ moveBottomAriaLabel: /* @__PURE__ */ __name(function moveBottomAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveBottom : void 0;
+ }, "moveBottomAriaLabel"),
+ hasSelectedOption: /* @__PURE__ */ __name(function hasSelectedOption3() {
+ return isNotEmpty(this.d_selection);
+ }, "hasSelectedOption")
+ },
+ components: {
+ Listbox: script$1N,
+ Button: script$1d,
+ AngleUpIcon: script$1O,
+ AngleDownIcon: script$1G,
+ AngleDoubleUpIcon: script$t,
+ AngleDoubleDownIcon: script$u
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+function _typeof$d(o) {
+ "@babel/helpers - typeof";
+ return _typeof$d = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$d(o);
+}
+__name(_typeof$d, "_typeof$d");
+function ownKeys$c(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$c, "ownKeys$c");
+function _objectSpread$c(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$c(Object(t2), true).forEach(function(r2) {
+ _defineProperty$d(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$c(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$c, "_objectSpread$c");
+function _defineProperty$d(e, r, t2) {
+ return (r = _toPropertyKey$d(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$d, "_defineProperty$d");
+function _toPropertyKey$d(t2) {
+ var i = _toPrimitive$d(t2, "string");
+ return "symbol" == _typeof$d(i) ? i : i + "";
+}
+__name(_toPropertyKey$d, "_toPropertyKey$d");
+function _toPrimitive$d(t2, r) {
+ if ("object" != _typeof$d(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$d(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$d, "_toPrimitive$d");
+function render$o(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_AngleUpIcon = resolveComponent("AngleUpIcon");
+ var _component_Button = resolveComponent("Button");
+ var _component_AngleDoubleUpIcon = resolveComponent("AngleDoubleUpIcon");
+ var _component_AngleDownIcon = resolveComponent("AngleDownIcon");
+ var _component_AngleDoubleDownIcon = resolveComponent("AngleDoubleDownIcon");
+ var _component_Listbox = resolveComponent("Listbox");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("controls")
+ }, _ctx.ptm("controls")), [renderSlot(_ctx.$slots, "controlsstart"), createVNode(_component_Button, mergeProps({
+ onClick: $options.moveUp,
+ "aria-label": $options.moveUpAriaLabel,
+ disabled: $options.moveDisabled()
+ }, _objectSpread$c(_objectSpread$c({}, _ctx.buttonProps), _ctx.moveUpButtonProps), {
+ pt: _ctx.ptm("pcMoveUpButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "moveupicon", {}, function() {
+ return [createVNode(_component_AngleUpIcon, mergeProps(_ctx.ptm("pcMoveUpButton")["icon"], {
+ "data-pc-section": "moveupicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["onClick", "aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ onClick: $options.moveTop,
+ "aria-label": $options.moveTopAriaLabel,
+ disabled: $options.moveDisabled()
+ }, _objectSpread$c(_objectSpread$c({}, _ctx.buttonProps), _ctx.moveTopButtonProps), {
+ pt: _ctx.ptm("pcMoveTopButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movetopicon", {}, function() {
+ return [createVNode(_component_AngleDoubleUpIcon, mergeProps(_ctx.ptm("pcMoveTopButton")["icon"], {
+ "data-pc-section": "movetopicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["onClick", "aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ onClick: $options.moveDown,
+ "aria-label": $options.moveDownAriaLabel,
+ disabled: $options.moveDisabled()
+ }, _objectSpread$c(_objectSpread$c({}, _ctx.buttonProps), _ctx.moveDownButtonProps), {
+ pt: _ctx.ptm("pcMoveDownButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movedownicon", {}, function() {
+ return [createVNode(_component_AngleDownIcon, mergeProps(_ctx.ptm("pcMoveDownButton")["icon"], {
+ "data-pc-section": "movedownicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["onClick", "aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ onClick: $options.moveBottom,
+ "aria-label": $options.moveBottomAriaLabel,
+ disabled: $options.moveDisabled()
+ }, _objectSpread$c(_objectSpread$c({}, _ctx.buttonProps), _ctx.moveBottomButtonProps), {
+ pt: _ctx.ptm("pcMoveBottomButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movebottomicon", {}, function() {
+ return [createVNode(_component_AngleDoubleDownIcon, mergeProps(_ctx.ptm("pcMoveBottomButton")["icon"], {
+ "data-pc-section": "movebottomicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["onClick", "aria-label", "disabled", "pt", "unstyled"]), renderSlot(_ctx.$slots, "controlsend")], 16), createVNode(_component_Listbox, {
+ ref: "listbox",
+ id: $data.id,
+ modelValue: $data.d_selection,
+ options: _ctx.modelValue,
+ multiple: "",
+ metaKeySelection: _ctx.metaKeySelection,
+ listStyle: _ctx.listStyle,
+ scrollHeight: _ctx.scrollHeight,
+ tabindex: _ctx.tabindex,
+ dataKey: _ctx.dataKey,
+ autoOptionFocus: _ctx.autoOptionFocus,
+ focusOnHover: _ctx.focusOnHover,
+ striped: _ctx.striped,
+ disabled: _ctx.disabled,
+ ariaLabel: _ctx.ariaLabel,
+ ariaLabelledby: _ctx.ariaLabelledby,
+ pt: _ctx.ptm("pcListbox"),
+ unstyled: _ctx.unstyled,
+ onFocus: $options.onListFocus,
+ onBlur: $options.onListBlur,
+ onChange: $options.onChangeSelection
+ }, createSlots({
+ option: withCtx(function(_ref) {
+ var option4 = _ref.option, selected3 = _ref.selected, index = _ref.index;
+ return [renderSlot(_ctx.$slots, _ctx.$slots.option ? "option" : "item", {
+ item: option4,
+ option: option4,
+ selected: selected3,
+ index
+ })];
+ }),
+ _: 2
+ }, [_ctx.$slots.header ? {
+ name: "header",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "header")];
+ }),
+ key: "0"
+ } : void 0]), 1032, ["id", "modelValue", "options", "metaKeySelection", "listStyle", "scrollHeight", "tabindex", "dataKey", "autoOptionFocus", "focusOnHover", "striped", "disabled", "ariaLabel", "ariaLabelledby", "pt", "unstyled", "onFocus", "onBlur", "onChange"])], 16);
+}
+__name(render$o, "render$o");
+script$s.render = render$o;
+var theme$e = /* @__PURE__ */ __name(function theme25(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-organizationchart-table {\n border-spacing: 0;\n border-collapse: separate;\n margin: 0 auto;\n}\n\n.p-organizationchart-table > tbody > tr > td {\n text-align: center;\n vertical-align: top;\n padding: 0 ".concat(dt("organizationchart.gutter"), ";\n}\n\n.p-organizationchart-node {\n display: inline-block;\n position: relative;\n border: 1px solid ").concat(dt("organizationchart.node.border.color"), ";\n background: ").concat(dt("organizationchart.node.background"), ";\n color: ").concat(dt("organizationchart.node.color"), ";\n padding: ").concat(dt("organizationchart.node.padding"), ";\n border-radius: ").concat(dt("organizationchart.node.border.radius"), ";\n transition: background ").concat(dt("organizationchart.transition.duration"), ", border-color ").concat(dt("organizationchart.transition.duration"), ", color ").concat(dt("organizationchart.transition.duration"), ", box-shadow ").concat(dt("organizationchart.transition.duration"), ";\n}\n\n.p-organizationchart-node:has(.p-organizationchart-node-toggle-button) {\n padding: ").concat(dt("organizationchart.node.toggleable.padding"), ";\n}\n\n.p-organizationchart-node.p-organizationchart-node-selectable:not(.p-organizationchart-node-selected):hover {\n background: ").concat(dt("organizationchart.node.hover.background"), ";\n color: ").concat(dt("organizationchart.node.hover.color"), ";\n}\n\n.p-organizationchart-node-selected {\n background: ").concat(dt("organizationchart.node.selected.background"), ";\n color: ").concat(dt("organizationchart.node.selected.color"), ";\n}\n\n.p-organizationchart-node-toggle-button {\n position: absolute;\n inset-block-end: calc(-1 * calc(").concat(dt("organizationchart.node.toggle.button.size"), " / 2));\n margin-inline-start: calc(-1 * calc(").concat(dt("organizationchart.node.toggle.button.size"), " / 2));\n z-index: 2;\n inset-inline-start: 50%;\n user-select: none;\n cursor: pointer;\n width: ").concat(dt("organizationchart.node.toggle.button.size"), ";\n height: ").concat(dt("organizationchart.node.toggle.button.size"), ";\n text-decoration: none;\n background: ").concat(dt("organizationchart.node.toggle.button.background"), ";\n color: ").concat(dt("organizationchart.node.toggle.button.color"), ";\n border-radius: ").concat(dt("organizationchart.node.toggle.button.border.radius"), ";\n border: 1px solid ").concat(dt("organizationchart.node.toggle.button.border.color"), ";\n display: inline-flex;\n justify-content: center;\n align-items: center;\n outline-color: transparent;\n transition: background ").concat(dt("organizationchart.transition.duration"), ", color ").concat(dt("organizationchart.transition.duration"), ", border-color ").concat(dt("organizationchart.transition.duration"), ", outline-color ").concat(dt("organizationchart.transition.duration"), ", box-shadow ").concat(dt("organizationchart.transition.duration"), ";\n}\n\n.p-organizationchart-node-toggle-button:hover {\n background: ").concat(dt("organizationchart.node.toggle.button.hover.background"), ";\n color: ").concat(dt("organizationchart.node.toggle.button.hover.color"), ";\n}\n\n.p-organizationchart-node-toggle-button:focus-visible {\n box-shadow: ").concat(dt("breadcrumb.item.focus.ring.shadow"), ";\n outline: ").concat(dt("breadcrumb.item.focus.ring.width"), " ").concat(dt("breadcrumb.item.focus.ring.style"), " ").concat(dt("breadcrumb.item.focus.ring.color"), ";\n outline-offset: ").concat(dt("breadcrumb.item.focus.ring.offset"), ";\n}\n\n.p-organizationchart-node-toggle-button-icon {\n position: relative;\n inset-block-start: 1px;\n}\n\n.p-organizationchart-connector-down {\n margin: 0 auto;\n height: ").concat(dt("organizationchart.connector.height"), ";\n width: 1px;\n background: ").concat(dt("organizationchart.connector.color"), ";\n}\n\n.p-organizationchart-connector-right {\n border-radius: 0;\n}\n\n.p-organizationchart-connector-left {\n border-radius: 0;\n border-inline-end: 1px solid ").concat(dt("organizationchart.connector.color"), ";\n}\n\n.p-organizationchart-connector-top {\n border-block-start: 1px solid ").concat(dt("organizationchart.connector.color"), ";\n}\n\n.p-organizationchart-node-selectable {\n cursor: pointer;\n}\n\n.p-organizationchart-connectors :nth-child(1 of .p-organizationchart-connector-left) {\n border-inline-end: 0 none;\n}\n\n.p-organizationchart-connectors :nth-last-child(1 of .p-organizationchart-connector-left) {\n border-start-end-radius: ").concat(dt("organizationchart.connector.border.radius"), ";\n}\n\n.p-organizationchart-connectors :nth-child(1 of .p-organizationchart-connector-right) {\n border-inline-start: 1px solid ").concat(dt("organizationchart.connector.color"), ";\n border-start-start-radius: ").concat(dt("organizationchart.connector.border.radius"), ";\n}\n");
+}, "theme");
+var classes$f = {
+ root: "p-organizationchart p-component",
+ table: "p-organizationchart-table",
+ node: /* @__PURE__ */ __name(function node(_ref2) {
+ var instance = _ref2.instance;
+ return ["p-organizationchart-node", {
+ "p-organizationchart-node-selectable": instance.selectable,
+ "p-organizationchart-node-selected": instance.selected
+ }];
+ }, "node"),
+ nodeToggleButton: "p-organizationchart-node-toggle-button",
+ nodeToggleButtonIcon: "p-organizationchart-node-toggle-button-icon",
+ connectors: "p-organizationchart-connectors",
+ connectorDown: "p-organizationchart-connector-down",
+ connectorLeft: /* @__PURE__ */ __name(function connectorLeft(_ref3) {
+ var index = _ref3.index;
+ return ["p-organizationchart-connector-left", {
+ "p-organizationchart-connector-top": !(index === 0)
+ }];
+ }, "connectorLeft"),
+ connectorRight: /* @__PURE__ */ __name(function connectorRight(_ref4) {
+ var props = _ref4.props, index = _ref4.index;
+ return ["p-organizationchart-connector-right", {
+ "p-organizationchart-connector-top": !(index === props.node.children.length - 1)
+ }];
+ }, "connectorRight"),
+ nodeChildren: "p-organizationchart-node-children"
+};
+var OrganizationChartStyle = BaseStyle.extend({
+ name: "organizationchart",
+ theme: theme$e,
+ classes: classes$f
+});
+var script$2$2 = {
+ name: "BaseOrganizationChart",
+ "extends": script$1f,
+ props: {
+ value: {
+ type: null,
+ "default": null
+ },
+ selectionKeys: {
+ type: null,
+ "default": null
+ },
+ selectionMode: {
+ type: String,
+ "default": null
+ },
+ collapsible: {
+ type: Boolean,
+ "default": false
+ },
+ collapsedKeys: {
+ type: null,
+ "default": null
+ }
+ },
+ style: OrganizationChartStyle,
+ provide: /* @__PURE__ */ __name(function provide35() {
+ return {
+ $pcOrganizationChart: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1$f = {
+ name: "OrganizationChartNode",
+ hostName: "OrganizationChart",
+ "extends": script$1f,
+ emits: ["node-click", "node-toggle"],
+ props: {
+ node: {
+ type: null,
+ "default": null
+ },
+ templates: {
+ type: null,
+ "default": null
+ },
+ collapsible: {
+ type: Boolean,
+ "default": false
+ },
+ collapsedKeys: {
+ type: null,
+ "default": null
+ },
+ selectionKeys: {
+ type: null,
+ "default": null
+ },
+ selectionMode: {
+ type: String,
+ "default": null
+ }
+ },
+ methods: {
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions6(key) {
+ return this.ptm(key, {
+ context: {
+ expanded: this.expanded,
+ selectable: this.selectable,
+ selected: this.selected,
+ toggleable: this.toggleable,
+ active: this.selected
+ }
+ });
+ }, "getPTOptions"),
+ getNodeOptions: /* @__PURE__ */ __name(function getNodeOptions(lineTop, key) {
+ return this.ptm(key, {
+ context: {
+ lineTop
+ }
+ });
+ }, "getNodeOptions"),
+ onNodeClick: /* @__PURE__ */ __name(function onNodeClick(event2) {
+ if (isAttributeEquals(event2.target, "data-pc-section", "nodetogglebutton") || isAttributeEquals(event2.target, "data-pc-section", "nodetogglebuttonicon")) {
+ return;
+ }
+ if (this.selectionMode) {
+ this.$emit("node-click", this.node);
+ }
+ }, "onNodeClick"),
+ onChildNodeClick: /* @__PURE__ */ __name(function onChildNodeClick(node2) {
+ this.$emit("node-click", node2);
+ }, "onChildNodeClick"),
+ toggleNode: /* @__PURE__ */ __name(function toggleNode() {
+ this.$emit("node-toggle", this.node);
+ }, "toggleNode"),
+ onChildNodeToggle: /* @__PURE__ */ __name(function onChildNodeToggle(node2) {
+ this.$emit("node-toggle", node2);
+ }, "onChildNodeToggle"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown3(event2) {
+ if (event2.code === "Enter" || event2.code === "NumpadEnter" || event2.code === "Space") {
+ this.toggleNode();
+ event2.preventDefault();
+ }
+ }, "onKeydown")
+ },
+ computed: {
+ leaf: /* @__PURE__ */ __name(function leaf() {
+ return this.node.leaf === false ? false : !(this.node.children && this.node.children.length);
+ }, "leaf"),
+ colspan: /* @__PURE__ */ __name(function colspan() {
+ return this.node.children && this.node.children.length ? this.node.children.length * 2 : null;
+ }, "colspan"),
+ childStyle: /* @__PURE__ */ __name(function childStyle() {
+ return {
+ visibility: !this.leaf && this.expanded ? "inherit" : "hidden"
+ };
+ }, "childStyle"),
+ expanded: /* @__PURE__ */ __name(function expanded() {
+ return this.collapsedKeys[this.node.key] === void 0;
+ }, "expanded"),
+ selectable: /* @__PURE__ */ __name(function selectable() {
+ return this.selectionMode && this.node.selectable !== false;
+ }, "selectable"),
+ selected: /* @__PURE__ */ __name(function selected() {
+ return this.selectable && this.selectionKeys && this.selectionKeys[this.node.key] === true;
+ }, "selected"),
+ toggleable: /* @__PURE__ */ __name(function toggleable() {
+ return this.collapsible && this.node.collapsible !== false && !this.leaf;
+ }, "toggleable")
+ },
+ components: {
+ ChevronDownIcon: script$1h,
+ ChevronUpIcon: script$1g
+ }
+};
+var _hoisted_1$e = ["colspan"];
+var _hoisted_2$a = ["colspan"];
+var _hoisted_3$7 = ["colspan"];
+function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_OrganizationChartNode = resolveComponent("OrganizationChartNode", true);
+ return openBlock(), createElementBlock("table", mergeProps({
+ "class": _ctx.cx("table")
+ }, _ctx.ptm("table")), [createBaseVNode("tbody", normalizeProps(guardReactiveProps(_ctx.ptm("body"))), [$props.node ? (openBlock(), createElementBlock("tr", normalizeProps(mergeProps({
+ key: 0
+ }, _ctx.ptm("row"))), [createBaseVNode("td", mergeProps({
+ colspan: $options.colspan
+ }, _ctx.ptm("cell")), [createBaseVNode("div", mergeProps({
+ "class": [_ctx.cx("node"), $props.node.styleClass],
+ onClick: _cache[2] || (_cache[2] = function() {
+ return $options.onNodeClick && $options.onNodeClick.apply($options, arguments);
+ })
+ }, $options.getPTOptions("node")), [(openBlock(), createBlock(resolveDynamicComponent($props.templates[$props.node.type] || $props.templates["default"]), {
+ node: $props.node
+ }, null, 8, ["node"])), $options.toggleable ? (openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ tabindex: "0",
+ "class": _ctx.cx("nodeToggleButton"),
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.toggleNode && $options.toggleNode.apply($options, arguments);
+ }),
+ onKeydown: _cache[1] || (_cache[1] = function() {
+ return $options.onKeydown && $options.onKeydown.apply($options, arguments);
+ })
+ }, $options.getPTOptions("nodeToggleButton")), [$props.templates.toggleicon || $props.templates.togglericon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.toggleicon || $props.templates.togglericon), mergeProps({
+ key: 0,
+ expanded: $options.expanded,
+ "class": _ctx.cx("nodeToggleButtonIcon")
+ }, $options.getPTOptions("nodeToggleButtonIcon")), null, 16, ["expanded", "class"])) : (openBlock(), createBlock(resolveDynamicComponent($options.expanded ? "ChevronDownIcon" : "ChevronUpIcon"), mergeProps({
+ key: 1,
+ "class": _ctx.cx("nodeToggleButtonIcon")
+ }, $options.getPTOptions("nodeToggleButtonIcon")), null, 16, ["class"]))], 16)) : createCommentVNode("", true)], 16)], 16, _hoisted_1$e)], 16)) : createCommentVNode("", true), createBaseVNode("tr", mergeProps({
+ style: $options.childStyle,
+ "class": _ctx.cx("connectors")
+ }, _ctx.ptm("connectors")), [createBaseVNode("td", mergeProps({
+ colspan: $options.colspan
+ }, _ctx.ptm("lineCell")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("connectorDown")
+ }, _ctx.ptm("connectorDown")), null, 16)], 16, _hoisted_2$a)], 16), createBaseVNode("tr", mergeProps({
+ style: $options.childStyle,
+ "class": _ctx.cx("connectors")
+ }, _ctx.ptm("connectors")), [$props.node.children && $props.node.children.length === 1 ? (openBlock(), createElementBlock("td", mergeProps({
+ key: 0,
+ colspan: $options.colspan
+ }, _ctx.ptm("lineCell")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("connectorDown")
+ }, _ctx.ptm("connectorDown")), null, 16)], 16, _hoisted_3$7)) : createCommentVNode("", true), $props.node.children && $props.node.children.length > 1 ? (openBlock(true), createElementBlock(Fragment, {
+ key: 1
+ }, renderList($props.node.children, function(child, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: child.key
+ }, [createBaseVNode("td", mergeProps({
+ "class": _ctx.cx("connectorLeft", {
+ index: i
+ }),
+ ref_for: true
+ }, $options.getNodeOptions(!(i === 0), "connectorLeft")), " ", 16), createBaseVNode("td", mergeProps({
+ "class": _ctx.cx("connectorRight", {
+ index: i
+ }),
+ ref_for: true
+ }, $options.getNodeOptions(!(i === $props.node.children.length - 1), "connectorRight")), " ", 16)], 64);
+ }), 128)) : createCommentVNode("", true)], 16), createBaseVNode("tr", mergeProps({
+ style: $options.childStyle,
+ "class": _ctx.cx("nodeChildren")
+ }, _ctx.ptm("nodeChildren")), [(openBlock(true), createElementBlock(Fragment, null, renderList($props.node.children, function(child) {
+ return openBlock(), createElementBlock("td", mergeProps({
+ key: child.key,
+ colspan: "2",
+ ref_for: true
+ }, _ctx.ptm("nodeCell")), [createVNode(_component_OrganizationChartNode, {
+ node: child,
+ templates: $props.templates,
+ collapsedKeys: $props.collapsedKeys,
+ onNodeToggle: $options.onChildNodeToggle,
+ collapsible: $props.collapsible,
+ selectionMode: $props.selectionMode,
+ selectionKeys: $props.selectionKeys,
+ onNodeClick: $options.onChildNodeClick,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, null, 8, ["node", "templates", "collapsedKeys", "onNodeToggle", "collapsible", "selectionMode", "selectionKeys", "onNodeClick", "pt", "unstyled"])], 16);
+ }), 128))], 16)], 16)], 16);
+}
+__name(render$1$2, "render$1$2");
+script$1$f.render = render$1$2;
+function _typeof$c(o) {
+ "@babel/helpers - typeof";
+ return _typeof$c = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$c(o);
+}
+__name(_typeof$c, "_typeof$c");
+function ownKeys$b(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$b, "ownKeys$b");
+function _objectSpread$b(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$b(Object(t2), true).forEach(function(r2) {
+ _defineProperty$c(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$b(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$b, "_objectSpread$b");
+function _defineProperty$c(e, r, t2) {
+ return (r = _toPropertyKey$c(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$c, "_defineProperty$c");
+function _toPropertyKey$c(t2) {
+ var i = _toPrimitive$c(t2, "string");
+ return "symbol" == _typeof$c(i) ? i : i + "";
+}
+__name(_toPropertyKey$c, "_toPropertyKey$c");
+function _toPrimitive$c(t2, r) {
+ if ("object" != _typeof$c(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$c(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$c, "_toPrimitive$c");
+var script$r = {
+ name: "OrganizationChart",
+ "extends": script$2$2,
+ inheritAttrs: false,
+ emits: ["node-unselect", "node-select", "update:selectionKeys", "node-expand", "node-collapse", "update:collapsedKeys"],
+ data: /* @__PURE__ */ __name(function data23() {
+ return {
+ d_collapsedKeys: this.collapsedKeys || {}
+ };
+ }, "data"),
+ watch: {
+ collapsedKeys: /* @__PURE__ */ __name(function collapsedKeys(newValue) {
+ this.d_collapsedKeys = newValue;
+ }, "collapsedKeys")
+ },
+ methods: {
+ onNodeClick: /* @__PURE__ */ __name(function onNodeClick2(node2) {
+ var key = node2.key;
+ if (this.selectionMode) {
+ var _selectionKeys = this.selectionKeys ? _objectSpread$b({}, this.selectionKeys) : {};
+ if (_selectionKeys[key]) {
+ delete _selectionKeys[key];
+ this.$emit("node-unselect", node2);
+ } else {
+ if (this.selectionMode === "single") {
+ _selectionKeys = {};
+ }
+ _selectionKeys[key] = true;
+ this.$emit("node-select", node2);
+ }
+ this.$emit("update:selectionKeys", _selectionKeys);
+ }
+ }, "onNodeClick"),
+ onNodeToggle: /* @__PURE__ */ __name(function onNodeToggle(node2) {
+ var key = node2.key;
+ if (this.d_collapsedKeys[key]) {
+ delete this.d_collapsedKeys[key];
+ this.$emit("node-expand", node2);
+ } else {
+ this.d_collapsedKeys[key] = true;
+ this.$emit("node-collapse", node2);
+ }
+ this.d_collapsedKeys = _objectSpread$b({}, this.d_collapsedKeys);
+ this.$emit("update:collapsedKeys", this.d_collapsedKeys);
+ }, "onNodeToggle")
+ },
+ components: {
+ OrganizationChartNode: script$1$f
+ }
+};
+function render$n(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_OrganizationChartNode = resolveComponent("OrganizationChartNode");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createVNode(_component_OrganizationChartNode, {
+ node: _ctx.value,
+ templates: _ctx.$slots,
+ onNodeToggle: $options.onNodeToggle,
+ collapsedKeys: $data.d_collapsedKeys,
+ collapsible: _ctx.collapsible,
+ onNodeClick: $options.onNodeClick,
+ selectionMode: _ctx.selectionMode,
+ selectionKeys: _ctx.selectionKeys,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, null, 8, ["node", "templates", "onNodeToggle", "collapsedKeys", "collapsible", "onNodeClick", "selectionMode", "selectionKeys", "pt", "unstyled"])], 16);
+}
+__name(render$n, "render$n");
+script$r.render = render$n;
+var script$q = {
+ name: "OverlayPanel",
+ "extends": script$1P,
+ mounted: /* @__PURE__ */ __name(function mounted25() {
+ console.warn("Deprecated since v4. Use Popover component instead.");
+ }, "mounted")
+};
+var OverlayPanelStyle = BaseStyle.extend({
+ name: "overlaypanel"
+});
+var theme$d = /* @__PURE__ */ __name(function theme26(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-panelmenu {\n display: flex;\n flex-direction: column;\n gap: ".concat(dt("panelmenu.gap"), ";\n}\n\n.p-panelmenu-panel {\n background: ").concat(dt("panelmenu.panel.background"), ";\n border-width: ").concat(dt("panelmenu.panel.border.width"), ";\n border-style: solid;\n border-color: ").concat(dt("panelmenu.panel.border.color"), ";\n color: ").concat(dt("panelmenu.panel.color"), ";\n border-radius: ").concat(dt("panelmenu.panel.border.radius"), ";\n padding: ").concat(dt("panelmenu.panel.padding"), ";\n}\n\n.p-panelmenu-panel:first-child {\n border-width: ").concat(dt("panelmenu.panel.first.border.width"), ";\n border-start-start-radius: ").concat(dt("panelmenu.panel.first.top.border.radius"), ";\n border-start-end-radius: ").concat(dt("panelmenu.panel.first.top.border.radius"), ";\n}\n\n.p-panelmenu-panel:last-child {\n border-width: ").concat(dt("panelmenu.panel.last.border.width"), ";\n border-end-start-radius: ").concat(dt("panelmenu.panel.last.bottom.border.radius"), ";\n border-end-end-radius: ").concat(dt("panelmenu.panel.last.bottom.border.radius"), ";\n}\n\n.p-panelmenu-header {\n outline: 0 none;\n}\n\n.p-panelmenu-header-content {\n border-radius: ").concat(dt("panelmenu.item.border.radius"), ";\n transition: background ").concat(dt("panelmenu.transition.duration"), ", color ").concat(dt("panelmenu.transition.duration"), ", outline-color ").concat(dt("panelmenu.transition.duration"), ", box-shadow ").concat(dt("panelmenu.transition.duration"), ";\n outline-color: transparent;\n color: ").concat(dt("panelmenu.item.color"), ";\n}\n\n.p-panelmenu-header-link {\n display: flex;\n gap: ").concat(dt("panelmenu.item.gap"), ";\n padding: ").concat(dt("panelmenu.item.padding"), ";\n align-items: center;\n user-select: none;\n cursor: pointer;\n position: relative;\n text-decoration: none;\n color: inherit;\n}\n\n.p-panelmenu-header-icon,\n.p-panelmenu-item-icon {\n color: ").concat(dt("panelmenu.item.icon.color"), ";\n}\n\n.p-panelmenu-submenu-icon {\n color: ").concat(dt("panelmenu.submenu.icon.color"), ";\n}\n\n.p-panelmenu-submenu-icon:dir(rtl) {\n transform: rotate(180deg);\n}\n\n.p-panelmenu-header:not(.p-disabled):focus-visible .p-panelmenu-header-content {\n background: ").concat(dt("panelmenu.item.focus.background"), ";\n color: ").concat(dt("panelmenu.item.focus.color"), ";\n}\n\n.p-panelmenu-header:not(.p-disabled):focus-visible .p-panelmenu-header-content .p-panelmenu-header-icon {\n color: ").concat(dt("panelmenu.item.icon.focus.color"), ";\n}\n\n.p-panelmenu-header:not(.p-disabled):focus-visible .p-panelmenu-header-content .p-panelmenu-submenu-icon {\n color: ").concat(dt("panelmenu.submenu.icon.focus.color"), ";\n}\n\n.p-panelmenu-header:not(.p-disabled) .p-panelmenu-header-content:hover {\n background: ").concat(dt("panelmenu.item.focus.background"), ";\n color: ").concat(dt("panelmenu.item.focus.color"), ";\n}\n\n.p-panelmenu-header:not(.p-disabled) .p-panelmenu-header-content:hover .p-panelmenu-header-icon {\n color: ").concat(dt("panelmenu.item.icon.focus.color"), ";\n}\n\n.p-panelmenu-header:not(.p-disabled) .p-panelmenu-header-content:hover .p-panelmenu-submenu-icon {\n color: ").concat(dt("panelmenu.submenu.icon.focus.color"), ";\n}\n\n.p-panelmenu-submenu {\n margin: 0;\n padding: 0 0 0 ").concat(dt("panelmenu.submenu.indent"), ";\n outline: 0;\n list-style: none;\n}\n\n.p-panelmenu-submenu:dir(rtl) {\n padding: 0 ").concat(dt("panelmenu.submenu.indent"), " 0 0;\n}\n\n.p-panelmenu-item-link {\n display: flex;\n gap: ").concat(dt("panelmenu.item.gap"), ";\n padding: ").concat(dt("panelmenu.item.padding"), ";\n align-items: center;\n user-select: none;\n cursor: pointer;\n text-decoration: none;\n color: inherit;\n position: relative;\n overflow: hidden;\n}\n\n.p-panelmenu-item-label {\n line-height: 1;\n}\n\n.p-panelmenu-item-content {\n border-radius: ").concat(dt("panelmenu.item.border.radius"), ";\n transition: background ").concat(dt("panelmenu.transition.duration"), ", color ").concat(dt("panelmenu.transition.duration"), ", outline-color ").concat(dt("panelmenu.transition.duration"), ", box-shadow ").concat(dt("panelmenu.transition.duration"), ";\n color: ").concat(dt("panelmenu.item.color"), ";\n outline-color: transparent;\n}\n\n.p-panelmenu-item.p-focus > .p-panelmenu-item-content {\n background: ").concat(dt("panelmenu.item.focus.background"), ";\n color: ").concat(dt("panelmenu.item.focus.color"), ";\n}\n\n.p-panelmenu-item.p-focus > .p-panelmenu-item-content .p-panelmenu-item-icon {\n color: ").concat(dt("panelmenu.item.focus.color"), ";\n}\n\n.p-panelmenu-item.p-focus > .p-panelmenu-item-content .p-panelmenu-submenu-icon {\n color: ").concat(dt("panelmenu.submenu.icon.focus.color"), ";\n}\n\n.p-panelmenu-item:not(.p-disabled) > .p-panelmenu-item-content:hover {\n background: ").concat(dt("panelmenu.item.focus.background"), ";\n color: ").concat(dt("panelmenu.item.focus.color"), ";\n}\n\n.p-panelmenu-item:not(.p-disabled) > .p-panelmenu-item-content:hover .p-panelmenu-item-icon {\n color: ").concat(dt("panelmenu.item.icon.focus.color"), ";\n}\n\n.p-panelmenu-item:not(.p-disabled) > .p-panelmenu-item-content:hover .p-panelmenu-submenu-icon {\n color: ").concat(dt("panelmenu.submenu.icon.focus.color"), ";\n}\n");
+}, "theme");
+var classes$e = {
+ root: "p-panelmenu p-component",
+ panel: "p-panelmenu-panel",
+ header: /* @__PURE__ */ __name(function header(_ref2) {
+ var instance = _ref2.instance, item8 = _ref2.item;
+ return ["p-panelmenu-header", {
+ "p-panelmenu-header-active": instance.isItemActive(item8) && !!item8.items,
+ "p-disabled": instance.isItemDisabled(item8)
+ }];
+ }, "header"),
+ headerContent: "p-panelmenu-header-content",
+ headerLink: "p-panelmenu-header-link",
+ headerIcon: "p-panelmenu-header-icon",
+ headerLabel: "p-panelmenu-header-label",
+ contentContainer: "p-panelmenu-content-container",
+ content: "p-panelmenu-content",
+ rootList: "p-panelmenu-root-list",
+ item: /* @__PURE__ */ __name(function item5(_ref3) {
+ var instance = _ref3.instance, processedItem = _ref3.processedItem;
+ return ["p-panelmenu-item", {
+ "p-focus": instance.isItemFocused(processedItem),
+ "p-disabled": instance.isItemDisabled(processedItem)
+ }];
+ }, "item"),
+ itemContent: "p-panelmenu-item-content",
+ itemLink: "p-panelmenu-item-link",
+ itemIcon: "p-panelmenu-item-icon",
+ itemLabel: "p-panelmenu-item-label",
+ submenuIcon: "p-panelmenu-submenu-icon",
+ submenu: "p-panelmenu-submenu",
+ separator: "p-menuitem-separator"
+};
+var PanelMenuStyle = BaseStyle.extend({
+ name: "panelmenu",
+ theme: theme$d,
+ classes: classes$e
+});
+var script$3$1 = {
+ name: "BasePanelMenu",
+ "extends": script$1f,
+ props: {
+ model: {
+ type: Array,
+ "default": null
+ },
+ expandedKeys: {
+ type: Object,
+ "default": null
+ },
+ multiple: {
+ type: Boolean,
+ "default": false
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ }
+ },
+ style: PanelMenuStyle,
+ provide: /* @__PURE__ */ __name(function provide36() {
+ return {
+ $pcPanelMenu: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$2$1 = {
+ name: "PanelMenuSub",
+ hostName: "PanelMenu",
+ "extends": script$1f,
+ emits: ["item-toggle", "item-mousemove"],
+ props: {
+ panelId: {
+ type: String,
+ "default": null
+ },
+ focusedItemId: {
+ type: String,
+ "default": null
+ },
+ items: {
+ type: Array,
+ "default": null
+ },
+ level: {
+ type: Number,
+ "default": 0
+ },
+ templates: {
+ type: Object,
+ "default": null
+ },
+ activeItemPath: {
+ type: Object,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": -1
+ }
+ },
+ methods: {
+ getItemId: /* @__PURE__ */ __name(function getItemId3(processedItem) {
+ return "".concat(this.panelId, "_").concat(processedItem.key);
+ }, "getItemId"),
+ getItemKey: /* @__PURE__ */ __name(function getItemKey2(processedItem) {
+ return this.getItemId(processedItem);
+ }, "getItemKey"),
+ getItemProp: /* @__PURE__ */ __name(function getItemProp5(processedItem, name4, params) {
+ return processedItem && processedItem.item ? resolve(processedItem.item[name4], params) : void 0;
+ }, "getItemProp"),
+ getItemLabel: /* @__PURE__ */ __name(function getItemLabel3(processedItem) {
+ return this.getItemProp(processedItem, "label");
+ }, "getItemLabel"),
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions7(key, processedItem, index) {
+ return this.ptm(key, {
+ context: {
+ item: processedItem.item,
+ index,
+ active: this.isItemActive(processedItem),
+ focused: this.isItemFocused(processedItem),
+ disabled: this.isItemDisabled(processedItem)
+ }
+ });
+ }, "getPTOptions"),
+ isItemActive: /* @__PURE__ */ __name(function isItemActive4(processedItem) {
+ return this.activeItemPath.some(function(path) {
+ return path.key === processedItem.key;
+ });
+ }, "isItemActive"),
+ isItemVisible: /* @__PURE__ */ __name(function isItemVisible3(processedItem) {
+ return this.getItemProp(processedItem, "visible") !== false;
+ }, "isItemVisible"),
+ isItemDisabled: /* @__PURE__ */ __name(function isItemDisabled3(processedItem) {
+ return this.getItemProp(processedItem, "disabled");
+ }, "isItemDisabled"),
+ isItemFocused: /* @__PURE__ */ __name(function isItemFocused3(processedItem) {
+ return this.focusedItemId === this.getItemId(processedItem);
+ }, "isItemFocused"),
+ isItemGroup: /* @__PURE__ */ __name(function isItemGroup3(processedItem) {
+ return isNotEmpty(processedItem.items);
+ }, "isItemGroup"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick5(event2, processedItem) {
+ this.getItemProp(processedItem, "command", {
+ originalEvent: event2,
+ item: processedItem.item
+ });
+ this.$emit("item-toggle", {
+ processedItem,
+ expanded: !this.isItemActive(processedItem)
+ });
+ }, "onItemClick"),
+ onItemToggle: /* @__PURE__ */ __name(function onItemToggle(event2) {
+ this.$emit("item-toggle", event2);
+ }, "onItemToggle"),
+ onItemMouseMove: /* @__PURE__ */ __name(function onItemMouseMove2(event2, processedItem) {
+ this.$emit("item-mousemove", {
+ originalEvent: event2,
+ processedItem
+ });
+ }, "onItemMouseMove"),
+ getAriaSetSize: /* @__PURE__ */ __name(function getAriaSetSize2() {
+ var _this = this;
+ return this.items.filter(function(processedItem) {
+ return _this.isItemVisible(processedItem) && !_this.getItemProp(processedItem, "separator");
+ }).length;
+ }, "getAriaSetSize"),
+ getAriaPosInset: /* @__PURE__ */ __name(function getAriaPosInset3(index) {
+ var _this2 = this;
+ return index - this.items.slice(0, index).filter(function(processedItem) {
+ return _this2.isItemVisible(processedItem) && _this2.getItemProp(processedItem, "separator");
+ }).length + 1;
+ }, "getAriaPosInset"),
+ getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps5(processedItem, index) {
+ return {
+ action: mergeProps({
+ "class": this.cx("itemLink"),
+ tabindex: -1
+ }, this.getPTOptions("itemLink", processedItem, index)),
+ icon: mergeProps({
+ "class": [this.cx("itemIcon"), this.getItemProp(processedItem, "icon")]
+ }, this.getPTOptions("itemIcon", processedItem, index)),
+ label: mergeProps({
+ "class": this.cx("itemLabel")
+ }, this.getPTOptions("itemLabel", processedItem, index)),
+ submenuicon: mergeProps({
+ "class": this.cx("submenuIcon")
+ }, this.getPTOptions("submenuicon", processedItem, index))
+ };
+ }, "getMenuItemProps")
+ },
+ components: {
+ ChevronRightIcon: script$1i,
+ ChevronDownIcon: script$1h
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+var _hoisted_1$1$2 = ["tabindex"];
+var _hoisted_2$1$1 = ["id", "aria-label", "aria-expanded", "aria-level", "aria-setsize", "aria-posinset", "data-p-focused", "data-p-disabled"];
+var _hoisted_3$1$1 = ["onClick", "onMousemove"];
+var _hoisted_4$1$1 = ["href", "target"];
+function render$2$1(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_PanelMenuSub = resolveComponent("PanelMenuSub", true);
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("ul", {
+ "class": normalizeClass(_ctx.cx("submenu")),
+ tabindex: $props.tabindex
+ }, [(openBlock(true), createElementBlock(Fragment, null, renderList($props.items, function(processedItem, index) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.getItemKey(processedItem)
+ }, [$options.isItemVisible(processedItem) && !$options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ id: $options.getItemId(processedItem),
+ "class": [_ctx.cx("item", {
+ processedItem
+ }), $options.getItemProp(processedItem, "class")],
+ style: $options.getItemProp(processedItem, "style"),
+ role: "treeitem",
+ "aria-label": $options.getItemLabel(processedItem),
+ "aria-expanded": $options.isItemGroup(processedItem) ? $options.isItemActive(processedItem) : void 0,
+ "aria-level": $props.level + 1,
+ "aria-setsize": $options.getAriaSetSize(),
+ "aria-posinset": $options.getAriaPosInset(index),
+ ref_for: true
+ }, $options.getPTOptions("item", processedItem, index), {
+ "data-p-focused": $options.isItemFocused(processedItem),
+ "data-p-disabled": $options.isItemDisabled(processedItem)
+ }), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("itemContent"),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onItemClick($event, processedItem);
+ }, "onClick"),
+ onMousemove: /* @__PURE__ */ __name(function onMousemove($event) {
+ return $options.onItemMouseMove($event, processedItem);
+ }, "onMousemove"),
+ ref_for: true
+ }, $options.getPTOptions("itemContent", processedItem, index)), [!$props.templates.item ? withDirectives((openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ href: $options.getItemProp(processedItem, "url"),
+ "class": _ctx.cx("itemLink"),
+ target: $options.getItemProp(processedItem, "target"),
+ tabindex: "-1",
+ ref_for: true
+ }, $options.getPTOptions("itemLink", processedItem, index)), [$options.isItemGroup(processedItem) ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [$props.templates.submenuicon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.submenuicon), mergeProps({
+ key: 0,
+ "class": _ctx.cx("submenuIcon"),
+ active: $options.isItemActive(processedItem),
+ ref_for: true
+ }, $options.getPTOptions("submenuIcon", processedItem, index)), null, 16, ["class", "active"])) : (openBlock(), createBlock(resolveDynamicComponent($options.isItemActive(processedItem) ? "ChevronDownIcon" : "ChevronRightIcon"), mergeProps({
+ key: 1,
+ "class": _ctx.cx("submenuIcon"),
+ ref_for: true
+ }, $options.getPTOptions("submenuIcon", processedItem, index)), null, 16, ["class"]))], 64)) : createCommentVNode("", true), $props.templates.itemicon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.itemicon), {
+ key: 1,
+ item: processedItem.item,
+ "class": normalizeClass(_ctx.cx("itemIcon"))
+ }, null, 8, ["item", "class"])) : $options.getItemProp(processedItem, "icon") ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 2,
+ "class": [_ctx.cx("itemIcon"), $options.getItemProp(processedItem, "icon")],
+ ref_for: true
+ }, $options.getPTOptions("itemIcon", processedItem, index)), null, 16)) : createCommentVNode("", true), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("itemLabel"),
+ ref_for: true
+ }, $options.getPTOptions("itemLabel", processedItem, index)), toDisplayString($options.getItemLabel(processedItem)), 17)], 16, _hoisted_4$1$1)), [[_directive_ripple]]) : (openBlock(), createBlock(resolveDynamicComponent($props.templates.item), {
+ key: 1,
+ item: processedItem.item,
+ root: false,
+ active: $options.isItemActive(processedItem),
+ hasSubmenu: $options.isItemGroup(processedItem),
+ label: $options.getItemLabel(processedItem),
+ props: $options.getMenuItemProps(processedItem, index)
+ }, null, 8, ["item", "active", "hasSubmenu", "label", "props"]))], 16, _hoisted_3$1$1), createVNode(Transition, mergeProps({
+ name: "p-toggleable-content",
+ ref_for: true
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [withDirectives(createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("contentContainer"),
+ ref_for: true
+ }, _ctx.ptm("contentContainer")), [$options.isItemVisible(processedItem) && $options.isItemGroup(processedItem) ? (openBlock(), createBlock(_component_PanelMenuSub, mergeProps({
+ key: 0,
+ id: $options.getItemId(processedItem) + "_list",
+ role: "group",
+ panelId: $props.panelId,
+ focusedItemId: $props.focusedItemId,
+ items: processedItem.items,
+ level: $props.level + 1,
+ templates: $props.templates,
+ activeItemPath: $props.activeItemPath,
+ onItemToggle: $options.onItemToggle,
+ onItemMousemove: _cache[0] || (_cache[0] = function($event) {
+ return _ctx.$emit("item-mousemove", $event);
+ }),
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled,
+ ref_for: true
+ }, _ctx.ptm("submenu")), null, 16, ["id", "panelId", "focusedItemId", "items", "level", "templates", "activeItemPath", "onItemToggle", "pt", "unstyled"])) : createCommentVNode("", true)], 16), [[vShow, $options.isItemActive(processedItem)]])];
+ }),
+ _: 2
+ }, 1040)], 16, _hoisted_2$1$1)) : createCommentVNode("", true), $options.isItemVisible(processedItem) && $options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 1,
+ style: $options.getItemProp(processedItem, "style"),
+ "class": [_ctx.cx("separator"), $options.getItemProp(processedItem, "class")],
+ role: "separator",
+ ref_for: true
+ }, _ctx.ptm("separator")), null, 16)) : createCommentVNode("", true)], 64);
+ }), 128))], 10, _hoisted_1$1$2);
+}
+__name(render$2$1, "render$2$1");
+script$2$1.render = render$2$1;
+function _slicedToArray(r, e) {
+ return _arrayWithHoles(r) || _iterableToArrayLimit(r, e) || _unsupportedIterableToArray$5(r, e) || _nonIterableRest();
+}
+__name(_slicedToArray, "_slicedToArray");
+function _nonIterableRest() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest, "_nonIterableRest");
+function _unsupportedIterableToArray$5(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$5(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$5(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$5, "_unsupportedIterableToArray$5");
+function _arrayLikeToArray$5(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$5, "_arrayLikeToArray$5");
+function _iterableToArrayLimit(r, l) {
+ var t2 = null == r ? null : "undefined" != typeof Symbol && r[Symbol.iterator] || r["@@iterator"];
+ if (null != t2) {
+ var e, n, i, u, a = [], f = true, o = false;
+ try {
+ if (i = (t2 = t2.call(r)).next, 0 === l) ;
+ else for (; !(f = (e = i.call(t2)).done) && (a.push(e.value), a.length !== l); f = true) ;
+ } catch (r2) {
+ o = true, n = r2;
+ } finally {
+ try {
+ if (!f && null != t2["return"] && (u = t2["return"](), Object(u) !== u)) return;
+ } finally {
+ if (o) throw n;
+ }
+ }
+ return a;
+ }
+}
+__name(_iterableToArrayLimit, "_iterableToArrayLimit");
+function _arrayWithHoles(r) {
+ if (Array.isArray(r)) return r;
+}
+__name(_arrayWithHoles, "_arrayWithHoles");
+var script$1$e = {
+ name: "PanelMenuList",
+ hostName: "PanelMenu",
+ "extends": script$1f,
+ emits: ["item-toggle", "header-focus"],
+ props: {
+ panelId: {
+ type: String,
+ "default": null
+ },
+ items: {
+ type: Array,
+ "default": null
+ },
+ templates: {
+ type: Object,
+ "default": null
+ },
+ expandedKeys: {
+ type: Object,
+ "default": null
+ }
+ },
+ searchTimeout: null,
+ searchValue: null,
+ data: /* @__PURE__ */ __name(function data24() {
+ return {
+ focused: false,
+ focusedItem: null,
+ activeItemPath: []
+ };
+ }, "data"),
+ watch: {
+ expandedKeys: /* @__PURE__ */ __name(function expandedKeys(newValue) {
+ this.autoUpdateActiveItemPath(newValue);
+ }, "expandedKeys")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted26() {
+ this.autoUpdateActiveItemPath(this.expandedKeys);
+ }, "mounted"),
+ methods: {
+ getItemProp: /* @__PURE__ */ __name(function getItemProp6(processedItem, name4) {
+ return processedItem && processedItem.item ? resolve(processedItem.item[name4]) : void 0;
+ }, "getItemProp"),
+ getItemLabel: /* @__PURE__ */ __name(function getItemLabel4(processedItem) {
+ return this.getItemProp(processedItem, "label");
+ }, "getItemLabel"),
+ isItemVisible: /* @__PURE__ */ __name(function isItemVisible4(processedItem) {
+ return this.getItemProp(processedItem, "visible") !== false;
+ }, "isItemVisible"),
+ isItemDisabled: /* @__PURE__ */ __name(function isItemDisabled4(processedItem) {
+ return this.getItemProp(processedItem, "disabled");
+ }, "isItemDisabled"),
+ isItemActive: /* @__PURE__ */ __name(function isItemActive5(processedItem) {
+ return this.activeItemPath.some(function(path) {
+ return path.key === processedItem.parentKey;
+ });
+ }, "isItemActive"),
+ isItemGroup: /* @__PURE__ */ __name(function isItemGroup4(processedItem) {
+ return isNotEmpty(processedItem.items);
+ }, "isItemGroup"),
+ onFocus: /* @__PURE__ */ __name(function onFocus10(event2) {
+ this.focused = true;
+ this.focusedItem = this.focusedItem || (this.isElementInPanel(event2, event2.relatedTarget) ? this.findFirstItem() : this.findLastItem());
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur10() {
+ this.focused = false;
+ this.focusedItem = null;
+ this.searchValue = "";
+ }, "onBlur"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown10(event2) {
+ var metaKey = event2.metaKey || event2.ctrlKey;
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUpKey(event2);
+ break;
+ case "ArrowLeft":
+ this.onArrowLeftKey(event2);
+ break;
+ case "ArrowRight":
+ this.onArrowRightKey(event2);
+ break;
+ case "Home":
+ this.onHomeKey(event2);
+ break;
+ case "End":
+ this.onEndKey(event2);
+ break;
+ case "Space":
+ this.onSpaceKey(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ this.onEnterKey(event2);
+ break;
+ case "Escape":
+ case "Tab":
+ case "PageDown":
+ case "PageUp":
+ case "Backspace":
+ case "ShiftLeft":
+ case "ShiftRight":
+ break;
+ default:
+ if (!metaKey && isPrintableCharacter(event2.key)) {
+ this.searchItems(event2, event2.key);
+ }
+ break;
+ }
+ }, "onKeyDown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey7(event2) {
+ var processedItem = isNotEmpty(this.focusedItem) ? this.findNextItem(this.focusedItem) : this.findFirstItem();
+ this.changeFocusedItem({
+ originalEvent: event2,
+ processedItem,
+ focusOnNext: true
+ });
+ event2.preventDefault();
+ }, "onArrowDownKey"),
+ onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey7(event2) {
+ var processedItem = isNotEmpty(this.focusedItem) ? this.findPrevItem(this.focusedItem) : this.findLastItem();
+ this.changeFocusedItem({
+ originalEvent: event2,
+ processedItem,
+ selfCheck: true
+ });
+ event2.preventDefault();
+ }, "onArrowUpKey"),
+ onArrowLeftKey: /* @__PURE__ */ __name(function onArrowLeftKey4(event2) {
+ var _this = this;
+ if (isNotEmpty(this.focusedItem)) {
+ var matched = this.activeItemPath.some(function(p) {
+ return p.key === _this.focusedItem.key;
+ });
+ if (matched) {
+ this.activeItemPath = this.activeItemPath.filter(function(p) {
+ return p.key !== _this.focusedItem.key;
+ });
+ } else {
+ this.focusedItem = isNotEmpty(this.focusedItem.parent) ? this.focusedItem.parent : this.focusedItem;
+ }
+ event2.preventDefault();
+ }
+ }, "onArrowLeftKey"),
+ onArrowRightKey: /* @__PURE__ */ __name(function onArrowRightKey3(event2) {
+ var _this2 = this;
+ if (isNotEmpty(this.focusedItem)) {
+ var grouped = this.isItemGroup(this.focusedItem);
+ if (grouped) {
+ var matched = this.activeItemPath.some(function(p) {
+ return p.key === _this2.focusedItem.key;
+ });
+ if (matched) {
+ this.onArrowDownKey(event2);
+ } else {
+ this.activeItemPath = this.activeItemPath.filter(function(p) {
+ return p.parentKey !== _this2.focusedItem.parentKey;
+ });
+ this.activeItemPath.push(this.focusedItem);
+ }
+ }
+ event2.preventDefault();
+ }
+ }, "onArrowRightKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey7(event2) {
+ this.changeFocusedItem({
+ originalEvent: event2,
+ processedItem: this.findFirstItem(),
+ allowHeaderFocus: false
+ });
+ event2.preventDefault();
+ }, "onHomeKey"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey7(event2) {
+ this.changeFocusedItem({
+ originalEvent: event2,
+ processedItem: this.findLastItem(),
+ focusOnNext: true,
+ allowHeaderFocus: false
+ });
+ event2.preventDefault();
+ }, "onEndKey"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey6(event2) {
+ if (isNotEmpty(this.focusedItem)) {
+ var element = findSingle(this.$el, 'li[id="'.concat("".concat(this.focusedItemId), '"]'));
+ var anchorElement = element && (findSingle(element, '[data-pc-section="itemlink"]') || findSingle(element, "a,button"));
+ anchorElement ? anchorElement.click() : element && element.click();
+ }
+ event2.preventDefault();
+ }, "onEnterKey"),
+ onSpaceKey: /* @__PURE__ */ __name(function onSpaceKey5(event2) {
+ this.onEnterKey(event2);
+ }, "onSpaceKey"),
+ onItemToggle: /* @__PURE__ */ __name(function onItemToggle2(event2) {
+ var processedItem = event2.processedItem, expanded3 = event2.expanded;
+ if (this.expandedKeys) {
+ this.$emit("item-toggle", {
+ item: processedItem.item,
+ expanded: expanded3
+ });
+ } else {
+ this.activeItemPath = this.activeItemPath.filter(function(p) {
+ return p.parentKey !== processedItem.parentKey;
+ });
+ expanded3 && this.activeItemPath.push(processedItem);
+ }
+ this.focusedItem = processedItem;
+ focus(this.$el);
+ }, "onItemToggle"),
+ onItemMouseMove: /* @__PURE__ */ __name(function onItemMouseMove3(event2) {
+ if (this.focused) {
+ this.focusedItem = event2.processedItem;
+ }
+ }, "onItemMouseMove"),
+ isElementInPanel: /* @__PURE__ */ __name(function isElementInPanel(event2, element) {
+ var panel2 = event2.currentTarget.closest('[data-pc-section="panel"]');
+ return panel2 && panel2.contains(element);
+ }, "isElementInPanel"),
+ isItemMatched: /* @__PURE__ */ __name(function isItemMatched2(processedItem) {
+ var _this$getItemLabel;
+ return this.isValidItem(processedItem) && ((_this$getItemLabel = this.getItemLabel(processedItem)) === null || _this$getItemLabel === void 0 ? void 0 : _this$getItemLabel.toLocaleLowerCase(this.searchLocale).startsWith(this.searchValue.toLocaleLowerCase(this.searchLocale)));
+ }, "isItemMatched"),
+ isVisibleItem: /* @__PURE__ */ __name(function isVisibleItem(processedItem) {
+ return !!processedItem && (processedItem.level === 0 || this.isItemActive(processedItem)) && this.isItemVisible(processedItem);
+ }, "isVisibleItem"),
+ isValidItem: /* @__PURE__ */ __name(function isValidItem2(processedItem) {
+ return !!processedItem && !this.isItemDisabled(processedItem) && !this.getItemProp(processedItem, "separator");
+ }, "isValidItem"),
+ findFirstItem: /* @__PURE__ */ __name(function findFirstItem() {
+ var _this3 = this;
+ return this.visibleItems.find(function(processedItem) {
+ return _this3.isValidItem(processedItem);
+ });
+ }, "findFirstItem"),
+ findLastItem: /* @__PURE__ */ __name(function findLastItem() {
+ var _this4 = this;
+ return findLast(this.visibleItems, function(processedItem) {
+ return _this4.isValidItem(processedItem);
+ });
+ }, "findLastItem"),
+ findNextItem: /* @__PURE__ */ __name(function findNextItem(processedItem) {
+ var _this5 = this;
+ var index = this.visibleItems.findIndex(function(item8) {
+ return item8.key === processedItem.key;
+ });
+ var matchedItem = index < this.visibleItems.length - 1 ? this.visibleItems.slice(index + 1).find(function(pItem) {
+ return _this5.isValidItem(pItem);
+ }) : void 0;
+ return matchedItem || processedItem;
+ }, "findNextItem"),
+ findPrevItem: /* @__PURE__ */ __name(function findPrevItem(processedItem) {
+ var _this6 = this;
+ var index = this.visibleItems.findIndex(function(item8) {
+ return item8.key === processedItem.key;
+ });
+ var matchedItem = index > 0 ? findLast(this.visibleItems.slice(0, index), function(pItem) {
+ return _this6.isValidItem(pItem);
+ }) : void 0;
+ return matchedItem || processedItem;
+ }, "findPrevItem"),
+ searchItems: /* @__PURE__ */ __name(function searchItems2(event2, _char) {
+ var _this7 = this;
+ this.searchValue = (this.searchValue || "") + _char;
+ var matchedItem = null;
+ var matched = false;
+ if (isNotEmpty(this.focusedItem)) {
+ var focusedItemIndex = this.visibleItems.findIndex(function(processedItem) {
+ return processedItem.key === _this7.focusedItem.key;
+ });
+ matchedItem = this.visibleItems.slice(focusedItemIndex).find(function(processedItem) {
+ return _this7.isItemMatched(processedItem);
+ });
+ matchedItem = isEmpty(matchedItem) ? this.visibleItems.slice(0, focusedItemIndex).find(function(processedItem) {
+ return _this7.isItemMatched(processedItem);
+ }) : matchedItem;
+ } else {
+ matchedItem = this.visibleItems.find(function(processedItem) {
+ return _this7.isItemMatched(processedItem);
+ });
+ }
+ if (isNotEmpty(matchedItem)) {
+ matched = true;
+ }
+ if (isEmpty(matchedItem) && isEmpty(this.focusedItem)) {
+ matchedItem = this.findFirstItem();
+ }
+ if (isNotEmpty(matchedItem)) {
+ this.changeFocusedItem({
+ originalEvent: event2,
+ processedItem: matchedItem,
+ allowHeaderFocus: false
+ });
+ }
+ if (this.searchTimeout) {
+ clearTimeout(this.searchTimeout);
+ }
+ this.searchTimeout = setTimeout(function() {
+ _this7.searchValue = "";
+ _this7.searchTimeout = null;
+ }, 500);
+ return matched;
+ }, "searchItems"),
+ changeFocusedItem: /* @__PURE__ */ __name(function changeFocusedItem(event2) {
+ var originalEvent = event2.originalEvent, processedItem = event2.processedItem, focusOnNext = event2.focusOnNext, selfCheck = event2.selfCheck, _event$allowHeaderFoc = event2.allowHeaderFocus, allowHeaderFocus = _event$allowHeaderFoc === void 0 ? true : _event$allowHeaderFoc;
+ if (isNotEmpty(this.focusedItem) && this.focusedItem.key !== processedItem.key) {
+ this.focusedItem = processedItem;
+ this.scrollInView();
+ } else if (allowHeaderFocus) {
+ this.$emit("header-focus", {
+ originalEvent,
+ focusOnNext,
+ selfCheck
+ });
+ }
+ }, "changeFocusedItem"),
+ scrollInView: /* @__PURE__ */ __name(function scrollInView5() {
+ var element = findSingle(this.$el, 'li[id="'.concat("".concat(this.focusedItemId), '"]'));
+ if (element) {
+ element.scrollIntoView && element.scrollIntoView({
+ block: "nearest",
+ inline: "start"
+ });
+ }
+ }, "scrollInView"),
+ autoUpdateActiveItemPath: /* @__PURE__ */ __name(function autoUpdateActiveItemPath(expandedKeys4) {
+ var _this8 = this;
+ this.activeItemPath = Object.entries(expandedKeys4 || {}).reduce(function(acc, _ref) {
+ var _ref2 = _slicedToArray(_ref, 2), key = _ref2[0], val = _ref2[1];
+ if (val) {
+ var processedItem = _this8.findProcessedItemByItemKey(key);
+ processedItem && acc.push(processedItem);
+ }
+ return acc;
+ }, []);
+ }, "autoUpdateActiveItemPath"),
+ findProcessedItemByItemKey: /* @__PURE__ */ __name(function findProcessedItemByItemKey(key, processedItems3) {
+ var level = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : 0;
+ processedItems3 = processedItems3 || level === 0 && this.processedItems;
+ if (!processedItems3) return null;
+ for (var i = 0; i < processedItems3.length; i++) {
+ var processedItem = processedItems3[i];
+ if (this.getItemProp(processedItem, "key") === key) return processedItem;
+ var matchedItem = this.findProcessedItemByItemKey(key, processedItem.items, level + 1);
+ if (matchedItem) return matchedItem;
+ }
+ }, "findProcessedItemByItemKey"),
+ createProcessedItems: /* @__PURE__ */ __name(function createProcessedItems2(items2) {
+ var _this9 = this;
+ var level = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : 0;
+ var parent = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+ var parentKey = arguments.length > 3 && arguments[3] !== void 0 ? arguments[3] : "";
+ var processedItems3 = [];
+ items2 && items2.forEach(function(item8, index) {
+ var key = (parentKey !== "" ? parentKey + "_" : "") + index;
+ var newItem = {
+ item: item8,
+ index,
+ level,
+ key,
+ parent,
+ parentKey
+ };
+ newItem["items"] = _this9.createProcessedItems(item8.items, level + 1, newItem, key);
+ processedItems3.push(newItem);
+ });
+ return processedItems3;
+ }, "createProcessedItems"),
+ flatItems: /* @__PURE__ */ __name(function flatItems(processedItems3) {
+ var _this10 = this;
+ var processedFlattenItems = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : [];
+ processedItems3 && processedItems3.forEach(function(processedItem) {
+ if (_this10.isVisibleItem(processedItem)) {
+ processedFlattenItems.push(processedItem);
+ _this10.flatItems(processedItem.items, processedFlattenItems);
+ }
+ });
+ return processedFlattenItems;
+ }, "flatItems")
+ },
+ computed: {
+ processedItems: /* @__PURE__ */ __name(function processedItems2() {
+ return this.createProcessedItems(this.items || []);
+ }, "processedItems"),
+ visibleItems: /* @__PURE__ */ __name(function visibleItems2() {
+ return this.flatItems(this.processedItems);
+ }, "visibleItems"),
+ focusedItemId: /* @__PURE__ */ __name(function focusedItemId2() {
+ return isNotEmpty(this.focusedItem) ? "".concat(this.panelId, "_").concat(this.focusedItem.key) : null;
+ }, "focusedItemId")
+ },
+ components: {
+ PanelMenuSub: script$2$1
+ }
+};
+function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_PanelMenuSub = resolveComponent("PanelMenuSub");
+ return openBlock(), createBlock(_component_PanelMenuSub, mergeProps({
+ id: $props.panelId + "_list",
+ "class": _ctx.cx("rootList"),
+ role: "tree",
+ tabindex: -1,
+ "aria-activedescendant": $data.focused ? $options.focusedItemId : void 0,
+ panelId: $props.panelId,
+ focusedItemId: $data.focused ? $options.focusedItemId : void 0,
+ items: $options.processedItems,
+ templates: $props.templates,
+ activeItemPath: $data.activeItemPath,
+ onFocus: $options.onFocus,
+ onBlur: $options.onBlur,
+ onKeydown: $options.onKeyDown,
+ onItemToggle: $options.onItemToggle,
+ onItemMousemove: $options.onItemMouseMove,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, _ctx.ptm("rootList")), null, 16, ["id", "class", "aria-activedescendant", "panelId", "focusedItemId", "items", "templates", "activeItemPath", "onFocus", "onBlur", "onKeydown", "onItemToggle", "onItemMousemove", "pt", "unstyled"]);
+}
+__name(render$1$1, "render$1$1");
+script$1$e.render = render$1$1;
+function _typeof$b(o) {
+ "@babel/helpers - typeof";
+ return _typeof$b = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$b(o);
+}
+__name(_typeof$b, "_typeof$b");
+function ownKeys$a(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$a, "ownKeys$a");
+function _objectSpread$a(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$a(Object(t2), true).forEach(function(r2) {
+ _defineProperty$b(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$a(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$a, "_objectSpread$a");
+function _defineProperty$b(e, r, t2) {
+ return (r = _toPropertyKey$b(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$b, "_defineProperty$b");
+function _toPropertyKey$b(t2) {
+ var i = _toPrimitive$b(t2, "string");
+ return "symbol" == _typeof$b(i) ? i : i + "";
+}
+__name(_toPropertyKey$b, "_toPropertyKey$b");
+function _toPrimitive$b(t2, r) {
+ if ("object" != _typeof$b(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$b(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$b, "_toPrimitive$b");
+var script$p = {
+ name: "PanelMenu",
+ "extends": script$3$1,
+ inheritAttrs: false,
+ emits: ["update:expandedKeys", "panel-open", "panel-close"],
+ data: /* @__PURE__ */ __name(function data25() {
+ return {
+ id: this.$attrs.id,
+ activeItem: null,
+ activeItems: []
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId9(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted27() {
+ this.id = this.id || UniqueComponentId();
+ }, "mounted"),
+ methods: {
+ getItemProp: /* @__PURE__ */ __name(function getItemProp7(item8, name4) {
+ return item8 ? resolve(item8[name4]) : void 0;
+ }, "getItemProp"),
+ getItemLabel: /* @__PURE__ */ __name(function getItemLabel5(item8) {
+ return this.getItemProp(item8, "label");
+ }, "getItemLabel"),
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions8(key, item8, index) {
+ return this.ptm(key, {
+ context: {
+ index,
+ active: this.isItemActive(item8),
+ focused: this.isItemFocused(item8),
+ disabled: this.isItemDisabled(item8)
+ }
+ });
+ }, "getPTOptions"),
+ isItemActive: /* @__PURE__ */ __name(function isItemActive6(item8) {
+ return this.expandedKeys ? this.expandedKeys[this.getItemProp(item8, "key")] : this.multiple ? this.activeItems.some(function(subItem) {
+ return equals(item8, subItem);
+ }) : equals(item8, this.activeItem);
+ }, "isItemActive"),
+ isItemVisible: /* @__PURE__ */ __name(function isItemVisible5(item8) {
+ return this.getItemProp(item8, "visible") !== false;
+ }, "isItemVisible"),
+ isItemDisabled: /* @__PURE__ */ __name(function isItemDisabled5(item8) {
+ return this.getItemProp(item8, "disabled");
+ }, "isItemDisabled"),
+ isItemFocused: /* @__PURE__ */ __name(function isItemFocused4(item8) {
+ return equals(item8, this.activeItem);
+ }, "isItemFocused"),
+ isItemGroup: /* @__PURE__ */ __name(function isItemGroup5(item8) {
+ return isNotEmpty(item8.items);
+ }, "isItemGroup"),
+ getPanelId: /* @__PURE__ */ __name(function getPanelId(index) {
+ return "".concat(this.id, "_").concat(index);
+ }, "getPanelId"),
+ getPanelKey: /* @__PURE__ */ __name(function getPanelKey(index) {
+ return this.getPanelId(index);
+ }, "getPanelKey"),
+ getHeaderId: /* @__PURE__ */ __name(function getHeaderId(index) {
+ return "".concat(this.getPanelId(index), "_header");
+ }, "getHeaderId"),
+ getContentId: /* @__PURE__ */ __name(function getContentId(index) {
+ return "".concat(this.getPanelId(index), "_content");
+ }, "getContentId"),
+ onHeaderClick: /* @__PURE__ */ __name(function onHeaderClick(event2, item8) {
+ if (this.isItemDisabled(item8)) {
+ event2.preventDefault();
+ return;
+ }
+ if (item8.command) {
+ item8.command({
+ originalEvent: event2,
+ item: item8
+ });
+ }
+ this.changeActiveItem(event2, item8);
+ focus(event2.currentTarget);
+ }, "onHeaderClick"),
+ onHeaderKeyDown: /* @__PURE__ */ __name(function onHeaderKeyDown(event2, item8) {
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onHeaderArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onHeaderArrowUpKey(event2);
+ break;
+ case "Home":
+ this.onHeaderHomeKey(event2);
+ break;
+ case "End":
+ this.onHeaderEndKey(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ case "Space":
+ this.onHeaderEnterKey(event2, item8);
+ break;
+ }
+ }, "onHeaderKeyDown"),
+ onHeaderArrowDownKey: /* @__PURE__ */ __name(function onHeaderArrowDownKey(event2) {
+ var rootList2 = getAttribute(event2.currentTarget, "data-p-active") === true ? findSingle(event2.currentTarget.nextElementSibling, '[data-pc-section="rootlist"]') : null;
+ rootList2 ? focus(rootList2) : this.updateFocusedHeader({
+ originalEvent: event2,
+ focusOnNext: true
+ });
+ event2.preventDefault();
+ }, "onHeaderArrowDownKey"),
+ onHeaderArrowUpKey: /* @__PURE__ */ __name(function onHeaderArrowUpKey(event2) {
+ var prevHeader = this.findPrevHeader(event2.currentTarget.parentElement) || this.findLastHeader();
+ var rootList2 = getAttribute(prevHeader, "data-p-active") === true ? findSingle(prevHeader.nextElementSibling, '[data-pc-section="rootlist"]') : null;
+ rootList2 ? focus(rootList2) : this.updateFocusedHeader({
+ originalEvent: event2,
+ focusOnNext: false
+ });
+ event2.preventDefault();
+ }, "onHeaderArrowUpKey"),
+ onHeaderHomeKey: /* @__PURE__ */ __name(function onHeaderHomeKey(event2) {
+ this.changeFocusedHeader(event2, this.findFirstHeader());
+ event2.preventDefault();
+ }, "onHeaderHomeKey"),
+ onHeaderEndKey: /* @__PURE__ */ __name(function onHeaderEndKey(event2) {
+ this.changeFocusedHeader(event2, this.findLastHeader());
+ event2.preventDefault();
+ }, "onHeaderEndKey"),
+ onHeaderEnterKey: /* @__PURE__ */ __name(function onHeaderEnterKey(event2, item8) {
+ var headerAction = findSingle(event2.currentTarget, '[data-pc-section="headerlink"]');
+ headerAction ? headerAction.click() : this.onHeaderClick(event2, item8);
+ event2.preventDefault();
+ }, "onHeaderEnterKey"),
+ findNextHeader: /* @__PURE__ */ __name(function findNextHeader(panelElement) {
+ var selfCheck = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ var nextPanelElement = selfCheck ? panelElement : panelElement.nextElementSibling;
+ var headerElement = findSingle(nextPanelElement, '[data-pc-section="header"]');
+ return headerElement ? getAttribute(headerElement, "data-p-disabled") ? this.findNextHeader(headerElement.parentElement) : headerElement : null;
+ }, "findNextHeader"),
+ findPrevHeader: /* @__PURE__ */ __name(function findPrevHeader(panelElement) {
+ var selfCheck = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ var prevPanelElement = selfCheck ? panelElement : panelElement.previousElementSibling;
+ var headerElement = findSingle(prevPanelElement, '[data-pc-section="header"]');
+ return headerElement ? getAttribute(headerElement, "data-p-disabled") ? this.findPrevHeader(headerElement.parentElement) : headerElement : null;
+ }, "findPrevHeader"),
+ findFirstHeader: /* @__PURE__ */ __name(function findFirstHeader() {
+ return this.findNextHeader(this.$el.firstElementChild, true);
+ }, "findFirstHeader"),
+ findLastHeader: /* @__PURE__ */ __name(function findLastHeader() {
+ return this.findPrevHeader(this.$el.lastElementChild, true);
+ }, "findLastHeader"),
+ updateFocusedHeader: /* @__PURE__ */ __name(function updateFocusedHeader(event2) {
+ var originalEvent = event2.originalEvent, focusOnNext = event2.focusOnNext, selfCheck = event2.selfCheck;
+ var panelElement = originalEvent.currentTarget.closest('[data-pc-section="panel"]');
+ var header2 = selfCheck ? findSingle(panelElement, '[data-pc-section="header"]') : focusOnNext ? this.findNextHeader(panelElement) : this.findPrevHeader(panelElement);
+ header2 ? this.changeFocusedHeader(originalEvent, header2) : focusOnNext ? this.onHeaderHomeKey(originalEvent) : this.onHeaderEndKey(originalEvent);
+ }, "updateFocusedHeader"),
+ changeActiveItem: /* @__PURE__ */ __name(function changeActiveItem(event2, item8) {
+ var selfActive = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : false;
+ if (!this.isItemDisabled(item8)) {
+ var active3 = this.isItemActive(item8);
+ var eventName = !active3 ? "panel-open" : "panel-close";
+ this.activeItem = selfActive ? item8 : this.activeItem && equals(item8, this.activeItem) ? null : item8;
+ if (this.multiple) {
+ if (this.activeItems.some(function(subItem) {
+ return equals(item8, subItem);
+ })) {
+ this.activeItems = this.activeItems.filter(function(subItem) {
+ return !equals(item8, subItem);
+ });
+ } else {
+ this.activeItems.push(item8);
+ }
+ }
+ this.changeExpandedKeys({
+ item: item8,
+ expanded: !active3
+ });
+ this.$emit(eventName, {
+ originalEvent: event2,
+ item: item8
+ });
+ }
+ }, "changeActiveItem"),
+ changeExpandedKeys: /* @__PURE__ */ __name(function changeExpandedKeys(_ref) {
+ var item8 = _ref.item, _ref$expanded = _ref.expanded, expanded3 = _ref$expanded === void 0 ? false : _ref$expanded;
+ if (this.expandedKeys) {
+ var _keys = _objectSpread$a({}, this.expandedKeys);
+ if (expanded3) _keys[item8.key] = true;
+ else delete _keys[item8.key];
+ this.$emit("update:expandedKeys", _keys);
+ }
+ }, "changeExpandedKeys"),
+ changeFocusedHeader: /* @__PURE__ */ __name(function changeFocusedHeader(event2, element) {
+ element && focus(element);
+ }, "changeFocusedHeader"),
+ getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps6(item8, index) {
+ return {
+ icon: mergeProps({
+ "class": [this.cx("headerIcon"), this.getItemProp(item8, "icon")]
+ }, this.getPTOptions("headerIcon", item8, index)),
+ label: mergeProps({
+ "class": this.cx("headerLabel")
+ }, this.getPTOptions("headerLabel", item8, index))
+ };
+ }, "getMenuItemProps")
+ },
+ components: {
+ PanelMenuList: script$1$e,
+ ChevronRightIcon: script$1i,
+ ChevronDownIcon: script$1h
+ }
+};
+var _hoisted_1$d = ["id"];
+var _hoisted_2$9 = ["id", "tabindex", "aria-label", "aria-expanded", "aria-controls", "aria-disabled", "onClick", "onKeydown", "data-p-active", "data-p-disabled"];
+var _hoisted_3$6 = ["href"];
+var _hoisted_4$4 = ["id", "aria-labelledby"];
+function render$m(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_PanelMenuList = resolveComponent("PanelMenuList");
+ return openBlock(), createElementBlock("div", mergeProps({
+ id: $data.id,
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.model, function(item8, index) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.getPanelKey(index)
+ }, [$options.isItemVisible(item8) ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ style: $options.getItemProp(item8, "style"),
+ "class": [_ctx.cx("panel"), $options.getItemProp(item8, "class")],
+ ref_for: true
+ }, _ctx.ptm("panel")), [createBaseVNode("div", mergeProps({
+ id: $options.getHeaderId(index),
+ "class": [_ctx.cx("header", {
+ item: item8
+ }), $options.getItemProp(item8, "headerClass")],
+ tabindex: $options.isItemDisabled(item8) ? -1 : _ctx.tabindex,
+ role: "button",
+ "aria-label": $options.getItemLabel(item8),
+ "aria-expanded": $options.isItemActive(item8),
+ "aria-controls": $options.getContentId(index),
+ "aria-disabled": $options.isItemDisabled(item8),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onHeaderClick($event, item8);
+ }, "onClick"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown5($event) {
+ return $options.onHeaderKeyDown($event, item8);
+ }, "onKeydown"),
+ ref_for: true
+ }, $options.getPTOptions("header", item8, index), {
+ "data-p-active": $options.isItemActive(item8),
+ "data-p-disabled": $options.isItemDisabled(item8)
+ }), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("headerContent"),
+ ref_for: true
+ }, $options.getPTOptions("headerContent", item8, index)), [!_ctx.$slots.item ? (openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ href: $options.getItemProp(item8, "url"),
+ "class": _ctx.cx("headerLink"),
+ tabindex: -1,
+ ref_for: true
+ }, $options.getPTOptions("headerLink", item8, index)), [$options.getItemProp(item8, "items") ? renderSlot(_ctx.$slots, "submenuicon", {
+ key: 0,
+ active: $options.isItemActive(item8)
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent($options.isItemActive(item8) ? "ChevronDownIcon" : "ChevronRightIcon"), mergeProps({
+ "class": _ctx.cx("submenuIcon"),
+ ref_for: true
+ }, $options.getPTOptions("submenuIcon", item8, index)), null, 16, ["class"]))];
+ }) : createCommentVNode("", true), _ctx.$slots.headericon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.headericon), {
+ key: 1,
+ item: item8,
+ "class": normalizeClass([_ctx.cx("headerIcon"), $options.getItemProp(item8, "icon")])
+ }, null, 8, ["item", "class"])) : $options.getItemProp(item8, "icon") ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 2,
+ "class": [_ctx.cx("headerIcon"), $options.getItemProp(item8, "icon")],
+ ref_for: true
+ }, $options.getPTOptions("headerIcon", item8, index)), null, 16)) : createCommentVNode("", true), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("headerLabel"),
+ ref_for: true
+ }, $options.getPTOptions("headerLabel", item8, index)), toDisplayString($options.getItemLabel(item8)), 17)], 16, _hoisted_3$6)) : (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.item), {
+ key: 1,
+ item: item8,
+ root: true,
+ active: $options.isItemActive(item8),
+ hasSubmenu: $options.isItemGroup(item8),
+ label: $options.getItemLabel(item8),
+ props: $options.getMenuItemProps(item8, index)
+ }, null, 8, ["item", "active", "hasSubmenu", "label", "props"]))], 16)], 16, _hoisted_2$9), createVNode(Transition, mergeProps({
+ name: "p-toggleable-content",
+ ref_for: true
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [withDirectives(createBaseVNode("div", mergeProps({
+ id: $options.getContentId(index),
+ "class": _ctx.cx("contentContainer"),
+ role: "region",
+ "aria-labelledby": $options.getHeaderId(index),
+ ref_for: true
+ }, _ctx.ptm("contentContainer")), [$options.getItemProp(item8, "items") ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("content"),
+ ref_for: true
+ }, _ctx.ptm("content")), [createVNode(_component_PanelMenuList, {
+ panelId: $options.getPanelId(index),
+ items: $options.getItemProp(item8, "items"),
+ templates: _ctx.$slots,
+ expandedKeys: _ctx.expandedKeys,
+ onItemToggle: $options.changeExpandedKeys,
+ onHeaderFocus: $options.updateFocusedHeader,
+ pt: _ctx.pt,
+ unstyled: _ctx.unstyled
+ }, null, 8, ["panelId", "items", "templates", "expandedKeys", "onItemToggle", "onHeaderFocus", "pt", "unstyled"])], 16)) : createCommentVNode("", true)], 16, _hoisted_4$4), [[vShow, $options.isItemActive(item8)]])];
+ }),
+ _: 2
+ }, 1040)], 16)) : createCommentVNode("", true)], 64);
+ }), 128))], 16, _hoisted_1$d);
+}
+__name(render$m, "render$m");
+script$p.render = render$m;
+var script$o = {
+ name: "EyeSlashIcon",
+ "extends": script$1j
+};
+function render$l(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M13.9414 6.74792C13.9437 6.75295 13.9455 6.757 13.9469 6.76003C13.982 6.8394 14.0001 6.9252 14.0001 7.01195C14.0001 7.0987 13.982 7.1845 13.9469 7.26386C13.6004 8.00059 13.1711 8.69549 12.6674 9.33515C12.6115 9.4071 12.54 9.46538 12.4582 9.50556C12.3765 9.54574 12.2866 9.56678 12.1955 9.56707C12.0834 9.56671 11.9737 9.53496 11.8788 9.47541C11.7838 9.41586 11.7074 9.3309 11.6583 9.23015C11.6092 9.12941 11.5893 9.01691 11.6008 8.90543C11.6124 8.79394 11.6549 8.68793 11.7237 8.5994C12.1065 8.09726 12.4437 7.56199 12.7313 6.99995C12.2595 6.08027 10.3402 2.8014 6.99732 2.8014C6.63723 2.80218 6.27816 2.83969 5.92569 2.91336C5.77666 2.93304 5.62568 2.89606 5.50263 2.80972C5.37958 2.72337 5.29344 2.59398 5.26125 2.44714C5.22907 2.30031 5.2532 2.14674 5.32885 2.01685C5.40451 1.88696 5.52618 1.79021 5.66978 1.74576C6.10574 1.64961 6.55089 1.60134 6.99732 1.60181C11.5916 1.60181 13.7864 6.40856 13.9414 6.74792ZM2.20333 1.61685C2.35871 1.61411 2.5091 1.67179 2.6228 1.77774L12.2195 11.3744C12.3318 11.4869 12.3949 11.6393 12.3949 11.7983C12.3949 11.9572 12.3318 12.1097 12.2195 12.2221C12.107 12.3345 11.9546 12.3976 11.7956 12.3976C11.6367 12.3976 11.4842 12.3345 11.3718 12.2221L10.5081 11.3584C9.46549 12.0426 8.24432 12.4042 6.99729 12.3981C2.403 12.3981 0.208197 7.59135 0.0532336 7.25198C0.0509364 7.24694 0.0490875 7.2429 0.0476856 7.23986C0.0162332 7.16518 3.05176e-05 7.08497 3.05176e-05 7.00394C3.05176e-05 6.92291 0.0162332 6.8427 0.0476856 6.76802C0.631261 5.47831 1.46902 4.31959 2.51084 3.36119L1.77509 2.62545C1.66914 2.51175 1.61146 2.36136 1.61421 2.20597C1.61695 2.05059 1.6799 1.90233 1.78979 1.79244C1.89968 1.68254 2.04794 1.6196 2.20333 1.61685ZM7.45314 8.35147L5.68574 6.57609V6.5361C5.5872 6.78938 5.56498 7.06597 5.62183 7.33173C5.67868 7.59749 5.8121 7.84078 6.00563 8.03158C6.19567 8.21043 6.43052 8.33458 6.68533 8.39089C6.94014 8.44721 7.20543 8.43359 7.45314 8.35147ZM1.26327 6.99994C1.7351 7.91163 3.64645 11.1985 6.99729 11.1985C7.9267 11.2048 8.8408 10.9618 9.64438 10.4947L8.35682 9.20718C7.86027 9.51441 7.27449 9.64491 6.69448 9.57752C6.11446 9.51014 5.57421 9.24881 5.16131 8.83592C4.74842 8.42303 4.4871 7.88277 4.41971 7.30276C4.35232 6.72274 4.48282 6.13697 4.79005 5.64041L3.35855 4.2089C2.4954 5.00336 1.78523 5.94935 1.26327 6.99994Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$l, "render$l");
+script$o.render = render$l;
+var theme$c = /* @__PURE__ */ __name(function theme27(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-password {\n display: inline-flex;\n position: relative;\n}\n\n.p-password .p-password-overlay {\n min-width: 100%;\n}\n\n.p-password-meter {\n height: ".concat(dt("password.meter.height"), ";\n background: ").concat(dt("password.meter.background"), ";\n border-radius: ").concat(dt("password.meter.border.radius"), ";\n}\n\n.p-password-meter-label {\n height: 100%;\n width: 0;\n transition: width 1s ease-in-out;\n border-radius: ").concat(dt("password.meter.border.radius"), ";\n}\n\n.p-password-meter-weak {\n background: ").concat(dt("password.strength.weak.background"), ";\n}\n\n.p-password-meter-medium {\n background: ").concat(dt("password.strength.medium.background"), ";\n}\n\n.p-password-meter-strong {\n background: ").concat(dt("password.strength.strong.background"), ";\n}\n\n.p-password-fluid {\n display: flex;\n}\n\n.p-password-fluid .p-password-input {\n width: 100%;\n}\n\n.p-password-input::-ms-reveal,\n.p-password-input::-ms-clear {\n display: none;\n}\n\n.p-password-overlay {\n padding: ").concat(dt("password.overlay.padding"), ";\n background: ").concat(dt("password.overlay.background"), ";\n color: ").concat(dt("password.overlay.color"), ";\n border: 1px solid ").concat(dt("password.overlay.border.color"), ";\n box-shadow: ").concat(dt("password.overlay.shadow"), ";\n border-radius: ").concat(dt("password.overlay.border.radius"), ";\n}\n\n.p-password-content {\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("password.content.gap"), ";\n}\n\n.p-password-toggle-mask-icon {\n inset-inline-end: ").concat(dt("form.field.padding.x"), ";\n color: ").concat(dt("password.icon.color"), ";\n position: absolute;\n top: 50%;\n margin-top: calc(-1 * calc(").concat(dt("icon.size"), " / 2));\n width: ").concat(dt("icon.size"), ";\n height: ").concat(dt("icon.size"), ";\n}\n\n.p-password:has(.p-password-toggle-mask-icon) .p-password-input {\n padding-inline-end: calc((").concat(dt("form.field.padding.x"), " * 2) + ").concat(dt("icon.size"), ");\n}\n");
+}, "theme");
+var inlineStyles$4 = {
+ root: /* @__PURE__ */ __name(function root21(_ref2) {
+ var props = _ref2.props;
+ return {
+ position: props.appendTo === "self" ? "relative" : void 0
+ };
+ }, "root")
+};
+var classes$d = {
+ root: /* @__PURE__ */ __name(function root22(_ref3) {
+ var instance = _ref3.instance;
+ return ["p-password p-component p-inputwrapper", {
+ "p-inputwrapper-filled": instance.$filled,
+ "p-inputwrapper-focus": instance.focused,
+ "p-password-fluid": instance.$fluid
+ }];
+ }, "root"),
+ pcInputText: "p-password-input",
+ maskIcon: "p-password-toggle-mask-icon p-password-mask-icon",
+ unmaskIcon: "p-password-toggle-mask-icon p-password-unmask-icon",
+ overlay: "p-password-overlay p-component",
+ content: "p-password-content",
+ meter: "p-password-meter",
+ meterLabel: /* @__PURE__ */ __name(function meterLabel(_ref4) {
+ var instance = _ref4.instance;
+ return "p-password-meter-label ".concat(instance.meter ? "p-password-meter-" + instance.meter.strength : "");
+ }, "meterLabel"),
+ meterText: "p-password-meter-text"
+};
+var PasswordStyle = BaseStyle.extend({
+ name: "password",
+ theme: theme$c,
+ classes: classes$d,
+ inlineStyles: inlineStyles$4
+});
+var script$1$d = {
+ name: "BasePassword",
+ "extends": script$1k,
+ props: {
+ promptLabel: {
+ type: String,
+ "default": null
+ },
+ mediumRegex: {
+ type: [String, RegExp],
+ "default": "^(((?=.*[a-z])(?=.*[A-Z]))|((?=.*[a-z])(?=.*[0-9]))|((?=.*[A-Z])(?=.*[0-9])))(?=.{6,})"
+ // eslint-disable-line
+ },
+ strongRegex: {
+ type: [String, RegExp],
+ "default": "^(?=.*[a-z])(?=.*[A-Z])(?=.*[0-9])(?=.{8,})"
+ // eslint-disable-line
+ },
+ weakLabel: {
+ type: String,
+ "default": null
+ },
+ mediumLabel: {
+ type: String,
+ "default": null
+ },
+ strongLabel: {
+ type: String,
+ "default": null
+ },
+ feedback: {
+ type: Boolean,
+ "default": true
+ },
+ appendTo: {
+ type: [String, Object],
+ "default": "body"
+ },
+ toggleMask: {
+ type: Boolean,
+ "default": false
+ },
+ hideIcon: {
+ type: String,
+ "default": void 0
+ },
+ maskIcon: {
+ type: String,
+ "default": void 0
+ },
+ showIcon: {
+ type: String,
+ "default": void 0
+ },
+ unmaskIcon: {
+ type: String,
+ "default": void 0
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ placeholder: {
+ type: String,
+ "default": null
+ },
+ required: {
+ type: Boolean,
+ "default": false
+ },
+ inputId: {
+ type: String,
+ "default": null
+ },
+ inputClass: {
+ type: [String, Object],
+ "default": null
+ },
+ inputStyle: {
+ type: Object,
+ "default": null
+ },
+ inputProps: {
+ type: null,
+ "default": null
+ },
+ panelId: {
+ type: String,
+ "default": null
+ },
+ panelClass: {
+ type: [String, Object],
+ "default": null
+ },
+ panelStyle: {
+ type: Object,
+ "default": null
+ },
+ panelProps: {
+ type: null,
+ "default": null
+ },
+ overlayId: {
+ type: String,
+ "default": null
+ },
+ overlayClass: {
+ type: [String, Object],
+ "default": null
+ },
+ overlayStyle: {
+ type: Object,
+ "default": null
+ },
+ overlayProps: {
+ type: null,
+ "default": null
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ },
+ autofocus: {
+ type: Boolean,
+ "default": null
+ }
+ },
+ style: PasswordStyle,
+ provide: /* @__PURE__ */ __name(function provide37() {
+ return {
+ $pcPassword: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$n = {
+ name: "Password",
+ "extends": script$1$d,
+ inheritAttrs: false,
+ emits: ["change", "focus", "blur", "invalid"],
+ inject: {
+ $pcFluid: {
+ "default": null
+ }
+ },
+ data: /* @__PURE__ */ __name(function data26() {
+ return {
+ id: this.$attrs.id,
+ overlayVisible: false,
+ meter: null,
+ infoText: null,
+ focused: false,
+ unmasked: false
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId10(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId")
+ },
+ mediumCheckRegExp: null,
+ strongCheckRegExp: null,
+ resizeListener: null,
+ scrollHandler: null,
+ overlay: null,
+ mounted: /* @__PURE__ */ __name(function mounted28() {
+ this.id = this.id || UniqueComponentId();
+ this.infoText = this.promptText;
+ this.mediumCheckRegExp = new RegExp(this.mediumRegex);
+ this.strongCheckRegExp = new RegExp(this.strongRegex);
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount11() {
+ this.unbindResizeListener();
+ if (this.scrollHandler) {
+ this.scrollHandler.destroy();
+ this.scrollHandler = null;
+ }
+ if (this.overlay) {
+ ZIndex.clear(this.overlay);
+ this.overlay = null;
+ }
+ }, "beforeUnmount"),
+ methods: {
+ onOverlayEnter: /* @__PURE__ */ __name(function onOverlayEnter4(el) {
+ ZIndex.set("overlay", el, this.$primevue.config.zIndex.overlay);
+ addStyle(el, {
+ position: "absolute",
+ top: "0",
+ left: "0"
+ });
+ this.alignOverlay();
+ this.bindScrollListener();
+ this.bindResizeListener();
+ }, "onOverlayEnter"),
+ onOverlayLeave: /* @__PURE__ */ __name(function onOverlayLeave4() {
+ this.unbindScrollListener();
+ this.unbindResizeListener();
+ this.overlay = null;
+ }, "onOverlayLeave"),
+ onOverlayAfterLeave: /* @__PURE__ */ __name(function onOverlayAfterLeave4(el) {
+ ZIndex.clear(el);
+ }, "onOverlayAfterLeave"),
+ alignOverlay: /* @__PURE__ */ __name(function alignOverlay5() {
+ if (this.appendTo === "self") {
+ relativePosition(this.overlay, this.$refs.input.$el);
+ } else {
+ this.overlay.style.minWidth = getOuterWidth(this.$refs.input.$el) + "px";
+ absolutePosition(this.overlay, this.$refs.input.$el);
+ }
+ }, "alignOverlay"),
+ testStrength: /* @__PURE__ */ __name(function testStrength(str) {
+ var level = 0;
+ if (this.strongCheckRegExp.test(str)) level = 3;
+ else if (this.mediumCheckRegExp.test(str)) level = 2;
+ else if (str.length) level = 1;
+ return level;
+ }, "testStrength"),
+ onInput: /* @__PURE__ */ __name(function onInput5(event2) {
+ this.writeValue(event2.target.value, event2);
+ this.$emit("change", event2);
+ }, "onInput"),
+ onFocus: /* @__PURE__ */ __name(function onFocus11(event2) {
+ this.focused = true;
+ if (this.feedback) {
+ this.setPasswordMeter(this.d_value);
+ this.overlayVisible = true;
+ }
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur11(event2) {
+ this.focused = false;
+ if (this.feedback) {
+ this.overlayVisible = false;
+ }
+ this.$emit("blur", event2);
+ }, "onBlur"),
+ onKeyUp: /* @__PURE__ */ __name(function onKeyUp(event2) {
+ if (this.feedback) {
+ var value2 = event2.target.value;
+ var _this$checkPasswordSt = this.checkPasswordStrength(value2), meter = _this$checkPasswordSt.meter, label12 = _this$checkPasswordSt.label;
+ this.meter = meter;
+ this.infoText = label12;
+ if (event2.code === "Escape") {
+ this.overlayVisible && (this.overlayVisible = false);
+ return;
+ }
+ if (!this.overlayVisible) {
+ this.overlayVisible = true;
+ }
+ }
+ }, "onKeyUp"),
+ setPasswordMeter: /* @__PURE__ */ __name(function setPasswordMeter() {
+ if (!this.d_value) {
+ this.meter = null;
+ this.infoText = this.promptText;
+ return;
+ }
+ var _this$checkPasswordSt2 = this.checkPasswordStrength(this.d_value), meter = _this$checkPasswordSt2.meter, label12 = _this$checkPasswordSt2.label;
+ this.meter = meter;
+ this.infoText = label12;
+ if (!this.overlayVisible) {
+ this.overlayVisible = true;
+ }
+ }, "setPasswordMeter"),
+ checkPasswordStrength: /* @__PURE__ */ __name(function checkPasswordStrength(value2) {
+ var label12 = null;
+ var meter = null;
+ switch (this.testStrength(value2)) {
+ case 1:
+ label12 = this.weakText;
+ meter = {
+ strength: "weak",
+ width: "33.33%"
+ };
+ break;
+ case 2:
+ label12 = this.mediumText;
+ meter = {
+ strength: "medium",
+ width: "66.66%"
+ };
+ break;
+ case 3:
+ label12 = this.strongText;
+ meter = {
+ strength: "strong",
+ width: "100%"
+ };
+ break;
+ default:
+ label12 = this.promptText;
+ meter = null;
+ break;
+ }
+ return {
+ label: label12,
+ meter
+ };
+ }, "checkPasswordStrength"),
+ onInvalid: /* @__PURE__ */ __name(function onInvalid(event2) {
+ this.$emit("invalid", event2);
+ }, "onInvalid"),
+ bindScrollListener: /* @__PURE__ */ __name(function bindScrollListener6() {
+ var _this = this;
+ if (!this.scrollHandler) {
+ this.scrollHandler = new ConnectedOverlayScrollHandler(this.$refs.input.$el, function() {
+ if (_this.overlayVisible) {
+ _this.overlayVisible = false;
+ }
+ });
+ }
+ this.scrollHandler.bindScrollListener();
+ }, "bindScrollListener"),
+ unbindScrollListener: /* @__PURE__ */ __name(function unbindScrollListener6() {
+ if (this.scrollHandler) {
+ this.scrollHandler.unbindScrollListener();
+ }
+ }, "unbindScrollListener"),
+ bindResizeListener: /* @__PURE__ */ __name(function bindResizeListener6() {
+ var _this2 = this;
+ if (!this.resizeListener) {
+ this.resizeListener = function() {
+ if (_this2.overlayVisible && !isTouchDevice()) {
+ _this2.overlayVisible = false;
+ }
+ };
+ window.addEventListener("resize", this.resizeListener);
+ }
+ }, "bindResizeListener"),
+ unbindResizeListener: /* @__PURE__ */ __name(function unbindResizeListener6() {
+ if (this.resizeListener) {
+ window.removeEventListener("resize", this.resizeListener);
+ this.resizeListener = null;
+ }
+ }, "unbindResizeListener"),
+ overlayRef: /* @__PURE__ */ __name(function overlayRef4(el) {
+ this.overlay = el;
+ }, "overlayRef"),
+ onMaskToggle: /* @__PURE__ */ __name(function onMaskToggle() {
+ this.unmasked = !this.unmasked;
+ }, "onMaskToggle"),
+ onOverlayClick: /* @__PURE__ */ __name(function onOverlayClick5(event2) {
+ OverlayEventBus.emit("overlay-click", {
+ originalEvent: event2,
+ target: this.$el
+ });
+ }, "onOverlayClick")
+ },
+ computed: {
+ inputType: /* @__PURE__ */ __name(function inputType2() {
+ return this.unmasked ? "text" : "password";
+ }, "inputType"),
+ weakText: /* @__PURE__ */ __name(function weakText() {
+ return this.weakLabel || this.$primevue.config.locale.weak;
+ }, "weakText"),
+ mediumText: /* @__PURE__ */ __name(function mediumText() {
+ return this.mediumLabel || this.$primevue.config.locale.medium;
+ }, "mediumText"),
+ strongText: /* @__PURE__ */ __name(function strongText() {
+ return this.strongLabel || this.$primevue.config.locale.strong;
+ }, "strongText"),
+ promptText: /* @__PURE__ */ __name(function promptText() {
+ return this.promptLabel || this.$primevue.config.locale.passwordPrompt;
+ }, "promptText"),
+ overlayUniqueId: /* @__PURE__ */ __name(function overlayUniqueId() {
+ return this.id + "_overlay";
+ }, "overlayUniqueId")
+ },
+ components: {
+ InputText: script$1l,
+ Portal: script$1m,
+ EyeSlashIcon: script$o,
+ EyeIcon: script$N
+ }
+};
+function _typeof$a(o) {
+ "@babel/helpers - typeof";
+ return _typeof$a = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$a(o);
+}
+__name(_typeof$a, "_typeof$a");
+function ownKeys$9(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$9, "ownKeys$9");
+function _objectSpread$9(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$9(Object(t2), true).forEach(function(r2) {
+ _defineProperty$a(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$9(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$9, "_objectSpread$9");
+function _defineProperty$a(e, r, t2) {
+ return (r = _toPropertyKey$a(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$a, "_defineProperty$a");
+function _toPropertyKey$a(t2) {
+ var i = _toPrimitive$a(t2, "string");
+ return "symbol" == _typeof$a(i) ? i : i + "";
+}
+__name(_toPropertyKey$a, "_toPropertyKey$a");
+function _toPrimitive$a(t2, r) {
+ if ("object" != _typeof$a(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$a(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$a, "_toPrimitive$a");
+var _hoisted_1$c = ["id"];
+function render$k(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_InputText = resolveComponent("InputText");
+ var _component_Portal = resolveComponent("Portal");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ style: _ctx.sx("root")
+ }, _ctx.ptmi("root")), [createVNode(_component_InputText, mergeProps({
+ ref: "input",
+ id: _ctx.inputId,
+ type: $options.inputType,
+ "class": [_ctx.cx("pcInputText"), _ctx.inputClass],
+ style: _ctx.inputStyle,
+ value: _ctx.d_value,
+ name: _ctx.$formName,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-label": _ctx.ariaLabel,
+ "aria-controls": _ctx.overlayProps && _ctx.overlayProps.id || _ctx.overlayId || _ctx.panelProps && _ctx.panelProps.id || _ctx.panelId || $options.overlayUniqueId,
+ "aria-expanded": $data.overlayVisible,
+ "aria-haspopup": true,
+ placeholder: _ctx.placeholder,
+ required: _ctx.required,
+ fluid: _ctx.fluid,
+ disabled: _ctx.disabled,
+ variant: _ctx.variant,
+ invalid: _ctx.invalid,
+ size: _ctx.size,
+ autofocus: _ctx.autofocus,
+ onInput: $options.onInput,
+ onFocus: $options.onFocus,
+ onBlur: $options.onBlur,
+ onKeyup: $options.onKeyUp,
+ onInvalid: $options.onInvalid
+ }, _ctx.inputProps, {
+ pt: _ctx.ptm("pcInputText"),
+ unstyled: _ctx.unstyled
+ }), null, 16, ["id", "type", "class", "style", "value", "name", "aria-labelledby", "aria-label", "aria-controls", "aria-expanded", "placeholder", "required", "fluid", "disabled", "variant", "invalid", "size", "autofocus", "onInput", "onFocus", "onBlur", "onKeyup", "onInvalid", "pt", "unstyled"]), _ctx.toggleMask && $data.unmasked ? renderSlot(_ctx.$slots, _ctx.$slots.maskicon ? "maskicon" : "hideicon", {
+ key: 0,
+ toggleCallback: $options.onMaskToggle
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.maskIcon ? "i" : "EyeSlashIcon"), mergeProps({
+ "class": [_ctx.cx("maskIcon"), _ctx.maskIcon],
+ onClick: $options.onMaskToggle
+ }, _ctx.ptm("maskIcon")), null, 16, ["class", "onClick"]))];
+ }) : createCommentVNode("", true), _ctx.toggleMask && !$data.unmasked ? renderSlot(_ctx.$slots, _ctx.$slots.unmaskicon ? "unmaskicon" : "showicon", {
+ key: 1,
+ toggleCallback: $options.onMaskToggle
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.unmaskIcon ? "i" : "EyeIcon"), mergeProps({
+ "class": [_ctx.cx("unmaskIcon"), _ctx.unmaskIcon],
+ onClick: $options.onMaskToggle
+ }, _ctx.ptm("unmaskIcon")), null, 16, ["class", "onClick"]))];
+ }) : createCommentVNode("", true), createBaseVNode("span", mergeProps({
+ "class": "p-hidden-accessible",
+ "aria-live": "polite"
+ }, _ctx.ptm("hiddenAccesible"), {
+ "data-p-hidden-accessible": true
+ }), toDisplayString($data.infoText), 17), createVNode(_component_Portal, {
+ appendTo: _ctx.appendTo
+ }, {
+ "default": withCtx(function() {
+ return [createVNode(Transition, mergeProps({
+ name: "p-connected-overlay",
+ onEnter: $options.onOverlayEnter,
+ onLeave: $options.onOverlayLeave,
+ onAfterLeave: $options.onOverlayAfterLeave
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [$data.overlayVisible ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.overlayRef,
+ id: _ctx.overlayId || _ctx.panelId || $options.overlayUniqueId,
+ "class": [_ctx.cx("overlay"), _ctx.panelClass, _ctx.overlayClass],
+ style: [_ctx.overlayStyle, _ctx.panelStyle],
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.onOverlayClick && $options.onOverlayClick.apply($options, arguments);
+ })
+ }, _objectSpread$9(_objectSpread$9(_objectSpread$9({}, _ctx.panelProps), _ctx.overlayProps), _ctx.ptm("overlay"))), [renderSlot(_ctx.$slots, "header"), renderSlot(_ctx.$slots, "content", {}, function() {
+ return [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("meter")
+ }, _ctx.ptm("meter")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("meterLabel"),
+ style: {
+ width: $data.meter ? $data.meter.width : ""
+ }
+ }, _ctx.ptm("meterLabel")), null, 16)], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("meterText")
+ }, _ctx.ptm("meterText")), toDisplayString($data.infoText), 17)], 16)];
+ }), renderSlot(_ctx.$slots, "footer")], 16, _hoisted_1$c)) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onEnter", "onLeave", "onAfterLeave"])];
+ }),
+ _: 3
+ }, 8, ["appendTo"])], 16);
+}
+__name(render$k, "render$k");
+script$n.render = render$k;
+var theme$b = /* @__PURE__ */ __name(function theme28(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-picklist {\n display: flex;\n gap: ".concat(dt("picklist.gap"), ";\n}\n\n.p-picklist-controls {\n display: flex;\n flex-direction: column;\n justify-content: center;\n gap: ").concat(dt("picklist.controls.gap"), ";\n}\n\n.p-picklist-list-container {\n flex: 1 1 50%;\n}\n\n.p-picklist .p-listbox {\n height: 100%;\n}\n");
+}, "theme");
+var classes$c = {
+ root: "p-picklist p-component",
+ sourceControls: "p-picklist-controls p-picklist-source-controls",
+ sourceListContainer: "p-picklist-list-container p-picklist-source-list-container",
+ transferControls: "p-picklist-controls p-picklist-transfer-controls",
+ targetListContainer: "p-picklist-list-container p-picklist-target-list-container",
+ targetControls: "p-picklist-controls p-picklist-target-controls"
+};
+var PickListStyle = BaseStyle.extend({
+ name: "picklist",
+ theme: theme$b,
+ classes: classes$c
+});
+var script$1$c = {
+ name: "BasePickList",
+ "extends": script$1f,
+ props: {
+ modelValue: {
+ type: Array,
+ "default": /* @__PURE__ */ __name(function _default13() {
+ return [[], []];
+ }, "_default")
+ },
+ selection: {
+ type: Array,
+ "default": /* @__PURE__ */ __name(function _default14() {
+ return [[], []];
+ }, "_default")
+ },
+ dataKey: {
+ type: String,
+ "default": null
+ },
+ listStyle: {
+ type: null,
+ "default": null
+ },
+ metaKeySelection: {
+ type: Boolean,
+ "default": false
+ },
+ autoOptionFocus: {
+ type: Boolean,
+ "default": true
+ },
+ focusOnHover: {
+ type: Boolean,
+ "default": true
+ },
+ responsive: {
+ type: Boolean,
+ "default": true
+ },
+ breakpoint: {
+ type: String,
+ "default": "960px"
+ },
+ striped: {
+ type: Boolean,
+ "default": false
+ },
+ scrollHeight: {
+ type: String,
+ "default": "14rem"
+ },
+ showSourceControls: {
+ type: Boolean,
+ "default": true
+ },
+ showTargetControls: {
+ type: Boolean,
+ "default": true
+ },
+ buttonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default15() {
+ return {
+ severity: "secondary"
+ };
+ }, "_default")
+ },
+ moveUpButtonProps: {
+ type: null,
+ "default": null
+ },
+ moveTopButtonProps: {
+ type: null,
+ "default": null
+ },
+ moveDownButtonProps: {
+ type: null,
+ "default": null
+ },
+ moveBottomButtonProps: {
+ type: null,
+ "default": null
+ },
+ moveToTargetProps: {
+ type: null,
+ "default": null
+ },
+ moveAllToTargetProps: {
+ type: null,
+ "default": null
+ },
+ moveToSourceProps: {
+ type: null,
+ "default": null
+ },
+ moveAllToSourceProps: {
+ type: null,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": 0
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: PickListStyle,
+ provide: /* @__PURE__ */ __name(function provide38() {
+ return {
+ $pcPickList: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _toConsumableArray$4(r) {
+ return _arrayWithoutHoles$4(r) || _iterableToArray$4(r) || _unsupportedIterableToArray$4(r) || _nonIterableSpread$4();
+}
+__name(_toConsumableArray$4, "_toConsumableArray$4");
+function _nonIterableSpread$4() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$4, "_nonIterableSpread$4");
+function _unsupportedIterableToArray$4(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$4(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$4(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$4, "_unsupportedIterableToArray$4");
+function _iterableToArray$4(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$4, "_iterableToArray$4");
+function _arrayWithoutHoles$4(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$4(r);
+}
+__name(_arrayWithoutHoles$4, "_arrayWithoutHoles$4");
+function _arrayLikeToArray$4(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$4, "_arrayLikeToArray$4");
+var script$m = {
+ name: "PickList",
+ "extends": script$1$c,
+ inheritAttrs: false,
+ emits: ["update:modelValue", "reorder", "update:selection", "selection-change", "move-to-target", "move-to-source", "move-all-to-target", "move-all-to-source", "focus", "blur"],
+ itemTouched: false,
+ reorderDirection: null,
+ styleElement: null,
+ media: null,
+ mediaChangeListener: null,
+ data: /* @__PURE__ */ __name(function data27() {
+ return {
+ id: this.$attrs.id,
+ d_selection: this.selection,
+ viewChanged: false
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId11(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ selection: /* @__PURE__ */ __name(function selection(newValue) {
+ this.d_selection = newValue;
+ }, "selection"),
+ breakpoint: /* @__PURE__ */ __name(function breakpoint() {
+ this.destroyMedia();
+ this.initMedia();
+ }, "breakpoint")
+ },
+ updated: /* @__PURE__ */ __name(function updated6() {
+ if (this.reorderDirection) {
+ this.updateListScroll(this.$refs.sourceList.$el);
+ this.updateListScroll(this.$refs.targetList.$el);
+ this.reorderDirection = null;
+ }
+ }, "updated"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount12() {
+ this.destroyStyle();
+ this.destroyMedia();
+ }, "beforeUnmount"),
+ mounted: /* @__PURE__ */ __name(function mounted29() {
+ this.id = this.id || UniqueComponentId();
+ if (this.responsive) {
+ this.createStyle();
+ this.initMedia();
+ }
+ }, "mounted"),
+ methods: {
+ updateSelection: /* @__PURE__ */ __name(function updateSelection2(event2) {
+ this.$emit("update:selection", this.d_selection);
+ this.$emit("selection-change", {
+ originalEvent: event2,
+ value: this.d_selection
+ });
+ }, "updateSelection"),
+ onChangeSelection: /* @__PURE__ */ __name(function onChangeSelection2(params, listIndex) {
+ this.d_selection[listIndex] = params.value;
+ this.updateSelection(params.event);
+ }, "onChangeSelection"),
+ onListFocus: /* @__PURE__ */ __name(function onListFocus4(event2, listType) {
+ this.$emit("focus", event2, listType);
+ }, "onListFocus"),
+ onListBlur: /* @__PURE__ */ __name(function onListBlur4(event2, listType) {
+ this.$emit("blur", event2, listType);
+ }, "onListBlur"),
+ onReorderUpdate: /* @__PURE__ */ __name(function onReorderUpdate2(event2, value2, listIndex) {
+ this.$emit("update:modelValue", value2);
+ this.$emit("reorder", {
+ originalEvent: event2,
+ value: value2,
+ direction: this.reorderDirection,
+ listIndex
+ });
+ }, "onReorderUpdate"),
+ onItemDblClick: /* @__PURE__ */ __name(function onItemDblClick(event2, listIndex) {
+ if (listIndex === 0) this.moveToTarget({
+ event: event2.originalEvent
+ });
+ else if (listIndex === 1) this.moveToSource({
+ event: event2.originalEvent
+ });
+ }, "onItemDblClick"),
+ moveUp: /* @__PURE__ */ __name(function moveUp2(event2, listIndex) {
+ if (this.d_selection && this.d_selection[listIndex]) {
+ var valueList = _toConsumableArray$4(this.modelValue[listIndex]);
+ var selectionList = this.d_selection[listIndex];
+ for (var i = 0; i < selectionList.length; i++) {
+ var selectedItem = selectionList[i];
+ var selectedItemIndex = findIndexInList(selectedItem, valueList);
+ if (selectedItemIndex !== 0) {
+ var movedItem = valueList[selectedItemIndex];
+ var temp = valueList[selectedItemIndex - 1];
+ valueList[selectedItemIndex - 1] = movedItem;
+ valueList[selectedItemIndex] = temp;
+ } else {
+ break;
+ }
+ }
+ var value2 = _toConsumableArray$4(this.modelValue);
+ value2[listIndex] = valueList;
+ this.reorderDirection = "up";
+ this.onReorderUpdate(event2, value2, listIndex);
+ }
+ }, "moveUp"),
+ moveTop: /* @__PURE__ */ __name(function moveTop2(event2, listIndex) {
+ if (this.d_selection) {
+ var valueList = _toConsumableArray$4(this.modelValue[listIndex]);
+ var selectionList = this.d_selection[listIndex];
+ for (var i = 0; i < selectionList.length; i++) {
+ var selectedItem = selectionList[i];
+ var selectedItemIndex = findIndexInList(selectedItem, valueList);
+ if (selectedItemIndex !== 0) {
+ var movedItem = valueList.splice(selectedItemIndex, 1)[0];
+ valueList.unshift(movedItem);
+ } else {
+ break;
+ }
+ }
+ var value2 = _toConsumableArray$4(this.modelValue);
+ value2[listIndex] = valueList;
+ this.reorderDirection = "top";
+ this.onReorderUpdate(event2, value2, listIndex);
+ }
+ }, "moveTop"),
+ moveDown: /* @__PURE__ */ __name(function moveDown2(event2, listIndex) {
+ if (this.d_selection) {
+ var valueList = _toConsumableArray$4(this.modelValue[listIndex]);
+ var selectionList = this.d_selection[listIndex];
+ for (var i = selectionList.length - 1; i >= 0; i--) {
+ var selectedItem = selectionList[i];
+ var selectedItemIndex = findIndexInList(selectedItem, valueList);
+ if (selectedItemIndex !== valueList.length - 1) {
+ var movedItem = valueList[selectedItemIndex];
+ var temp = valueList[selectedItemIndex + 1];
+ valueList[selectedItemIndex + 1] = movedItem;
+ valueList[selectedItemIndex] = temp;
+ } else {
+ break;
+ }
+ }
+ var value2 = _toConsumableArray$4(this.modelValue);
+ value2[listIndex] = valueList;
+ this.reorderDirection = "down";
+ this.onReorderUpdate(event2, value2, listIndex);
+ }
+ }, "moveDown"),
+ moveBottom: /* @__PURE__ */ __name(function moveBottom2(event2, listIndex) {
+ if (this.d_selection) {
+ var valueList = _toConsumableArray$4(this.modelValue[listIndex]);
+ var selectionList = this.d_selection[listIndex];
+ for (var i = selectionList.length - 1; i >= 0; i--) {
+ var selectedItem = selectionList[i];
+ var selectedItemIndex = findIndexInList(selectedItem, valueList);
+ if (selectedItemIndex !== valueList.length - 1) {
+ var movedItem = valueList.splice(selectedItemIndex, 1)[0];
+ valueList.push(movedItem);
+ } else {
+ break;
+ }
+ }
+ var value2 = _toConsumableArray$4(this.modelValue);
+ value2[listIndex] = valueList;
+ this.reorderDirection = "bottom";
+ this.onReorderUpdate(event2, value2, listIndex);
+ }
+ }, "moveBottom"),
+ moveToTarget: /* @__PURE__ */ __name(function moveToTarget(event2) {
+ var selection2 = this.d_selection && this.d_selection[0] ? this.d_selection[0] : null;
+ var sourceList2 = _toConsumableArray$4(this.modelValue[0]);
+ var targetList2 = _toConsumableArray$4(this.modelValue[1]);
+ if (selection2) {
+ for (var i = 0; i < selection2.length; i++) {
+ var selectedItem = selection2[i];
+ if (findIndexInList(selectedItem, targetList2) == -1) {
+ targetList2.push(sourceList2.splice(findIndexInList(selectedItem, sourceList2), 1)[0]);
+ }
+ }
+ var value2 = _toConsumableArray$4(this.modelValue);
+ value2[0] = sourceList2;
+ value2[1] = targetList2;
+ this.$emit("update:modelValue", value2);
+ this.$emit("move-to-target", {
+ originalEvent: event2,
+ items: _toConsumableArray$4(new Set(selection2))
+ });
+ this.d_selection[0] = [];
+ this.updateSelection(event2);
+ }
+ }, "moveToTarget"),
+ moveAllToTarget: /* @__PURE__ */ __name(function moveAllToTarget(event2) {
+ if (this.modelValue[0]) {
+ var sourceList2 = _toConsumableArray$4(this.modelValue[0]);
+ var targetList2 = _toConsumableArray$4(this.modelValue[1]);
+ this.$emit("move-all-to-target", {
+ originalEvent: event2,
+ items: sourceList2
+ });
+ targetList2 = [].concat(_toConsumableArray$4(targetList2), _toConsumableArray$4(sourceList2));
+ sourceList2 = [];
+ var value2 = _toConsumableArray$4(this.modelValue);
+ value2[0] = sourceList2;
+ value2[1] = targetList2;
+ this.$emit("update:modelValue", value2);
+ this.d_selection = [[], []];
+ this.updateSelection(event2);
+ }
+ }, "moveAllToTarget"),
+ moveToSource: /* @__PURE__ */ __name(function moveToSource(event2) {
+ var selection2 = this.d_selection && this.d_selection[1] ? this.d_selection[1] : null;
+ var sourceList2 = _toConsumableArray$4(this.modelValue[0]);
+ var targetList2 = _toConsumableArray$4(this.modelValue[1]);
+ if (selection2) {
+ for (var i = 0; i < selection2.length; i++) {
+ var selectedItem = selection2[i];
+ if (findIndexInList(selectedItem, sourceList2) == -1) {
+ sourceList2.push(targetList2.splice(findIndexInList(selectedItem, targetList2), 1)[0]);
+ }
+ }
+ var value2 = _toConsumableArray$4(this.modelValue);
+ value2[0] = sourceList2;
+ value2[1] = targetList2;
+ this.$emit("update:modelValue", value2);
+ this.$emit("move-to-source", {
+ originalEvent: event2,
+ items: _toConsumableArray$4(new Set(selection2))
+ });
+ this.d_selection[1] = [];
+ this.updateSelection(event2);
+ }
+ }, "moveToSource"),
+ moveAllToSource: /* @__PURE__ */ __name(function moveAllToSource(event2) {
+ if (this.modelValue[1]) {
+ var sourceList2 = _toConsumableArray$4(this.modelValue[0]);
+ var targetList2 = _toConsumableArray$4(this.modelValue[1]);
+ this.$emit("move-all-to-source", {
+ originalEvent: event2,
+ items: targetList2
+ });
+ sourceList2 = [].concat(_toConsumableArray$4(sourceList2), _toConsumableArray$4(targetList2));
+ targetList2 = [];
+ var value2 = _toConsumableArray$4(this.modelValue);
+ value2[0] = sourceList2;
+ value2[1] = targetList2;
+ this.$emit("update:modelValue", value2);
+ this.d_selection = [[], []];
+ this.updateSelection(event2);
+ }
+ }, "moveAllToSource"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick6(event2, item8, index, listIndex) {
+ var listType = listIndex === 0 ? "sourceList" : "targetList";
+ this.itemTouched = false;
+ var selectionList = this.d_selection[listIndex];
+ var selectedIndex = findIndexInList(item8, selectionList);
+ var selected3 = selectedIndex != -1;
+ var metaSelection = this.itemTouched ? false : this.metaKeySelection;
+ var selectedId = find(this.$refs[listType].$el, '[data-pc-section="item"]')[index].getAttribute("id");
+ this.focusedOptionIndex = selectedId;
+ var _selection;
+ if (metaSelection) {
+ var metaKey = event2.metaKey || event2.ctrlKey;
+ if (selected3 && metaKey) {
+ _selection = selectionList.filter(function(val, index2) {
+ return index2 !== selectedIndex;
+ });
+ } else {
+ _selection = metaKey ? selectionList ? _toConsumableArray$4(selectionList) : [] : [];
+ _selection.push(item8);
+ }
+ } else {
+ if (selected3) {
+ _selection = selectionList.filter(function(val, index2) {
+ return index2 !== selectedIndex;
+ });
+ } else {
+ _selection = selectionList ? _toConsumableArray$4(selectionList) : [];
+ _selection.push(item8);
+ }
+ }
+ var newSelection = _toConsumableArray$4(this.d_selection);
+ newSelection[listIndex] = _selection;
+ this.d_selection = newSelection;
+ this.updateSelection(event2);
+ }, "onItemClick"),
+ updateListScroll: /* @__PURE__ */ __name(function updateListScroll2(listElement) {
+ var listItems = find(listElement, '[data-pc-section="item"][data-p-selected="true"]');
+ if (listItems && listItems.length) {
+ switch (this.reorderDirection) {
+ case "up":
+ scrollInView(listElement, listItems[0]);
+ break;
+ case "top":
+ listElement.scrollTop = 0;
+ break;
+ case "down":
+ scrollInView(listElement, listItems[listItems.length - 1]);
+ break;
+ case "bottom":
+ listElement.scrollTop = listElement.scrollHeight;
+ break;
+ }
+ }
+ }, "updateListScroll"),
+ initMedia: /* @__PURE__ */ __name(function initMedia() {
+ this.media = window.matchMedia("(max-width: ".concat(this.breakpoint, ")"));
+ this.viewChanged = this.media.matches;
+ this.bindMediaChangeListener();
+ }, "initMedia"),
+ destroyMedia: /* @__PURE__ */ __name(function destroyMedia() {
+ this.unbindMediaChangeListener();
+ }, "destroyMedia"),
+ bindMediaChangeListener: /* @__PURE__ */ __name(function bindMediaChangeListener() {
+ var _this = this;
+ if (this.media && !this.mediaChangeListener) {
+ this.mediaChangeListener = function(event2) {
+ _this.viewChanged = event2.matches;
+ };
+ this.media.addEventListener("change", this.mediaChangeListener);
+ }
+ }, "bindMediaChangeListener"),
+ unbindMediaChangeListener: /* @__PURE__ */ __name(function unbindMediaChangeListener() {
+ if (this.media && this.mediaChangeListener) {
+ this.media.removeEventListener("change", this.mediaChangeListener);
+ this.mediaChangeListener = null;
+ }
+ }, "unbindMediaChangeListener"),
+ createStyle: /* @__PURE__ */ __name(function createStyle2() {
+ if (!this.styleElement && !this.isUnstyled) {
+ var _this$$primevue;
+ this.styleElement = document.createElement("style");
+ this.styleElement.type = "text/css";
+ setAttribute(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ document.head.appendChild(this.styleElement);
+ var innerHTML = "\n@media screen and (max-width: ".concat(this.breakpoint, ") {\n .p-picklist[").concat(this.$attrSelector, "] {\n flex-direction: column;\n }\n\n .p-picklist[").concat(this.$attrSelector, "] .p-picklist-controls {\n flex-direction: row;\n }\n}\n");
+ this.styleElement.innerHTML = innerHTML;
+ }
+ }, "createStyle"),
+ destroyStyle: /* @__PURE__ */ __name(function destroyStyle2() {
+ if (this.styleElement) {
+ document.head.removeChild(this.styleElement);
+ this.styleElement = null;
+ }
+ }, "destroyStyle"),
+ moveDisabled: /* @__PURE__ */ __name(function moveDisabled2(index) {
+ return this.disabled ? true : this.d_selection && (!this.d_selection[index] || !this.d_selection[index].length) ? true : false;
+ }, "moveDisabled"),
+ moveAllDisabled: /* @__PURE__ */ __name(function moveAllDisabled(list2) {
+ return this.disabled ? true : isEmpty(this[list2]);
+ }, "moveAllDisabled")
+ },
+ computed: {
+ idSource: /* @__PURE__ */ __name(function idSource() {
+ return "".concat(this.id, "_source");
+ }, "idSource"),
+ idTarget: /* @__PURE__ */ __name(function idTarget() {
+ return "".concat(this.id, "_target");
+ }, "idTarget"),
+ sourceList: /* @__PURE__ */ __name(function sourceList() {
+ return this.modelValue && this.modelValue[0] ? this.modelValue[0] : null;
+ }, "sourceList"),
+ targetList: /* @__PURE__ */ __name(function targetList() {
+ return this.modelValue && this.modelValue[1] ? this.modelValue[1] : null;
+ }, "targetList"),
+ moveUpAriaLabel: /* @__PURE__ */ __name(function moveUpAriaLabel2() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveUp : void 0;
+ }, "moveUpAriaLabel"),
+ moveTopAriaLabel: /* @__PURE__ */ __name(function moveTopAriaLabel2() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveTop : void 0;
+ }, "moveTopAriaLabel"),
+ moveDownAriaLabel: /* @__PURE__ */ __name(function moveDownAriaLabel2() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveDown : void 0;
+ }, "moveDownAriaLabel"),
+ moveBottomAriaLabel: /* @__PURE__ */ __name(function moveBottomAriaLabel2() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveBottom : void 0;
+ }, "moveBottomAriaLabel"),
+ moveToTargetAriaLabel: /* @__PURE__ */ __name(function moveToTargetAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveToTarget : void 0;
+ }, "moveToTargetAriaLabel"),
+ moveAllToTargetAriaLabel: /* @__PURE__ */ __name(function moveAllToTargetAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveAllToTarget : void 0;
+ }, "moveAllToTargetAriaLabel"),
+ moveToSourceAriaLabel: /* @__PURE__ */ __name(function moveToSourceAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveToSource : void 0;
+ }, "moveToSourceAriaLabel"),
+ moveAllToSourceAriaLabel: /* @__PURE__ */ __name(function moveAllToSourceAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.moveAllToSource : void 0;
+ }, "moveAllToSourceAriaLabel")
+ },
+ components: {
+ Listbox: script$1N,
+ Button: script$1d,
+ AngleRightIcon: script$1o,
+ AngleLeftIcon: script$1Q,
+ AngleDownIcon: script$1G,
+ AngleUpIcon: script$1O,
+ AngleDoubleRightIcon: script$1R,
+ AngleDoubleLeftIcon: script$1S,
+ AngleDoubleDownIcon: script$u,
+ AngleDoubleUpIcon: script$t
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+function _typeof$9(o) {
+ "@babel/helpers - typeof";
+ return _typeof$9 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$9(o);
+}
+__name(_typeof$9, "_typeof$9");
+function ownKeys$8(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$8, "ownKeys$8");
+function _objectSpread$8(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$8(Object(t2), true).forEach(function(r2) {
+ _defineProperty$9(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$8(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$8, "_objectSpread$8");
+function _defineProperty$9(e, r, t2) {
+ return (r = _toPropertyKey$9(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$9, "_defineProperty$9");
+function _toPropertyKey$9(t2) {
+ var i = _toPrimitive$9(t2, "string");
+ return "symbol" == _typeof$9(i) ? i : i + "";
+}
+__name(_toPropertyKey$9, "_toPropertyKey$9");
+function _toPrimitive$9(t2, r) {
+ if ("object" != _typeof$9(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$9(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$9, "_toPrimitive$9");
+function render$j(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_AngleUpIcon = resolveComponent("AngleUpIcon");
+ var _component_Button = resolveComponent("Button");
+ var _component_AngleDoubleUpIcon = resolveComponent("AngleDoubleUpIcon");
+ var _component_AngleDownIcon = resolveComponent("AngleDownIcon");
+ var _component_AngleDoubleDownIcon = resolveComponent("AngleDoubleDownIcon");
+ var _component_Listbox = resolveComponent("Listbox");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [_ctx.showSourceControls ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("sourceControls")
+ }, _ctx.ptm("sourceControls"), {
+ "data-pc-group-section": "controls"
+ }), [renderSlot(_ctx.$slots, "sourcecontrolsstart"), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveUpAriaLabel,
+ disabled: $options.moveDisabled(0),
+ onClick: _cache[0] || (_cache[0] = function($event) {
+ return $options.moveUp($event, 0);
+ })
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveUpButtonProps), {
+ pt: _ctx.ptm("pcSourceMoveUpButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "moveupicon", {}, function() {
+ return [createVNode(_component_AngleUpIcon, mergeProps(_ctx.ptm("pcSourceMoveUpButton")["icon"], {
+ "data-pc-section": "moveupicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveTopAriaLabel,
+ disabled: $options.moveDisabled(0),
+ onClick: _cache[1] || (_cache[1] = function($event) {
+ return $options.moveTop($event, 0);
+ })
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveTopButtonProps), {
+ pt: _ctx.ptm("pcSourceMoveTopButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movetopicon", {}, function() {
+ return [createVNode(_component_AngleDoubleUpIcon, mergeProps(_ctx.ptm("pcSourceMoveTopButton")["icon"], {
+ "data-pc-section": "movetopicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveDownAriaLabel,
+ disabled: $options.moveDisabled(0),
+ onClick: _cache[2] || (_cache[2] = function($event) {
+ return $options.moveDown($event, 0);
+ })
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveDownButtonProps), {
+ pt: _ctx.ptm("pcSourceMoveDownButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movedownicon", {}, function() {
+ return [createVNode(_component_AngleDownIcon, mergeProps(_ctx.ptm("pcSourceMoveDownButton")["icon"], {
+ "data-pc-section": "movedownicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveBottomAriaLabel,
+ disabled: $options.moveDisabled(0),
+ onClick: _cache[3] || (_cache[3] = function($event) {
+ return $options.moveBottom($event, 0);
+ })
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveBottomButtonProps), {
+ pt: _ctx.ptm("pcSourceMoveBottomButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movebottomicon", {}, function() {
+ return [createVNode(_component_AngleDoubleDownIcon, mergeProps(_ctx.ptm("pcSourceMoveBottomButton")["icon"], {
+ "data-pc-section": "movebottomicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "disabled", "pt", "unstyled"]), renderSlot(_ctx.$slots, "sourcecontrolsend")], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("sourceListContainer")
+ }, _ctx.ptm("sourceListContainer"), {
+ "data-pc-group-section": "listcontainer"
+ }), [createVNode(_component_Listbox, {
+ ref: "sourceList",
+ id: $options.idSource + "_list",
+ modelValue: $data.d_selection[0],
+ options: $options.sourceList,
+ multiple: "",
+ metaKeySelection: _ctx.metaKeySelection,
+ listStyle: _ctx.listStyle,
+ scrollHeight: _ctx.scrollHeight,
+ tabindex: $options.sourceList && $options.sourceList.length > 0 ? _ctx.tabindex : -1,
+ dataKey: _ctx.dataKey,
+ autoOptionFocus: _ctx.autoOptionFocus,
+ focusOnHover: _ctx.focusOnHover,
+ striped: _ctx.striped,
+ disabled: _ctx.disabled,
+ pt: _ctx.ptm("pcListbox"),
+ unstyled: _ctx.unstyled,
+ onFocus: _cache[4] || (_cache[4] = function($event) {
+ return $options.onListFocus($event, "sourceList");
+ }),
+ onBlur: _cache[5] || (_cache[5] = function($event) {
+ return $options.onListBlur($event, "sourceList");
+ }),
+ onChange: _cache[6] || (_cache[6] = function($event) {
+ return $options.onChangeSelection($event, 0);
+ }),
+ onItemDblclick: _cache[7] || (_cache[7] = function($event) {
+ return $options.onItemDblClick($event, 0);
+ }),
+ "data-pc-group-section": "list"
+ }, createSlots({
+ option: withCtx(function(_ref) {
+ var option4 = _ref.option, selected3 = _ref.selected, index = _ref.index;
+ return [renderSlot(_ctx.$slots, _ctx.$slots.option ? "option" : "item", {
+ item: option4,
+ option: option4,
+ selected: selected3,
+ index
+ })];
+ }),
+ _: 2
+ }, [_ctx.$slots.sourceheader ? {
+ name: "header",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "sourceheader")];
+ }),
+ key: "0"
+ } : void 0]), 1032, ["id", "modelValue", "options", "metaKeySelection", "listStyle", "scrollHeight", "tabindex", "dataKey", "autoOptionFocus", "focusOnHover", "striped", "disabled", "pt", "unstyled"])], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("transferControls")
+ }, _ctx.ptm("transferControls"), {
+ "data-pc-group-section": "controls"
+ }), [renderSlot(_ctx.$slots, "movecontrolsstart"), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveToTargetAriaLabel,
+ onClick: $options.moveToTarget,
+ disabled: $options.moveDisabled(0)
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveToTargetProps), {
+ pt: _ctx.ptm("pcMoveToTargetButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movetotargeticon", {
+ viewChanged: $data.viewChanged
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent($data.viewChanged ? "AngleDownIcon" : "AngleRightIcon"), mergeProps(_ctx.ptm("pcMoveToTargetButton")["icon"], {
+ "data-pc-section": "movetotargeticon"
+ }), null, 16))];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "onClick", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveAllToTargetAriaLabel,
+ onClick: $options.moveAllToTarget,
+ disabled: $options.moveAllDisabled("sourceList")
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveAllToTargetProps), {
+ pt: _ctx.ptm("pcMoveAllToTargetButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movealltotargeticon", {
+ viewChanged: $data.viewChanged
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent($data.viewChanged ? "AngleDoubleDownIcon" : "AngleDoubleRightIcon"), mergeProps(_ctx.ptm("pcMoveAllToTargetButton")["icon"], {
+ "data-pc-section": "movealltotargeticon"
+ }), null, 16))];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "onClick", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveToSourceAriaLabel,
+ onClick: $options.moveToSource,
+ disabled: $options.moveDisabled(1)
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveToSourceProps), {
+ pt: _ctx.ptm("pcMoveToSourceButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movetosourceicon", {
+ viewChanged: $data.viewChanged
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent($data.viewChanged ? "AngleUpIcon" : "AngleLeftIcon"), mergeProps(_ctx.ptm("pcMoveToSourceButton")["icon"], {
+ "data-pc-section": "movetosourceicon"
+ }), null, 16))];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "onClick", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveAllToSourceAriaLabel,
+ onClick: $options.moveAllToSource,
+ disabled: $options.moveAllDisabled("targetList")
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveAllToSourceProps), {
+ pt: _ctx.ptm("pcMoveAllToSourceButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movealltosourceicon", {
+ viewChanged: $data.viewChanged
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent($data.viewChanged ? "AngleDoubleUpIcon" : "AngleDoubleLeftIcon"), mergeProps(_ctx.ptm("pcMoveAllToSourceButton")["icon"], {
+ "data-pc-section": "movealltosourceicon"
+ }), null, 16))];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "onClick", "disabled", "pt", "unstyled"]), renderSlot(_ctx.$slots, "movecontrolsend")], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("targetListContainer")
+ }, _ctx.ptm("targetListContainer"), {
+ "data-pc-group-section": "listcontainer"
+ }), [createVNode(_component_Listbox, {
+ ref: "targetList",
+ id: $options.idTarget + "_list",
+ modelValue: $data.d_selection[1],
+ options: $options.targetList,
+ multiple: "",
+ metaKeySelection: _ctx.metaKeySelection,
+ listStyle: _ctx.listStyle,
+ scrollHeight: _ctx.scrollHeight,
+ tabindex: $options.targetList && $options.targetList.length > 0 ? _ctx.tabindex : -1,
+ dataKey: _ctx.dataKey,
+ autoOptionFocus: _ctx.autoOptionFocus,
+ focusOnHover: _ctx.focusOnHover,
+ striped: _ctx.striped,
+ disabled: _ctx.disabled,
+ pt: _ctx.ptm("pcListbox"),
+ unstyled: _ctx.unstyled,
+ onFocus: _cache[8] || (_cache[8] = function($event) {
+ return $options.onListFocus($event, "targetList");
+ }),
+ onBlur: _cache[9] || (_cache[9] = function($event) {
+ return $options.onListBlur($event, "targetList");
+ }),
+ onChange: _cache[10] || (_cache[10] = function($event) {
+ return $options.onChangeSelection($event, 1);
+ }),
+ onItemDblclick: _cache[11] || (_cache[11] = function($event) {
+ return $options.onItemDblClick($event, 1);
+ }),
+ "data-pc-group-section": "list"
+ }, createSlots({
+ option: withCtx(function(_ref2) {
+ var option4 = _ref2.option, selected3 = _ref2.selected, index = _ref2.index;
+ return [renderSlot(_ctx.$slots, _ctx.$slots.option ? "option" : "item", {
+ item: option4,
+ option: option4,
+ selected: selected3,
+ index
+ })];
+ }),
+ _: 2
+ }, [_ctx.$slots.targetheader ? {
+ name: "header",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "targetheader")];
+ }),
+ key: "0"
+ } : void 0]), 1032, ["id", "modelValue", "options", "metaKeySelection", "listStyle", "scrollHeight", "tabindex", "dataKey", "autoOptionFocus", "focusOnHover", "striped", "disabled", "pt", "unstyled"])], 16), _ctx.showTargetControls ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("targetControls")
+ }, _ctx.ptm("targetControls"), {
+ "data-pc-group-section": "controls"
+ }), [renderSlot(_ctx.$slots, "targetcontrolsstart"), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveUpAriaLabel,
+ disabled: $options.moveDisabled(1),
+ onClick: _cache[12] || (_cache[12] = function($event) {
+ return $options.moveUp($event, 1);
+ })
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveUpButtonProps), {
+ pt: _ctx.ptm("pcTargetMoveUpButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "moveupicon", {}, function() {
+ return [createVNode(_component_AngleUpIcon, mergeProps(_ctx.ptm("pcTargetMoveUpButton")["icon"], {
+ "data-pc-section": "moveupicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveTopAriaLabel,
+ disabled: $options.moveDisabled(1),
+ onClick: _cache[13] || (_cache[13] = function($event) {
+ return $options.moveTop($event, 1);
+ })
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveTopButtonProps), {
+ pt: _ctx.ptm("pcTargetMoveTopButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movetopicon", {}, function() {
+ return [createVNode(_component_AngleDoubleUpIcon, mergeProps(_ctx.ptm("pcTargetMoveTopButton")["icon"], {
+ "data-pc-section": "movetopicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveDownAriaLabel,
+ disabled: $options.moveDisabled(1),
+ onClick: _cache[14] || (_cache[14] = function($event) {
+ return $options.moveDown($event, 1);
+ })
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveDownButtonProps), {
+ pt: _ctx.ptm("pcTargetMoveDownButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movedownicon", {}, function() {
+ return [createVNode(_component_AngleDownIcon, mergeProps(_ctx.ptm("pcTargetMoveDownButton")["icon"], {
+ "data-pc-section": "movedownicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "disabled", "pt", "unstyled"]), createVNode(_component_Button, mergeProps({
+ "aria-label": $options.moveBottomAriaLabel,
+ disabled: $options.moveDisabled(1),
+ onClick: _cache[15] || (_cache[15] = function($event) {
+ return $options.moveBottom($event, 1);
+ })
+ }, _objectSpread$8(_objectSpread$8({}, _ctx.buttonProps), _ctx.moveBottomButtonProps), {
+ pt: _ctx.ptm("pcTargetMoveBottomButton"),
+ unstyled: _ctx.unstyled
+ }), {
+ icon: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "movebottomicon", {}, function() {
+ return [createVNode(_component_AngleDoubleDownIcon, mergeProps(_ctx.ptm("pcTargetMoveBottomButton")["icon"], {
+ "data-pc-section": "movebottomicon"
+ }), null, 16)];
+ })];
+ }),
+ _: 3
+ }, 16, ["aria-label", "disabled", "pt", "unstyled"]), renderSlot(_ctx.$slots, "targetcontrolsend")], 16)) : createCommentVNode("", true)], 16);
+}
+__name(render$j, "render$j");
+script$m.render = render$j;
+var PortalStyle = BaseStyle.extend({
+ name: "portal"
+});
+var theme$a = /* @__PURE__ */ __name(function theme29(_ref) {
+ _ref.dt;
+ return "\n.p-radiobutton-group {\n display: inline-flex;\n}\n";
+}, "theme");
+var classes$b = {
+ root: "p-radiobutton-group p-component"
+};
+var RadioButtonGroupStyle = BaseStyle.extend({
+ name: "radiobuttongroup",
+ theme: theme$a,
+ classes: classes$b
+});
+var script$1$b = {
+ name: "BaseRadioButtonGroup",
+ "extends": script$1r,
+ style: RadioButtonGroupStyle,
+ provide: /* @__PURE__ */ __name(function provide39() {
+ return {
+ $pcRadioButtonGroup: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$l = {
+ name: "RadioButtonGroup",
+ "extends": script$1$b,
+ inheritAttrs: false,
+ data: /* @__PURE__ */ __name(function data28() {
+ return {
+ groupName: this.name
+ };
+ }, "data"),
+ watch: {
+ name: /* @__PURE__ */ __name(function name2(newValue) {
+ this.groupName = newValue || uuid("radiobutton-group-");
+ }, "name")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted30() {
+ this.groupName = this.groupName || uuid("radiobutton-group-");
+ }, "mounted")
+};
+function render$i(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$i, "render$i");
+script$l.render = render$i;
+var script$k = {
+ name: "BanIcon",
+ "extends": script$1j
+};
+function render$h(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ d: "M7 0C5.61553 0 4.26215 0.410543 3.11101 1.17971C1.95987 1.94888 1.06266 3.04213 0.532846 4.32122C0.00303296 5.6003 -0.13559 7.00776 0.134506 8.36563C0.404603 9.7235 1.07129 10.9708 2.05026 11.9497C3.02922 12.9287 4.2765 13.5954 5.63437 13.8655C6.99224 14.1356 8.3997 13.997 9.67879 13.4672C10.9579 12.9373 12.0511 12.0401 12.8203 10.889C13.5895 9.73785 14 8.38447 14 7C14 5.14348 13.2625 3.36301 11.9497 2.05025C10.637 0.737498 8.85652 0 7 0ZM1.16667 7C1.16549 5.65478 1.63303 4.35118 2.48889 3.31333L10.6867 11.5111C9.83309 12.2112 8.79816 12.6544 7.70243 12.789C6.60669 12.9236 5.49527 12.744 4.49764 12.2713C3.50001 11.7986 2.65724 11.0521 2.06751 10.1188C1.47778 9.18558 1.16537 8.10397 1.16667 7ZM11.5111 10.6867L3.31334 2.48889C4.43144 1.57388 5.84966 1.10701 7.29265 1.1789C8.73565 1.2508 10.1004 1.85633 11.1221 2.87795C12.1437 3.89956 12.7492 5.26435 12.8211 6.70735C12.893 8.15034 12.4261 9.56856 11.5111 10.6867Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$h, "render$h");
+script$k.render = render$h;
+var script$j = {
+ name: "StarIcon",
+ "extends": script$1j
+};
+function render$g(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ d: "M10.9741 13.6721C10.8806 13.6719 10.7886 13.6483 10.7066 13.6033L7.00002 11.6545L3.29345 13.6033C3.19926 13.6539 3.09281 13.6771 2.98612 13.6703C2.87943 13.6636 2.77676 13.6271 2.6897 13.5651C2.60277 13.5014 2.53529 13.4147 2.4948 13.3148C2.45431 13.215 2.44241 13.1058 2.46042 12.9995L3.17881 8.87264L0.167699 5.95324C0.0922333 5.8777 0.039368 5.78258 0.0150625 5.67861C-0.00924303 5.57463 -0.00402231 5.46594 0.030136 5.36477C0.0621323 5.26323 0.122141 5.17278 0.203259 5.10383C0.284377 5.03488 0.383311 4.99023 0.488681 4.97501L4.63087 4.37126L6.48797 0.618832C6.54083 0.530159 6.61581 0.456732 6.70556 0.405741C6.79532 0.35475 6.89678 0.327942 7.00002 0.327942C7.10325 0.327942 7.20471 0.35475 7.29447 0.405741C7.38422 0.456732 7.4592 0.530159 7.51206 0.618832L9.36916 4.37126L13.5114 4.97501C13.6167 4.99023 13.7157 5.03488 13.7968 5.10383C13.8779 5.17278 13.9379 5.26323 13.9699 5.36477C14.0041 5.46594 14.0093 5.57463 13.985 5.67861C13.9607 5.78258 13.9078 5.8777 13.8323 5.95324L10.8212 8.87264L11.532 12.9995C11.55 13.1058 11.5381 13.215 11.4976 13.3148C11.4571 13.4147 11.3896 13.5014 11.3027 13.5651C11.2059 13.632 11.0917 13.6692 10.9741 13.6721ZM7.00002 10.4393C7.09251 10.4404 7.18371 10.4613 7.2675 10.5005L10.2098 12.029L9.65193 8.75036C9.6368 8.6584 9.64343 8.56418 9.6713 8.47526C9.69918 8.38633 9.74751 8.30518 9.81242 8.23832L12.1969 5.94559L8.90298 5.45648C8.81188 5.44198 8.72555 5.406 8.65113 5.35152C8.57671 5.29703 8.51633 5.2256 8.475 5.14314L7.00002 2.1626L5.52503 5.15078C5.4837 5.23324 5.42332 5.30467 5.3489 5.35916C5.27448 5.41365 5.18815 5.44963 5.09705 5.46412L1.80318 5.94559L4.18761 8.23832C4.25252 8.30518 4.30085 8.38633 4.32873 8.47526C4.3566 8.56418 4.36323 8.6584 4.3481 8.75036L3.7902 12.0519L6.73253 10.5234C6.81451 10.4762 6.9058 10.4475 7.00002 10.4393Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$g, "render$g");
+script$j.render = render$g;
+var script$i = {
+ name: "StarFillIcon",
+ "extends": script$1j
+};
+function render$f(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ d: "M13.9718 5.36453C13.9398 5.26298 13.8798 5.17252 13.7986 5.10356C13.7175 5.0346 13.6186 4.98994 13.5132 4.97472L9.37043 4.37088L7.51307 0.617955C7.46021 0.529271 7.38522 0.455834 7.29545 0.404836C7.20568 0.353838 7.1042 0.327026 7.00096 0.327026C6.89771 0.327026 6.79624 0.353838 6.70647 0.404836C6.6167 0.455834 6.54171 0.529271 6.48885 0.617955L4.63149 4.37088L0.488746 4.97472C0.383363 4.98994 0.284416 5.0346 0.203286 5.10356C0.122157 5.17252 0.0621407 5.26298 0.03014 5.36453C-0.00402286 5.46571 -0.00924428 5.57442 0.0150645 5.67841C0.0393733 5.7824 0.0922457 5.87753 0.167722 5.95308L3.17924 8.87287L2.4684 13.0003C2.45038 13.1066 2.46229 13.2158 2.50278 13.3157C2.54328 13.4156 2.61077 13.5022 2.6977 13.5659C2.78477 13.628 2.88746 13.6644 2.99416 13.6712C3.10087 13.678 3.20733 13.6547 3.30153 13.6042L7.00096 11.6551L10.708 13.6042C10.79 13.6491 10.882 13.6728 10.9755 13.673C11.0958 13.6716 11.2129 13.6343 11.3119 13.5659C11.3988 13.5022 11.4663 13.4156 11.5068 13.3157C11.5473 13.2158 11.5592 13.1066 11.5412 13.0003L10.8227 8.87287L13.8266 5.95308C13.9033 5.87835 13.9577 5.7836 13.9833 5.67957C14.009 5.57554 14.005 5.4664 13.9718 5.36453Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$f, "render$f");
+script$i.render = render$f;
+var theme$9 = /* @__PURE__ */ __name(function theme30(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-rating {\n position: relative;\n display: flex;\n align-items: center;\n gap: ".concat(dt("rating.gap"), ";\n}\n\n.p-rating-option {\n display: inline-flex;\n align-items: center;\n cursor: pointer;\n outline-color: transparent;\n border-radius: 50%;\n transition: background ").concat(dt("rating.transition.duration"), ", color ").concat(dt("rating.transition.duration"), ", border-color ").concat(dt("rating.transition.duration"), ", outline-color ").concat(dt("rating.transition.duration"), ", box-shadow ").concat(dt("rating.transition.duration"), ";\n}\n\n.p-rating-option.p-focus-visible {\n box-shadow: ").concat(dt("rating.focus.ring.shadow"), ";\n outline: ").concat(dt("rating.focus.ring.width"), " ").concat(dt("rating.focus.ring.style"), " ").concat(dt("rating.focus.ring.color"), ";\n outline-offset: ").concat(dt("rating.focus.ring.offset"), ";\n}\n\n.p-rating-icon {\n color: ").concat(dt("rating.icon.color"), ";\n transition: background ").concat(dt("rating.transition.duration"), ", color ").concat(dt("rating.transition.duration"), ", border-color ").concat(dt("rating.transition.duration"), ", outline-color ").concat(dt("rating.transition.duration"), ", box-shadow ").concat(dt("rating.transition.duration"), ";\n font-size: ").concat(dt("rating.icon.size"), ";\n width: ").concat(dt("rating.icon.size"), ";\n height: ").concat(dt("rating.icon.size"), ";\n}\n\n.p-rating:not(.p-disabled):not(.p-readonly) .p-rating-option:hover .p-rating-icon {\n color: ").concat(dt("rating.icon.hover.color"), ";\n}\n\n.p-rating-option-active .p-rating-icon {\n color: ").concat(dt("rating.icon.active.color"), ";\n}\n\n.p-rating-icon.p-invalid { /* @todo */\n stroke: ").concat(dt("rating.invalid.icon.color"), ";\n}\n");
+}, "theme");
+var classes$a = {
+ root: /* @__PURE__ */ __name(function root23(_ref2) {
+ var props = _ref2.props;
+ return ["p-rating", {
+ "p-readonly": props.readonly,
+ "p-disabled": props.disabled
+ }];
+ }, "root"),
+ option: /* @__PURE__ */ __name(function option3(_ref3) {
+ var instance = _ref3.instance, value2 = _ref3.value;
+ return ["p-rating-option", {
+ "p-rating-option-active": value2 <= instance.d_value,
+ "p-focus-visible": value2 === instance.focusedOptionIndex && instance.isFocusVisibleItem
+ }];
+ }, "option"),
+ onIcon: /* @__PURE__ */ __name(function onIcon(_ref4) {
+ var instance = _ref4.instance;
+ return ["p-rating-icon p-rating-on-icon", {
+ "p-invalid": instance.$invalid
+ }];
+ }, "onIcon"),
+ offIcon: /* @__PURE__ */ __name(function offIcon(_ref5) {
+ var instance = _ref5.instance;
+ return ["p-rating-icon p-rating-off-icon", {
+ "p-invalid": instance.$invalid
+ }];
+ }, "offIcon")
+};
+var RatingStyle = BaseStyle.extend({
+ name: "rating",
+ theme: theme$9,
+ classes: classes$a
+});
+var script$1$a = {
+ name: "BaseRating",
+ "extends": script$1r,
+ props: {
+ readonly: {
+ type: Boolean,
+ "default": false
+ },
+ stars: {
+ type: Number,
+ "default": 5
+ },
+ onIcon: {
+ type: String,
+ "default": void 0
+ },
+ offIcon: {
+ type: String,
+ "default": void 0
+ }
+ },
+ style: RatingStyle,
+ provide: /* @__PURE__ */ __name(function provide40() {
+ return {
+ $pcRating: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$h = {
+ name: "Rating",
+ "extends": script$1$a,
+ inheritAttrs: false,
+ emits: ["change", "focus", "blur"],
+ data: /* @__PURE__ */ __name(function data29() {
+ return {
+ d_name: this.name,
+ focusedOptionIndex: -1,
+ isFocusVisibleItem: true
+ };
+ }, "data"),
+ watch: {
+ name: /* @__PURE__ */ __name(function name3(newValue) {
+ this.d_name = newValue || UniqueComponentId();
+ }, "name")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted31() {
+ this.d_name = this.d_name || UniqueComponentId();
+ }, "mounted"),
+ methods: {
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions9(key, value2) {
+ return this.ptm(key, {
+ context: {
+ active: value2 <= this.d_value,
+ focused: value2 === this.focusedOptionIndex
+ }
+ });
+ }, "getPTOptions"),
+ onOptionClick: /* @__PURE__ */ __name(function onOptionClick3(event2, value2) {
+ if (!this.readonly && !this.disabled) {
+ this.onOptionSelect(event2, value2);
+ this.isFocusVisibleItem = false;
+ var firstFocusableEl = getFirstFocusableElement(event2.currentTarget);
+ firstFocusableEl && focus(firstFocusableEl);
+ }
+ }, "onOptionClick"),
+ onFocus: /* @__PURE__ */ __name(function onFocus12(event2, value2) {
+ this.focusedOptionIndex = value2;
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur12(event2) {
+ var _this$formField$onBlu, _this$formField;
+ this.focusedOptionIndex = -1;
+ this.$emit("blur", event2);
+ (_this$formField$onBlu = (_this$formField = this.formField).onBlur) === null || _this$formField$onBlu === void 0 || _this$formField$onBlu.call(_this$formField);
+ }, "onBlur"),
+ onChange: /* @__PURE__ */ __name(function onChange(event2, value2) {
+ this.onOptionSelect(event2, value2);
+ this.isFocusVisibleItem = true;
+ }, "onChange"),
+ onOptionSelect: /* @__PURE__ */ __name(function onOptionSelect3(event2, value2) {
+ if (this.focusedOptionIndex === value2 || this.d_value === value2) {
+ this.focusedOptionIndex = -1;
+ this.updateModel(event2, null);
+ } else {
+ this.focusedOptionIndex = value2;
+ this.updateModel(event2, value2 || null);
+ }
+ }, "onOptionSelect"),
+ updateModel: /* @__PURE__ */ __name(function updateModel7(event2, value2) {
+ this.writeValue(value2, event2);
+ this.$emit("change", {
+ originalEvent: event2,
+ value: value2
+ });
+ }, "updateModel"),
+ starAriaLabel: /* @__PURE__ */ __name(function starAriaLabel(value2) {
+ return value2 === 1 ? this.$primevue.config.locale.aria.star : this.$primevue.config.locale.aria.stars.replace(/{star}/g, value2);
+ }, "starAriaLabel")
+ },
+ components: {
+ StarFillIcon: script$i,
+ StarIcon: script$j,
+ BanIcon: script$k
+ }
+};
+var _hoisted_1$b = ["onClick", "data-p-active", "data-p-focused"];
+var _hoisted_2$8 = ["value", "name", "checked", "disabled", "readonly", "aria-label", "onFocus", "onChange"];
+function render$e(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.stars, function(value2) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ key: value2,
+ "class": _ctx.cx("option", {
+ value: value2
+ }),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onOptionClick($event, value2);
+ }, "onClick"),
+ ref_for: true
+ }, $options.getPTOptions("option", value2), {
+ "data-p-active": value2 <= _ctx.d_value,
+ "data-p-focused": value2 === $data.focusedOptionIndex
+ }), [createBaseVNode("span", mergeProps({
+ "class": "p-hidden-accessible",
+ ref_for: true
+ }, _ctx.ptm("hiddenOptionInputContainer"), {
+ "data-p-hidden-accessible": true
+ }), [createBaseVNode("input", mergeProps({
+ type: "radio",
+ value: value2,
+ name: $data.d_name,
+ checked: _ctx.d_value === value2,
+ disabled: _ctx.disabled,
+ readonly: _ctx.readonly,
+ "aria-label": $options.starAriaLabel(value2),
+ onFocus: /* @__PURE__ */ __name(function onFocus15($event) {
+ return $options.onFocus($event, value2);
+ }, "onFocus"),
+ onBlur: _cache[0] || (_cache[0] = function() {
+ return $options.onBlur && $options.onBlur.apply($options, arguments);
+ }),
+ onChange: /* @__PURE__ */ __name(function onChange2($event) {
+ return $options.onChange($event, value2);
+ }, "onChange"),
+ ref_for: true
+ }, _ctx.ptm("hiddenOptionInput")), null, 16, _hoisted_2$8)], 16), value2 <= _ctx.d_value ? renderSlot(_ctx.$slots, "onicon", {
+ key: 0,
+ value: value2,
+ "class": normalizeClass(_ctx.cx("onIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.onIcon ? "span" : "StarFillIcon"), mergeProps({
+ "class": [_ctx.cx("onIcon"), _ctx.onIcon],
+ ref_for: true
+ }, _ctx.ptm("onIcon")), null, 16, ["class"]))];
+ }) : renderSlot(_ctx.$slots, "officon", {
+ key: 1,
+ value: value2,
+ "class": normalizeClass(_ctx.cx("offIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.offIcon ? "span" : "StarIcon"), mergeProps({
+ "class": [_ctx.cx("offIcon"), _ctx.offIcon],
+ ref_for: true
+ }, _ctx.ptm("offIcon")), null, 16, ["class"]))];
+ })], 16, _hoisted_1$b);
+ }), 128))], 16);
+}
+__name(render$e, "render$e");
+script$h.render = render$e;
+var script$g = {
+ name: "Row",
+ "extends": script$1f,
+ inject: ["$rows"],
+ mounted: /* @__PURE__ */ __name(function mounted32() {
+ var _this$$rows;
+ (_this$$rows = this.$rows) === null || _this$$rows === void 0 || _this$$rows.add(this.$);
+ }, "mounted"),
+ unmounted: /* @__PURE__ */ __name(function unmounted4() {
+ var _this$$rows2;
+ (_this$$rows2 = this.$rows) === null || _this$$rows2 === void 0 || _this$$rows2["delete"](this.$);
+ }, "unmounted"),
+ render: /* @__PURE__ */ __name(function render2() {
+ return null;
+ }, "render")
+};
+var RowStyle = BaseStyle.extend({
+ name: "row"
+});
+var theme$8 = /* @__PURE__ */ __name(function theme31(_ref) {
+ _ref.dt;
+ return "\n.p-scrolltop.p-button {\n position: fixed !important;\n inset-block-end: 20px;\n inset-inline-end: 20px;\n}\n\n.p-scrolltop-sticky.p-button {\n position: sticky !important;\n display: flex;\n margin-inline-start: auto;\n}\n\n.p-scrolltop-enter-from {\n opacity: 0;\n}\n\n.p-scrolltop-enter-active {\n transition: opacity 0.15s;\n}\n\n.p-scrolltop.p-scrolltop-leave-to {\n opacity: 0;\n}\n\n.p-scrolltop-leave-active {\n transition: opacity 0.15s;\n}\n";
+}, "theme");
+var classes$9 = {
+ root: /* @__PURE__ */ __name(function root24(_ref2) {
+ var props = _ref2.props;
+ return ["p-scrolltop", {
+ "p-scrolltop-sticky": props.target !== "window"
+ }];
+ }, "root"),
+ icon: "p-scrolltop-icon"
+};
+var ScrollTopStyle = BaseStyle.extend({
+ name: "scrolltop",
+ theme: theme$8,
+ classes: classes$9
+});
+var script$1$9 = {
+ name: "BaseScrollTop",
+ "extends": script$1f,
+ props: {
+ target: {
+ type: String,
+ "default": "window"
+ },
+ threshold: {
+ type: Number,
+ "default": 400
+ },
+ icon: {
+ type: String,
+ "default": void 0
+ },
+ behavior: {
+ type: String,
+ "default": "smooth"
+ },
+ buttonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default16() {
+ return {
+ rounded: true
+ };
+ }, "_default")
+ }
+ },
+ style: ScrollTopStyle,
+ provide: /* @__PURE__ */ __name(function provide41() {
+ return {
+ $pcScrollTop: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$f = {
+ name: "ScrollTop",
+ "extends": script$1$9,
+ inheritAttrs: false,
+ scrollListener: null,
+ container: null,
+ data: /* @__PURE__ */ __name(function data30() {
+ return {
+ visible: false
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted33() {
+ if (this.target === "window") this.bindDocumentScrollListener();
+ else if (this.target === "parent") this.bindParentScrollListener();
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount13() {
+ if (this.target === "window") this.unbindDocumentScrollListener();
+ else if (this.target === "parent") this.unbindParentScrollListener();
+ if (this.container) {
+ ZIndex.clear(this.container);
+ this.overlay = null;
+ }
+ }, "beforeUnmount"),
+ methods: {
+ onClick: /* @__PURE__ */ __name(function onClick5() {
+ var scrollElement = this.target === "window" ? window : this.$el.parentElement;
+ scrollElement.scroll({
+ top: 0,
+ behavior: this.behavior
+ });
+ }, "onClick"),
+ checkVisibility: /* @__PURE__ */ __name(function checkVisibility(scrollY) {
+ if (scrollY > this.threshold) this.visible = true;
+ else this.visible = false;
+ }, "checkVisibility"),
+ bindParentScrollListener: /* @__PURE__ */ __name(function bindParentScrollListener() {
+ var _this = this;
+ this.scrollListener = function() {
+ _this.checkVisibility(_this.$el.parentElement.scrollTop);
+ };
+ this.$el.parentElement.addEventListener("scroll", this.scrollListener);
+ }, "bindParentScrollListener"),
+ bindDocumentScrollListener: /* @__PURE__ */ __name(function bindDocumentScrollListener() {
+ var _this2 = this;
+ this.scrollListener = function() {
+ _this2.checkVisibility(getWindowScrollTop());
+ };
+ window.addEventListener("scroll", this.scrollListener);
+ }, "bindDocumentScrollListener"),
+ unbindParentScrollListener: /* @__PURE__ */ __name(function unbindParentScrollListener() {
+ if (this.scrollListener) {
+ this.$el.parentElement.removeEventListener("scroll", this.scrollListener);
+ this.scrollListener = null;
+ }
+ }, "unbindParentScrollListener"),
+ unbindDocumentScrollListener: /* @__PURE__ */ __name(function unbindDocumentScrollListener() {
+ if (this.scrollListener) {
+ window.removeEventListener("scroll", this.scrollListener);
+ this.scrollListener = null;
+ }
+ }, "unbindDocumentScrollListener"),
+ onEnter: /* @__PURE__ */ __name(function onEnter3(el) {
+ ZIndex.set("overlay", el, this.$primevue.config.zIndex.overlay);
+ }, "onEnter"),
+ onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave3(el) {
+ ZIndex.clear(el);
+ }, "onAfterLeave"),
+ containerRef: /* @__PURE__ */ __name(function containerRef4(el) {
+ this.container = el ? el.$el : void 0;
+ }, "containerRef")
+ },
+ computed: {
+ scrollTopAriaLabel: /* @__PURE__ */ __name(function scrollTopAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.scrollTop : void 0;
+ }, "scrollTopAriaLabel")
+ },
+ components: {
+ ChevronUpIcon: script$1g,
+ Button: script$1d
+ }
+};
+function render$d(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Button = resolveComponent("Button");
+ return openBlock(), createBlock(Transition, mergeProps({
+ name: "p-scrolltop",
+ appear: "",
+ onEnter: $options.onEnter,
+ onAfterLeave: $options.onAfterLeave
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [$data.visible ? (openBlock(), createBlock(_component_Button, mergeProps({
+ key: 0,
+ ref: $options.containerRef,
+ "class": _ctx.cx("root"),
+ onClick: $options.onClick,
+ "aria-label": $options.scrollTopAriaLabel,
+ unstyled: _ctx.unstyled
+ }, _ctx.buttonProps, {
+ pt: _ctx.pt
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "icon", {
+ "class": normalizeClass(_ctx.cx("icon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.icon ? "span" : "ChevronUpIcon"), mergeProps({
+ "class": [_ctx.cx("icon"), _ctx.icon, slotProps["class"]]
+ }, _ctx.ptm("icon")), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "onClick", "aria-label", "unstyled", "pt"])) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onEnter", "onAfterLeave"]);
+}
+__name(render$d, "render$d");
+script$f.render = render$d;
+var script$e = {
+ name: "Sidebar",
+ "extends": script$1T,
+ mounted: /* @__PURE__ */ __name(function mounted34() {
+ console.warn("Deprecated since v4. Use Drawer component instead.");
+ }, "mounted")
+};
+var SidebarStyle = BaseStyle.extend({
+ name: "sidebar"
+});
+var theme$7 = /* @__PURE__ */ __name(function theme32(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-skeleton {\n overflow: hidden;\n background: ".concat(dt("skeleton.background"), ";\n border-radius: ").concat(dt("skeleton.border.radius"), ';\n}\n\n.p-skeleton::after {\n content: "";\n animation: p-skeleton-animation 1.2s infinite;\n height: 100%;\n left: 0;\n position: absolute;\n right: 0;\n top: 0;\n transform: translateX(-100%);\n z-index: 1;\n background: linear-gradient(90deg, rgba(255, 255, 255, 0), ').concat(dt("skeleton.animation.background"), ", rgba(255, 255, 255, 0));\n}\n\n[dir='rtl'] .p-skeleton::after {\n animation-name: p-skeleton-animation-rtl;\n}\n\n.p-skeleton-circle {\n border-radius: 50%;\n}\n\n.p-skeleton-animation-none::after {\n animation: none;\n}\n\n@keyframes p-skeleton-animation {\n from {\n transform: translateX(-100%);\n }\n to {\n transform: translateX(100%);\n }\n}\n\n@keyframes p-skeleton-animation-rtl {\n from {\n transform: translateX(100%);\n }\n to {\n transform: translateX(-100%);\n }\n}\n");
+}, "theme");
+var inlineStyles$3 = {
+ root: {
+ position: "relative"
+ }
+};
+var classes$8 = {
+ root: /* @__PURE__ */ __name(function root25(_ref2) {
+ var props = _ref2.props;
+ return ["p-skeleton p-component", {
+ "p-skeleton-circle": props.shape === "circle",
+ "p-skeleton-animation-none": props.animation === "none"
+ }];
+ }, "root")
+};
+var SkeletonStyle = BaseStyle.extend({
+ name: "skeleton",
+ theme: theme$7,
+ classes: classes$8,
+ inlineStyles: inlineStyles$3
+});
+var script$1$8 = {
+ name: "BaseSkeleton",
+ "extends": script$1f,
+ props: {
+ shape: {
+ type: String,
+ "default": "rectangle"
+ },
+ size: {
+ type: String,
+ "default": null
+ },
+ width: {
+ type: String,
+ "default": "100%"
+ },
+ height: {
+ type: String,
+ "default": "1rem"
+ },
+ borderRadius: {
+ type: String,
+ "default": null
+ },
+ animation: {
+ type: String,
+ "default": "wave"
+ }
+ },
+ style: SkeletonStyle,
+ provide: /* @__PURE__ */ __name(function provide42() {
+ return {
+ $pcSkeleton: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$d = {
+ name: "Skeleton",
+ "extends": script$1$8,
+ inheritAttrs: false,
+ computed: {
+ containerStyle: /* @__PURE__ */ __name(function containerStyle() {
+ if (this.size) return {
+ width: this.size,
+ height: this.size,
+ borderRadius: this.borderRadius
+ };
+ else return {
+ width: this.width,
+ height: this.height,
+ borderRadius: this.borderRadius
+ };
+ }, "containerStyle")
+ }
+};
+function render$c(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ style: [_ctx.sx("root"), $options.containerStyle],
+ "aria-hidden": "true"
+ }, _ctx.ptmi("root")), null, 16);
+}
+__name(render$c, "render$c");
+script$d.render = render$c;
+function _typeof$8(o) {
+ "@babel/helpers - typeof";
+ return _typeof$8 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$8(o);
+}
+__name(_typeof$8, "_typeof$8");
+function _defineProperty$8(e, r, t2) {
+ return (r = _toPropertyKey$8(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$8, "_defineProperty$8");
+function _toPropertyKey$8(t2) {
+ var i = _toPrimitive$8(t2, "string");
+ return "symbol" == _typeof$8(i) ? i : i + "";
+}
+__name(_toPropertyKey$8, "_toPropertyKey$8");
+function _toPrimitive$8(t2, r) {
+ if ("object" != _typeof$8(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$8(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$8, "_toPrimitive$8");
+var theme$6 = /* @__PURE__ */ __name(function theme33(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-speeddial {\n position: static;\n display: flex;\n gap: ".concat(dt("speeddial.gap"), ";\n}\n\n.p-speeddial-button {\n z-index: 1;\n}\n\n.p-speeddial-button.p-speeddial-rotate {\n transition: transform 250ms cubic-bezier(0.4, 0, 0.2, 1) 0ms, background ").concat(dt("speeddial.transition.duration"), ", color ").concat(dt("speeddial.transition.duration"), ", border-color ").concat(dt("speeddial.transition.duration"), ",\n box-shadow ").concat(dt("speeddial.transition.duration"), ", outline-color ").concat(dt("speeddial.transition.duration"), ";\n will-change: transform;\n}\n\n.p-speeddial-list {\n margin: 0;\n padding: 0;\n list-style: none;\n display: flex;\n align-items: center;\n justify-content: center;\n transition: inset-block-start 0s linear ").concat(dt("speeddial.transition.duration"), ";\n pointer-events: none;\n outline: 0 none;\n z-index: 2;\n gap: ").concat(dt("speeddial.gap"), ";\n}\n\n.p-speeddial-item {\n transform: scale(0);\n opacity: 0;\n transition: transform 200ms cubic-bezier(0.4, 0, 0.2, 1) 0ms, opacity 0.8s;\n will-change: transform;\n}\n\n.p-speeddial-circle .p-speeddial-item,\n.p-speeddial-semi-circle .p-speeddial-item,\n.p-speeddial-quarter-circle .p-speeddial-item {\n position: absolute;\n}\n\n.p-speeddial-mask {\n position: absolute;\n inset-inline-start: 0;\n inset-block-start: 0;\n width: 100%;\n height: 100%;\n opacity: 0;\n background: ").concat(dt("mask.background"), ";\n border-radius: 6px;\n transition: opacity 150ms;\n}\n\n.p-speeddial-mask-visible {\n pointer-events: none;\n opacity: 1;\n transition: opacity 150ms;\n}\n\n.p-speeddial-open .p-speeddial-list {\n pointer-events: auto;\n}\n\n.p-speeddial-open .p-speeddial-item {\n transform: scale(1);\n opacity: 1;\n}\n\n.p-speeddial-open .p-speeddial-rotate {\n transform: rotate(45deg);\n}\n");
+}, "theme");
+var inlineStyles$2 = {
+ root: /* @__PURE__ */ __name(function root26(_ref2) {
+ var props = _ref2.props;
+ return {
+ alignItems: (props.direction === "up" || props.direction === "down") && "center",
+ justifyContent: (props.direction === "left" || props.direction === "right") && "center",
+ flexDirection: props.direction === "up" ? "column-reverse" : props.direction === "down" ? "column" : props.direction === "left" ? "row-reverse" : props.direction === "right" ? "row" : null
+ };
+ }, "root"),
+ list: /* @__PURE__ */ __name(function list(_ref3) {
+ var props = _ref3.props;
+ return {
+ flexDirection: props.direction === "up" ? "column-reverse" : props.direction === "down" ? "column" : props.direction === "left" ? "row-reverse" : props.direction === "right" ? "row" : null
+ };
+ }, "list")
+};
+var classes$7 = {
+ root: /* @__PURE__ */ __name(function root27(_ref4) {
+ var instance = _ref4.instance, props = _ref4.props;
+ return ["p-speeddial p-component p-speeddial-".concat(props.type), _defineProperty$8(_defineProperty$8(_defineProperty$8({}, "p-speeddial-direction-".concat(props.direction), props.type !== "circle"), "p-speeddial-open", instance.d_visible), "p-disabled", props.disabled)];
+ }, "root"),
+ pcButton: /* @__PURE__ */ __name(function pcButton(_ref6) {
+ var props = _ref6.props;
+ return ["p-speeddial-button", {
+ "p-speeddial-rotate": props.rotateAnimation && !props.hideIcon
+ }];
+ }, "pcButton"),
+ list: "p-speeddial-list",
+ item: "p-speeddial-item",
+ action: "p-speeddial-action",
+ actionIcon: "p-speeddial-action-icon",
+ mask: /* @__PURE__ */ __name(function mask2(_ref7) {
+ var instance = _ref7.instance;
+ return ["p-speeddial-mask", {
+ "p-speeddial-mask-visible": instance.d_visible
+ }];
+ }, "mask")
+};
+var SpeedDialStyle = BaseStyle.extend({
+ name: "speeddial",
+ theme: theme$6,
+ classes: classes$7,
+ inlineStyles: inlineStyles$2
+});
+var script$1$7 = {
+ name: "BaseSpeedDial",
+ "extends": script$1f,
+ props: {
+ model: null,
+ visible: {
+ type: Boolean,
+ "default": false
+ },
+ direction: {
+ type: String,
+ "default": "up"
+ },
+ transitionDelay: {
+ type: Number,
+ "default": 30
+ },
+ type: {
+ type: String,
+ "default": "linear"
+ },
+ radius: {
+ type: Number,
+ "default": 0
+ },
+ mask: {
+ type: Boolean,
+ "default": false
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ hideOnClickOutside: {
+ type: Boolean,
+ "default": true
+ },
+ buttonClass: null,
+ maskStyle: null,
+ maskClass: null,
+ showIcon: {
+ type: String,
+ "default": void 0
+ },
+ hideIcon: {
+ type: String,
+ "default": void 0
+ },
+ rotateAnimation: {
+ type: Boolean,
+ "default": true
+ },
+ tooltipOptions: null,
+ style: null,
+ "class": null,
+ buttonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default17() {
+ return {
+ rounded: true
+ };
+ }, "_default")
+ },
+ actionButtonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default18() {
+ return {
+ severity: "secondary",
+ rounded: true,
+ size: "small"
+ };
+ }, "_default")
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: SpeedDialStyle,
+ provide: /* @__PURE__ */ __name(function provide43() {
+ return {
+ $pcSpeedDial: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _typeof$7(o) {
+ "@babel/helpers - typeof";
+ return _typeof$7 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$7(o);
+}
+__name(_typeof$7, "_typeof$7");
+function ownKeys$7(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$7, "ownKeys$7");
+function _objectSpread$7(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$7(Object(t2), true).forEach(function(r2) {
+ _defineProperty$7(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$7(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$7, "_objectSpread$7");
+function _defineProperty$7(e, r, t2) {
+ return (r = _toPropertyKey$7(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$7, "_defineProperty$7");
+function _toPropertyKey$7(t2) {
+ var i = _toPrimitive$7(t2, "string");
+ return "symbol" == _typeof$7(i) ? i : i + "";
+}
+__name(_toPropertyKey$7, "_toPropertyKey$7");
+function _toPrimitive$7(t2, r) {
+ if ("object" != _typeof$7(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$7(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$7, "_toPrimitive$7");
+function _toConsumableArray$3(r) {
+ return _arrayWithoutHoles$3(r) || _iterableToArray$3(r) || _unsupportedIterableToArray$3(r) || _nonIterableSpread$3();
+}
+__name(_toConsumableArray$3, "_toConsumableArray$3");
+function _nonIterableSpread$3() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$3, "_nonIterableSpread$3");
+function _unsupportedIterableToArray$3(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$3(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$3(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$3, "_unsupportedIterableToArray$3");
+function _iterableToArray$3(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$3, "_iterableToArray$3");
+function _arrayWithoutHoles$3(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$3(r);
+}
+__name(_arrayWithoutHoles$3, "_arrayWithoutHoles$3");
+function _arrayLikeToArray$3(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$3, "_arrayLikeToArray$3");
+var Math_PI = 3.14159265358979;
+var script$c = {
+ name: "SpeedDial",
+ "extends": script$1$7,
+ inheritAttrs: false,
+ emits: ["click", "show", "hide", "focus", "blur"],
+ documentClickListener: null,
+ container: null,
+ list: null,
+ data: /* @__PURE__ */ __name(function data31() {
+ return {
+ id: this.$attrs.id,
+ d_visible: this.visible,
+ isItemClicked: false,
+ focused: false,
+ focusedOptionIndex: -1
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId12(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ visible: /* @__PURE__ */ __name(function visible4(newValue) {
+ this.d_visible = newValue;
+ }, "visible")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted35() {
+ this.id = this.id || UniqueComponentId();
+ if (this.type !== "linear") {
+ var button = findSingle(this.container, '[data-pc-name="pcbutton"]');
+ var firstItem = findSingle(this.list, '[data-pc-section="item"]');
+ if (button && firstItem) {
+ var wDiff = Math.abs(button.offsetWidth - firstItem.offsetWidth);
+ var hDiff = Math.abs(button.offsetHeight - firstItem.offsetHeight);
+ this.list.style.setProperty($dt("item.diff.x").name, "".concat(wDiff / 2, "px"));
+ this.list.style.setProperty($dt("item.diff.y").name, "".concat(hDiff / 2, "px"));
+ }
+ }
+ if (this.hideOnClickOutside) {
+ this.bindDocumentClickListener();
+ }
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount14() {
+ this.unbindDocumentClickListener();
+ }, "beforeUnmount"),
+ methods: {
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions10(id4, key) {
+ return this.ptm(key, {
+ context: {
+ active: this.isItemActive(id4),
+ hidden: !this.d_visible
+ }
+ });
+ }, "getPTOptions"),
+ onFocus: /* @__PURE__ */ __name(function onFocus13(event2) {
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur13(event2) {
+ this.focusedOptionIndex = -1;
+ this.$emit("blur", event2);
+ }, "onBlur"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick7(e, item8) {
+ if (item8.command) {
+ item8.command({
+ originalEvent: e,
+ item: item8
+ });
+ }
+ this.hide();
+ this.isItemClicked = true;
+ e.preventDefault();
+ }, "onItemClick"),
+ onClick: /* @__PURE__ */ __name(function onClick6(event2) {
+ this.d_visible ? this.hide() : this.show();
+ this.isItemClicked = true;
+ this.$emit("click", event2);
+ }, "onClick"),
+ show: /* @__PURE__ */ __name(function show5() {
+ this.d_visible = true;
+ this.$emit("show");
+ }, "show"),
+ hide: /* @__PURE__ */ __name(function hide5() {
+ this.d_visible = false;
+ this.$emit("hide");
+ }, "hide"),
+ calculateTransitionDelay: /* @__PURE__ */ __name(function calculateTransitionDelay(index) {
+ var length = this.model.length;
+ var visible7 = this.d_visible;
+ return (visible7 ? index : length - index - 1) * this.transitionDelay;
+ }, "calculateTransitionDelay"),
+ onTogglerKeydown: /* @__PURE__ */ __name(function onTogglerKeydown(event2) {
+ switch (event2.code) {
+ case "ArrowDown":
+ case "ArrowLeft":
+ this.onTogglerArrowDown(event2);
+ break;
+ case "ArrowUp":
+ case "ArrowRight":
+ this.onTogglerArrowUp(event2);
+ break;
+ case "Escape":
+ this.onEscapeKey();
+ break;
+ }
+ }, "onTogglerKeydown"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown11(event2) {
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDown(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUp(event2);
+ break;
+ case "ArrowLeft":
+ this.onArrowLeft(event2);
+ break;
+ case "ArrowRight":
+ this.onArrowRight(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ case "Space":
+ this.onEnterKey(event2);
+ break;
+ case "Escape":
+ this.onEscapeKey(event2);
+ break;
+ case "Home":
+ this.onHomeKey(event2);
+ break;
+ case "End":
+ this.onEndKey(event2);
+ break;
+ }
+ }, "onKeyDown"),
+ onTogglerArrowUp: /* @__PURE__ */ __name(function onTogglerArrowUp(event2) {
+ this.show();
+ this.navigatePrevItem(event2);
+ event2.preventDefault();
+ }, "onTogglerArrowUp"),
+ onTogglerArrowDown: /* @__PURE__ */ __name(function onTogglerArrowDown(event2) {
+ this.show();
+ this.navigateNextItem(event2);
+ event2.preventDefault();
+ }, "onTogglerArrowDown"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey7(event2) {
+ var _this = this;
+ var items2 = find(this.container, '[data-pc-section="item"]');
+ var itemIndex = _toConsumableArray$3(items2).findIndex(function(item8) {
+ return item8.id === _this.focusedOptionIndex;
+ });
+ var buttonEl = findSingle(this.container, "button");
+ this.onItemClick(event2, this.model[itemIndex]);
+ this.onBlur(event2);
+ buttonEl && focus(buttonEl);
+ }, "onEnterKey"),
+ onEscapeKey: /* @__PURE__ */ __name(function onEscapeKey4() {
+ this.hide();
+ var buttonEl = findSingle(this.container, "button");
+ buttonEl && focus(buttonEl);
+ }, "onEscapeKey"),
+ onArrowUp: /* @__PURE__ */ __name(function onArrowUp(event2) {
+ if (this.direction === "down") {
+ this.navigatePrevItem(event2);
+ } else {
+ this.navigateNextItem(event2);
+ }
+ }, "onArrowUp"),
+ onArrowDown: /* @__PURE__ */ __name(function onArrowDown(event2) {
+ if (this.direction === "down") {
+ this.navigateNextItem(event2);
+ } else {
+ this.navigatePrevItem(event2);
+ }
+ }, "onArrowDown"),
+ onArrowLeft: /* @__PURE__ */ __name(function onArrowLeft(event2) {
+ var leftValidDirections = ["left", "up-right", "down-left"];
+ var rightValidDirections = ["right", "up-left", "down-right"];
+ if (leftValidDirections.includes(this.direction)) {
+ this.navigateNextItem(event2);
+ } else if (rightValidDirections.includes(this.direction)) {
+ this.navigatePrevItem(event2);
+ } else {
+ this.navigatePrevItem(event2);
+ }
+ }, "onArrowLeft"),
+ onArrowRight: /* @__PURE__ */ __name(function onArrowRight(event2) {
+ var leftValidDirections = ["left", "up-right", "down-left"];
+ var rightValidDirections = ["right", "up-left", "down-right"];
+ if (leftValidDirections.includes(this.direction)) {
+ this.navigatePrevItem(event2);
+ } else if (rightValidDirections.includes(this.direction)) {
+ this.navigateNextItem(event2);
+ } else {
+ this.navigateNextItem(event2);
+ }
+ }, "onArrowRight"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey8(event2) {
+ event2.preventDefault();
+ this.focusedOptionIndex = -1;
+ this.navigatePrevItem(event2);
+ }, "onEndKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey8(event2) {
+ event2.preventDefault();
+ this.focusedOptionIndex = -1;
+ this.navigateNextItem(event2);
+ }, "onHomeKey"),
+ navigateNextItem: /* @__PURE__ */ __name(function navigateNextItem(event2) {
+ var optionIndex = this.findNextOptionIndex(this.focusedOptionIndex);
+ this.changeFocusedOptionIndex(optionIndex);
+ event2.preventDefault();
+ }, "navigateNextItem"),
+ navigatePrevItem: /* @__PURE__ */ __name(function navigatePrevItem(event2) {
+ var optionIndex = this.findPrevOptionIndex(this.focusedOptionIndex);
+ this.changeFocusedOptionIndex(optionIndex);
+ event2.preventDefault();
+ }, "navigatePrevItem"),
+ changeFocusedOptionIndex: /* @__PURE__ */ __name(function changeFocusedOptionIndex5(index) {
+ var items2 = find(this.container, '[data-pc-section="item"]');
+ var filteredItems = _toConsumableArray$3(items2).filter(function(item8) {
+ return !hasClass(findSingle(item8, "a"), "p-disabled");
+ });
+ if (filteredItems[index]) {
+ this.focusedOptionIndex = filteredItems[index].getAttribute("id");
+ var buttonEl = findSingle(filteredItems[index], '[type="button"]');
+ buttonEl && focus(buttonEl);
+ }
+ }, "changeFocusedOptionIndex"),
+ findPrevOptionIndex: /* @__PURE__ */ __name(function findPrevOptionIndex5(index) {
+ var items2 = find(this.container, '[data-pc-section="item"]');
+ var filteredItems = _toConsumableArray$3(items2).filter(function(item8) {
+ return !hasClass(findSingle(item8, "a"), "p-disabled");
+ });
+ var newIndex = index === -1 ? filteredItems[filteredItems.length - 1].id : index;
+ var matchedOptionIndex = filteredItems.findIndex(function(link) {
+ return link.getAttribute("id") === newIndex;
+ });
+ matchedOptionIndex = index === -1 ? filteredItems.length - 1 : matchedOptionIndex - 1;
+ return matchedOptionIndex;
+ }, "findPrevOptionIndex"),
+ findNextOptionIndex: /* @__PURE__ */ __name(function findNextOptionIndex5(index) {
+ var items2 = find(this.container, '[data-pc-section="item"]');
+ var filteredItems = _toConsumableArray$3(items2).filter(function(item8) {
+ return !hasClass(findSingle(item8, "a"), "p-disabled");
+ });
+ var newIndex = index === -1 ? filteredItems[0].id : index;
+ var matchedOptionIndex = filteredItems.findIndex(function(link) {
+ return link.getAttribute("id") === newIndex;
+ });
+ matchedOptionIndex = index === -1 ? 0 : matchedOptionIndex + 1;
+ return matchedOptionIndex;
+ }, "findNextOptionIndex"),
+ calculatePointStyle: /* @__PURE__ */ __name(function calculatePointStyle(index) {
+ var type = this.type;
+ if (type !== "linear") {
+ var length = this.model.length;
+ var radius = this.radius || length * 20;
+ if (type === "circle") {
+ var step = 2 * Math_PI / length;
+ return {
+ left: "calc(".concat(radius * Math.cos(step * index), "px + ").concat($dt("item.diff.x", "0px").variable, ")"),
+ top: "calc(".concat(radius * Math.sin(step * index), "px + ").concat($dt("item.diff.y", "0px").variable, ")")
+ };
+ } else if (type === "semi-circle") {
+ var direction = this.direction;
+ var _step = Math_PI / (length - 1);
+ var x = "calc(".concat(radius * Math.cos(_step * index), "px + ").concat($dt("item.diff.x", "0px").variable, ")");
+ var y = "calc(".concat(radius * Math.sin(_step * index), "px + ").concat($dt("item.diff.y", "0px").variable, ")");
+ if (direction === "up") {
+ return {
+ left: x,
+ bottom: y
+ };
+ } else if (direction === "down") {
+ return {
+ left: x,
+ top: y
+ };
+ } else if (direction === "left") {
+ return {
+ right: y,
+ top: x
+ };
+ } else if (direction === "right") {
+ return {
+ left: y,
+ top: x
+ };
+ }
+ } else if (type === "quarter-circle") {
+ var _direction = this.direction;
+ var _step2 = Math_PI / (2 * (length - 1));
+ var _x = "calc(".concat(radius * Math.cos(_step2 * index), "px + ").concat($dt("item.diff.x", "0px").variable, ")");
+ var _y = "calc(".concat(radius * Math.sin(_step2 * index), "px + ").concat($dt("item.diff.y", "0px").variable, ")");
+ if (_direction === "up-left") {
+ return {
+ right: _x,
+ bottom: _y
+ };
+ } else if (_direction === "up-right") {
+ return {
+ left: _x,
+ bottom: _y
+ };
+ } else if (_direction === "down-left") {
+ return {
+ right: _y,
+ top: _x
+ };
+ } else if (_direction === "down-right") {
+ return {
+ left: _y,
+ top: _x
+ };
+ }
+ }
+ }
+ return {};
+ }, "calculatePointStyle"),
+ getItemStyle: /* @__PURE__ */ __name(function getItemStyle(index) {
+ var transitionDelay = this.calculateTransitionDelay(index);
+ var pointStyle = this.calculatePointStyle(index);
+ return _objectSpread$7({
+ transitionDelay: "".concat(transitionDelay, "ms")
+ }, pointStyle);
+ }, "getItemStyle"),
+ bindDocumentClickListener: /* @__PURE__ */ __name(function bindDocumentClickListener() {
+ var _this2 = this;
+ if (!this.documentClickListener) {
+ this.documentClickListener = function(event2) {
+ if (_this2.d_visible && _this2.isOutsideClicked(event2)) {
+ _this2.hide();
+ }
+ _this2.isItemClicked = false;
+ };
+ document.addEventListener("click", this.documentClickListener);
+ }
+ }, "bindDocumentClickListener"),
+ unbindDocumentClickListener: /* @__PURE__ */ __name(function unbindDocumentClickListener() {
+ if (this.documentClickListener) {
+ document.removeEventListener("click", this.documentClickListener);
+ this.documentClickListener = null;
+ }
+ }, "unbindDocumentClickListener"),
+ isOutsideClicked: /* @__PURE__ */ __name(function isOutsideClicked3(event2) {
+ return this.container && !(this.container.isSameNode(event2.target) || this.container.contains(event2.target) || this.isItemClicked);
+ }, "isOutsideClicked"),
+ isItemVisible: /* @__PURE__ */ __name(function isItemVisible6(item8) {
+ return typeof item8.visible === "function" ? item8.visible() : item8.visible !== false;
+ }, "isItemVisible"),
+ isItemActive: /* @__PURE__ */ __name(function isItemActive7(id4) {
+ return id4 === this.focusedOptionId;
+ }, "isItemActive"),
+ containerRef: /* @__PURE__ */ __name(function containerRef5(el) {
+ this.container = el;
+ }, "containerRef"),
+ listRef: /* @__PURE__ */ __name(function listRef3(el) {
+ this.list = el;
+ }, "listRef")
+ },
+ computed: {
+ containerClass: /* @__PURE__ */ __name(function containerClass3() {
+ return [this.cx("root"), this["class"]];
+ }, "containerClass"),
+ focusedOptionId: /* @__PURE__ */ __name(function focusedOptionId6() {
+ return this.focusedOptionIndex !== -1 ? this.focusedOptionIndex : null;
+ }, "focusedOptionId")
+ },
+ components: {
+ Button: script$1d,
+ PlusIcon: script$1w
+ },
+ directives: {
+ ripple: Ripple,
+ tooltip: Tooltip
+ }
+};
+var _hoisted_1$a = ["id"];
+var _hoisted_2$7 = ["id", "data-p-active"];
+function render$b(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Button = resolveComponent("Button");
+ var _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createElementBlock(Fragment, null, [createBaseVNode("div", mergeProps({
+ ref: $options.containerRef,
+ "class": $options.containerClass,
+ style: [_ctx.style, _ctx.sx("root")]
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "button", {
+ visible: $data.d_visible,
+ toggleCallback: $options.onClick
+ }, function() {
+ return [createVNode(_component_Button, mergeProps({
+ "class": [_ctx.cx("pcButton"), _ctx.buttonClass],
+ disabled: _ctx.disabled,
+ "aria-expanded": $data.d_visible,
+ "aria-haspopup": true,
+ "aria-controls": $data.id + "_list",
+ "aria-label": _ctx.ariaLabel,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ unstyled: _ctx.unstyled,
+ onClick: _cache[0] || (_cache[0] = function($event) {
+ return $options.onClick($event);
+ }),
+ onKeydown: $options.onTogglerKeydown
+ }, _ctx.buttonProps, {
+ pt: _ctx.ptm("pcButton")
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "icon", {
+ visible: $data.d_visible
+ }, function() {
+ return [$data.d_visible && !!_ctx.hideIcon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.hideIcon ? "span" : "PlusIcon"), mergeProps({
+ key: 0,
+ "class": [_ctx.hideIcon, slotProps["class"]]
+ }, _ctx.ptm("pcButton")["icon"], {
+ "data-pc-section": "icon"
+ }), null, 16, ["class"])) : (openBlock(), createBlock(resolveDynamicComponent(_ctx.showIcon ? "span" : "PlusIcon"), mergeProps({
+ key: 1,
+ "class": [$data.d_visible && !!_ctx.hideIcon ? _ctx.hideIcon : _ctx.showIcon, slotProps["class"]]
+ }, _ctx.ptm("pcButton")["icon"], {
+ "data-pc-section": "icon"
+ }), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "disabled", "aria-expanded", "aria-controls", "aria-label", "aria-labelledby", "unstyled", "onKeydown", "pt"])];
+ }), createBaseVNode("ul", mergeProps({
+ ref: $options.listRef,
+ id: $data.id + "_list",
+ "class": _ctx.cx("list"),
+ style: _ctx.sx("list"),
+ role: "menu",
+ tabindex: "-1",
+ onFocus: _cache[1] || (_cache[1] = function() {
+ return $options.onFocus && $options.onFocus.apply($options, arguments);
+ }),
+ onBlur: _cache[2] || (_cache[2] = function() {
+ return $options.onBlur && $options.onBlur.apply($options, arguments);
+ }),
+ onKeydown: _cache[3] || (_cache[3] = function() {
+ return $options.onKeyDown && $options.onKeyDown.apply($options, arguments);
+ })
+ }, _ctx.ptm("list")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.model, function(item8, index) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: index
+ }, [$options.isItemVisible(item8) ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ id: "".concat($data.id, "_").concat(index),
+ "class": _ctx.cx("item", {
+ id: "".concat($data.id, "_").concat(index)
+ }),
+ style: $options.getItemStyle(index),
+ role: "none",
+ "data-p-active": $options.isItemActive("".concat($data.id, "_").concat(index)),
+ ref_for: true
+ }, $options.getPTOptions("".concat($data.id, "_").concat(index), "item")), [!_ctx.$slots.item ? withDirectives((openBlock(), createBlock(_component_Button, mergeProps({
+ key: 0,
+ tabindex: -1,
+ role: "menuitem",
+ "class": _ctx.cx("pcAction", {
+ item: item8
+ }),
+ "aria-label": item8.label,
+ disabled: _ctx.disabled,
+ unstyled: _ctx.unstyled,
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onItemClick($event, item8);
+ }, "onClick"),
+ ref_for: true
+ }, _ctx.actionButtonProps, {
+ pt: $options.getPTOptions("".concat($data.id, "_").concat(index), "pcAction")
+ }), createSlots({
+ _: 2
+ }, [item8.icon ? {
+ name: "icon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "itemicon", {
+ item: item8,
+ "class": normalizeClass(slotProps["class"])
+ }, function() {
+ return [createBaseVNode("span", mergeProps({
+ "class": [item8.icon, slotProps["class"]],
+ ref_for: true
+ }, $options.getPTOptions("".concat($data.id, "_").concat(index), "actionIcon")), null, 16)];
+ })];
+ }),
+ key: "0"
+ } : void 0]), 1040, ["class", "aria-label", "disabled", "unstyled", "onClick", "pt"])), [[_directive_tooltip, {
+ value: item8.label,
+ disabled: !_ctx.tooltipOptions
+ }, _ctx.tooltipOptions]]) : (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.item), {
+ key: 1,
+ item: item8,
+ onClick: /* @__PURE__ */ __name(function onClick11(event2) {
+ return $options.onItemClick(event2, item8);
+ }, "onClick"),
+ toggleCallback: /* @__PURE__ */ __name(function toggleCallback(event2) {
+ return $options.onItemClick(event2, item8);
+ }, "toggleCallback")
+ }, null, 8, ["item", "onClick", "toggleCallback"]))], 16, _hoisted_2$7)) : createCommentVNode("", true)], 64);
+ }), 128))], 16, _hoisted_1$a)], 16), _ctx.mask ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": [_ctx.cx("mask"), _ctx.maskClass],
+ style: _ctx.maskStyle
+ }, _ctx.ptm("mask")), null, 16)) : createCommentVNode("", true)], 64);
+}
+__name(render$b, "render$b");
+script$c.render = render$b;
+var classes$6 = {
+ root: /* @__PURE__ */ __name(function root28(_ref) {
+ var instance = _ref.instance;
+ return ["p-stepitem", {
+ "p-stepitem-active": instance.isActive
+ }];
+ }, "root")
+};
+var StepItemStyle = BaseStyle.extend({
+ name: "stepitem",
+ classes: classes$6
+});
+var script$1$6 = {
+ name: "BaseStepItem",
+ "extends": script$1f,
+ props: {
+ value: {
+ type: [String, Number],
+ "default": void 0
+ }
+ },
+ style: StepItemStyle,
+ provide: /* @__PURE__ */ __name(function provide44() {
+ return {
+ $pcStepItem: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$b = {
+ name: "StepItem",
+ "extends": script$1$6,
+ inheritAttrs: false,
+ inject: ["$pcStepper"],
+ computed: {
+ isActive: /* @__PURE__ */ __name(function isActive() {
+ var _this$$pcStepper;
+ return ((_this$$pcStepper = this.$pcStepper) === null || _this$$pcStepper === void 0 ? void 0 : _this$$pcStepper.d_value) === this.value;
+ }, "isActive")
+ }
+};
+var _hoisted_1$9 = ["data-p-active"];
+function render$a(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ "data-p-active": $options.isActive
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16, _hoisted_1$9);
+}
+__name(render$a, "render$a");
+script$b.render = render$a;
+var theme$5 = /* @__PURE__ */ __name(function theme34(_ref) {
+ var dt = _ref.dt;
+ return '\n.p-steps {\n position: relative;\n}\n\n.p-steps-list {\n padding: 0;\n margin: 0;\n list-style-type: none;\n display: flex;\n}\n\n.p-steps-item {\n position: relative;\n display: flex;\n justify-content: center;\n flex: 1 1 auto;\n}\n\n.p-steps-item.p-disabled,\n.p-steps-item.p-disabled * {\n opacity: 1;\n pointer-events: auto;\n user-select: auto;\n cursor: auto;\n}\n\n.p-steps-item:before {\n content: " ";\n border-top: 2px solid '.concat(dt("steps.separator.background"), ";\n width: 100%;\n top: 50%;\n left: 0;\n display: block;\n position: absolute;\n margin-top: calc(-1rem + 1px);\n}\n\n.p-steps-item:first-child::before {\n width: calc(50% + 1rem);\n transform: translateX(100%);\n}\n\n.p-steps-item:last-child::before {\n width: 50%;\n}\n\n.p-steps-item-link {\n display: inline-flex;\n flex-direction: column;\n align-items: center;\n overflow: hidden;\n text-decoration: none;\n transition: outline-color ").concat(dt("steps.transition.duration"), ", box-shadow ").concat(dt("steps.transition.duration"), ";\n border-radius: ").concat(dt("steps.item.link.border.radius"), ";\n outline-color: transparent;\n gap: ").concat(dt("steps.item.link.gap"), ";\n}\n\n.p-steps-item-link:not(.p-disabled):focus-visible {\n box-shadow: ").concat(dt("steps.item.link.focus.ring.shadow"), ";\n outline: ").concat(dt("steps.item.link.focus.ring.width"), " ").concat(dt("steps.item.link.focus.ring.style"), " ").concat(dt("steps.item.link.focus.ring.color"), ";\n outline-offset: ").concat(dt("steps.item.link.focus.ring.offset"), ";\n}\n\n.p-steps-item-label {\n white-space: nowrap;\n overflow: hidden;\n text-overflow: ellipsis;\n max-width: 100%;\n color: ").concat(dt("steps.item.label.color"), ";\n display: block;\n font-weight: ").concat(dt("steps.item.label.font.weight"), ";\n}\n\n.p-steps-item-number {\n display: flex;\n align-items: center;\n justify-content: center;\n color: ").concat(dt("steps.item.number.color"), ";\n border: 2px solid ").concat(dt("steps.item.number.border.color"), ";\n background: ").concat(dt("steps.item.number.background"), ";\n min-width: ").concat(dt("steps.item.number.size"), ";\n height: ").concat(dt("steps.item.number.size"), ";\n line-height: ").concat(dt("steps.item.number.size"), ";\n font-size: ").concat(dt("steps.item.number.font.size"), ";\n z-index: 1;\n border-radius: ").concat(dt("steps.item.number.border.radius"), ";\n position: relative;\n font-weight: ").concat(dt("steps.item.number.font.weight"), ';\n}\n\n.p-steps-item-number::after {\n content: " ";\n position: absolute;\n width: 100%;\n height: 100%;\n border-radius: ').concat(dt("steps.item.number.border.radius"), ";\n box-shadow: ").concat(dt("steps.item.number.shadow"), ";\n}\n\n.p-steps:not(.p-readonly) .p-steps-item {\n cursor: pointer;\n}\n\n.p-steps-item-active .p-steps-item-number {\n background: ").concat(dt("steps.item.number.active.background"), ";\n border-color: ").concat(dt("steps.item.number.active.border.color"), ";\n color: ").concat(dt("steps.item.number.active.color"), ";\n}\n\n.p-steps-item-active .p-steps-item-label {\n color: ").concat(dt("steps.item.label.active.color"), ";\n}\n");
+}, "theme");
+var classes$5 = {
+ root: /* @__PURE__ */ __name(function root29(_ref2) {
+ var props = _ref2.props;
+ return ["p-steps p-component", {
+ "p-readonly": props.readonly
+ }];
+ }, "root"),
+ list: "p-steps-list",
+ item: /* @__PURE__ */ __name(function item6(_ref3) {
+ var instance = _ref3.instance, _item = _ref3.item, index = _ref3.index;
+ return ["p-steps-item", {
+ "p-steps-item-active": instance.isActive(index),
+ "p-disabled": instance.isItemDisabled(_item, index)
+ }];
+ }, "item"),
+ itemLink: "p-steps-item-link",
+ itemNumber: "p-steps-item-number",
+ itemLabel: "p-steps-item-label"
+};
+var StepsStyle = BaseStyle.extend({
+ name: "steps",
+ theme: theme$5,
+ classes: classes$5
+});
+var script$1$5 = {
+ name: "BaseSteps",
+ "extends": script$1f,
+ props: {
+ id: {
+ type: String
+ },
+ model: {
+ type: Array,
+ "default": null
+ },
+ readonly: {
+ type: Boolean,
+ "default": true
+ },
+ activeStep: {
+ type: Number,
+ "default": 0
+ }
+ },
+ style: StepsStyle,
+ provide: /* @__PURE__ */ __name(function provide45() {
+ return {
+ $pcSteps: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$a = {
+ name: "Steps",
+ "extends": script$1$5,
+ inheritAttrs: false,
+ emits: ["update:activeStep", "step-change"],
+ data: /* @__PURE__ */ __name(function data32() {
+ return {
+ d_activeStep: this.activeStep
+ };
+ }, "data"),
+ watch: {
+ activeStep: /* @__PURE__ */ __name(function activeStep(newValue) {
+ this.d_activeStep = newValue;
+ }, "activeStep")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted36() {
+ var firstItem = this.findFirstItem();
+ firstItem && (firstItem.tabIndex = "0");
+ }, "mounted"),
+ methods: {
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions11(key, item8, index) {
+ return this.ptm(key, {
+ context: {
+ item: item8,
+ index,
+ active: this.isActive(index),
+ disabled: this.isItemDisabled(item8, index)
+ }
+ });
+ }, "getPTOptions"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick8(event2, item8, index) {
+ if (this.disabled(item8) || this.readonly) {
+ event2.preventDefault();
+ return;
+ }
+ if (item8.command) {
+ item8.command({
+ originalEvent: event2,
+ item: item8
+ });
+ }
+ if (index !== this.d_activeStep) {
+ this.d_activeStep = index;
+ this.$emit("update:activeStep", this.d_activeStep);
+ }
+ this.$emit("step-change", {
+ originalEvent: event2,
+ index
+ });
+ }, "onItemClick"),
+ onItemKeydown: /* @__PURE__ */ __name(function onItemKeydown(event2, item8) {
+ switch (event2.code) {
+ case "ArrowRight": {
+ this.navigateToNextItem(event2.target);
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowLeft": {
+ this.navigateToPrevItem(event2.target);
+ event2.preventDefault();
+ break;
+ }
+ case "Home": {
+ this.navigateToFirstItem(event2.target);
+ event2.preventDefault();
+ break;
+ }
+ case "End": {
+ this.navigateToLastItem(event2.target);
+ event2.preventDefault();
+ break;
+ }
+ case "Tab":
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ case "Space": {
+ this.onItemClick(event2, item8);
+ event2.preventDefault();
+ break;
+ }
+ }
+ }, "onItemKeydown"),
+ navigateToNextItem: /* @__PURE__ */ __name(function navigateToNextItem(target) {
+ var nextItem = this.findNextItem(target);
+ nextItem && this.setFocusToMenuitem(target, nextItem);
+ }, "navigateToNextItem"),
+ navigateToPrevItem: /* @__PURE__ */ __name(function navigateToPrevItem(target) {
+ var prevItem = this.findPrevItem(target);
+ prevItem && this.setFocusToMenuitem(target, prevItem);
+ }, "navigateToPrevItem"),
+ navigateToFirstItem: /* @__PURE__ */ __name(function navigateToFirstItem(target) {
+ var firstItem = this.findFirstItem(target);
+ firstItem && this.setFocusToMenuitem(target, firstItem);
+ }, "navigateToFirstItem"),
+ navigateToLastItem: /* @__PURE__ */ __name(function navigateToLastItem(target) {
+ var lastItem = this.findLastItem(target);
+ lastItem && this.setFocusToMenuitem(target, lastItem);
+ }, "navigateToLastItem"),
+ findNextItem: /* @__PURE__ */ __name(function findNextItem2(item8) {
+ var nextItem = item8.parentElement.nextElementSibling;
+ return nextItem ? nextItem.children[0] : null;
+ }, "findNextItem"),
+ findPrevItem: /* @__PURE__ */ __name(function findPrevItem2(item8) {
+ var prevItem = item8.parentElement.previousElementSibling;
+ return prevItem ? prevItem.children[0] : null;
+ }, "findPrevItem"),
+ findFirstItem: /* @__PURE__ */ __name(function findFirstItem2() {
+ var firstSibling = findSingle(this.$refs.list, '[data-pc-section="item"]');
+ return firstSibling ? firstSibling.children[0] : null;
+ }, "findFirstItem"),
+ findLastItem: /* @__PURE__ */ __name(function findLastItem2() {
+ var siblings = find(this.$refs.list, '[data-pc-section="item"]');
+ return siblings ? siblings[siblings.length - 1].children[0] : null;
+ }, "findLastItem"),
+ setFocusToMenuitem: /* @__PURE__ */ __name(function setFocusToMenuitem(target, focusableItem) {
+ target.tabIndex = "-1";
+ focusableItem.tabIndex = "0";
+ focusableItem.focus();
+ }, "setFocusToMenuitem"),
+ isActive: /* @__PURE__ */ __name(function isActive2(index) {
+ return index === this.d_activeStep;
+ }, "isActive"),
+ isItemDisabled: /* @__PURE__ */ __name(function isItemDisabled6(item8, index) {
+ return this.disabled(item8) || this.readonly && !this.isActive(index);
+ }, "isItemDisabled"),
+ visible: /* @__PURE__ */ __name(function visible5(item8) {
+ return typeof item8.visible === "function" ? item8.visible() : item8.visible !== false;
+ }, "visible"),
+ disabled: /* @__PURE__ */ __name(function disabled5(item8) {
+ return typeof item8.disabled === "function" ? item8.disabled() : item8.disabled;
+ }, "disabled"),
+ label: /* @__PURE__ */ __name(function label8(item8) {
+ return typeof item8.label === "function" ? item8.label() : item8.label;
+ }, "label"),
+ getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps7(item8, index) {
+ var _this = this;
+ return {
+ action: mergeProps({
+ "class": this.cx("itemLink"),
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return _this.onItemClick($event, item8);
+ }, "onClick"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown15($event) {
+ return _this.onItemKeydown($event, item8);
+ }, "onKeyDown")
+ }, this.getPTOptions("itemLink", item8, index)),
+ step: mergeProps({
+ "class": this.cx("itemNumber")
+ }, this.getPTOptions("itemNumber", item8, index)),
+ label: mergeProps({
+ "class": this.cx("itemLabel")
+ }, this.getPTOptions("itemLabel", item8, index))
+ };
+ }, "getMenuItemProps")
+ }
+};
+var _hoisted_1$8 = ["id"];
+var _hoisted_2$6 = ["aria-current", "onClick", "onKeydown", "data-p-active", "data-p-disabled"];
+function render$9(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("nav", mergeProps({
+ id: _ctx.id,
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("ol", mergeProps({
+ ref: "list",
+ "class": _ctx.cx("list")
+ }, _ctx.ptm("list")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.model, function(item8, index) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.label(item8) + "_" + index.toString()
+ }, [$options.visible(item8) ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ "class": [_ctx.cx("item", {
+ item: item8,
+ index
+ }), item8["class"]],
+ style: item8.style,
+ "aria-current": $options.isActive(index) ? "step" : void 0,
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onItemClick($event, item8, index);
+ }, "onClick"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown5($event) {
+ return $options.onItemKeydown($event, item8, index);
+ }, "onKeydown"),
+ ref_for: true
+ }, $options.getPTOptions("item", item8, index), {
+ "data-p-active": $options.isActive(index),
+ "data-p-disabled": $options.isItemDisabled(item8, index)
+ }), [!_ctx.$slots.item ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": _ctx.cx("itemLink"),
+ ref_for: true
+ }, $options.getPTOptions("itemLink", item8, index)), [createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("itemNumber"),
+ ref_for: true
+ }, $options.getPTOptions("itemNumber", item8, index)), toDisplayString(index + 1), 17), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("itemLabel"),
+ ref_for: true
+ }, $options.getPTOptions("itemLabel", item8, index)), toDisplayString($options.label(item8)), 17)], 16)) : (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.item), {
+ key: 1,
+ item: item8,
+ index,
+ active: index === $data.d_activeStep,
+ label: $options.label(item8),
+ props: $options.getMenuItemProps(item8, index)
+ }, null, 8, ["item", "index", "active", "label", "props"]))], 16, _hoisted_2$6)) : createCommentVNode("", true)], 64);
+ }), 128))], 16)], 16, _hoisted_1$8);
+}
+__name(render$9, "render$9");
+script$a.render = render$9;
+var StyleClassStyle = BaseStyle.extend({
+ name: "styleclass-directive"
+});
+var BaseStyleClass = BaseDirective.extend({
+ style: StyleClassStyle
+});
+var StyleClass = BaseStyleClass.extend("styleclass", {
+ mounted: /* @__PURE__ */ __name(function mounted37(el, binding) {
+ el.setAttribute("data-pd-styleclass", true);
+ this.bind(el, binding);
+ }, "mounted"),
+ unmounted: /* @__PURE__ */ __name(function unmounted5(el) {
+ this.unbind(el);
+ }, "unmounted"),
+ methods: {
+ bind: /* @__PURE__ */ __name(function bind(el, binding) {
+ var _this = this;
+ var target = this.resolveTarget(el, binding);
+ this.$el = target;
+ el.$_pstyleclass_clicklistener = function() {
+ if (binding.value.toggleClass) {
+ if (hasClass(target, binding.value.toggleClass)) removeClass(target, binding.value.toggleClass);
+ else addClass(target, binding.value.toggleClass);
+ } else {
+ if (target.offsetParent === null) _this.enter(target, el, binding);
+ else _this.leave(target, binding);
+ }
+ };
+ el.addEventListener("click", el.$_pstyleclass_clicklistener);
+ }, "bind"),
+ unbind: /* @__PURE__ */ __name(function unbind(el) {
+ if (el.$_pstyleclass_clicklistener) {
+ el.removeEventListener("click", el.$_pstyleclass_clicklistener);
+ el.$_pstyleclass_clicklistener = null;
+ }
+ this.unbindDocumentListener(el);
+ }, "unbind"),
+ enter: /* @__PURE__ */ __name(function enter2(target, el, binding) {
+ if (binding.value.enterActiveClass) {
+ if (!target.$_pstyleclass_animating) {
+ target.$_pstyleclass_animating = true;
+ if (binding.value.enterActiveClass.includes("slidedown")) {
+ target.style.height = "0px";
+ removeClass(target, binding.value.hiddenClass || binding.value.enterFromClass);
+ target.style.maxHeight = target.scrollHeight + "px";
+ addClass(target, binding.value.hiddenClass || binding.value.enterActiveClass);
+ target.style.height = "";
+ }
+ addClass(target, binding.value.enterActiveClass);
+ if (binding.value.enterFromClass) {
+ removeClass(target, binding.value.enterFromClass);
+ }
+ target.$p_styleclass_enterlistener = function() {
+ removeClass(target, binding.value.enterActiveClass);
+ if (binding.value.enterToClass) {
+ addClass(target, binding.value.enterToClass);
+ }
+ target.removeEventListener("animationend", target.$p_styleclass_enterlistener);
+ if (binding.value.enterActiveClass.includes("slidedown")) {
+ target.style.maxHeight = "";
+ }
+ target.$_pstyleclass_animating = false;
+ };
+ target.addEventListener("animationend", target.$p_styleclass_enterlistener);
+ }
+ } else {
+ if (binding.value.enterFromClass) {
+ removeClass(target, binding.value.enterFromClass);
+ }
+ if (binding.value.enterToClass) {
+ addClass(target, binding.value.enterToClass);
+ }
+ }
+ if (binding.value.hideOnOutsideClick) {
+ this.bindDocumentListener(target, el, binding);
+ }
+ }, "enter"),
+ leave: /* @__PURE__ */ __name(function leave2(target, binding) {
+ if (binding.value.leaveActiveClass) {
+ if (!target.$_pstyleclass_animating) {
+ target.$_pstyleclass_animating = true;
+ addClass(target, binding.value.leaveActiveClass);
+ if (binding.value.leaveFromClass) {
+ removeClass(target, binding.value.leaveFromClass);
+ }
+ target.$p_styleclass_leavelistener = function() {
+ removeClass(target, binding.value.leaveActiveClass);
+ if (binding.value.leaveToClass) {
+ addClass(target, binding.value.leaveToClass);
+ }
+ target.removeEventListener("animationend", target.$p_styleclass_leavelistener);
+ target.$_pstyleclass_animating = false;
+ };
+ target.addEventListener("animationend", target.$p_styleclass_leavelistener);
+ }
+ } else {
+ if (binding.value.leaveFromClass) {
+ removeClass(target, binding.value.leaveFromClass);
+ }
+ if (binding.value.leaveToClass) {
+ addClass(target, binding.value.leaveToClass);
+ }
+ }
+ if (binding.value.hideOnOutsideClick) {
+ this.unbindDocumentListener(target);
+ }
+ }, "leave"),
+ resolveTarget: /* @__PURE__ */ __name(function resolveTarget(el, binding) {
+ switch (binding.value.selector) {
+ case "@next":
+ return el.nextElementSibling;
+ case "@prev":
+ return el.previousElementSibling;
+ case "@parent":
+ return el.parentElement;
+ case "@grandparent":
+ return el.parentElement.parentElement;
+ default:
+ return document.querySelector(binding.value.selector);
+ }
+ }, "resolveTarget"),
+ bindDocumentListener: /* @__PURE__ */ __name(function bindDocumentListener(target, el, binding) {
+ var _this2 = this;
+ if (!target.$p_styleclass_documentlistener) {
+ target.$p_styleclass_documentlistener = function(event2) {
+ if (!_this2.isVisible(target) || getComputedStyle(target).getPropertyValue("position") === "static") {
+ _this2.unbindDocumentListener(target);
+ } else if (_this2.isOutsideClick(event2, target, el)) {
+ _this2.leave(target, binding);
+ }
+ };
+ target.ownerDocument.addEventListener("click", target.$p_styleclass_documentlistener);
+ }
+ }, "bindDocumentListener"),
+ unbindDocumentListener: /* @__PURE__ */ __name(function unbindDocumentListener(target) {
+ if (target.$p_styleclass_documentlistener) {
+ target.ownerDocument.removeEventListener("click", target.$p_styleclass_documentlistener);
+ target.$p_styleclass_documentlistener = null;
+ }
+ }, "unbindDocumentListener"),
+ isVisible: /* @__PURE__ */ __name(function isVisible(target) {
+ return target.offsetParent !== null;
+ }, "isVisible"),
+ isOutsideClick: /* @__PURE__ */ __name(function isOutsideClick(event2, target, el) {
+ return !el.isSameNode(event2.target) && !el.contains(event2.target) && !target.contains(event2.target);
+ }, "isOutsideClick")
+ }
+});
+var theme$4 = /* @__PURE__ */ __name(function theme35(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-tabmenu {\n overflow-x: auto;\n}\n\n.p-tabmenu-tablist {\n display: flex;\n margin: 0;\n padding: 0;\n list-style-type: none;\n background: ".concat(dt("tabmenu.tablist.background"), ";\n border-style: solid;\n border-color: ").concat(dt("tabmenu.tablist.border.color"), ";\n border-width: ").concat(dt("tabmenu.tablist.border.width"), ";\n position: relative;\n}\n\n.p-tabmenu-item-link {\n cursor: pointer;\n user-select: none;\n display: flex;\n align-items: center;\n text-decoration: none;\n position: relative;\n overflow: hidden;\n background: ").concat(dt("tabmenu.item.background"), ";\n border-style: solid;\n border-width: ").concat(dt("tabmenu.item.border.width"), ";\n border-color: ").concat(dt("tabmenu.item.border.color"), ";\n color: ").concat(dt("tabmenu.item.color"), ";\n padding: ").concat(dt("tabmenu.item.padding"), ";\n font-weight: ").concat(dt("tabmenu.item.font.weight"), ";\n transition: background ").concat(dt("tabmenu.transition.duration"), ", border-color ").concat(dt("tabmenu.transition.duration"), ", color ").concat(dt("tabmenu.transition.duration"), ", outline-color ").concat(dt("tabmenu.transition.duration"), ", box-shadow ").concat(dt("tabmenu.transition.duration"), ";\n margin: ").concat(dt("tabmenu.item.margin"), ";\n outline-color: transparent;\n gap: ").concat(dt("tabmenu.item.gap"), ";\n}\n\n.p-tabmenu-item-link:focus-visible {\n z-index: 1;\n box-shadow: ").concat(dt("tabmenu.item.focus.ring.shadow"), ";\n outline: ").concat(dt("tabmenu.item.focus.ring.width"), " ").concat(dt("tabmenu.item.focus.ring.style"), " ").concat(dt("tabmenu.item.focus.ring.color"), ";\n outline-offset: ").concat(dt("tabmenu.item.focus.ring.offset"), ";\n}\n\n.p-tabmenu-item-icon {\n color: ").concat(dt("tabmenu.item.icon.color"), ";\n transition: background ").concat(dt("tabmenu.transition.duration"), ", border-color ").concat(dt("tabmenu.transition.duration"), ", color ").concat(dt("tabmenu.transition.duration"), ", outline-color ").concat(dt("tabmenu.transition.duration"), ", box-shadow ").concat(dt("tabmenu.transition.duration"), ";\n}\n\n.p-tabmenu-item-label {\n line-height: 1;\n}\n\n.p-tabmenu-item:not(.p-tabmenu-item-active):not(.p-disabled):hover .p-tabmenu-item-link {\n background: ").concat(dt("tabmenu.item.hover.background"), ";\n border-color: ").concat(dt("tabmenu.item.hover.border.color"), ";\n color: ").concat(dt("tabmenu.item.hover.color"), ";\n}\n\n.p-tabmenu-item:not(.p-tabmenu-item-active):not(.p-disabled):hover .p-tabmenu-item-icon {\n color: ").concat(dt("tabmenu.item.icon.hover.color"), ";\n}\n\n.p-tabmenu-item-active .p-tabmenu-item-link {\n background: ").concat(dt("tabmenu.item.active.background"), ";\n border-color: ").concat(dt("tabmenu.item.active.border.color"), ";\n color: ").concat(dt("tabmenu.item.active.color"), ";\n}\n\n.p-tabmenu-item-active .p-tabmenu-item-icon {\n color: ").concat(dt("tabmenu.item.icon.active.color"), ";\n}\n\n.p-tabmenu-active-bar {\n z-index: 1;\n display: block;\n position: absolute;\n bottom: ").concat(dt("tabmenu.active.bar.bottom"), ";\n height: ").concat(dt("tabmenu.active.bar.height"), ";\n background: ").concat(dt("tabmenu.active.bar.background"), ";\n transition: 250ms cubic-bezier(0.35, 0, 0.25, 1);\n}\n\n.p-tabmenu::-webkit-scrollbar {\n display: none;\n}\n");
+}, "theme");
+var classes$4 = {
+ root: "p-tabmenu p-component",
+ tablist: "p-tabmenu-tablist",
+ item: /* @__PURE__ */ __name(function item7(_ref2) {
+ var instance = _ref2.instance, index = _ref2.index, _item = _ref2.item;
+ return ["p-tabmenu-item", {
+ "p-tabmenu-item-active": instance.d_activeIndex === index,
+ "p-disabled": instance.disabled(_item)
+ }];
+ }, "item"),
+ itemLink: "p-tabmenu-item-link",
+ itemIcon: "p-tabmenu-item-icon",
+ itemLabel: "p-tabmenu-item-label",
+ activeBar: "p-tabmenu-active-bar"
+};
+var TabMenuStyle = BaseStyle.extend({
+ name: "tabmenu",
+ theme: theme$4,
+ classes: classes$4
+});
+var script$1$4 = {
+ name: "BaseTabMenu",
+ "extends": script$1f,
+ props: {
+ model: {
+ type: Array,
+ "default": null
+ },
+ activeIndex: {
+ type: Number,
+ "default": 0
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ }
+ },
+ style: TabMenuStyle,
+ provide: /* @__PURE__ */ __name(function provide46() {
+ return {
+ $pcTabMenu: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$9 = {
+ name: "TabMenu",
+ "extends": script$1$4,
+ inheritAttrs: false,
+ emits: ["update:activeIndex", "tab-change"],
+ data: /* @__PURE__ */ __name(function data33() {
+ return {
+ d_activeIndex: this.activeIndex
+ };
+ }, "data"),
+ watch: {
+ activeIndex: {
+ flush: "post",
+ handler: /* @__PURE__ */ __name(function handler3(newValue) {
+ this.d_activeIndex = newValue;
+ this.updateInkBar();
+ }, "handler")
+ }
+ },
+ mounted: /* @__PURE__ */ __name(function mounted38() {
+ var _this = this;
+ this.$nextTick(function() {
+ _this.updateInkBar();
+ });
+ var activeItem2 = this.findActiveItem();
+ activeItem2 && (activeItem2.tabIndex = "0");
+ }, "mounted"),
+ updated: /* @__PURE__ */ __name(function updated7() {
+ this.updateInkBar();
+ }, "updated"),
+ methods: {
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions12(key, item8, index) {
+ return this.ptm(key, {
+ context: {
+ item: item8,
+ index
+ }
+ });
+ }, "getPTOptions"),
+ onItemClick: /* @__PURE__ */ __name(function onItemClick9(event2, item8, index) {
+ if (this.disabled(item8)) {
+ event2.preventDefault();
+ return;
+ }
+ if (item8.command) {
+ item8.command({
+ originalEvent: event2,
+ item: item8
+ });
+ }
+ if (index !== this.d_activeIndex) {
+ this.d_activeIndex = index;
+ this.$emit("update:activeIndex", this.d_activeIndex);
+ }
+ this.$emit("tab-change", {
+ originalEvent: event2,
+ index
+ });
+ }, "onItemClick"),
+ onKeydownItem: /* @__PURE__ */ __name(function onKeydownItem(event2, item8, index) {
+ switch (event2.code) {
+ case "ArrowRight": {
+ this.navigateToNextItem(event2.target);
+ event2.preventDefault();
+ break;
+ }
+ case "ArrowLeft": {
+ this.navigateToPrevItem(event2.target);
+ event2.preventDefault();
+ break;
+ }
+ case "Home": {
+ this.navigateToFirstItem(event2.target);
+ event2.preventDefault();
+ break;
+ }
+ case "End": {
+ this.navigateToLastItem(event2.target);
+ event2.preventDefault();
+ break;
+ }
+ case "Space":
+ case "NumpadEnter":
+ case "Enter": {
+ this.onItemClick(event2, item8, index);
+ event2.preventDefault();
+ break;
+ }
+ case "Tab": {
+ this.onTabKey();
+ break;
+ }
+ }
+ }, "onKeydownItem"),
+ navigateToNextItem: /* @__PURE__ */ __name(function navigateToNextItem2(target) {
+ var nextItem = this.findNextItem(target);
+ nextItem && this.setFocusToMenuitem(target, nextItem);
+ }, "navigateToNextItem"),
+ navigateToPrevItem: /* @__PURE__ */ __name(function navigateToPrevItem2(target) {
+ var prevItem = this.findPrevItem(target);
+ prevItem && this.setFocusToMenuitem(target, prevItem);
+ }, "navigateToPrevItem"),
+ navigateToFirstItem: /* @__PURE__ */ __name(function navigateToFirstItem2(target) {
+ var firstItem = this.findFirstItem(target);
+ firstItem && this.setFocusToMenuitem(target, firstItem);
+ }, "navigateToFirstItem"),
+ navigateToLastItem: /* @__PURE__ */ __name(function navigateToLastItem2(target) {
+ var lastItem = this.findLastItem(target);
+ lastItem && this.setFocusToMenuitem(target, lastItem);
+ }, "navigateToLastItem"),
+ findNextItem: /* @__PURE__ */ __name(function findNextItem3(item8) {
+ var nextItem = item8.parentElement.nextElementSibling;
+ return nextItem ? getAttribute(nextItem, "data-p-disabled") === true ? this.findNextItem(nextItem.children[0]) : nextItem.children[0] : null;
+ }, "findNextItem"),
+ findPrevItem: /* @__PURE__ */ __name(function findPrevItem3(item8) {
+ var prevItem = item8.parentElement.previousElementSibling;
+ return prevItem ? getAttribute(prevItem, "data-p-disabled") === true ? this.findPrevItem(prevItem.children[0]) : prevItem.children[0] : null;
+ }, "findPrevItem"),
+ findFirstItem: /* @__PURE__ */ __name(function findFirstItem3() {
+ var firstSibling = findSingle(this.$refs.nav, '[data-pc-section="item"][data-p-disabled="false"]');
+ return firstSibling ? firstSibling.children[0] : null;
+ }, "findFirstItem"),
+ findLastItem: /* @__PURE__ */ __name(function findLastItem3() {
+ var siblings = find(this.$refs.nav, '[data-pc-section="item"][data-p-disabled="false"]');
+ return siblings ? siblings[siblings.length - 1].children[0] : null;
+ }, "findLastItem"),
+ findActiveItem: /* @__PURE__ */ __name(function findActiveItem() {
+ var activeItem2 = findSingle(this.$refs.nav, '[data-pc-section="item"][data-p-disabled="false"][data-p-active="true"]');
+ return activeItem2 ? activeItem2.children[0] : null;
+ }, "findActiveItem"),
+ setFocusToMenuitem: /* @__PURE__ */ __name(function setFocusToMenuitem2(target, focusableItem) {
+ target.tabIndex = "-1";
+ focusableItem.tabIndex = "0";
+ focusableItem.focus();
+ }, "setFocusToMenuitem"),
+ onTabKey: /* @__PURE__ */ __name(function onTabKey4() {
+ var activeItem2 = findSingle(this.$refs.nav, '[data-pc-section="item"][data-p-disabled="false"][data-p-active="true"]');
+ var focusedItem = findSingle(this.$refs.nav, '[data-pc-section="itemlink"][tabindex="0"]');
+ if (focusedItem !== activeItem2.children[0]) {
+ activeItem2 && (activeItem2.children[0].tabIndex = "0");
+ focusedItem.tabIndex = "-1";
+ }
+ }, "onTabKey"),
+ visible: /* @__PURE__ */ __name(function visible6(item8) {
+ return typeof item8.visible === "function" ? item8.visible() : item8.visible !== false;
+ }, "visible"),
+ disabled: /* @__PURE__ */ __name(function disabled6(item8) {
+ return typeof item8.disabled === "function" ? item8.disabled() : item8.disabled === true;
+ }, "disabled"),
+ label: /* @__PURE__ */ __name(function label9(item8) {
+ return typeof item8.label === "function" ? item8.label() : item8.label;
+ }, "label"),
+ updateInkBar: /* @__PURE__ */ __name(function updateInkBar() {
+ var tabs2 = this.$refs.nav.children;
+ var inkHighlighted = false;
+ for (var i = 0; i < tabs2.length; i++) {
+ var tab = tabs2[i];
+ if (getAttribute(tab, "data-p-active")) {
+ this.$refs.inkbar.style.width = getWidth(tab) + "px";
+ this.$refs.inkbar.style.left = getOffset(tab).left - getOffset(this.$refs.nav).left + "px";
+ inkHighlighted = true;
+ }
+ }
+ if (!inkHighlighted) {
+ this.$refs.inkbar.style.width = "0px";
+ this.$refs.inkbar.style.left = "0px";
+ }
+ }, "updateInkBar"),
+ getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps8(item8, index) {
+ var _this2 = this;
+ return {
+ action: mergeProps({
+ "class": this.cx("itemLink"),
+ tabindex: -1,
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return _this2.onItemClick($event, item8, index);
+ }, "onClick"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown15($event) {
+ return _this2.onKeydownItem($event, item8, index);
+ }, "onKeyDown")
+ }, this.getPTOptions("itemLink", item8, index)),
+ icon: mergeProps({
+ "class": [this.cx("itemIcon"), item8.icon]
+ }, this.getPTOptions("itemIcon", item8, index)),
+ label: mergeProps({
+ "class": this.cx("itemLabel")
+ }, this.getPTOptions("itemLabel", item8, index))
+ };
+ }, "getMenuItemProps")
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+var _hoisted_1$7 = ["aria-labelledby", "aria-label"];
+var _hoisted_2$5 = ["onClick", "onKeydown", "data-p-active", "data-p-disabled"];
+var _hoisted_3$5 = ["href", "target", "aria-label", "aria-disabled"];
+function render$8(_ctx, _cache, $props, $setup, $data, $options) {
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("ul", mergeProps({
+ ref: "nav",
+ "class": _ctx.cx("tablist"),
+ role: "menubar",
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-label": _ctx.ariaLabel
+ }, _ctx.ptm("tablist")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.model, function(item8, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.label(item8) + "_" + i.toString()
+ }, [$options.visible(item8) ? (openBlock(), createElementBlock("li", mergeProps({
+ key: 0,
+ ref_for: true,
+ ref: "tab",
+ "class": [_ctx.cx("item", {
+ item: item8,
+ index: i
+ }), item8["class"]],
+ role: "presentation",
+ onClick: /* @__PURE__ */ __name(function onClick11($event) {
+ return $options.onItemClick($event, item8, i);
+ }, "onClick"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown5($event) {
+ return $options.onKeydownItem($event, item8, i);
+ }, "onKeydown")
+ }, $options.getPTOptions("item", item8, i), {
+ "data-p-active": $data.d_activeIndex === i,
+ "data-p-disabled": $options.disabled(item8)
+ }), [!_ctx.$slots.item ? withDirectives((openBlock(), createElementBlock("a", mergeProps({
+ key: 0,
+ ref_for: true,
+ ref: "tabLink",
+ role: "menuitem",
+ href: item8.url,
+ "class": _ctx.cx("itemLink"),
+ target: item8.target,
+ "aria-label": $options.label(item8),
+ "aria-disabled": $options.disabled(item8),
+ tabindex: -1
+ }, $options.getPTOptions("itemLink", item8, i)), [_ctx.$slots.itemicon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.itemicon), {
+ key: 0,
+ item: item8,
+ "class": normalizeClass(_ctx.cx("itemIcon"))
+ }, null, 8, ["item", "class"])) : item8.icon ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": [_ctx.cx("itemIcon"), item8.icon],
+ ref_for: true
+ }, $options.getPTOptions("itemIcon", item8, i)), null, 16)) : createCommentVNode("", true), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("itemLabel"),
+ ref_for: true
+ }, $options.getPTOptions("itemLabel", item8, i)), toDisplayString($options.label(item8)), 17)], 16, _hoisted_3$5)), [[_directive_ripple]]) : (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.item), {
+ key: 1,
+ item: item8,
+ index: i,
+ active: i === $data.d_activeIndex,
+ label: $options.label(item8),
+ props: $options.getMenuItemProps(item8, i)
+ }, null, 8, ["item", "index", "active", "label", "props"]))], 16, _hoisted_2$5)) : createCommentVNode("", true)], 64);
+ }), 128)), createBaseVNode("li", mergeProps({
+ ref: "inkbar",
+ role: "none",
+ "class": _ctx.cx("activeBar")
+ }, _ctx.ptm("activeBar")), null, 16)], 16, _hoisted_1$7)], 16);
+}
+__name(render$8, "render$8");
+script$9.render = render$8;
+var TerminalService = EventBus();
+var theme$3 = /* @__PURE__ */ __name(function theme36(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-terminal {\n height: ".concat(dt("terminal.height"), ";\n overflow: auto;\n background: ").concat(dt("terminal.background"), ";\n color: ").concat(dt("terminal.color"), ";\n border: 1px solid ").concat(dt("terminal.border.color"), ";\n padding: ").concat(dt("terminal.padding"), ";\n border-radius: ").concat(dt("terminal.border.radius"), ";\n}\n\n.p-terminal-prompt {\n display: flex;\n align-items: center;\n}\n\n.p-terminal-prompt-value {\n flex: 1 1 auto;\n border: 0 none;\n background: transparent;\n color: inherit;\n padding: 0;\n outline: 0 none;\n font-family: inherit;\n font-feature-settings: inherit;\n font-size: 1rem;\n}\n\n.p-terminal-prompt-label {\n margin-inline-end: ").concat(dt("terminal.prompt.gap"), ";\n}\n\n.p-terminal-input::-ms-clear {\n display: none;\n}\n\n.p-terminal-command-response {\n margin: ").concat(dt("terminal.command.response.margin"), ";\n}\n");
+}, "theme");
+var classes$3 = {
+ root: "p-terminal p-component",
+ welcomeMessage: "p-terminal-welcome-message",
+ commandList: "p-terminal-command-list",
+ command: "p-terminal-command",
+ commandValue: "p-terminal-command-value",
+ commandResponse: "p-terminal-command-response",
+ prompt: "p-terminal-prompt",
+ promptLabel: "p-terminal-prompt-label",
+ promptValue: "p-terminal-prompt-value"
+};
+var TerminalStyle = BaseStyle.extend({
+ name: "terminal",
+ theme: theme$3,
+ classes: classes$3
+});
+var script$1$3 = {
+ name: "BaseTerminal",
+ "extends": script$1f,
+ props: {
+ welcomeMessage: {
+ type: String,
+ "default": null
+ },
+ prompt: {
+ type: String,
+ "default": null
+ }
+ },
+ style: TerminalStyle,
+ provide: /* @__PURE__ */ __name(function provide47() {
+ return {
+ $pcTerminal: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$8 = {
+ name: "Terminal",
+ "extends": script$1$3,
+ inheritAttrs: false,
+ data: /* @__PURE__ */ __name(function data34() {
+ return {
+ commandText: null,
+ commands: []
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted39() {
+ TerminalService.on("response", this.responseListener);
+ this.$refs.input.focus();
+ }, "mounted"),
+ updated: /* @__PURE__ */ __name(function updated8() {
+ this.$el.scrollTop = this.$el.scrollHeight;
+ }, "updated"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount15() {
+ TerminalService.off("response", this.responseListener);
+ }, "beforeUnmount"),
+ methods: {
+ onClick: /* @__PURE__ */ __name(function onClick7() {
+ this.$refs.input.focus();
+ }, "onClick"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown4(event2) {
+ if (event2.key === "Enter" && this.commandText) {
+ this.commands.push({
+ text: this.commandText
+ });
+ TerminalService.emit("command", this.commandText);
+ this.commandText = "";
+ }
+ }, "onKeydown"),
+ responseListener: /* @__PURE__ */ __name(function responseListener(response) {
+ this.commands[this.commands.length - 1].response = response;
+ }, "responseListener")
+ }
+};
+function render$7(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ onClick: _cache[2] || (_cache[2] = function() {
+ return $options.onClick && $options.onClick.apply($options, arguments);
+ })
+ }, _ctx.ptmi("root")), [_ctx.welcomeMessage ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("welcomeMessage")
+ }, _ctx.ptm("welcomeMessage")), toDisplayString(_ctx.welcomeMessage), 17)) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("commandList")
+ }, _ctx.ptm("content")), [(openBlock(true), createElementBlock(Fragment, null, renderList($data.commands, function(command, i) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ key: command.text + i.toString(),
+ "class": _ctx.cx("command"),
+ ref_for: true
+ }, _ctx.ptm("commands")), [createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("promptLabel"),
+ ref_for: true
+ }, _ctx.ptm("prompt")), toDisplayString(_ctx.prompt), 17), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("commandValue"),
+ ref_for: true
+ }, _ctx.ptm("command")), toDisplayString(command.text), 17), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("commandResponse"),
+ "aria-live": "polite",
+ ref_for: true
+ }, _ctx.ptm("response")), toDisplayString(command.response), 17)], 16);
+ }), 128))], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("prompt")
+ }, _ctx.ptm("container")), [createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("promptLabel")
+ }, _ctx.ptm("prompt")), toDisplayString(_ctx.prompt), 17), withDirectives(createBaseVNode("input", mergeProps({
+ ref: "input",
+ "onUpdate:modelValue": _cache[0] || (_cache[0] = function($event) {
+ return $data.commandText = $event;
+ }),
+ "class": _ctx.cx("promptValue"),
+ type: "text",
+ autocomplete: "off",
+ onKeydown: _cache[1] || (_cache[1] = function() {
+ return $options.onKeydown && $options.onKeydown.apply($options, arguments);
+ })
+ }, _ctx.ptm("commandText")), null, 16), [[vModelText, $data.commandText]])], 16)], 16);
+}
+__name(render$7, "render$7");
+script$8.render = render$7;
+var theme$2 = /* @__PURE__ */ __name(function theme37(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-timeline {\n display: flex;\n flex-grow: 1;\n flex-direction: column;\n direction: ltr;\n}\n\n.p-timeline-left .p-timeline-event-opposite {\n text-align: right;\n}\n\n.p-timeline-left .p-timeline-event-content {\n text-align: left;\n}\n\n.p-timeline-right .p-timeline-event {\n flex-direction: row-reverse;\n}\n\n.p-timeline-right .p-timeline-event-opposite {\n text-align: left;\n}\n\n.p-timeline-right .p-timeline-event-content {\n text-align: right;\n}\n\n.p-timeline-vertical.p-timeline-alternate .p-timeline-event:nth-child(even) {\n flex-direction: row-reverse;\n}\n\n.p-timeline-vertical.p-timeline-alternate .p-timeline-event:nth-child(odd) .p-timeline-event-opposite {\n text-align: right;\n}\n\n.p-timeline-vertical.p-timeline-alternate .p-timeline-event:nth-child(odd) .p-timeline-event-content {\n text-align: left;\n}\n\n.p-timeline-vertical.p-timeline-alternate .p-timeline-event:nth-child(even) .p-timeline-event-opposite {\n text-align: left;\n}\n\n.p-timeline-vertical.p-timeline-alternate .p-timeline-event:nth-child(even) .p-timeline-event-content {\n text-align: right;\n}\n\n.p-timeline-vertical .p-timeline-event-opposite,\n.p-timeline-vertical .p-timeline-event-content {\n padding: ".concat(dt("timeline.vertical.event.content.padding"), ";\n}\n\n.p-timeline-vertical .p-timeline-event-connector {\n width: ").concat(dt("timeline.event.connector.size"), ";\n}\n\n.p-timeline-event {\n display: flex;\n position: relative;\n min-height: ").concat(dt("timeline.event.min.height"), ";\n}\n\n.p-timeline-event:last-child {\n min-height: 0;\n}\n\n.p-timeline-event-opposite {\n flex: 1;\n}\n\n.p-timeline-event-content {\n flex: 1;\n}\n\n.p-timeline-event-separator {\n flex: 0;\n display: flex;\n align-items: center;\n flex-direction: column;\n}\n\n.p-timeline-event-marker {\n display: inline-flex;\n align-items: center;\n justify-content: center;\n position: relative;\n align-self: baseline;\n border-width: ").concat(dt("timeline.event.marker.border.width"), ";\n border-style: solid;\n border-color: ").concat(dt("timeline.event.marker.border.color"), ";\n border-radius: ").concat(dt("timeline.event.marker.border.radius"), ";\n width: ").concat(dt("timeline.event.marker.size"), ";\n height: ").concat(dt("timeline.event.marker.size"), ";\n background: ").concat(dt("timeline.event.marker.background"), ';\n}\n\n.p-timeline-event-marker::before {\n content: " ";\n border-radius: ').concat(dt("timeline.event.marker.content.border.radius"), ";\n width: ").concat(dt("timeline.event.marker.content.size"), ";\n height:").concat(dt("timeline.event.marker.content.size"), ";\n background: ").concat(dt("timeline.event.marker.content.background"), ';\n}\n\n.p-timeline-event-marker::after {\n content: " ";\n position: absolute;\n width: 100%;\n height: 100%;\n border-radius: ').concat(dt("timeline.event.marker.border.radius"), ";\n box-shadow: ").concat(dt("timeline.event.marker.content.inset.shadow"), ";\n}\n\n.p-timeline-event-connector {\n flex-grow: 1;\n background: ").concat(dt("timeline.event.connector.color"), ";\n}\n\n.p-timeline-horizontal {\n flex-direction: row;\n}\n\n.p-timeline-horizontal .p-timeline-event {\n flex-direction: column;\n flex: 1;\n}\n\n.p-timeline-horizontal .p-timeline-event:last-child {\n flex: 0;\n}\n\n.p-timeline-horizontal .p-timeline-event-separator {\n flex-direction: row;\n}\n\n.p-timeline-horizontal .p-timeline-event-connector {\n width: 100%;\n height: ").concat(dt("timeline.event.connector.size"), ";\n}\n\n.p-timeline-horizontal .p-timeline-event-opposite,\n.p-timeline-horizontal .p-timeline-event-content {\n padding: ").concat(dt("timeline.horizontal.event.content.padding"), ";\n}\n\n.p-timeline-horizontal.p-timeline-alternate .p-timeline-event:nth-child(even) {\n flex-direction: column-reverse;\n}\n\n.p-timeline-bottom .p-timeline-event {\n flex-direction: column-reverse;\n}\n");
+}, "theme");
+var classes$2 = {
+ root: /* @__PURE__ */ __name(function root30(_ref2) {
+ var props = _ref2.props;
+ return ["p-timeline p-component", "p-timeline-" + props.align, "p-timeline-" + props.layout];
+ }, "root"),
+ event: "p-timeline-event",
+ eventOpposite: "p-timeline-event-opposite",
+ eventSeparator: "p-timeline-event-separator",
+ eventMarker: "p-timeline-event-marker",
+ eventConnector: "p-timeline-event-connector",
+ eventContent: "p-timeline-event-content"
+};
+var TimelineStyle = BaseStyle.extend({
+ name: "timeline",
+ theme: theme$2,
+ classes: classes$2
+});
+var script$1$2 = {
+ name: "BaseTimeline",
+ "extends": script$1f,
+ props: {
+ value: null,
+ align: {
+ mode: String,
+ "default": "left"
+ },
+ layout: {
+ mode: String,
+ "default": "vertical"
+ },
+ dataKey: null
+ },
+ style: TimelineStyle,
+ provide: /* @__PURE__ */ __name(function provide48() {
+ return {
+ $pcTimeline: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$7 = {
+ name: "Timeline",
+ "extends": script$1$2,
+ inheritAttrs: false,
+ methods: {
+ getKey: /* @__PURE__ */ __name(function getKey3(item8, index) {
+ return this.dataKey ? resolveFieldData(item8, this.dataKey) : index;
+ }, "getKey"),
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions13(key, index) {
+ return this.ptm(key, {
+ context: {
+ index,
+ count: this.value.length
+ }
+ });
+ }, "getPTOptions")
+ }
+};
+function render$6(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [(openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.value, function(item8, index) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ key: $options.getKey(item8, index),
+ "class": _ctx.cx("event"),
+ ref_for: true
+ }, $options.getPTOptions("event", index)), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("eventOpposite", {
+ index
+ }),
+ ref_for: true
+ }, $options.getPTOptions("eventOpposite", index)), [renderSlot(_ctx.$slots, "opposite", {
+ item: item8,
+ index
+ })], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("eventSeparator"),
+ ref_for: true
+ }, $options.getPTOptions("eventSeparator", index)), [renderSlot(_ctx.$slots, "marker", {
+ item: item8,
+ index
+ }, function() {
+ return [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("eventMarker"),
+ ref_for: true
+ }, $options.getPTOptions("eventMarker", index)), null, 16)];
+ }), index !== _ctx.value.length - 1 ? renderSlot(_ctx.$slots, "connector", {
+ key: 0,
+ item: item8,
+ index
+ }, function() {
+ return [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("eventConnector"),
+ ref_for: true
+ }, $options.getPTOptions("eventConnector", index)), null, 16)];
+ }) : createCommentVNode("", true)], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("eventContent"),
+ ref_for: true
+ }, $options.getPTOptions("eventContent", index)), [renderSlot(_ctx.$slots, "content", {
+ item: item8,
+ index
+ })], 16)], 16);
+ }), 128))], 16);
+}
+__name(render$6, "render$6");
+script$7.render = render$6;
+var theme$1 = /* @__PURE__ */ __name(function theme38(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-treeselect {\n display: inline-flex;\n cursor: pointer;\n position: relative;\n user-select: none;\n background: ".concat(dt("treeselect.background"), ";\n border: 1px solid ").concat(dt("treeselect.border.color"), ";\n transition: background ").concat(dt("treeselect.transition.duration"), ", color ").concat(dt("treeselect.transition.duration"), ", border-color ").concat(dt("treeselect.transition.duration"), ", outline-color ").concat(dt("treeselect.transition.duration"), ", box-shadow ").concat(dt("treeselect.transition.duration"), ";\n border-radius: ").concat(dt("treeselect.border.radius"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt("treeselect.shadow"), ";\n}\n\n.p-treeselect:not(.p-disabled):hover {\n border-color: ").concat(dt("treeselect.hover.border.color"), ";\n}\n\n.p-treeselect:not(.p-disabled).p-focus {\n border-color: ").concat(dt("treeselect.focus.border.color"), ";\n box-shadow: ").concat(dt("treeselect.focus.ring.shadow"), ";\n outline: ").concat(dt("treeselect.focus.ring.width"), " ").concat(dt("treeselect.focus.ring.style"), " ").concat(dt("treeselect.focus.ring.color"), ";\n outline-offset: ").concat(dt("treeselect.focus.ring.offset"), ";\n}\n\n.p-treeselect.p-variant-filled {\n background: ").concat(dt("treeselect.filled.background"), ";\n}\n\n.p-treeselect.p-variant-filled:not(.p-disabled):hover {\n background: ").concat(dt("treeselect.filled.hover.background"), ";\n}\n\n.p-treeselect.p-variant-filled.p-focus {\n background: ").concat(dt("treeselect.filled.focus.background"), ";\n}\n\n.p-treeselect.p-invalid {\n border-color: ").concat(dt("treeselect.invalid.border.color"), ";\n}\n\n.p-treeselect.p-disabled {\n opacity: 1;\n background: ").concat(dt("treeselect.disabled.background"), ";\n}\n\n.p-treeselect-clear-icon {\n position: absolute;\n top: 50%;\n margin-top: -0.5rem;\n color: ").concat(dt("treeselect.clear.icon.color"), ";\n inset-inline-end: ").concat(dt("treeselect.dropdown.width"), ";\n}\n\n.p-treeselect-dropdown {\n display: flex;\n align-items: center;\n justify-content: center;\n flex-shrink: 0;\n background: transparent;\n color: ").concat(dt("treeselect.dropdown.color"), ";\n width: ").concat(dt("treeselect.dropdown.width"), ";\n border-start-end-radius: ").concat(dt("border.radius.md"), ";\n border-end-end-radius: ").concat(dt("border.radius.md"), ";\n}\n\n.p-treeselect-label-container {\n overflow: hidden;\n flex: 1 1 auto;\n cursor: pointer;\n}\n\n.p-treeselect-label {\n display: flex;\n align-items: center;\n gap: calc(").concat(dt("treeselect.padding.y"), " / 2);\n white-space: nowrap;\n cursor: pointer;\n overflow: hidden;\n text-overflow: ellipsis;\n padding: ").concat(dt("treeselect.padding.y"), " ").concat(dt("treeselect.padding.x"), ";\n color: ").concat(dt("treeselect.color"), ";\n}\n\n.p-treeselect-label.p-placeholder {\n color: ").concat(dt("treeselect.placeholder.color"), ";\n}\n\n.p-treeselect.p-invalid .p-treeselect-label.p-placeholder {\n color: ").concat(dt("treeselect.invalid.placeholder.color"), ";\n}\n\n.p-treeselect.p-disabled .p-treeselect-label {\n color: ").concat(dt("treeselect.disabled.color"), ";\n}\n\n.p-treeselect-label-empty {\n overflow: hidden;\n visibility: hidden;\n}\n\n.p-treeselect .p-treeselect-overlay {\n min-width: 100%;\n}\n\n.p-treeselect-overlay {\n position: absolute;\n top: 0;\n left: 0;\n background: ").concat(dt("treeselect.overlay.background"), ";\n color: ").concat(dt("treeselect.overlay.color"), ";\n border: 1px solid ").concat(dt("treeselect.overlay.border.color"), ";\n border-radius: ").concat(dt("treeselect.overlay.border.radius"), ";\n box-shadow: ").concat(dt("treeselect.overlay.shadow"), ";\n overflow: hidden;\n}\n\n.p-treeselect-tree-container {\n overflow: auto;\n}\n\n.p-treeselect-empty-message {\n padding: ").concat(dt("treeselect.empty.message.padding"), ";\n background: transparent;\n}\n\n.p-treeselect-fluid {\n display: flex;\n}\n\n.p-treeselect-overlay .p-tree {\n padding: ").concat(dt("treeselect.tree.padding"), ";\n}\n\n.p-treeselect-overlay .p-tree-loading {\n min-height: 3rem;\n}\n\n.p-treeselect-label .p-chip {\n padding-block-start: calc(").concat(dt("treeselect.padding.y"), " / 2);\n padding-block-end: calc(").concat(dt("treeselect.padding.y"), " / 2);\n border-radius: ").concat(dt("treeselect.chip.border.radius"), ";\n}\n\n.p-treeselect-label:has(.p-chip) {\n padding: calc(").concat(dt("treeselect.padding.y"), " / 2) calc(").concat(dt("treeselect.padding.x"), " / 2);\n}\n\n.p-treeselect-sm .p-treeselect-label {\n font-size: ").concat(dt("treeselect.sm.font.size"), ";\n padding-block: ").concat(dt("treeselect.sm.padding.y"), ";\n padding-inline: ").concat(dt("treeselect.sm.padding.x"), ";\n}\n\n.p-treeselect-sm .p-treeselect-dropdown .p-icon {\n font-size: ").concat(dt("treeselect.sm.font.size"), ";\n width: ").concat(dt("treeselect.sm.font.size"), ";\n height: ").concat(dt("treeselect.sm.font.size"), ";\n}\n\n.p-treeselect-lg .p-treeselect-label {\n font-size: ").concat(dt("treeselect.lg.font.size"), ";\n padding-block: ").concat(dt("treeselect.lg.padding.y"), ";\n padding-inline: ").concat(dt("treeselect.lg.padding.x"), ";\n}\n\n.p-treeselect-lg .p-treeselect-dropdown .p-icon {\n font-size: ").concat(dt("treeselect.lg.font.size"), ";\n width: ").concat(dt("treeselect.lg.font.size"), ";\n height: ").concat(dt("treeselect.lg.font.size"), ";\n}\n");
+}, "theme");
+var inlineStyles$1 = {
+ root: /* @__PURE__ */ __name(function root31(_ref2) {
+ var props = _ref2.props;
+ return {
+ position: props.appendTo === "self" ? "relative" : void 0
+ };
+ }, "root")
+};
+var classes$1 = {
+ root: /* @__PURE__ */ __name(function root32(_ref3) {
+ var instance = _ref3.instance, props = _ref3.props;
+ return ["p-treeselect p-component p-inputwrapper", {
+ "p-treeselect-display-chip": props.display === "chip",
+ "p-disabled": props.disabled,
+ "p-invalid": instance.$invalid,
+ "p-focus": instance.focused,
+ "p-variant-filled": instance.$variant === "filled",
+ "p-inputwrapper-filled": instance.$filled,
+ "p-inputwrapper-focus": instance.focused || instance.overlayVisible,
+ "p-treeselect-open": instance.overlayVisible,
+ "p-treeselect-fluid": instance.$fluid,
+ "p-treeselect-sm p-inputfield-sm": props.size === "small",
+ "p-treeselect-lg p-inputfield-lg": props.size === "large"
+ }];
+ }, "root"),
+ labelContainer: "p-treeselect-label-container",
+ label: /* @__PURE__ */ __name(function label10(_ref4) {
+ var instance = _ref4.instance, props = _ref4.props;
+ return ["p-treeselect-label", {
+ "p-placeholder": instance.label === props.placeholder,
+ "p-treeselect-label-empty": !props.placeholder && instance.emptyValue
+ }];
+ }, "label"),
+ clearIcon: "p-treeselect-clear-icon",
+ chip: "p-treeselect-chip-item",
+ pcChip: "p-treeselect-chip",
+ dropdown: "p-treeselect-dropdown",
+ dropdownIcon: "p-treeselect-dropdown-icon",
+ panel: "p-treeselect-overlay p-component",
+ treeContainer: "p-treeselect-tree-container",
+ emptyMessage: "p-treeselect-empty-message"
+};
+var TreeSelectStyle = BaseStyle.extend({
+ name: "treeselect",
+ theme: theme$1,
+ classes: classes$1,
+ inlineStyles: inlineStyles$1
+});
+var script$1$1 = {
+ name: "BaseTreeSelect",
+ "extends": script$1k,
+ props: {
+ options: Array,
+ scrollHeight: {
+ type: String,
+ "default": "20rem"
+ },
+ placeholder: {
+ type: String,
+ "default": null
+ },
+ tabindex: {
+ type: Number,
+ "default": null
+ },
+ selectionMode: {
+ type: String,
+ "default": "single"
+ },
+ selectedItemsLabel: {
+ type: String,
+ "default": null
+ },
+ maxSelectedLabels: {
+ type: Number,
+ "default": null
+ },
+ appendTo: {
+ type: [String, Object],
+ "default": "body"
+ },
+ emptyMessage: {
+ type: String,
+ "default": null
+ },
+ display: {
+ type: String,
+ "default": "comma"
+ },
+ metaKeySelection: {
+ type: Boolean,
+ "default": false
+ },
+ loading: {
+ type: Boolean,
+ "default": false
+ },
+ loadingIcon: {
+ type: String,
+ "default": void 0
+ },
+ loadingMode: {
+ type: String,
+ "default": "mask"
+ },
+ showClear: {
+ type: Boolean,
+ "default": false
+ },
+ clearIcon: {
+ type: String,
+ "default": void 0
+ },
+ filter: {
+ type: Boolean,
+ "default": false
+ },
+ filterBy: {
+ type: [String, Function],
+ "default": "label"
+ },
+ filterMode: {
+ type: String,
+ "default": "lenient"
+ },
+ filterPlaceholder: {
+ type: String,
+ "default": null
+ },
+ filterLocale: {
+ type: String,
+ "default": void 0
+ },
+ inputId: {
+ type: String,
+ "default": null
+ },
+ inputClass: {
+ type: [String, Object],
+ "default": null
+ },
+ inputStyle: {
+ type: Object,
+ "default": null
+ },
+ inputProps: {
+ type: null,
+ "default": null
+ },
+ panelClass: {
+ type: [String, Object],
+ "default": null
+ },
+ panelProps: {
+ type: null,
+ "default": null
+ },
+ ariaLabelledby: {
+ type: String,
+ "default": null
+ },
+ ariaLabel: {
+ type: String,
+ "default": null
+ },
+ expandedKeys: {
+ type: null,
+ "default": null
+ }
+ },
+ style: TreeSelectStyle,
+ provide: /* @__PURE__ */ __name(function provide49() {
+ return {
+ $pcTreeSelect: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+function _typeof$1$1(o) {
+ "@babel/helpers - typeof";
+ return _typeof$1$1 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$1$1(o);
+}
+__name(_typeof$1$1, "_typeof$1$1");
+function ownKeys$1$1(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$1$1, "ownKeys$1$1");
+function _objectSpread$1$1(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$1$1(Object(t2), true).forEach(function(r2) {
+ _defineProperty$1$1(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$1$1(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$1$1, "_objectSpread$1$1");
+function _defineProperty$1$1(e, r, t2) {
+ return (r = _toPropertyKey$1$1(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$1$1, "_defineProperty$1$1");
+function _toPropertyKey$1$1(t2) {
+ var i = _toPrimitive$1$1(t2, "string");
+ return "symbol" == _typeof$1$1(i) ? i : i + "";
+}
+__name(_toPropertyKey$1$1, "_toPropertyKey$1$1");
+function _toPrimitive$1$1(t2, r) {
+ if ("object" != _typeof$1$1(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$1$1(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$1$1, "_toPrimitive$1$1");
+function _createForOfIteratorHelper$2(r, e) {
+ var t2 = "undefined" != typeof Symbol && r[Symbol.iterator] || r["@@iterator"];
+ if (!t2) {
+ if (Array.isArray(r) || (t2 = _unsupportedIterableToArray$2(r)) || e) {
+ t2 && (r = t2);
+ var _n = 0, F = /* @__PURE__ */ __name(function F2() {
+ }, "F");
+ return { s: F, n: /* @__PURE__ */ __name(function n() {
+ return _n >= r.length ? { done: true } : { done: false, value: r[_n++] };
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ throw r2;
+ }, "e"), f: F };
+ }
+ throw new TypeError("Invalid attempt to iterate non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+ }
+ var o, a = true, u = false;
+ return { s: /* @__PURE__ */ __name(function s() {
+ t2 = t2.call(r);
+ }, "s"), n: /* @__PURE__ */ __name(function n() {
+ var r2 = t2.next();
+ return a = r2.done, r2;
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ u = true, o = r2;
+ }, "e"), f: /* @__PURE__ */ __name(function f() {
+ try {
+ a || null == t2["return"] || t2["return"]();
+ } finally {
+ if (u) throw o;
+ }
+ }, "f") };
+}
+__name(_createForOfIteratorHelper$2, "_createForOfIteratorHelper$2");
+function _toConsumableArray$2(r) {
+ return _arrayWithoutHoles$2(r) || _iterableToArray$2(r) || _unsupportedIterableToArray$2(r) || _nonIterableSpread$2();
+}
+__name(_toConsumableArray$2, "_toConsumableArray$2");
+function _nonIterableSpread$2() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$2, "_nonIterableSpread$2");
+function _unsupportedIterableToArray$2(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$2(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$2(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$2, "_unsupportedIterableToArray$2");
+function _iterableToArray$2(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$2, "_iterableToArray$2");
+function _arrayWithoutHoles$2(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$2(r);
+}
+__name(_arrayWithoutHoles$2, "_arrayWithoutHoles$2");
+function _arrayLikeToArray$2(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$2, "_arrayLikeToArray$2");
+var script$6 = {
+ name: "TreeSelect",
+ "extends": script$1$1,
+ inheritAttrs: false,
+ emits: ["before-show", "before-hide", "change", "show", "hide", "node-select", "node-unselect", "node-expand", "node-collapse", "focus", "blur", "update:expandedKeys"],
+ inject: {
+ $pcFluid: {
+ "default": null
+ }
+ },
+ data: /* @__PURE__ */ __name(function data35() {
+ return {
+ id: this.$attrs.id,
+ focused: false,
+ overlayVisible: false,
+ d_expandedKeys: this.expandedKeys || {}
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId13(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ modelValue: {
+ handler: /* @__PURE__ */ __name(function handler4() {
+ if (!this.selfChange) {
+ this.updateTreeState();
+ }
+ this.selfChange = false;
+ }, "handler"),
+ immediate: true
+ },
+ options: /* @__PURE__ */ __name(function options3() {
+ this.updateTreeState();
+ }, "options"),
+ expandedKeys: /* @__PURE__ */ __name(function expandedKeys2(value2) {
+ this.d_expandedKeys = value2;
+ }, "expandedKeys")
+ },
+ outsideClickListener: null,
+ resizeListener: null,
+ scrollHandler: null,
+ overlay: null,
+ selfChange: false,
+ selfClick: false,
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount16() {
+ this.unbindOutsideClickListener();
+ this.unbindResizeListener();
+ if (this.scrollHandler) {
+ this.scrollHandler.destroy();
+ this.scrollHandler = null;
+ }
+ if (this.overlay) {
+ ZIndex.clear(this.overlay);
+ this.overlay = null;
+ }
+ }, "beforeUnmount"),
+ mounted: /* @__PURE__ */ __name(function mounted40() {
+ this.id = this.id || UniqueComponentId();
+ this.updateTreeState();
+ }, "mounted"),
+ methods: {
+ show: /* @__PURE__ */ __name(function show6() {
+ this.$emit("before-show");
+ this.overlayVisible = true;
+ }, "show"),
+ hide: /* @__PURE__ */ __name(function hide6() {
+ this.$emit("before-hide");
+ this.overlayVisible = false;
+ this.$refs.focusInput.focus();
+ }, "hide"),
+ onFocus: /* @__PURE__ */ __name(function onFocus14(event2) {
+ this.focused = true;
+ this.$emit("focus", event2);
+ }, "onFocus"),
+ onBlur: /* @__PURE__ */ __name(function onBlur14(event2) {
+ var _this$formField$onBlu, _this$formField;
+ this.focused = false;
+ this.$emit("blur", event2);
+ (_this$formField$onBlu = (_this$formField = this.formField).onBlur) === null || _this$formField$onBlu === void 0 || _this$formField$onBlu.call(_this$formField);
+ }, "onBlur"),
+ onClick: /* @__PURE__ */ __name(function onClick8(event2) {
+ if (this.disabled) {
+ return;
+ }
+ if (event2.target.tagName === "INPUT" || event2.target.getAttribute("data-pc-section") === "clearicon" || event2.target.closest('[data-pc-section="clearicon"]')) {
+ return;
+ } else if (!this.overlay || !this.overlay.contains(event2.target)) {
+ if (this.overlayVisible) this.hide();
+ else this.show();
+ focus(this.$refs.focusInput);
+ }
+ }, "onClick"),
+ onClearClick: /* @__PURE__ */ __name(function onClearClick3() {
+ this.onSelectionChange(null);
+ }, "onClearClick"),
+ onSelectionChange: /* @__PURE__ */ __name(function onSelectionChange(keys) {
+ this.selfChange = true;
+ this.writeValue(keys);
+ this.$emit("change", keys);
+ }, "onSelectionChange"),
+ onNodeSelect: /* @__PURE__ */ __name(function onNodeSelect(node2) {
+ this.$emit("node-select", node2);
+ if (this.selectionMode === "single") {
+ this.hide();
+ }
+ }, "onNodeSelect"),
+ onNodeUnselect: /* @__PURE__ */ __name(function onNodeUnselect(node2) {
+ this.$emit("node-unselect", node2);
+ }, "onNodeUnselect"),
+ onNodeToggle: /* @__PURE__ */ __name(function onNodeToggle2(keys) {
+ this.d_expandedKeys = keys;
+ this.$emit("update:expandedKeys", this.d_expandedKeys);
+ }, "onNodeToggle"),
+ getSelectedItemsLabel: /* @__PURE__ */ __name(function getSelectedItemsLabel2() {
+ var pattern = /{(.*?)}/;
+ var selectedItemsLabel = this.selectedItemsLabel || this.$primevue.config.locale.selectionMessage;
+ if (pattern.test(selectedItemsLabel)) {
+ return selectedItemsLabel.replace(selectedItemsLabel.match(pattern)[0], Object.keys(this.d_value).length + "");
+ }
+ return selectedItemsLabel;
+ }, "getSelectedItemsLabel"),
+ onFirstHiddenFocus: /* @__PURE__ */ __name(function onFirstHiddenFocus2(event2) {
+ var focusableEl = event2.relatedTarget === this.$refs.focusInput ? getFirstFocusableElement(this.overlay, ':not([data-p-hidden-focusable="true"])') : this.$refs.focusInput;
+ focus(focusableEl);
+ }, "onFirstHiddenFocus"),
+ onLastHiddenFocus: /* @__PURE__ */ __name(function onLastHiddenFocus2(event2) {
+ var focusableEl = event2.relatedTarget === this.$refs.focusInput ? getLastFocusableElement(this.overlay, ':not([data-p-hidden-focusable="true"])') : this.$refs.focusInput;
+ focus(focusableEl);
+ }, "onLastHiddenFocus"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown12(event2) {
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "Space":
+ case "Enter":
+ case "NumpadEnter":
+ this.onEnterKey(event2);
+ break;
+ case "Escape":
+ this.onEscapeKey(event2);
+ break;
+ case "Tab":
+ this.onTabKey(event2);
+ break;
+ }
+ }, "onKeyDown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey8(event2) {
+ var _this = this;
+ if (this.overlayVisible) return;
+ this.show();
+ this.$nextTick(function() {
+ var treeNodeEl = find(_this.$refs.tree.$el, '[data-pc-section="treeitem"]');
+ var focusedElement = _toConsumableArray$2(treeNodeEl).find(function(item8) {
+ return item8.getAttribute("tabindex") === "0";
+ });
+ focus(focusedElement);
+ });
+ event2.preventDefault();
+ }, "onArrowDownKey"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey8(event2) {
+ if (this.overlayVisible) {
+ this.hide();
+ } else {
+ this.onArrowDownKey(event2);
+ }
+ event2.preventDefault();
+ }, "onEnterKey"),
+ onEscapeKey: /* @__PURE__ */ __name(function onEscapeKey5(event2) {
+ if (this.overlayVisible) {
+ this.hide();
+ event2.preventDefault();
+ }
+ }, "onEscapeKey"),
+ onTabKey: /* @__PURE__ */ __name(function onTabKey5(event2) {
+ var pressedInInputText = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ if (!pressedInInputText) {
+ if (this.overlayVisible && this.hasFocusableElements()) {
+ focus(this.$refs.firstHiddenFocusableElementOnOverlay);
+ event2.preventDefault();
+ }
+ }
+ }, "onTabKey"),
+ hasFocusableElements: /* @__PURE__ */ __name(function hasFocusableElements2() {
+ return getFocusableElements(this.overlay, ':not([data-p-hidden-focusable="true"])').length > 0;
+ }, "hasFocusableElements"),
+ onOverlayEnter: /* @__PURE__ */ __name(function onOverlayEnter5(el) {
+ ZIndex.set("overlay", el, this.$primevue.config.zIndex.overlay);
+ addStyle(el, {
+ position: "absolute",
+ top: "0",
+ left: "0"
+ });
+ this.alignOverlay();
+ this.focus();
+ }, "onOverlayEnter"),
+ onOverlayAfterEnter: /* @__PURE__ */ __name(function onOverlayAfterEnter3() {
+ this.bindOutsideClickListener();
+ this.bindScrollListener();
+ this.bindResizeListener();
+ this.scrollValueInView();
+ this.$emit("show");
+ }, "onOverlayAfterEnter"),
+ onOverlayLeave: /* @__PURE__ */ __name(function onOverlayLeave5() {
+ this.unbindOutsideClickListener();
+ this.unbindScrollListener();
+ this.unbindResizeListener();
+ this.$emit("hide");
+ this.overlay = null;
+ }, "onOverlayLeave"),
+ onOverlayAfterLeave: /* @__PURE__ */ __name(function onOverlayAfterLeave5(el) {
+ ZIndex.clear(el);
+ }, "onOverlayAfterLeave"),
+ focus: /* @__PURE__ */ __name(function focus3() {
+ var focusableElements = getFocusableElements(this.overlay);
+ if (focusableElements && focusableElements.length > 0) {
+ focusableElements[0].focus();
+ }
+ }, "focus"),
+ alignOverlay: /* @__PURE__ */ __name(function alignOverlay6() {
+ if (this.appendTo === "self") {
+ relativePosition(this.overlay, this.$el);
+ } else {
+ this.overlay.style.minWidth = getOuterWidth(this.$el) + "px";
+ absolutePosition(this.overlay, this.$el);
+ }
+ }, "alignOverlay"),
+ bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener6() {
+ var _this2 = this;
+ if (!this.outsideClickListener) {
+ this.outsideClickListener = function(event2) {
+ if (_this2.overlayVisible && !_this2.selfClick && _this2.isOutsideClicked(event2)) {
+ _this2.hide();
+ }
+ _this2.selfClick = false;
+ };
+ document.addEventListener("click", this.outsideClickListener);
+ }
+ }, "bindOutsideClickListener"),
+ unbindOutsideClickListener: /* @__PURE__ */ __name(function unbindOutsideClickListener6() {
+ if (this.outsideClickListener) {
+ document.removeEventListener("click", this.outsideClickListener);
+ this.outsideClickListener = null;
+ }
+ }, "unbindOutsideClickListener"),
+ bindScrollListener: /* @__PURE__ */ __name(function bindScrollListener7() {
+ var _this3 = this;
+ if (!this.scrollHandler) {
+ this.scrollHandler = new ConnectedOverlayScrollHandler(this.$refs.container, function() {
+ if (_this3.overlayVisible) {
+ _this3.hide();
+ }
+ });
+ }
+ this.scrollHandler.bindScrollListener();
+ }, "bindScrollListener"),
+ unbindScrollListener: /* @__PURE__ */ __name(function unbindScrollListener7() {
+ if (this.scrollHandler) {
+ this.scrollHandler.unbindScrollListener();
+ }
+ }, "unbindScrollListener"),
+ bindResizeListener: /* @__PURE__ */ __name(function bindResizeListener7() {
+ var _this4 = this;
+ if (!this.resizeListener) {
+ this.resizeListener = function() {
+ if (_this4.overlayVisible && !isTouchDevice()) {
+ _this4.hide();
+ }
+ };
+ window.addEventListener("resize", this.resizeListener);
+ }
+ }, "bindResizeListener"),
+ unbindResizeListener: /* @__PURE__ */ __name(function unbindResizeListener7() {
+ if (this.resizeListener) {
+ window.removeEventListener("resize", this.resizeListener);
+ this.resizeListener = null;
+ }
+ }, "unbindResizeListener"),
+ isOutsideClicked: /* @__PURE__ */ __name(function isOutsideClicked4(event2) {
+ return !(this.$el.isSameNode(event2.target) || this.$el.contains(event2.target) || this.overlay && this.overlay.contains(event2.target));
+ }, "isOutsideClicked"),
+ overlayRef: /* @__PURE__ */ __name(function overlayRef5(el) {
+ this.overlay = el;
+ }, "overlayRef"),
+ onOverlayClick: /* @__PURE__ */ __name(function onOverlayClick6(event2) {
+ OverlayEventBus.emit("overlay-click", {
+ originalEvent: event2,
+ target: this.$el
+ });
+ this.selfClick = true;
+ }, "onOverlayClick"),
+ onOverlayKeydown: /* @__PURE__ */ __name(function onOverlayKeydown(event2) {
+ if (event2.code === "Escape") this.hide();
+ }, "onOverlayKeydown"),
+ findSelectedNodes: /* @__PURE__ */ __name(function findSelectedNodes(node2, keys, selectedNodes2) {
+ if (node2) {
+ if (this.isSelected(node2, keys)) {
+ selectedNodes2.push(node2);
+ delete keys[node2.key];
+ }
+ if (Object.keys(keys).length && node2.children) {
+ var _iterator = _createForOfIteratorHelper$2(node2.children), _step;
+ try {
+ for (_iterator.s(); !(_step = _iterator.n()).done; ) {
+ var childNode = _step.value;
+ this.findSelectedNodes(childNode, keys, selectedNodes2);
+ }
+ } catch (err) {
+ _iterator.e(err);
+ } finally {
+ _iterator.f();
+ }
+ }
+ } else {
+ var _iterator2 = _createForOfIteratorHelper$2(this.options), _step2;
+ try {
+ for (_iterator2.s(); !(_step2 = _iterator2.n()).done; ) {
+ var _childNode = _step2.value;
+ this.findSelectedNodes(_childNode, keys, selectedNodes2);
+ }
+ } catch (err) {
+ _iterator2.e(err);
+ } finally {
+ _iterator2.f();
+ }
+ }
+ }, "findSelectedNodes"),
+ isSelected: /* @__PURE__ */ __name(function isSelected5(node2, keys) {
+ return this.selectionMode === "checkbox" ? keys[node2.key] && keys[node2.key].checked : keys[node2.key];
+ }, "isSelected"),
+ updateTreeState: /* @__PURE__ */ __name(function updateTreeState() {
+ var keys = _objectSpread$1$1({}, this.d_value);
+ if (keys && this.options) {
+ this.updateTreeBranchState(null, null, keys);
+ }
+ }, "updateTreeState"),
+ updateTreeBranchState: /* @__PURE__ */ __name(function updateTreeBranchState(node2, path, keys) {
+ if (node2) {
+ if (this.isSelected(node2, keys)) {
+ this.expandPath(path);
+ delete keys[node2.key];
+ }
+ if (Object.keys(keys).length && node2.children) {
+ var _iterator3 = _createForOfIteratorHelper$2(node2.children), _step3;
+ try {
+ for (_iterator3.s(); !(_step3 = _iterator3.n()).done; ) {
+ var childNode = _step3.value;
+ path.push(node2.key);
+ this.updateTreeBranchState(childNode, path, keys);
+ }
+ } catch (err) {
+ _iterator3.e(err);
+ } finally {
+ _iterator3.f();
+ }
+ }
+ } else {
+ var _iterator4 = _createForOfIteratorHelper$2(this.options), _step4;
+ try {
+ for (_iterator4.s(); !(_step4 = _iterator4.n()).done; ) {
+ var _childNode2 = _step4.value;
+ this.updateTreeBranchState(_childNode2, [], keys);
+ }
+ } catch (err) {
+ _iterator4.e(err);
+ } finally {
+ _iterator4.f();
+ }
+ }
+ }, "updateTreeBranchState"),
+ expandPath: /* @__PURE__ */ __name(function expandPath(path) {
+ if (path.length > 0) {
+ var _iterator5 = _createForOfIteratorHelper$2(path), _step5;
+ try {
+ for (_iterator5.s(); !(_step5 = _iterator5.n()).done; ) {
+ var key = _step5.value;
+ this.d_expandedKeys[key] = true;
+ }
+ } catch (err) {
+ _iterator5.e(err);
+ } finally {
+ _iterator5.f();
+ }
+ this.d_expandedKeys = _objectSpread$1$1({}, this.d_expandedKeys);
+ this.$emit("update:expandedKeys", this.d_expandedKeys);
+ }
+ }, "expandPath"),
+ scrollValueInView: /* @__PURE__ */ __name(function scrollValueInView() {
+ if (this.overlay) {
+ var selectedItem = findSingle(this.overlay, '[data-p-selected="true"]');
+ if (selectedItem) {
+ selectedItem.scrollIntoView({
+ block: "nearest",
+ inline: "start"
+ });
+ }
+ }
+ }, "scrollValueInView")
+ },
+ computed: {
+ selectedNodes: /* @__PURE__ */ __name(function selectedNodes() {
+ var selectedNodes2 = [];
+ if (this.d_value && this.options) {
+ var keys = _objectSpread$1$1({}, this.d_value);
+ this.findSelectedNodes(null, keys, selectedNodes2);
+ }
+ return selectedNodes2;
+ }, "selectedNodes"),
+ label: /* @__PURE__ */ __name(function label11() {
+ var value2 = this.selectedNodes;
+ var label12;
+ if (value2.length) {
+ if (isNotEmpty(this.maxSelectedLabels) && value2.length > this.maxSelectedLabels) {
+ label12 = this.getSelectedItemsLabel();
+ } else {
+ label12 = value2.map(function(node2) {
+ return node2.label;
+ }).join(", ");
+ }
+ } else {
+ label12 = this.placeholder;
+ }
+ return label12;
+ }, "label"),
+ chipSelectedItems: /* @__PURE__ */ __name(function chipSelectedItems2() {
+ return isNotEmpty(this.maxSelectedLabels) && this.d_value && Object.keys(this.d_value).length > this.maxSelectedLabels;
+ }, "chipSelectedItems"),
+ emptyMessageText: /* @__PURE__ */ __name(function emptyMessageText4() {
+ return this.emptyMessage || this.$primevue.config.locale.emptyMessage;
+ }, "emptyMessageText"),
+ emptyValue: /* @__PURE__ */ __name(function emptyValue() {
+ return !this.$filled;
+ }, "emptyValue"),
+ emptyOptions: /* @__PURE__ */ __name(function emptyOptions() {
+ return !this.options || this.options.length === 0;
+ }, "emptyOptions"),
+ listId: /* @__PURE__ */ __name(function listId() {
+ return this.id + "_list";
+ }, "listId"),
+ hasFluid: /* @__PURE__ */ __name(function hasFluid2() {
+ return isEmpty(this.fluid) ? !!this.$pcFluid : this.fluid;
+ }, "hasFluid"),
+ isClearIconVisible: /* @__PURE__ */ __name(function isClearIconVisible3() {
+ return this.showClear && this.d_value != null && isNotEmpty(this.options);
+ }, "isClearIconVisible")
+ },
+ components: {
+ TSTree: script$1U,
+ Chip: script$1s,
+ Portal: script$1m,
+ ChevronDownIcon: script$1h,
+ TimesIcon: script$1q
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+function _typeof$6(o) {
+ "@babel/helpers - typeof";
+ return _typeof$6 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$6(o);
+}
+__name(_typeof$6, "_typeof$6");
+function ownKeys$6(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$6, "ownKeys$6");
+function _objectSpread$6(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$6(Object(t2), true).forEach(function(r2) {
+ _defineProperty$6(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$6(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$6, "_objectSpread$6");
+function _defineProperty$6(e, r, t2) {
+ return (r = _toPropertyKey$6(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$6, "_defineProperty$6");
+function _toPropertyKey$6(t2) {
+ var i = _toPrimitive$6(t2, "string");
+ return "symbol" == _typeof$6(i) ? i : i + "";
+}
+__name(_toPropertyKey$6, "_toPropertyKey$6");
+function _toPrimitive$6(t2, r) {
+ if ("object" != _typeof$6(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$6(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$6, "_toPrimitive$6");
+var _hoisted_1$6 = ["id", "disabled", "tabindex", "aria-labelledby", "aria-label", "aria-expanded", "aria-controls"];
+var _hoisted_2$4 = {
+ key: 0
+};
+var _hoisted_3$4 = ["aria-expanded"];
+function render$5(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Chip = resolveComponent("Chip");
+ var _component_TSTree = resolveComponent("TSTree");
+ var _component_Portal = resolveComponent("Portal");
+ return openBlock(), createElementBlock("div", mergeProps({
+ ref: "container",
+ "class": _ctx.cx("root"),
+ style: _ctx.sx("root"),
+ onClick: _cache[10] || (_cache[10] = function() {
+ return $options.onClick && $options.onClick.apply($options, arguments);
+ })
+ }, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps({
+ "class": "p-hidden-accessible"
+ }, _ctx.ptm("hiddenInputContainer"), {
+ "data-p-hidden-accessible": true
+ }), [createBaseVNode("input", mergeProps({
+ ref: "focusInput",
+ id: _ctx.inputId,
+ type: "text",
+ role: "combobox",
+ "class": _ctx.inputClass,
+ style: _ctx.inputStyle,
+ readonly: "",
+ disabled: _ctx.disabled,
+ tabindex: !_ctx.disabled ? _ctx.tabindex : -1,
+ "aria-labelledby": _ctx.ariaLabelledby,
+ "aria-label": _ctx.ariaLabel,
+ "aria-haspopup": "tree",
+ "aria-expanded": $data.overlayVisible,
+ "aria-controls": $options.listId,
+ onFocus: _cache[0] || (_cache[0] = function($event) {
+ return $options.onFocus($event);
+ }),
+ onBlur: _cache[1] || (_cache[1] = function($event) {
+ return $options.onBlur($event);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function($event) {
+ return $options.onKeyDown($event);
+ })
+ }, _objectSpread$6(_objectSpread$6({}, _ctx.inputProps), _ctx.ptm("hiddenInput"))), null, 16, _hoisted_1$6)], 16), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("labelContainer")
+ }, _ctx.ptm("labelContainer")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("label")
+ }, _ctx.ptm("label")), [renderSlot(_ctx.$slots, "value", {
+ value: $options.selectedNodes,
+ placeholder: _ctx.placeholder
+ }, function() {
+ return [_ctx.display === "comma" ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [createTextVNode(toDisplayString($options.label || "empty"), 1)], 64)) : _ctx.display === "chip" ? (openBlock(), createElementBlock(Fragment, {
+ key: 1
+ }, [$options.chipSelectedItems ? (openBlock(), createElementBlock("span", _hoisted_2$4, toDisplayString($options.label), 1)) : (openBlock(), createElementBlock(Fragment, {
+ key: 1
+ }, [(openBlock(true), createElementBlock(Fragment, null, renderList($options.selectedNodes, function(node2) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ key: node2.key,
+ "class": _ctx.cx("chipItem"),
+ ref_for: true
+ }, _ctx.ptm("chipItem")), [createVNode(_component_Chip, {
+ "class": normalizeClass(_ctx.cx("pcChip")),
+ label: node2.label,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcChip")
+ }, null, 8, ["class", "label", "unstyled", "pt"])], 16);
+ }), 128)), $options.emptyValue ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [createTextVNode(toDisplayString(_ctx.placeholder || "empty"), 1)], 64)) : createCommentVNode("", true)], 64))], 64)) : createCommentVNode("", true)];
+ })], 16)], 16), $options.isClearIconVisible ? renderSlot(_ctx.$slots, "clearicon", {
+ key: 0,
+ "class": normalizeClass(_ctx.cx("clearIcon")),
+ clearCallback: $options.onClearClick
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.clearIcon ? "i" : "TimesIcon"), mergeProps({
+ ref: "clearIcon",
+ "class": [_ctx.cx("clearIcon"), _ctx.clearIcon],
+ onClick: $options.onClearClick
+ }, _ctx.ptm("clearIcon"), {
+ "data-pc-section": "clearicon"
+ }), null, 16, ["class", "onClick"]))];
+ }) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("dropdown"),
+ role: "button",
+ "aria-haspopup": "tree",
+ "aria-expanded": $data.overlayVisible
+ }, _ctx.ptm("dropdown")), [renderSlot(_ctx.$slots, _ctx.$slots.dropdownicon ? "dropdownicon" : "triggericon", {
+ "class": normalizeClass(_ctx.cx("dropdownIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent("ChevronDownIcon"), mergeProps({
+ "class": _ctx.cx("dropdownIcon")
+ }, _ctx.ptm("dropdownIcon")), null, 16, ["class"]))];
+ })], 16, _hoisted_3$4), createVNode(_component_Portal, {
+ appendTo: _ctx.appendTo
+ }, {
+ "default": withCtx(function() {
+ return [createVNode(Transition, mergeProps({
+ name: "p-connected-overlay",
+ onEnter: $options.onOverlayEnter,
+ onAfterEnter: $options.onOverlayAfterEnter,
+ onLeave: $options.onOverlayLeave,
+ onAfterLeave: $options.onOverlayAfterLeave
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [$data.overlayVisible ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.overlayRef,
+ onClick: _cache[8] || (_cache[8] = function() {
+ return $options.onOverlayClick && $options.onOverlayClick.apply($options, arguments);
+ }),
+ "class": [_ctx.cx("panel"), _ctx.panelClass],
+ onKeydown: _cache[9] || (_cache[9] = function() {
+ return $options.onOverlayKeydown && $options.onOverlayKeydown.apply($options, arguments);
+ })
+ }, _objectSpread$6(_objectSpread$6({}, _ctx.panelProps), _ctx.ptm("panel"))), [createBaseVNode("span", mergeProps({
+ ref: "firstHiddenFocusableElementOnOverlay",
+ role: "presentation",
+ "class": "p-hidden-accessible p-hidden-focusable",
+ tabindex: 0,
+ onFocus: _cache[3] || (_cache[3] = function() {
+ return $options.onFirstHiddenFocus && $options.onFirstHiddenFocus.apply($options, arguments);
+ })
+ }, _ctx.ptm("hiddenFirstFocusableEl"), {
+ "data-p-hidden-accessible": true,
+ "data-p-hidden-focusable": true
+ }), null, 16), renderSlot(_ctx.$slots, "header", {
+ value: _ctx.d_value,
+ options: _ctx.options
+ }), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("treeContainer"),
+ style: {
+ "max-height": _ctx.scrollHeight
+ }
+ }, _ctx.ptm("treeContainer")), [createVNode(_component_TSTree, {
+ ref: "tree",
+ id: $options.listId,
+ value: _ctx.options,
+ selectionMode: _ctx.selectionMode,
+ loading: _ctx.loading,
+ loadingIcon: _ctx.loadingIcon,
+ loadingMode: _ctx.loadingMode,
+ filter: _ctx.filter,
+ filterBy: _ctx.filterBy,
+ filterMode: _ctx.filterMode,
+ filterPlaceholder: _ctx.filterPlaceholder,
+ filterLocale: _ctx.filterLocale,
+ "onUpdate:selectionKeys": $options.onSelectionChange,
+ selectionKeys: _ctx.d_value,
+ expandedKeys: $data.d_expandedKeys,
+ "onUpdate:expandedKeys": $options.onNodeToggle,
+ metaKeySelection: _ctx.metaKeySelection,
+ onNodeExpand: _cache[4] || (_cache[4] = function($event) {
+ return _ctx.$emit("node-expand", $event);
+ }),
+ onNodeCollapse: _cache[5] || (_cache[5] = function($event) {
+ return _ctx.$emit("node-collapse", $event);
+ }),
+ onNodeSelect: $options.onNodeSelect,
+ onNodeUnselect: $options.onNodeUnselect,
+ onClick: _cache[6] || (_cache[6] = withModifiers(function() {
+ }, ["stop"])),
+ level: 0,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcTree")
+ }, createSlots({
+ _: 2
+ }, [_ctx.$slots.option ? {
+ name: "default",
+ fn: withCtx(function(optionSlotProps) {
+ return [renderSlot(_ctx.$slots, "option", {
+ node: optionSlotProps.node,
+ expanded: optionSlotProps.expanded,
+ selected: optionSlotProps.selected
+ })];
+ }),
+ key: "0"
+ } : void 0, _ctx.$slots.itemtoggleicon ? {
+ name: "toggleicon",
+ fn: withCtx(function(iconSlotProps) {
+ return [renderSlot(_ctx.$slots, "itemtoggleicon", {
+ node: iconSlotProps.node,
+ expanded: iconSlotProps.expanded,
+ "class": normalizeClass(iconSlotProps["class"])
+ })];
+ }),
+ key: "1"
+ } : _ctx.$slots.itemtogglericon ? {
+ name: "togglericon",
+ fn: withCtx(function(iconSlotProps) {
+ return [renderSlot(_ctx.$slots, "itemtogglericon", {
+ node: iconSlotProps.node,
+ expanded: iconSlotProps.expanded,
+ "class": normalizeClass(iconSlotProps["class"])
+ })];
+ }),
+ key: "2"
+ } : void 0, _ctx.$slots.itemcheckboxicon ? {
+ name: "checkboxicon",
+ fn: withCtx(function(iconSlotProps) {
+ return [renderSlot(_ctx.$slots, "itemcheckboxicon", {
+ checked: iconSlotProps.checked,
+ partialChecked: iconSlotProps.partialChecked,
+ "class": normalizeClass(iconSlotProps["class"])
+ })];
+ }),
+ key: "3"
+ } : void 0]), 1032, ["id", "value", "selectionMode", "loading", "loadingIcon", "loadingMode", "filter", "filterBy", "filterMode", "filterPlaceholder", "filterLocale", "onUpdate:selectionKeys", "selectionKeys", "expandedKeys", "onUpdate:expandedKeys", "metaKeySelection", "onNodeSelect", "onNodeUnselect", "unstyled", "pt"]), $options.emptyOptions && !_ctx.loading ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("emptyMessage")
+ }, _ctx.ptm("emptyMessage")), [renderSlot(_ctx.$slots, "empty", {}, function() {
+ return [createTextVNode(toDisplayString($options.emptyMessageText), 1)];
+ })], 16)) : createCommentVNode("", true)], 16), renderSlot(_ctx.$slots, "footer", {
+ value: _ctx.d_value,
+ options: _ctx.options
+ }), createBaseVNode("span", mergeProps({
+ ref: "lastHiddenFocusableElementOnOverlay",
+ role: "presentation",
+ "class": "p-hidden-accessible p-hidden-focusable",
+ tabindex: 0,
+ onFocus: _cache[7] || (_cache[7] = function() {
+ return $options.onLastHiddenFocus && $options.onLastHiddenFocus.apply($options, arguments);
+ })
+ }, _ctx.ptm("hiddenLastFocusableEl"), {
+ "data-p-hidden-accessible": true,
+ "data-p-hidden-focusable": true
+ }), null, 16)], 16)) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onEnter", "onAfterEnter", "onLeave", "onAfterLeave"])];
+ }),
+ _: 3
+ }, 8, ["appendTo"])], 16);
+}
+__name(render$5, "render$5");
+script$6.render = render$5;
+var theme39 = /* @__PURE__ */ __name(function theme40(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-treetable {\n position: relative;\n}\n\n.p-treetable-table {\n border-spacing: 0;\n border-collapse: separate;\n width: 100%;\n}\n\n.p-treetable-scrollable > .p-treetable-table-container {\n position: relative;\n}\n\n.p-treetable-scrollable-table > .p-treetable-thead {\n inset-block-start: 0;\n z-index: 1;\n}\n\n.p-treetable-scrollable-table > .p-treetable-frozen-tbody {\n position: sticky;\n z-index: 1;\n}\n\n.p-treetable-scrollable-table > .p-treetable-tfoot {\n inset-block-end: 0;\n z-index: 1;\n}\n\n.p-treetable-scrollable .p-treetable-frozen-column {\n position: sticky;\n background: ".concat(dt("treetable.header.cell.background"), ";\n}\n\n.p-treetable-scrollable th.p-treetable-frozen-column {\n z-index: 1;\n}\n\n.p-treetable-scrollable > .p-treetable-table-container > .p-treetable-table > .p-treetable-thead {\n background: ").concat(dt("treetable.header.cell.background"), ";\n}\n\n.p-treetable-scrollable > .p-treetable-table-container > .p-treetable-table > .p-treetable-tfoot {\n background: ").concat(dt("treetable.footer.cell.background"), ";\n}\n\n.p-treetable-flex-scrollable {\n display: flex;\n flex-direction: column;\n height: 100%;\n}\n\n.p-treetable-flex-scrollable > .p-treetable-table-container {\n display: flex;\n flex-direction: column;\n flex: 1;\n height: 100%;\n}\n\n.p-treetable-scrollable-table > .p-treetable-tbody > .p-treetable-row-group-header {\n position: sticky;\n z-index: 1;\n}\n\n.p-treetable-resizable-table > .p-treetable-thead > tr > th,\n.p-treetable-resizable-table > .p-treetable-tfoot > tr > td,\n.p-treetable-resizable-table > .p-treetable-tbody > tr > td {\n overflow: hidden;\n white-space: nowrap;\n}\n\n.p-treetable-resizable-table > .p-treetable-thead > tr > th.p-treetable-resizable-column:not(.p-treetable-frozen-column) {\n background-clip: padding-box;\n position: relative;\n}\n\n.p-treetable-resizable-table-fit > .p-treetable-thead > tr > th.p-treetable-resizable-column:last-child .p-treetable-column-resizer {\n display: none;\n}\n\n.p-treetable-column-resizer {\n display: block;\n position: absolute;\n inset-block-start: 0;\n inset-inline-end: 0;\n margin: 0;\n width: ").concat(dt("treetable.column.resizer.width"), ";\n height: 100%;\n padding: 0;\n cursor: col-resize;\n border: 1px solid transparent;\n}\n\n.p-treetable-column-header-content {\n display: flex;\n align-items: center;\n gap: ").concat(dt("treetable.header.cell.gap"), ";\n}\n\n.p-treetable-column-resize-indicator {\n width: ").concat(dt("treetable.resize.indicator.width"), ";\n position: absolute;\n z-index: 10;\n display: none;\n background: ").concat(dt("treetable.resize.indicator.color"), ";\n}\n\n.p-treetable-mask {\n position: absolute;\n display: flex;\n align-items: center;\n justify-content: center;\n z-index: 2;\n}\n\n.p-treetable-paginator-top {\n border-color: ").concat(dt("treetable.paginator.top.border.color"), ";\n border-style: solid;\n border-width: ").concat(dt("treetable.paginator.top.border.width"), ";\n}\n\n.p-treetable-paginator-bottom {\n border-color: ").concat(dt("treetable.paginator.bottom.border.color"), ";\n border-style: solid;\n border-width: ").concat(dt("treetable.paginator.bottom.border.width"), ";\n}\n\n.p-treetable-header {\n background: ").concat(dt("treetable.header.background"), ";\n color: ").concat(dt("treetable.header.color"), ";\n border-color: ").concat(dt("treetable.header.border.color"), ";\n border-style: solid;\n border-width: ").concat(dt("treetable.header.border.width"), ";\n padding: ").concat(dt("treetable.header.padding"), ";\n}\n\n.p-treetable-footer {\n background: ").concat(dt("treetable.footer.background"), ";\n color: ").concat(dt("treetable.footer.color"), ";\n border-color: ").concat(dt("treetable.footer.border.color"), ";\n border-style: solid;\n border-width: ").concat(dt("treetable.footer.border.width"), ";\n padding: ").concat(dt("treetable.footer.padding"), ";\n}\n\n.p-treetable-header-cell {\n padding: ").concat(dt("treetable.header.cell.padding"), ";\n background: ").concat(dt("treetable.header.cell.background"), ";\n border-color: ").concat(dt("treetable.header.cell.border.color"), ";\n border-style: solid;\n border-width: 0 0 1px 0;\n color: ").concat(dt("treetable.header.cell.color"), ";\n font-weight: normal;\n text-align: start;\n transition: background ").concat(dt("treetable.transition.duration"), ", color ").concat(dt("treetable.transition.duration"), ", border-color ").concat(dt("treetable.transition.duration"), ",\n outline-color ").concat(dt("treetable.transition.duration"), ", box-shadow ").concat(dt("treetable.transition.duration"), ";\n}\n\n.p-treetable-column-title {\n font-weight: ").concat(dt("treetable.column.title.font.weight"), ";\n}\n\n.p-treetable-tbody > tr {\n outline-color: transparent;\n background: ").concat(dt("treetable.row.background"), ";\n color: ").concat(dt("treetable.row.color"), ";\n transition: background ").concat(dt("treetable.transition.duration"), ", color ").concat(dt("treetable.transition.duration"), ", border-color ").concat(dt("treetable.transition.duration"), ",\n outline-color ").concat(dt("treetable.transition.duration"), ", box-shadow ").concat(dt("treetable.transition.duration"), ";\n}\n\n.p-treetable-tbody > tr > td {\n text-align: start;\n border-color: ").concat(dt("treetable.body.cell.border.color"), ";\n border-style: solid;\n border-width: 0 0 1px 0;\n padding: ").concat(dt("treetable.body.cell.padding"), ";\n}\n\n.p-treetable-hoverable .p-treetable-tbody > tr:not(.p-treetable-row-selected):hover {\n background: ").concat(dt("treetable.row.hover.background"), ";\n color: ").concat(dt("treetable.row.hover.color"), ";\n}\n\n.p-treetable-tbody > tr.p-treetable-row-selected {\n background: ").concat(dt("treetable.row.selected.background"), ";\n color: ").concat(dt("treetable.row.selected.color"), ";\n}\n\n.p-treetable-tbody > tr:has(+ .p-treetable-row-selected) > td {\n border-block-end-color: ").concat(dt("treetable.body.cell.selected.border.color"), ";\n}\n\n.p-treetable-tbody > tr.p-treetable-row-selected > td {\n border-block-end-color: ").concat(dt("treetable.body.cell.selected.border.color"), ";\n}\n\n.p-treetable-tbody > tr:focus-visible,\n.p-treetable-tbody > tr.p-treetable-contextmenu-row-selected {\n box-shadow: ").concat(dt("treetable.row.focus.ring.shadow"), ";\n outline: ").concat(dt("treetable.row.focus.ring.width"), " ").concat(dt("treetable.row.focus.ring.style"), " ").concat(dt("treetable.row.focus.ring.color"), ";\n outline-offset: ").concat(dt("treetable.row.focus.ring.offset"), ";\n}\n\n.p-treetable-tfoot > tr > td {\n text-align: start;\n padding: ").concat(dt("treetable.footer.cell.padding"), ";\n border-color: ").concat(dt("treetable.footer.cell.border.color"), ";\n border-style: solid;\n border-width: 0 0 1px 0;\n color: ").concat(dt("treetable.footer.cell.color"), ";\n background: ").concat(dt("treetable.footer.cell.background"), ";\n}\n\n.p-treetable-column-footer {\n font-weight: ").concat(dt("treetable.column.footer.font.weight"), ";\n}\n\n.p-treetable-sortable-column {\n cursor: pointer;\n user-select: none;\n outline-color: transparent;\n}\n\n.p-treetable-column-title,\n.p-treetable-sort-icon,\n.p-treetable-sort-badge {\n vertical-align: middle;\n}\n\n.p-treetable-sort-icon {\n color: ").concat(dt("treetable.sort.icon.color"), ";\n font-size: ").concat(dt("treetable.sort.icon.size"), ";\n width: ").concat(dt("treetable.sort.icon.size"), ";\n height: ").concat(dt("treetable.sort.icon.size"), ";\n transition: color ").concat(dt("treetable.transition.duration"), ";\n}\n\n.p-treetable-sortable-column:not(.p-treetable-column-sorted):hover {\n background: ").concat(dt("treetable.header.cell.hover.background"), ";\n color: ").concat(dt("treetable.header.cell.hover.color"), ";\n}\n\n.p-treetable-sortable-column:not(.p-treetable-column-sorted):hover .p-treetable-sort-icon {\n color: ").concat(dt("treetable.sort.icon.hover.color"), ";\n}\n\n.p-treetable-column-sorted {\n background: ").concat(dt("treetable.header.cell.selected.background"), ";\n color: ").concat(dt("treetable.header.cell.selected.color"), ";\n}\n\n.p-treetable-column-sorted .p-treetable-sort-icon {\n color: ").concat(dt("treetable.header.cell.selected.color"), ";\n}\n\n.p-treetable-sortable-column:focus-visible {\n box-shadow: ").concat(dt("treetable.header.cell.focus.ring.shadow"), ";\n outline: ").concat(dt("treetable.header.cell.focus.ring.width"), " ").concat(dt("treetable.header.cell.focus.ring.style"), " ").concat(dt("treetable.header.cell.focus.ring.color"), ";\n outline-offset: ").concat(dt("treetable.header.cell.focus.ring.offset"), ";\n}\n\n.p-treetable-hoverable .p-treetable-selectable-row {\n cursor: pointer;\n}\n\n.p-treetable-loading-icon {\n font-size: ").concat(dt("treetable.loading.icon.size"), ";\n width: ").concat(dt("treetable.loading.icon.size"), ";\n height: ").concat(dt("treetable.loading.icon.size"), ";\n}\n\n.p-treetable-gridlines .p-treetable-header {\n border-width: 1px 1px 0 1px;\n}\n\n.p-treetable-gridlines .p-treetable-footer {\n border-width: 0 1px 1px 1px;\n}\n\n.p-treetable-gridlines .p-treetable-paginator-top {\n border-width: 1px 1px 0 1px;\n}\n\n.p-treetable-gridlines .p-treetable-paginator-bottom {\n border-width: 0 1px 1px 1px;\n}\n\n.p-treetable-gridlines .p-treetable-thead > tr > th {\n border-width: 1px 0 1px 1px;\n}\n\n.p-treetable-gridlines .p-treetable-thead > tr > th:last-child {\n border-width: 1px;\n}\n\n.p-treetable-gridlines .p-treetable-tbody > tr > td {\n border-width: 1px 0 0 1px;\n}\n\n.p-treetable-gridlines .p-treetable-tbody > tr > td:last-child {\n border-width: 1px 1px 0 1px;\n}\n\n.p-treetable-gridlines .p-treetable-tbody > tr:last-child > td {\n border-width: 1px 0 1px 1px;\n}\n\n.p-treetable-gridlines .p-treetable-tbody > tr:last-child > td:last-child {\n border-width: 1px;\n}\n\n.p-treetable-gridlines .p-treetable-tfoot > tr > td {\n border-width: 1px 0 1px 1px;\n}\n\n.p-treetable-gridlines .p-treetable-tfoot > tr > td:last-child {\n border-width: 1px 1px 1px 1px;\n}\n\n.p-treetable.p-treetable-gridlines .p-treetable-thead + .p-treetable-tfoot > tr > td {\n border-width: 0 0 1px 1px;\n}\n\n.p-treetable.p-treetable-gridlines .p-treetable-thead + .p-treetable-tfoot > tr > td:last-child {\n border-width: 0 1px 1px 1px;\n}\n\n.p-treetable.p-treetable-gridlines:has(.p-treetable-thead):has(.p-treetable-tbody) .p-treetable-tbody > tr > td {\n border-width: 0 0 1px 1px;\n}\n\n.p-treetable.p-treetable-gridlines:has(.p-treetable-thead):has(.p-treetable-tbody) .p-treetable-tbody > tr > td:last-child {\n border-width: 0 1px 1px 1px;\n}\n\n.p-treetable.p-treetable-gridlines:has(.p-treetable-tbody):has(.p-treetable-tfoot) .p-treetable-tbody > tr:last-child > td {\n border-width: 0 0 0 1px;\n}\n\n.p-treetable.p-treetable-gridlines:has(.p-treetable-tbody):has(.p-treetable-tfoot) .p-treetable-tbody > tr:last-child > td:last-child {\n border-width: 0 1px 0 1px;\n}\n\n.p-treetable.p-treetable-sm .p-treetable-header {\n padding: 0.375rem 0.5rem;\n}\n\n.p-treetable.p-treetable-sm .p-treetable-thead > tr > th {\n padding: 0.375rem 0.5rem;\n}\n\n.p-treetable.p-treetable-sm .p-treetable-tbody > tr > td {\n padding: 0.375rem 0.5rem;\n}\n\n.p-treetable.p-treetable-sm .p-treetable-tfoot > tr > td {\n padding: 0.375rem 0.5rem;\n}\n\n.p-treetable.p-treetable-sm .p-treetable-footer {\n padding: 0.375rem 0.5rem;\n}\n\n.p-treetable.p-treetable-lg .p-treetable-header {\n padding: 0.9375rem 1.25rem;\n}\n\n.p-treetable.p-treetable-lg .p-treetable-thead > tr > th {\n padding: 0.9375rem 1.25rem;\n}\n\n.p-treetable.p-treetable-lg .p-treetable-tbody > tr > td {\n padding: 0.9375rem 1.25rem;\n}\n\n.p-treetable.p-treetable-lg .p-treetable-tfoot > tr > td {\n padding: 0.9375rem 1.25rem;\n}\n\n.p-treetable.p-treetable-lg .p-treetable-footer {\n padding: 0.9375rem 1.25rem;\n}\n\n.p-treetable-body-cell-content {\n display: flex;\n align-items: center;\n gap: ").concat(dt("treetable.body.cell.gap"), ";\n}\n\n.p-treetable-tbody > tr.p-treetable-row-selected .p-treetable-node-toggle-button {\n color: inherit;\n}\n\n.p-treetable-node-toggle-button {\n display: inline-flex;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n position: relative;\n width: ").concat(dt("treetable.node.toggle.button.size"), ";\n height: ").concat(dt("treetable.node.toggle.button.size"), ";\n color: ").concat(dt("treetable.node.toggle.button.color"), ";\n border: 0 none;\n background: transparent;\n cursor: pointer;\n border-radius: ").concat(dt("treetable.node.toggle.button.border.radius"), ";\n transition: background ").concat(dt("treetable.transition.duration"), ", color ").concat(dt("treetable.transition.duration"), ", border-color ").concat(dt("treetable.transition.duration"), ",\n outline-color ").concat(dt("treetable.transition.duration"), ", box-shadow ").concat(dt("treetable.transition.duration"), ";\n outline-color: transparent;\n user-select: none;\n}\n\n.p-treetable-node-toggle-button:enabled:hover {\n color: ").concat(dt("treetable.node.toggle.button.hover.color"), ";\n background: ").concat(dt("treetable.node.toggle.button.hover.background"), ";\n}\n\n.p-treetable-tbody > tr.p-treetable-row-selected .p-treetable-node-toggle-button:hover {\n background: ").concat(dt("treetable.node.toggle.button.selected.hover.background"), ";\n color: ").concat(dt("treetable.node.toggle.button.selected.hover.color"), ";\n}\n\n.p-treetable-node-toggle-button:focus-visible {\n box-shadow: ").concat(dt("treetable.node.toggle.button.focus.ring.shadow"), ";\n outline: ").concat(dt("treetable.node.toggle.button.focus.ring.width"), " ").concat(dt("treetable.node.toggle.button.focus.ring.style"), " ").concat(dt("treetable.node.toggle.button.focus.ring.color"), ";\n outline-offset: ").concat(dt("treetable.node.toggle.button.focus.ring.offset"), ";\n}\n\n.p-treetable-node-toggle-icon:dir(rtl) {\n transform: rotate(180deg);\n}\n");
+}, "theme");
+var classes = {
+ root: /* @__PURE__ */ __name(function root33(_ref2) {
+ var instance = _ref2.instance, props = _ref2.props;
+ return ["p-treetable p-component", {
+ "p-treetable-hoverable": props.rowHover || instance.rowSelectionMode,
+ "p-treetable-resizable": props.resizableColumns,
+ "p-treetable-resizable-fit": props.resizableColumns && props.columnResizeMode === "fit",
+ "p-treetable-scrollable": props.scrollable,
+ "p-treetable-flex-scrollable": props.scrollable && props.scrollHeight === "flex",
+ "p-treetable-gridlines": props.showGridlines,
+ "p-treetable-sm": props.size === "small",
+ "p-treetable-lg": props.size === "large"
+ }];
+ }, "root"),
+ loading: "p-treetable-loading",
+ //TODO: required?
+ mask: "p-treetable-mask p-overlay-mask",
+ loadingIcon: "p-treetable-loading-icon",
+ header: "p-treetable-header",
+ paginator: /* @__PURE__ */ __name(function paginator(_ref3) {
+ var position = _ref3.position;
+ return "p-treetable-paginator-" + position;
+ }, "paginator"),
+ tableContainer: "p-treetable-table-container",
+ table: /* @__PURE__ */ __name(function table(_ref4) {
+ var props = _ref4.props;
+ return ["p-treetable-table", {
+ "p-treetable-scrollable-table": props.scrollable,
+ "p-treetable-resizable-table": props.resizableColumns,
+ "p-treetable-resizable-table-fit": props.resizableColumns && props.columnResizeMode === "fit"
+ }];
+ }, "table"),
+ thead: "p-treetable-thead",
+ headerCell: /* @__PURE__ */ __name(function headerCell(_ref5) {
+ var instance = _ref5.instance, props = _ref5.props, context = _ref5.context;
+ return ["p-treetable-header-cell", {
+ "p-treetable-sortable-column": instance.columnProp("sortable"),
+ "p-treetable-resizable-column": props.resizableColumns,
+ "p-treetable-column-sorted": context === null || context === void 0 ? void 0 : context.sorted,
+ "p-treetable-frozen-column": instance.columnProp("frozen")
+ }];
+ }, "headerCell"),
+ columnResizer: "p-treetable-column-resizer",
+ columnHeaderContent: "p-treetable-column-header-content",
+ columnTitle: "p-treetable-column-title",
+ sortIcon: "p-treetable-sort-icon",
+ pcSortBadge: "p-treetable-sort-badge",
+ tbody: "p-treetable-tbody",
+ row: /* @__PURE__ */ __name(function row(_ref6) {
+ var props = _ref6.props, instance = _ref6.instance;
+ return [{
+ "p-treetable-row-selected": instance.selected,
+ "p-treetable-contextmenu-row-selected": props.contextMenuSelection && instance.isSelectedWithContextMenu
+ }];
+ }, "row"),
+ bodyCell: /* @__PURE__ */ __name(function bodyCell(_ref7) {
+ var instance = _ref7.instance;
+ return [{
+ "p-treetable-frozen-column": instance.columnProp("frozen")
+ }];
+ }, "bodyCell"),
+ bodyCellContent: /* @__PURE__ */ __name(function bodyCellContent(_ref8) {
+ var instance = _ref8.instance;
+ return ["p-treetable-body-cell-content", {
+ "p-treetable-body-cell-content-expander": instance.columnProp("expander")
+ }];
+ }, "bodyCellContent"),
+ nodeToggleButton: "p-treetable-node-toggle-button",
+ nodeToggleIcon: "p-treetable-node-toggle-icon",
+ pcNodeCheckbox: "p-treetable-node-checkbox",
+ emptyMessage: "p-treetable-empty-message",
+ tfoot: "p-treetable-tfoot",
+ footerCell: /* @__PURE__ */ __name(function footerCell(_ref9) {
+ var instance = _ref9.instance;
+ return [{
+ "p-treetable-frozen-column": instance.columnProp("frozen")
+ }];
+ }, "footerCell"),
+ footer: "p-treetable-footer",
+ columnResizeIndicator: "p-treetable-column-resize-indicator"
+};
+var inlineStyles = {
+ tableContainer: {
+ overflow: "auto"
+ },
+ thead: {
+ position: "sticky"
+ },
+ tfoot: {
+ position: "sticky"
+ }
+};
+var TreeTableStyle = BaseStyle.extend({
+ name: "treetable",
+ theme: theme39,
+ classes,
+ inlineStyles
+});
+var script$5 = {
+ name: "BaseTreeTable",
+ "extends": script$1f,
+ props: {
+ value: {
+ type: null,
+ "default": null
+ },
+ dataKey: {
+ type: [String, Function],
+ "default": "key"
+ },
+ expandedKeys: {
+ type: null,
+ "default": null
+ },
+ selectionKeys: {
+ type: null,
+ "default": null
+ },
+ selectionMode: {
+ type: String,
+ "default": null
+ },
+ metaKeySelection: {
+ type: Boolean,
+ "default": false
+ },
+ contextMenu: {
+ type: Boolean,
+ "default": false
+ },
+ contextMenuSelection: {
+ type: Object,
+ "default": null
+ },
+ rows: {
+ type: Number,
+ "default": 0
+ },
+ first: {
+ type: Number,
+ "default": 0
+ },
+ totalRecords: {
+ type: Number,
+ "default": 0
+ },
+ paginator: {
+ type: Boolean,
+ "default": false
+ },
+ paginatorPosition: {
+ type: String,
+ "default": "bottom"
+ },
+ alwaysShowPaginator: {
+ type: Boolean,
+ "default": true
+ },
+ paginatorTemplate: {
+ type: String,
+ "default": "FirstPageLink PrevPageLink PageLinks NextPageLink LastPageLink RowsPerPageDropdown"
+ },
+ pageLinkSize: {
+ type: Number,
+ "default": 5
+ },
+ rowsPerPageOptions: {
+ type: Array,
+ "default": null
+ },
+ currentPageReportTemplate: {
+ type: String,
+ "default": "({currentPage} of {totalPages})"
+ },
+ lazy: {
+ type: Boolean,
+ "default": false
+ },
+ loading: {
+ type: Boolean,
+ "default": false
+ },
+ loadingIcon: {
+ type: String,
+ "default": void 0
+ },
+ loadingMode: {
+ type: String,
+ "default": "mask"
+ },
+ rowHover: {
+ type: Boolean,
+ "default": false
+ },
+ autoLayout: {
+ type: Boolean,
+ "default": false
+ },
+ sortField: {
+ type: [String, Function],
+ "default": null
+ },
+ sortOrder: {
+ type: Number,
+ "default": null
+ },
+ defaultSortOrder: {
+ type: Number,
+ "default": 1
+ },
+ multiSortMeta: {
+ type: Array,
+ "default": null
+ },
+ sortMode: {
+ type: String,
+ "default": "single"
+ },
+ removableSort: {
+ type: Boolean,
+ "default": false
+ },
+ filters: {
+ type: Object,
+ "default": null
+ },
+ filterMode: {
+ type: String,
+ "default": "lenient"
+ },
+ filterLocale: {
+ type: String,
+ "default": void 0
+ },
+ resizableColumns: {
+ type: Boolean,
+ "default": false
+ },
+ columnResizeMode: {
+ type: String,
+ "default": "fit"
+ },
+ indentation: {
+ type: Number,
+ "default": 1
+ },
+ showGridlines: {
+ type: Boolean,
+ "default": false
+ },
+ scrollable: {
+ type: Boolean,
+ "default": false
+ },
+ scrollHeight: {
+ type: String,
+ "default": null
+ },
+ size: {
+ type: String,
+ "default": null
+ },
+ tableStyle: {
+ type: null,
+ "default": null
+ },
+ tableClass: {
+ type: [String, Object],
+ "default": null
+ },
+ tableProps: {
+ type: Object,
+ "default": null
+ }
+ },
+ style: TreeTableStyle,
+ provide: /* @__PURE__ */ __name(function provide50() {
+ return {
+ $pcTreeTable: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$4 = {
+ name: "FooterCell",
+ hostName: "TreeTable",
+ "extends": script$1f,
+ props: {
+ column: {
+ type: Object,
+ "default": null
+ },
+ index: {
+ type: Number,
+ "default": null
+ }
+ },
+ data: /* @__PURE__ */ __name(function data36() {
+ return {
+ styleObject: {}
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted41() {
+ if (this.columnProp("frozen")) {
+ this.updateStickyPosition();
+ }
+ }, "mounted"),
+ updated: /* @__PURE__ */ __name(function updated9() {
+ if (this.columnProp("frozen")) {
+ this.updateStickyPosition();
+ }
+ }, "updated"),
+ methods: {
+ columnProp: /* @__PURE__ */ __name(function columnProp(prop) {
+ return getVNodeProp(this.column, prop);
+ }, "columnProp"),
+ getColumnPT: /* @__PURE__ */ __name(function getColumnPT(key) {
+ var _this$$parentInstance;
+ var columnMetaData = {
+ props: this.column.props,
+ parent: {
+ instance: this,
+ props: this.$props,
+ state: this.$data
+ },
+ context: {
+ index: this.index,
+ frozen: this.columnProp("frozen"),
+ size: (_this$$parentInstance = this.$parentInstance) === null || _this$$parentInstance === void 0 ? void 0 : _this$$parentInstance.size
+ }
+ };
+ return mergeProps(this.ptm("column.".concat(key), {
+ column: columnMetaData
+ }), this.ptm("column.".concat(key), columnMetaData), this.ptmo(this.getColumnProp(), key, columnMetaData));
+ }, "getColumnPT"),
+ getColumnProp: /* @__PURE__ */ __name(function getColumnProp() {
+ return this.column.props && this.column.props.pt ? this.column.props.pt : void 0;
+ }, "getColumnProp"),
+ updateStickyPosition: /* @__PURE__ */ __name(function updateStickyPosition() {
+ if (this.columnProp("frozen")) {
+ var align = this.columnProp("alignFrozen");
+ if (align === "right") {
+ var pos = 0;
+ var next = getNextElementSibling(this.$el, '[data-p-frozen-column="true"]');
+ if (next) {
+ pos = getOuterWidth(next) + parseFloat(next.style.right || 0);
+ }
+ this.styleObject.insetInlineEnd = pos + "px";
+ } else {
+ var _pos = 0;
+ var prev = getPreviousElementSibling(this.$el, '[data-p-frozen-column="true"]');
+ if (prev) {
+ _pos = getOuterWidth(prev) + parseFloat(prev.style.left || 0);
+ }
+ this.styleObject.insetInlineStart = _pos + "px";
+ }
+ }
+ }, "updateStickyPosition")
+ },
+ computed: {
+ containerClass: /* @__PURE__ */ __name(function containerClass4() {
+ return [this.columnProp("footerClass"), this.columnProp("class"), this.cx("footerCell")];
+ }, "containerClass"),
+ containerStyle: /* @__PURE__ */ __name(function containerStyle2() {
+ var bodyStyle = this.columnProp("footerStyle");
+ var columnStyle = this.columnProp("style");
+ return this.columnProp("frozen") ? [columnStyle, bodyStyle, this.styleObject] : [columnStyle, bodyStyle];
+ }, "containerStyle")
+ }
+};
+function _typeof$5(o) {
+ "@babel/helpers - typeof";
+ return _typeof$5 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$5(o);
+}
+__name(_typeof$5, "_typeof$5");
+function ownKeys$5(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$5, "ownKeys$5");
+function _objectSpread$5(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$5(Object(t2), true).forEach(function(r2) {
+ _defineProperty$5(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$5(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$5, "_objectSpread$5");
+function _defineProperty$5(e, r, t2) {
+ return (r = _toPropertyKey$5(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$5, "_defineProperty$5");
+function _toPropertyKey$5(t2) {
+ var i = _toPrimitive$5(t2, "string");
+ return "symbol" == _typeof$5(i) ? i : i + "";
+}
+__name(_toPropertyKey$5, "_toPropertyKey$5");
+function _toPrimitive$5(t2, r) {
+ if ("object" != _typeof$5(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$5(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$5, "_toPrimitive$5");
+var _hoisted_1$4 = ["data-p-frozen-column"];
+function render$4(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("td", mergeProps({
+ style: $options.containerStyle,
+ "class": $options.containerClass,
+ role: "cell"
+ }, _objectSpread$5(_objectSpread$5({}, $options.getColumnPT("root")), $options.getColumnPT("footerCell")), {
+ "data-p-frozen-column": $options.columnProp("frozen")
+ }), [$props.column.children && $props.column.children.footer ? (openBlock(), createBlock(resolveDynamicComponent($props.column.children.footer), {
+ key: 0,
+ column: $props.column
+ }, null, 8, ["column"])) : createCommentVNode("", true), $options.columnProp("footer") ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": _ctx.cx("columnFooter")
+ }, $options.getColumnPT("columnFooter")), toDisplayString($options.columnProp("footer")), 17)) : createCommentVNode("", true)], 16, _hoisted_1$4);
+}
+__name(render$4, "render$4");
+script$4.render = render$4;
+var script$3 = {
+ name: "HeaderCell",
+ hostName: "TreeTable",
+ "extends": script$1f,
+ emits: ["column-click", "column-resizestart"],
+ props: {
+ column: {
+ type: Object,
+ "default": null
+ },
+ resizableColumns: {
+ type: Boolean,
+ "default": false
+ },
+ sortField: {
+ type: [String, Function],
+ "default": null
+ },
+ sortOrder: {
+ type: Number,
+ "default": null
+ },
+ multiSortMeta: {
+ type: Array,
+ "default": null
+ },
+ sortMode: {
+ type: String,
+ "default": "single"
+ },
+ index: {
+ type: Number,
+ "default": null
+ }
+ },
+ data: /* @__PURE__ */ __name(function data37() {
+ return {
+ styleObject: {}
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted42() {
+ if (this.columnProp("frozen")) {
+ this.updateStickyPosition();
+ }
+ }, "mounted"),
+ updated: /* @__PURE__ */ __name(function updated10() {
+ if (this.columnProp("frozen")) {
+ this.updateStickyPosition();
+ }
+ }, "updated"),
+ methods: {
+ columnProp: /* @__PURE__ */ __name(function columnProp2(prop) {
+ return getVNodeProp(this.column, prop);
+ }, "columnProp"),
+ getColumnPT: /* @__PURE__ */ __name(function getColumnPT2(key) {
+ var _this$$parentInstance;
+ var columnMetaData = {
+ props: this.column.props,
+ parent: {
+ instance: this,
+ props: this.$props,
+ state: this.$data
+ },
+ context: {
+ index: this.index,
+ sorted: this.isColumnSorted(),
+ frozen: this.$parentInstance.scrollable && this.columnProp("frozen"),
+ resizable: this.resizableColumns,
+ scrollable: this.$parentInstance.scrollable,
+ showGridlines: this.$parentInstance.showGridlines,
+ size: (_this$$parentInstance = this.$parentInstance) === null || _this$$parentInstance === void 0 ? void 0 : _this$$parentInstance.size
+ }
+ };
+ return mergeProps(this.ptm("column.".concat(key), {
+ column: columnMetaData
+ }), this.ptm("column.".concat(key), columnMetaData), this.ptmo(this.getColumnProp(), key, columnMetaData));
+ }, "getColumnPT"),
+ getColumnProp: /* @__PURE__ */ __name(function getColumnProp2() {
+ return this.column.props && this.column.props.pt ? this.column.props.pt : void 0;
+ }, "getColumnProp"),
+ updateStickyPosition: /* @__PURE__ */ __name(function updateStickyPosition2() {
+ if (this.columnProp("frozen")) {
+ var align = this.columnProp("alignFrozen");
+ if (align === "right") {
+ var pos = 0;
+ var next = getNextElementSibling(this.$el, '[data-p-frozen-column="true"]');
+ if (next) {
+ pos = getOuterWidth(next) + parseFloat(next.style.right || 0);
+ }
+ this.styleObject.insetInlineEnd = pos + "px";
+ } else {
+ var _pos = 0;
+ var prev = getPreviousElementSibling(this.$el, '[data-p-frozen-column="true"]');
+ if (prev) {
+ _pos = getOuterWidth(prev) + parseFloat(prev.style.left || 0);
+ }
+ this.styleObject.insetInlineStart = _pos + "px";
+ }
+ var filterRow = this.$el.parentElement.nextElementSibling;
+ if (filterRow) {
+ var index = getIndex(this.$el);
+ filterRow.children[index].style.left = this.styleObject.left;
+ filterRow.children[index].style.right = this.styleObject.right;
+ }
+ }
+ }, "updateStickyPosition"),
+ onClick: /* @__PURE__ */ __name(function onClick9(event2) {
+ this.$emit("column-click", {
+ originalEvent: event2,
+ column: this.column
+ });
+ }, "onClick"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown13(event2) {
+ if ((event2.code === "Enter" || event2.code === "NumpadEnter" || event2.code === "Space") && event2.currentTarget.nodeName === "TH" && getAttribute(event2.currentTarget, "data-p-sortable-column")) {
+ this.$emit("column-click", {
+ originalEvent: event2,
+ column: this.column
+ });
+ event2.preventDefault();
+ }
+ }, "onKeyDown"),
+ onResizeStart: /* @__PURE__ */ __name(function onResizeStart(event2) {
+ this.$emit("column-resizestart", event2);
+ }, "onResizeStart"),
+ getMultiSortMetaIndex: /* @__PURE__ */ __name(function getMultiSortMetaIndex() {
+ var index = -1;
+ for (var i = 0; i < this.multiSortMeta.length; i++) {
+ var meta = this.multiSortMeta[i];
+ if (meta.field === this.columnProp("field") || meta.field === this.columnProp("sortField")) {
+ index = i;
+ break;
+ }
+ }
+ return index;
+ }, "getMultiSortMetaIndex"),
+ isMultiSorted: /* @__PURE__ */ __name(function isMultiSorted() {
+ return this.columnProp("sortable") && this.getMultiSortMetaIndex() > -1;
+ }, "isMultiSorted"),
+ isColumnSorted: /* @__PURE__ */ __name(function isColumnSorted() {
+ return this.sortMode === "single" ? this.sortField && (this.sortField === this.columnProp("field") || this.sortField === this.columnProp("sortField")) : this.isMultiSorted();
+ }, "isColumnSorted")
+ },
+ computed: {
+ containerClass: /* @__PURE__ */ __name(function containerClass5() {
+ return [this.columnProp("headerClass"), this.columnProp("class"), this.cx("headerCell")];
+ }, "containerClass"),
+ containerStyle: /* @__PURE__ */ __name(function containerStyle3() {
+ var headerStyle = this.columnProp("headerStyle");
+ var columnStyle = this.columnProp("style");
+ return this.columnProp("frozen") ? [columnStyle, headerStyle, this.styleObject] : [columnStyle, headerStyle];
+ }, "containerStyle"),
+ sortState: /* @__PURE__ */ __name(function sortState() {
+ var sorted2 = false;
+ var sortOrder3 = null;
+ if (this.sortMode === "single") {
+ sorted2 = this.sortField && (this.sortField === this.columnProp("field") || this.sortField === this.columnProp("sortField"));
+ sortOrder3 = sorted2 ? this.sortOrder : 0;
+ } else if (this.sortMode === "multiple") {
+ var metaIndex = this.getMultiSortMetaIndex();
+ if (metaIndex > -1) {
+ sorted2 = true;
+ sortOrder3 = this.multiSortMeta[metaIndex].order;
+ }
+ }
+ return {
+ sorted: sorted2,
+ sortOrder: sortOrder3
+ };
+ }, "sortState"),
+ sortableColumnIcon: /* @__PURE__ */ __name(function sortableColumnIcon() {
+ var _this$sortState = this.sortState, sorted2 = _this$sortState.sorted, sortOrder3 = _this$sortState.sortOrder;
+ if (!sorted2) return script$1V;
+ else if (sorted2 && sortOrder3 > 0) return script$1W;
+ else if (sorted2 && sortOrder3 < 0) return script$1X;
+ return null;
+ }, "sortableColumnIcon"),
+ ariaSort: /* @__PURE__ */ __name(function ariaSort() {
+ if (this.columnProp("sortable")) {
+ var _this$sortState2 = this.sortState, sorted2 = _this$sortState2.sorted, sortOrder3 = _this$sortState2.sortOrder;
+ if (sorted2 && sortOrder3 < 0) return "descending";
+ else if (sorted2 && sortOrder3 > 0) return "ascending";
+ else return "none";
+ } else {
+ return null;
+ }
+ }, "ariaSort")
+ },
+ components: {
+ Badge: script$1y,
+ SortAltIcon: script$1V,
+ SortAmountUpAltIcon: script$1W,
+ SortAmountDownIcon: script$1X
+ }
+};
+function _typeof$4(o) {
+ "@babel/helpers - typeof";
+ return _typeof$4 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$4(o);
+}
+__name(_typeof$4, "_typeof$4");
+function ownKeys$4(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$4, "ownKeys$4");
+function _objectSpread$4(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$4(Object(t2), true).forEach(function(r2) {
+ _defineProperty$4(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$4(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$4, "_objectSpread$4");
+function _defineProperty$4(e, r, t2) {
+ return (r = _toPropertyKey$4(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$4, "_defineProperty$4");
+function _toPropertyKey$4(t2) {
+ var i = _toPrimitive$4(t2, "string");
+ return "symbol" == _typeof$4(i) ? i : i + "";
+}
+__name(_toPropertyKey$4, "_toPropertyKey$4");
+function _toPrimitive$4(t2, r) {
+ if ("object" != _typeof$4(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$4(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$4, "_toPrimitive$4");
+var _hoisted_1$3$1 = ["tabindex", "aria-sort", "data-p-sortable-column", "data-p-resizable-column", "data-p-sorted", "data-p-frozen-column"];
+function render$3(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Badge = resolveComponent("Badge");
+ return openBlock(), createElementBlock("th", mergeProps({
+ "class": $options.containerClass,
+ style: [$options.containerStyle],
+ onClick: _cache[1] || (_cache[1] = function() {
+ return $options.onClick && $options.onClick.apply($options, arguments);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function() {
+ return $options.onKeyDown && $options.onKeyDown.apply($options, arguments);
+ }),
+ tabindex: $options.columnProp("sortable") ? "0" : null,
+ "aria-sort": $options.ariaSort,
+ role: "columnheader"
+ }, _objectSpread$4(_objectSpread$4({}, $options.getColumnPT("root")), $options.getColumnPT("headerCell")), {
+ "data-p-sortable-column": $options.columnProp("sortable"),
+ "data-p-resizable-column": $props.resizableColumns,
+ "data-p-sorted": $options.isColumnSorted(),
+ "data-p-frozen-column": $options.columnProp("frozen")
+ }), [$props.resizableColumns && !$options.columnProp("frozen") ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 0,
+ "class": _ctx.cx("columnResizer"),
+ onMousedown: _cache[0] || (_cache[0] = function() {
+ return $options.onResizeStart && $options.onResizeStart.apply($options, arguments);
+ })
+ }, $options.getColumnPT("columnResizer")), null, 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("columnHeaderContent")
+ }, $options.getColumnPT("columnHeaderContent")), [$props.column.children && $props.column.children.header ? (openBlock(), createBlock(resolveDynamicComponent($props.column.children.header), {
+ key: 0,
+ column: $props.column
+ }, null, 8, ["column"])) : createCommentVNode("", true), $options.columnProp("header") ? (openBlock(), createElementBlock("span", mergeProps({
+ key: 1,
+ "class": _ctx.cx("columnTitle")
+ }, $options.getColumnPT("columnTitle")), toDisplayString($options.columnProp("header")), 17)) : createCommentVNode("", true), $options.columnProp("sortable") ? (openBlock(), createElementBlock("span", normalizeProps(mergeProps({
+ key: 2
+ }, $options.getColumnPT("sort"))), [(openBlock(), createBlock(resolveDynamicComponent($props.column.children && $props.column.children.sorticon || $options.sortableColumnIcon), mergeProps({
+ sorted: $options.sortState.sorted,
+ sortOrder: $options.sortState.sortOrder,
+ "class": _ctx.cx("sortIcon")
+ }, $options.getColumnPT("sortIcon")), null, 16, ["sorted", "sortOrder", "class"]))], 16)) : createCommentVNode("", true), $options.isMultiSorted() ? (openBlock(), createBlock(_component_Badge, mergeProps({
+ key: 3,
+ "class": _ctx.cx("pcSortBadge")
+ }, $options.getColumnPT("pcSortBadge"), {
+ value: $options.getMultiSortMetaIndex() + 1,
+ size: "small"
+ }), null, 16, ["class", "value"])) : createCommentVNode("", true)], 16)], 16, _hoisted_1$3$1);
+}
+__name(render$3, "render$3");
+script$3.render = render$3;
+var script$2 = {
+ name: "BodyCell",
+ hostName: "TreeTable",
+ "extends": script$1f,
+ emits: ["node-toggle", "checkbox-toggle"],
+ props: {
+ node: {
+ type: Object,
+ "default": null
+ },
+ column: {
+ type: Object,
+ "default": null
+ },
+ level: {
+ type: Number,
+ "default": 0
+ },
+ indentation: {
+ type: Number,
+ "default": 1
+ },
+ leaf: {
+ type: Boolean,
+ "default": false
+ },
+ expanded: {
+ type: Boolean,
+ "default": false
+ },
+ selectionMode: {
+ type: String,
+ "default": null
+ },
+ checked: {
+ type: Boolean,
+ "default": false
+ },
+ partialChecked: {
+ type: Boolean,
+ "default": false
+ },
+ templates: {
+ type: Object,
+ "default": null
+ },
+ index: {
+ type: Number,
+ "default": null
+ },
+ loadingMode: {
+ type: String,
+ "default": "mask"
+ }
+ },
+ data: /* @__PURE__ */ __name(function data38() {
+ return {
+ styleObject: {}
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted43() {
+ if (this.columnProp("frozen")) {
+ this.updateStickyPosition();
+ }
+ }, "mounted"),
+ updated: /* @__PURE__ */ __name(function updated11() {
+ if (this.columnProp("frozen")) {
+ this.updateStickyPosition();
+ }
+ }, "updated"),
+ methods: {
+ toggle: /* @__PURE__ */ __name(function toggle4() {
+ this.$emit("node-toggle", this.node);
+ }, "toggle"),
+ columnProp: /* @__PURE__ */ __name(function columnProp3(prop) {
+ return getVNodeProp(this.column, prop);
+ }, "columnProp"),
+ getColumnPT: /* @__PURE__ */ __name(function getColumnPT3(key) {
+ var _this$$parentInstance;
+ var columnMetaData = {
+ props: this.column.props,
+ parent: {
+ instance: this,
+ props: this.$props,
+ state: this.$data
+ },
+ context: {
+ index: this.index,
+ selectable: this.$parentInstance.rowHover || this.$parentInstance.rowSelectionMode,
+ selected: this.$parent.selected,
+ frozen: this.columnProp("frozen"),
+ scrollable: this.$parentInstance.scrollable,
+ showGridlines: this.$parentInstance.showGridlines,
+ size: (_this$$parentInstance = this.$parentInstance) === null || _this$$parentInstance === void 0 ? void 0 : _this$$parentInstance.size
+ }
+ };
+ return mergeProps(this.ptm("column.".concat(key), {
+ column: columnMetaData
+ }), this.ptm("column.".concat(key), columnMetaData), this.ptmo(this.getColumnProp(), key, columnMetaData));
+ }, "getColumnPT"),
+ getColumnProp: /* @__PURE__ */ __name(function getColumnProp3() {
+ return this.column.props && this.column.props.pt ? this.column.props.pt : void 0;
+ }, "getColumnProp"),
+ getColumnCheckboxPT: /* @__PURE__ */ __name(function getColumnCheckboxPT(key) {
+ var columnMetaData = {
+ props: this.column.props,
+ parent: {
+ instance: this,
+ props: this.$props,
+ state: this.$data
+ },
+ context: {
+ checked: this.checked,
+ partialChecked: this.partialChecked
+ }
+ };
+ return mergeProps(this.ptm("column.".concat(key), {
+ column: columnMetaData
+ }), this.ptm("column.".concat(key), columnMetaData), this.ptmo(this.getColumnProp(), key, columnMetaData));
+ }, "getColumnCheckboxPT"),
+ updateStickyPosition: /* @__PURE__ */ __name(function updateStickyPosition3() {
+ if (this.columnProp("frozen")) {
+ var align = this.columnProp("alignFrozen");
+ if (align === "right") {
+ var pos = 0;
+ var next = getNextElementSibling(this.$el, '[data-p-frozen-column="true"]');
+ if (next) {
+ pos = getOuterWidth(next) + parseFloat(next.style.right || 0);
+ }
+ this.styleObject.insetInlineEnd = pos + "px";
+ } else {
+ var _pos = 0;
+ var prev = getPreviousElementSibling(this.$el, '[data-p-frozen-column="true"]');
+ if (prev) {
+ _pos = getOuterWidth(prev) + parseFloat(prev.style.left || 0);
+ }
+ this.styleObject.insetInlineStart = _pos + "px";
+ }
+ }
+ }, "updateStickyPosition"),
+ resolveFieldData: /* @__PURE__ */ __name(function resolveFieldData$1(rowData, field) {
+ return resolveFieldData(rowData, field);
+ }, "resolveFieldData$1"),
+ toggleCheckbox: /* @__PURE__ */ __name(function toggleCheckbox() {
+ this.$emit("checkbox-toggle");
+ }, "toggleCheckbox")
+ },
+ computed: {
+ containerClass: /* @__PURE__ */ __name(function containerClass6() {
+ return [this.columnProp("bodyClass"), this.columnProp("class"), this.cx("bodyCell")];
+ }, "containerClass"),
+ containerStyle: /* @__PURE__ */ __name(function containerStyle4() {
+ var bodyStyle = this.columnProp("bodyStyle");
+ var columnStyle = this.columnProp("style");
+ return this.columnProp("frozen") ? [columnStyle, bodyStyle, this.styleObject] : [columnStyle, bodyStyle];
+ }, "containerStyle"),
+ togglerStyle: /* @__PURE__ */ __name(function togglerStyle() {
+ return {
+ marginLeft: this.level * this.indentation + "rem",
+ visibility: this.leaf ? "hidden" : "visible"
+ };
+ }, "togglerStyle"),
+ checkboxSelectionMode: /* @__PURE__ */ __name(function checkboxSelectionMode() {
+ return this.selectionMode === "checkbox";
+ }, "checkboxSelectionMode")
+ },
+ components: {
+ Checkbox: script$1I,
+ ChevronRightIcon: script$1i,
+ ChevronDownIcon: script$1h,
+ CheckIcon: script$1C,
+ MinusIcon: script$1x,
+ SpinnerIcon: script$1p
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+function _typeof$3(o) {
+ "@babel/helpers - typeof";
+ return _typeof$3 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$3(o);
+}
+__name(_typeof$3, "_typeof$3");
+function ownKeys$3(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$3, "ownKeys$3");
+function _objectSpread$3(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$3(Object(t2), true).forEach(function(r2) {
+ _defineProperty$3(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$3(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$3, "_objectSpread$3");
+function _defineProperty$3(e, r, t2) {
+ return (r = _toPropertyKey$3(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$3, "_defineProperty$3");
+function _toPropertyKey$3(t2) {
+ var i = _toPrimitive$3(t2, "string");
+ return "symbol" == _typeof$3(i) ? i : i + "";
+}
+__name(_toPropertyKey$3, "_toPropertyKey$3");
+function _toPrimitive$3(t2, r) {
+ if ("object" != _typeof$3(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$3(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$3, "_toPrimitive$3");
+var _hoisted_1$2$1 = ["data-p-frozen-column"];
+function render$2(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_SpinnerIcon = resolveComponent("SpinnerIcon");
+ var _component_Checkbox = resolveComponent("Checkbox");
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("td", mergeProps({
+ style: $options.containerStyle,
+ "class": $options.containerClass,
+ role: "cell"
+ }, _objectSpread$3(_objectSpread$3({}, $options.getColumnPT("root")), $options.getColumnPT("bodyCell")), {
+ "data-p-frozen-column": $options.columnProp("frozen")
+ }), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("bodyCellContent")
+ }, $options.getColumnPT("bodyCellContent")), [$options.columnProp("expander") ? withDirectives((openBlock(), createElementBlock("button", mergeProps({
+ key: 0,
+ type: "button",
+ "class": _ctx.cx("nodeToggleButton"),
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.toggle && $options.toggle.apply($options, arguments);
+ }),
+ style: $options.togglerStyle,
+ tabindex: "-1"
+ }, $options.getColumnPT("nodeToggleButton"), {
+ "data-pc-group-section": "rowactionbutton"
+ }), [$props.node.loading && $props.loadingMode === "icon" ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [$props.templates["nodetoggleicon"] ? (openBlock(), createBlock(resolveDynamicComponent($props.templates["nodetoggleicon"]), {
+ key: 0
+ })) : createCommentVNode("", true), $props.templates["nodetogglericon"] ? (openBlock(), createBlock(resolveDynamicComponent($props.templates["nodetogglericon"]), {
+ key: 1
+ })) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps({
+ key: 2,
+ spin: ""
+ }, _ctx.ptm("nodetoggleicon")), null, 16))], 64)) : (openBlock(), createElementBlock(Fragment, {
+ key: 1
+ }, [$props.column.children && $props.column.children.rowtoggleicon ? (openBlock(), createBlock(resolveDynamicComponent($props.column.children.rowtoggleicon), {
+ key: 0,
+ node: $props.node,
+ expanded: $props.expanded,
+ "class": normalizeClass(_ctx.cx("nodeToggleIcon"))
+ }, null, 8, ["node", "expanded", "class"])) : createCommentVNode("", true), $props.column.children && $props.column.children.rowtogglericon ? (openBlock(), createBlock(resolveDynamicComponent($props.column.children.rowtogglericon), {
+ key: 1,
+ node: $props.node,
+ expanded: $props.expanded,
+ "class": normalizeClass(_ctx.cx("nodeToggleIcon"))
+ }, null, 8, ["node", "expanded", "class"])) : $props.expanded ? (openBlock(), createBlock(resolveDynamicComponent($props.node.expandedIcon ? "span" : "ChevronDownIcon"), mergeProps({
+ key: 2,
+ "class": _ctx.cx("nodeToggleIcon")
+ }, $options.getColumnPT("nodeToggleIcon")), null, 16, ["class"])) : (openBlock(), createBlock(resolveDynamicComponent($props.node.collapsedIcon ? "span" : "ChevronRightIcon"), mergeProps({
+ key: 3,
+ "class": _ctx.cx("nodeToggleIcon")
+ }, $options.getColumnPT("nodeToggleIcon")), null, 16, ["class"]))], 64))], 16)), [[_directive_ripple]]) : createCommentVNode("", true), $options.checkboxSelectionMode && $options.columnProp("expander") ? (openBlock(), createBlock(_component_Checkbox, {
+ key: 1,
+ modelValue: $props.checked,
+ binary: true,
+ "class": normalizeClass(_ctx.cx("pcNodeCheckbox")),
+ disabled: $props.node.selectable === false,
+ onChange: $options.toggleCheckbox,
+ tabindex: -1,
+ indeterminate: $props.partialChecked,
+ unstyled: _ctx.unstyled,
+ pt: $options.getColumnCheckboxPT("pcNodeCheckbox"),
+ "data-p-partialchecked": $props.partialChecked
+ }, {
+ icon: withCtx(function(slotProps) {
+ return [$props.templates["checkboxicon"] ? (openBlock(), createBlock(resolveDynamicComponent($props.templates["checkboxicon"]), {
+ key: 0,
+ checked: slotProps.checked,
+ partialChecked: $props.partialChecked,
+ "class": normalizeClass(slotProps["class"])
+ }, null, 8, ["checked", "partialChecked", "class"])) : createCommentVNode("", true)];
+ }),
+ _: 1
+ }, 8, ["modelValue", "class", "disabled", "onChange", "indeterminate", "unstyled", "pt", "data-p-partialchecked"])) : createCommentVNode("", true), $props.column.children && $props.column.children.body ? (openBlock(), createBlock(resolveDynamicComponent($props.column.children.body), {
+ key: 2,
+ node: $props.node,
+ column: $props.column
+ }, null, 8, ["node", "column"])) : (openBlock(), createElementBlock(Fragment, {
+ key: 3
+ }, [createTextVNode(toDisplayString($options.resolveFieldData($props.node.data, $options.columnProp("field"))), 1)], 64))], 16)], 16, _hoisted_1$2$1);
+}
+__name(render$2, "render$2");
+script$2.render = render$2;
+function _typeof$2(o) {
+ "@babel/helpers - typeof";
+ return _typeof$2 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$2(o);
+}
+__name(_typeof$2, "_typeof$2");
+function _createForOfIteratorHelper$1(r, e) {
+ var t2 = "undefined" != typeof Symbol && r[Symbol.iterator] || r["@@iterator"];
+ if (!t2) {
+ if (Array.isArray(r) || (t2 = _unsupportedIterableToArray$1(r)) || e) {
+ t2 && (r = t2);
+ var _n = 0, F = /* @__PURE__ */ __name(function F2() {
+ }, "F");
+ return { s: F, n: /* @__PURE__ */ __name(function n() {
+ return _n >= r.length ? { done: true } : { done: false, value: r[_n++] };
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ throw r2;
+ }, "e"), f: F };
+ }
+ throw new TypeError("Invalid attempt to iterate non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+ }
+ var o, a = true, u = false;
+ return { s: /* @__PURE__ */ __name(function s() {
+ t2 = t2.call(r);
+ }, "s"), n: /* @__PURE__ */ __name(function n() {
+ var r2 = t2.next();
+ return a = r2.done, r2;
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ u = true, o = r2;
+ }, "e"), f: /* @__PURE__ */ __name(function f() {
+ try {
+ a || null == t2["return"] || t2["return"]();
+ } finally {
+ if (u) throw o;
+ }
+ }, "f") };
+}
+__name(_createForOfIteratorHelper$1, "_createForOfIteratorHelper$1");
+function ownKeys$2(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$2, "ownKeys$2");
+function _objectSpread$2(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$2(Object(t2), true).forEach(function(r2) {
+ _defineProperty$2(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$2(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$2, "_objectSpread$2");
+function _defineProperty$2(e, r, t2) {
+ return (r = _toPropertyKey$2(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$2, "_defineProperty$2");
+function _toPropertyKey$2(t2) {
+ var i = _toPrimitive$2(t2, "string");
+ return "symbol" == _typeof$2(i) ? i : i + "";
+}
+__name(_toPropertyKey$2, "_toPropertyKey$2");
+function _toPrimitive$2(t2, r) {
+ if ("object" != _typeof$2(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$2(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$2, "_toPrimitive$2");
+function _toConsumableArray$1(r) {
+ return _arrayWithoutHoles$1(r) || _iterableToArray$1(r) || _unsupportedIterableToArray$1(r) || _nonIterableSpread$1();
+}
+__name(_toConsumableArray$1, "_toConsumableArray$1");
+function _nonIterableSpread$1() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread$1, "_nonIterableSpread$1");
+function _unsupportedIterableToArray$1(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray$1(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$1(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$1, "_unsupportedIterableToArray$1");
+function _iterableToArray$1(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray$1, "_iterableToArray$1");
+function _arrayWithoutHoles$1(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$1(r);
+}
+__name(_arrayWithoutHoles$1, "_arrayWithoutHoles$1");
+function _arrayLikeToArray$1(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray$1, "_arrayLikeToArray$1");
+var script$1 = {
+ name: "TreeTableRow",
+ hostName: "TreeTable",
+ "extends": script$1f,
+ emits: ["node-click", "node-toggle", "checkbox-change", "nodeClick", "nodeToggle", "checkboxChange", "row-rightclick", "rowRightclick"],
+ props: {
+ node: {
+ type: null,
+ "default": null
+ },
+ dataKey: {
+ type: [String, Function],
+ "default": "key"
+ },
+ parentNode: {
+ type: null,
+ "default": null
+ },
+ columns: {
+ type: null,
+ "default": null
+ },
+ expandedKeys: {
+ type: null,
+ "default": null
+ },
+ selectionKeys: {
+ type: null,
+ "default": null
+ },
+ selectionMode: {
+ type: String,
+ "default": null
+ },
+ level: {
+ type: Number,
+ "default": 0
+ },
+ indentation: {
+ type: Number,
+ "default": 1
+ },
+ tabindex: {
+ type: Number,
+ "default": -1
+ },
+ ariaSetSize: {
+ type: Number,
+ "default": null
+ },
+ ariaPosInset: {
+ type: Number,
+ "default": null
+ },
+ loadingMode: {
+ type: String,
+ "default": "mask"
+ },
+ templates: {
+ type: Object,
+ "default": null
+ },
+ contextMenu: {
+ type: Boolean,
+ "default": false
+ },
+ contextMenuSelection: {
+ type: Object,
+ "default": null
+ }
+ },
+ nodeTouched: false,
+ methods: {
+ columnProp: /* @__PURE__ */ __name(function columnProp4(col, prop) {
+ return getVNodeProp(col, prop);
+ }, "columnProp"),
+ toggle: /* @__PURE__ */ __name(function toggle5() {
+ this.$emit("node-toggle", this.node);
+ }, "toggle"),
+ onClick: /* @__PURE__ */ __name(function onClick10(event2) {
+ if (isClickable(event2.target) || getAttribute(event2.target, "data-pc-section") === "nodetogglebutton" || getAttribute(event2.target, "data-pc-section") === "nodetoggleicon" || event2.target.tagName === "path") {
+ return;
+ }
+ this.setTabIndexForSelectionMode(event2, this.nodeTouched);
+ this.$emit("node-click", {
+ originalEvent: event2,
+ nodeTouched: this.nodeTouched,
+ node: this.node
+ });
+ this.nodeTouched = false;
+ }, "onClick"),
+ onRowRightClick: /* @__PURE__ */ __name(function onRowRightClick(event2) {
+ this.$emit("row-rightclick", {
+ originalEvent: event2,
+ node: this.node
+ });
+ }, "onRowRightClick"),
+ onTouchEnd: /* @__PURE__ */ __name(function onTouchEnd2() {
+ this.nodeTouched = true;
+ }, "onTouchEnd"),
+ nodeKey: /* @__PURE__ */ __name(function nodeKey(node2) {
+ return resolveFieldData(node2, this.dataKey);
+ }, "nodeKey"),
+ onKeyDown: /* @__PURE__ */ __name(function onKeyDown14(event2, item8) {
+ switch (event2.code) {
+ case "ArrowDown":
+ this.onArrowDownKey(event2);
+ break;
+ case "ArrowUp":
+ this.onArrowUpKey(event2);
+ break;
+ case "ArrowLeft":
+ this.onArrowLeftKey(event2);
+ break;
+ case "ArrowRight":
+ this.onArrowRightKey(event2);
+ break;
+ case "Home":
+ this.onHomeKey(event2);
+ break;
+ case "End":
+ this.onEndKey(event2);
+ break;
+ case "Enter":
+ case "NumpadEnter":
+ case "Space":
+ if (!isClickable(event2.target)) {
+ this.onEnterKey(event2, item8);
+ }
+ break;
+ case "Tab":
+ this.onTabKey(event2);
+ break;
+ }
+ }, "onKeyDown"),
+ onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey9(event2) {
+ var nextElementSibling = event2.currentTarget.nextElementSibling;
+ nextElementSibling && this.focusRowChange(event2.currentTarget, nextElementSibling);
+ event2.preventDefault();
+ }, "onArrowDownKey"),
+ onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey8(event2) {
+ var previousElementSibling = event2.currentTarget.previousElementSibling;
+ previousElementSibling && this.focusRowChange(event2.currentTarget, previousElementSibling);
+ event2.preventDefault();
+ }, "onArrowUpKey"),
+ onArrowRightKey: /* @__PURE__ */ __name(function onArrowRightKey4(event2) {
+ var _this = this;
+ var ishiddenIcon = findSingle(event2.currentTarget, "button").style.visibility === "hidden";
+ var togglerElement = findSingle(this.$refs.node, '[data-pc-section="nodetogglebutton"]');
+ if (ishiddenIcon) return;
+ !this.expanded && togglerElement.click();
+ this.$nextTick(function() {
+ _this.onArrowDownKey(event2);
+ });
+ event2.preventDefault();
+ }, "onArrowRightKey"),
+ onArrowLeftKey: /* @__PURE__ */ __name(function onArrowLeftKey5(event2) {
+ if (this.level === 0 && !this.expanded) {
+ return;
+ }
+ var currentTarget = event2.currentTarget;
+ var ishiddenIcon = findSingle(currentTarget, "button").style.visibility === "hidden";
+ var togglerElement = findSingle(currentTarget, '[data-pc-section="nodetogglebutton"]');
+ if (this.expanded && !ishiddenIcon) {
+ togglerElement.click();
+ return;
+ }
+ var target = this.findBeforeClickableNode(currentTarget);
+ target && this.focusRowChange(currentTarget, target);
+ }, "onArrowLeftKey"),
+ onHomeKey: /* @__PURE__ */ __name(function onHomeKey9(event2) {
+ var findFirstElement = findSingle(event2.currentTarget.parentElement, 'tr[aria-level="'.concat(this.level + 1, '"]'));
+ findFirstElement && focus(findFirstElement);
+ event2.preventDefault();
+ }, "onHomeKey"),
+ onEndKey: /* @__PURE__ */ __name(function onEndKey9(event2) {
+ var nodes = find(event2.currentTarget.parentElement, 'tr[aria-level="'.concat(this.level + 1, '"]'));
+ var findFirstElement = nodes[nodes.length - 1];
+ focus(findFirstElement);
+ event2.preventDefault();
+ }, "onEndKey"),
+ onEnterKey: /* @__PURE__ */ __name(function onEnterKey9(event2) {
+ event2.preventDefault();
+ this.setTabIndexForSelectionMode(event2, this.nodeTouched);
+ if (this.selectionMode === "checkbox") {
+ this.toggleCheckbox();
+ return;
+ }
+ this.$emit("node-click", {
+ originalEvent: event2,
+ nodeTouched: this.nodeTouched,
+ node: this.node
+ });
+ this.nodeTouched = false;
+ }, "onEnterKey"),
+ onTabKey: /* @__PURE__ */ __name(function onTabKey6() {
+ var rows3 = _toConsumableArray$1(find(this.$refs.node.parentElement, "tr"));
+ var hasSelectedRow = rows3.some(function(row2) {
+ return getAttribute(row2, "data-p-selected") || row2.getAttribute("aria-checked") === "true";
+ });
+ rows3.forEach(function(row2) {
+ row2.tabIndex = -1;
+ });
+ if (hasSelectedRow) {
+ var selectedNodes2 = rows3.filter(function(node2) {
+ return getAttribute(node2, "data-p-selected") || node2.getAttribute("aria-checked") === "true";
+ });
+ selectedNodes2[0].tabIndex = 0;
+ return;
+ }
+ rows3[0].tabIndex = 0;
+ }, "onTabKey"),
+ focusRowChange: /* @__PURE__ */ __name(function focusRowChange(firstFocusableRow, currentFocusedRow) {
+ firstFocusableRow.tabIndex = "-1";
+ currentFocusedRow.tabIndex = "0";
+ focus(currentFocusedRow);
+ }, "focusRowChange"),
+ findBeforeClickableNode: /* @__PURE__ */ __name(function findBeforeClickableNode(node2) {
+ var prevNode = node2.previousElementSibling;
+ if (prevNode) {
+ var prevNodeButton = prevNode.querySelector("button");
+ if (prevNodeButton && prevNodeButton.style.visibility !== "hidden") {
+ return prevNode;
+ }
+ return this.findBeforeClickableNode(prevNode);
+ }
+ return null;
+ }, "findBeforeClickableNode"),
+ toggleCheckbox: /* @__PURE__ */ __name(function toggleCheckbox2() {
+ var _selectionKeys = this.selectionKeys ? _objectSpread$2({}, this.selectionKeys) : {};
+ var _check = !this.checked;
+ this.propagateDown(this.node, _check, _selectionKeys);
+ this.$emit("checkbox-change", {
+ node: this.node,
+ check: _check,
+ selectionKeys: _selectionKeys
+ });
+ }, "toggleCheckbox"),
+ propagateDown: /* @__PURE__ */ __name(function propagateDown(node2, check, selectionKeys) {
+ if (check) selectionKeys[this.nodeKey(node2)] = {
+ checked: true,
+ partialChecked: false
+ };
+ else delete selectionKeys[this.nodeKey(node2)];
+ if (node2.children && node2.children.length) {
+ var _iterator = _createForOfIteratorHelper$1(node2.children), _step;
+ try {
+ for (_iterator.s(); !(_step = _iterator.n()).done; ) {
+ var child = _step.value;
+ this.propagateDown(child, check, selectionKeys);
+ }
+ } catch (err) {
+ _iterator.e(err);
+ } finally {
+ _iterator.f();
+ }
+ }
+ }, "propagateDown"),
+ propagateUp: /* @__PURE__ */ __name(function propagateUp(event2) {
+ var check = event2.check;
+ var _selectionKeys = _objectSpread$2({}, event2.selectionKeys);
+ var checkedChildCount = 0;
+ var childPartialSelected = false;
+ var _iterator2 = _createForOfIteratorHelper$1(this.node.children), _step2;
+ try {
+ for (_iterator2.s(); !(_step2 = _iterator2.n()).done; ) {
+ var child = _step2.value;
+ if (_selectionKeys[this.nodeKey(child)] && _selectionKeys[this.nodeKey(child)].checked) checkedChildCount++;
+ else if (_selectionKeys[this.nodeKey(child)] && _selectionKeys[this.nodeKey(child)].partialChecked) childPartialSelected = true;
+ }
+ } catch (err) {
+ _iterator2.e(err);
+ } finally {
+ _iterator2.f();
+ }
+ if (check && checkedChildCount === this.node.children.length) {
+ _selectionKeys[this.nodeKey(this.node)] = {
+ checked: true,
+ partialChecked: false
+ };
+ } else {
+ if (!check) {
+ delete _selectionKeys[this.nodeKey(this.node)];
+ }
+ if (childPartialSelected || checkedChildCount > 0 && checkedChildCount !== this.node.children.length) _selectionKeys[this.nodeKey(this.node)] = {
+ checked: false,
+ partialChecked: true
+ };
+ else _selectionKeys[this.nodeKey(this.node)] = {
+ checked: false,
+ partialChecked: false
+ };
+ }
+ this.$emit("checkbox-change", {
+ node: event2.node,
+ check: event2.check,
+ selectionKeys: _selectionKeys
+ });
+ }, "propagateUp"),
+ onCheckboxChange: /* @__PURE__ */ __name(function onCheckboxChange(event2) {
+ var check = event2.check;
+ var _selectionKeys = _objectSpread$2({}, event2.selectionKeys);
+ var checkedChildCount = 0;
+ var childPartialSelected = false;
+ var _iterator3 = _createForOfIteratorHelper$1(this.node.children), _step3;
+ try {
+ for (_iterator3.s(); !(_step3 = _iterator3.n()).done; ) {
+ var child = _step3.value;
+ if (_selectionKeys[this.nodeKey(child)] && _selectionKeys[this.nodeKey(child)].checked) checkedChildCount++;
+ else if (_selectionKeys[this.nodeKey(child)] && _selectionKeys[this.nodeKey(child)].partialChecked) childPartialSelected = true;
+ }
+ } catch (err) {
+ _iterator3.e(err);
+ } finally {
+ _iterator3.f();
+ }
+ if (check && checkedChildCount === this.node.children.length) {
+ _selectionKeys[this.nodeKey(this.node)] = {
+ checked: true,
+ partialChecked: false
+ };
+ } else {
+ if (!check) {
+ delete _selectionKeys[this.nodeKey(this.node)];
+ }
+ if (childPartialSelected || checkedChildCount > 0 && checkedChildCount !== this.node.children.length) _selectionKeys[this.nodeKey(this.node)] = {
+ checked: false,
+ partialChecked: true
+ };
+ else _selectionKeys[this.nodeKey(this.node)] = {
+ checked: false,
+ partialChecked: false
+ };
+ }
+ this.$emit("checkbox-change", {
+ node: event2.node,
+ check: event2.check,
+ selectionKeys: _selectionKeys
+ });
+ }, "onCheckboxChange"),
+ setTabIndexForSelectionMode: /* @__PURE__ */ __name(function setTabIndexForSelectionMode(event2, nodeTouched) {
+ if (this.selectionMode !== null) {
+ var elements = _toConsumableArray$1(find(this.$refs.node.parentElement, "tr"));
+ event2.currentTarget.tabIndex = nodeTouched === false ? -1 : 0;
+ if (elements.every(function(element) {
+ return element.tabIndex === -1;
+ })) {
+ elements[0].tabIndex = 0;
+ }
+ }
+ }, "setTabIndexForSelectionMode")
+ },
+ computed: {
+ containerClass: /* @__PURE__ */ __name(function containerClass7() {
+ return [this.node.styleClass, this.cx("row")];
+ }, "containerClass"),
+ expanded: /* @__PURE__ */ __name(function expanded2() {
+ return this.expandedKeys && this.expandedKeys[this.nodeKey(this.node)] === true;
+ }, "expanded"),
+ leaf: /* @__PURE__ */ __name(function leaf2() {
+ return this.node.leaf === false ? false : !(this.node.children && this.node.children.length);
+ }, "leaf"),
+ selected: /* @__PURE__ */ __name(function selected2() {
+ return this.selectionMode && this.selectionKeys ? this.selectionKeys[this.nodeKey(this.node)] === true : false;
+ }, "selected"),
+ isSelectedWithContextMenu: /* @__PURE__ */ __name(function isSelectedWithContextMenu() {
+ if (this.node && this.contextMenuSelection) {
+ return equals(this.node, this.contextMenuSelection, this.dataKey);
+ }
+ return false;
+ }, "isSelectedWithContextMenu"),
+ checked: /* @__PURE__ */ __name(function checked() {
+ return this.selectionKeys ? this.selectionKeys[this.nodeKey(this.node)] && this.selectionKeys[this.nodeKey(this.node)].checked : false;
+ }, "checked"),
+ partialChecked: /* @__PURE__ */ __name(function partialChecked() {
+ return this.selectionKeys ? this.selectionKeys[this.nodeKey(this.node)] && this.selectionKeys[this.nodeKey(this.node)].partialChecked : false;
+ }, "partialChecked"),
+ getAriaSelected: /* @__PURE__ */ __name(function getAriaSelected() {
+ return this.selectionMode === "single" || this.selectionMode === "multiple" ? this.selected : null;
+ }, "getAriaSelected"),
+ ptmOptions: /* @__PURE__ */ __name(function ptmOptions2() {
+ return {
+ context: {
+ selectable: this.$parentInstance.rowHover || this.$parentInstance.rowSelectionMode,
+ selected: this.selected,
+ scrollable: this.$parentInstance.scrollable
+ }
+ };
+ }, "ptmOptions")
+ },
+ components: {
+ TTBodyCell: script$2
+ }
+};
+var _hoisted_1$1$1 = ["tabindex", "aria-expanded", "aria-level", "aria-setsize", "aria-posinset", "aria-selected", "aria-checked", "data-p-selected", "data-p-selected-contextmenu"];
+function render$1(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_TTBodyCell = resolveComponent("TTBodyCell");
+ var _component_TreeTableRow = resolveComponent("TreeTableRow", true);
+ return openBlock(), createElementBlock(Fragment, null, [createBaseVNode("tr", mergeProps({
+ ref: "node",
+ "class": $options.containerClass,
+ style: $props.node.style,
+ tabindex: $props.tabindex,
+ role: "row",
+ "aria-expanded": $props.node.children && $props.node.children.length ? $options.expanded : void 0,
+ "aria-level": $props.level + 1,
+ "aria-setsize": $props.ariaSetSize,
+ "aria-posinset": $props.ariaPosInset,
+ "aria-selected": $options.getAriaSelected,
+ "aria-checked": $options.checked || void 0,
+ onClick: _cache[1] || (_cache[1] = function() {
+ return $options.onClick && $options.onClick.apply($options, arguments);
+ }),
+ onKeydown: _cache[2] || (_cache[2] = function() {
+ return $options.onKeyDown && $options.onKeyDown.apply($options, arguments);
+ }),
+ onTouchend: _cache[3] || (_cache[3] = function() {
+ return $options.onTouchEnd && $options.onTouchEnd.apply($options, arguments);
+ }),
+ onContextmenu: _cache[4] || (_cache[4] = function() {
+ return $options.onRowRightClick && $options.onRowRightClick.apply($options, arguments);
+ })
+ }, _ctx.ptm("row", $options.ptmOptions), {
+ "data-p-selected": $options.selected,
+ "data-p-selected-contextmenu": $props.contextMenuSelection && $options.isSelectedWithContextMenu
+ }), [(openBlock(true), createElementBlock(Fragment, null, renderList($props.columns, function(col, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.columnProp(col, "columnKey") || $options.columnProp(col, "field") || i
+ }, [!$options.columnProp(col, "hidden") ? (openBlock(), createBlock(_component_TTBodyCell, {
+ key: 0,
+ column: col,
+ node: $props.node,
+ level: $props.level,
+ leaf: $options.leaf,
+ indentation: $props.indentation,
+ expanded: $options.expanded,
+ selectionMode: $props.selectionMode,
+ checked: $options.checked,
+ partialChecked: $options.partialChecked,
+ templates: $props.templates,
+ onNodeToggle: _cache[0] || (_cache[0] = function($event) {
+ return _ctx.$emit("node-toggle", $event);
+ }),
+ onCheckboxToggle: $options.toggleCheckbox,
+ index: i,
+ loadingMode: $props.loadingMode,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["column", "node", "level", "leaf", "indentation", "expanded", "selectionMode", "checked", "partialChecked", "templates", "onCheckboxToggle", "index", "loadingMode", "unstyled", "pt"])) : createCommentVNode("", true)], 64);
+ }), 128))], 16, _hoisted_1$1$1), $options.expanded && $props.node.children && $props.node.children.length ? (openBlock(true), createElementBlock(Fragment, {
+ key: 0
+ }, renderList($props.node.children, function(childNode) {
+ return openBlock(), createBlock(_component_TreeTableRow, {
+ key: $options.nodeKey(childNode),
+ dataKey: $props.dataKey,
+ columns: $props.columns,
+ node: childNode,
+ parentNode: $props.node,
+ level: $props.level + 1,
+ expandedKeys: $props.expandedKeys,
+ selectionMode: $props.selectionMode,
+ selectionKeys: $props.selectionKeys,
+ contextMenu: $props.contextMenu,
+ contextMenuSelection: $props.contextMenuSelection,
+ indentation: $props.indentation,
+ ariaPosInset: $props.node.children.indexOf(childNode) + 1,
+ ariaSetSize: $props.node.children.length,
+ templates: $props.templates,
+ onNodeToggle: _cache[5] || (_cache[5] = function($event) {
+ return _ctx.$emit("node-toggle", $event);
+ }),
+ onNodeClick: _cache[6] || (_cache[6] = function($event) {
+ return _ctx.$emit("node-click", $event);
+ }),
+ onRowRightclick: _cache[7] || (_cache[7] = function($event) {
+ return _ctx.$emit("row-rightclick", $event);
+ }),
+ onCheckboxChange: $options.onCheckboxChange,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["dataKey", "columns", "node", "parentNode", "level", "expandedKeys", "selectionMode", "selectionKeys", "contextMenu", "contextMenuSelection", "indentation", "ariaPosInset", "ariaSetSize", "templates", "onCheckboxChange", "unstyled", "pt"]);
+ }), 128)) : createCommentVNode("", true)], 64);
+}
+__name(render$1, "render$1");
+script$1.render = render$1;
+function _typeof$1(o) {
+ "@babel/helpers - typeof";
+ return _typeof$1 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$1(o);
+}
+__name(_typeof$1, "_typeof$1");
+function _createForOfIteratorHelper(r, e) {
+ var t2 = "undefined" != typeof Symbol && r[Symbol.iterator] || r["@@iterator"];
+ if (!t2) {
+ if (Array.isArray(r) || (t2 = _unsupportedIterableToArray(r)) || e) {
+ t2 && (r = t2);
+ var _n = 0, F = /* @__PURE__ */ __name(function F2() {
+ }, "F");
+ return { s: F, n: /* @__PURE__ */ __name(function n() {
+ return _n >= r.length ? { done: true } : { done: false, value: r[_n++] };
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ throw r2;
+ }, "e"), f: F };
+ }
+ throw new TypeError("Invalid attempt to iterate non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+ }
+ var o, a = true, u = false;
+ return { s: /* @__PURE__ */ __name(function s() {
+ t2 = t2.call(r);
+ }, "s"), n: /* @__PURE__ */ __name(function n() {
+ var r2 = t2.next();
+ return a = r2.done, r2;
+ }, "n"), e: /* @__PURE__ */ __name(function e2(r2) {
+ u = true, o = r2;
+ }, "e"), f: /* @__PURE__ */ __name(function f() {
+ try {
+ a || null == t2["return"] || t2["return"]();
+ } finally {
+ if (u) throw o;
+ }
+ }, "f") };
+}
+__name(_createForOfIteratorHelper, "_createForOfIteratorHelper");
+function ownKeys$1(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys$1, "ownKeys$1");
+function _objectSpread$1(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$1(Object(t2), true).forEach(function(r2) {
+ _defineProperty$1(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys$1(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$1, "_objectSpread$1");
+function _defineProperty$1(e, r, t2) {
+ return (r = _toPropertyKey$1(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty$1, "_defineProperty$1");
+function _toPropertyKey$1(t2) {
+ var i = _toPrimitive$1(t2, "string");
+ return "symbol" == _typeof$1(i) ? i : i + "";
+}
+__name(_toPropertyKey$1, "_toPropertyKey$1");
+function _toPrimitive$1(t2, r) {
+ if ("object" != _typeof$1(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof$1(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive$1, "_toPrimitive$1");
+function _toConsumableArray(r) {
+ return _arrayWithoutHoles(r) || _iterableToArray(r) || _unsupportedIterableToArray(r) || _nonIterableSpread();
+}
+__name(_toConsumableArray, "_toConsumableArray");
+function _nonIterableSpread() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread, "_nonIterableSpread");
+function _unsupportedIterableToArray(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray(r, a);
+ var t2 = {}.toString.call(r).slice(8, -1);
+ return "Object" === t2 && r.constructor && (t2 = r.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray, "_unsupportedIterableToArray");
+function _iterableToArray(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray, "_iterableToArray");
+function _arrayWithoutHoles(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray(r);
+}
+__name(_arrayWithoutHoles, "_arrayWithoutHoles");
+function _arrayLikeToArray(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray, "_arrayLikeToArray");
+var script = {
+ name: "TreeTable",
+ "extends": script$5,
+ inheritAttrs: false,
+ emits: ["node-expand", "node-collapse", "update:expandedKeys", "update:selectionKeys", "node-select", "node-unselect", "update:first", "update:rows", "page", "update:sortField", "update:sortOrder", "update:multiSortMeta", "sort", "filter", "column-resize-end", "update:contextMenuSelection", "row-contextmenu"],
+ provide: /* @__PURE__ */ __name(function provide51() {
+ return {
+ $columns: this.d_columns
+ };
+ }, "provide"),
+ data: /* @__PURE__ */ __name(function data39() {
+ return {
+ d_expandedKeys: this.expandedKeys || {},
+ d_first: this.first,
+ d_rows: this.rows,
+ d_sortField: this.sortField,
+ d_sortOrder: this.sortOrder,
+ d_multiSortMeta: this.multiSortMeta ? _toConsumableArray(this.multiSortMeta) : [],
+ hasASelectedNode: false,
+ d_columns: new _default({
+ type: "Column"
+ })
+ };
+ }, "data"),
+ documentColumnResizeListener: null,
+ documentColumnResizeEndListener: null,
+ lastResizeHelperX: null,
+ resizeColumnElement: null,
+ watch: {
+ expandedKeys: /* @__PURE__ */ __name(function expandedKeys3(newValue) {
+ this.d_expandedKeys = newValue;
+ }, "expandedKeys"),
+ first: /* @__PURE__ */ __name(function first2(newValue) {
+ this.d_first = newValue;
+ }, "first"),
+ rows: /* @__PURE__ */ __name(function rows2(newValue) {
+ this.d_rows = newValue;
+ }, "rows"),
+ sortField: /* @__PURE__ */ __name(function sortField2(newValue) {
+ this.d_sortField = newValue;
+ }, "sortField"),
+ sortOrder: /* @__PURE__ */ __name(function sortOrder2(newValue) {
+ this.d_sortOrder = newValue;
+ }, "sortOrder"),
+ multiSortMeta: /* @__PURE__ */ __name(function multiSortMeta(newValue) {
+ this.d_multiSortMeta = newValue;
+ }, "multiSortMeta")
+ },
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount17() {
+ this.destroyStyleElement();
+ this.d_columns.clear();
+ }, "beforeUnmount"),
+ methods: {
+ columnProp: /* @__PURE__ */ __name(function columnProp5(col, prop) {
+ return getVNodeProp(col, prop);
+ }, "columnProp"),
+ ptHeaderCellOptions: /* @__PURE__ */ __name(function ptHeaderCellOptions(column2) {
+ return {
+ context: {
+ frozen: this.columnProp(column2, "frozen")
+ }
+ };
+ }, "ptHeaderCellOptions"),
+ onNodeToggle: /* @__PURE__ */ __name(function onNodeToggle3(node2) {
+ var key = this.nodeKey(node2);
+ if (this.d_expandedKeys[key]) {
+ delete this.d_expandedKeys[key];
+ this.$emit("node-collapse", node2);
+ } else {
+ this.d_expandedKeys[key] = true;
+ this.$emit("node-expand", node2);
+ }
+ this.d_expandedKeys = _objectSpread$1({}, this.d_expandedKeys);
+ this.$emit("update:expandedKeys", this.d_expandedKeys);
+ }, "onNodeToggle"),
+ onNodeClick: /* @__PURE__ */ __name(function onNodeClick3(event2) {
+ if (this.rowSelectionMode && event2.node.selectable !== false) {
+ var metaSelection = event2.nodeTouched ? false : this.metaKeySelection;
+ var _selectionKeys = metaSelection ? this.handleSelectionWithMetaKey(event2) : this.handleSelectionWithoutMetaKey(event2);
+ this.$emit("update:selectionKeys", _selectionKeys);
+ }
+ }, "onNodeClick"),
+ nodeKey: /* @__PURE__ */ __name(function nodeKey2(node2) {
+ return resolveFieldData(node2, this.dataKey);
+ }, "nodeKey"),
+ handleSelectionWithMetaKey: /* @__PURE__ */ __name(function handleSelectionWithMetaKey(event2) {
+ var originalEvent = event2.originalEvent;
+ var node2 = event2.node;
+ var nodeKey3 = this.nodeKey(node2);
+ var metaKey = originalEvent.metaKey || originalEvent.ctrlKey;
+ var selected3 = this.isNodeSelected(node2);
+ var _selectionKeys;
+ if (selected3 && metaKey) {
+ if (this.isSingleSelectionMode()) {
+ _selectionKeys = {};
+ } else {
+ _selectionKeys = _objectSpread$1({}, this.selectionKeys);
+ delete _selectionKeys[nodeKey3];
+ }
+ this.$emit("node-unselect", node2);
+ } else {
+ if (this.isSingleSelectionMode()) {
+ _selectionKeys = {};
+ } else if (this.isMultipleSelectionMode()) {
+ _selectionKeys = !metaKey ? {} : this.selectionKeys ? _objectSpread$1({}, this.selectionKeys) : {};
+ }
+ _selectionKeys[nodeKey3] = true;
+ this.$emit("node-select", node2);
+ }
+ return _selectionKeys;
+ }, "handleSelectionWithMetaKey"),
+ handleSelectionWithoutMetaKey: /* @__PURE__ */ __name(function handleSelectionWithoutMetaKey(event2) {
+ var node2 = event2.node;
+ var nodeKey3 = this.nodeKey(node2);
+ var selected3 = this.isNodeSelected(node2);
+ var _selectionKeys;
+ if (this.isSingleSelectionMode()) {
+ if (selected3) {
+ _selectionKeys = {};
+ this.$emit("node-unselect", node2);
+ } else {
+ _selectionKeys = {};
+ _selectionKeys[nodeKey3] = true;
+ this.$emit("node-select", node2);
+ }
+ } else {
+ if (selected3) {
+ _selectionKeys = _objectSpread$1({}, this.selectionKeys);
+ delete _selectionKeys[nodeKey3];
+ this.$emit("node-unselect", node2);
+ } else {
+ _selectionKeys = this.selectionKeys ? _objectSpread$1({}, this.selectionKeys) : {};
+ _selectionKeys[nodeKey3] = true;
+ this.$emit("node-select", node2);
+ }
+ }
+ return _selectionKeys;
+ }, "handleSelectionWithoutMetaKey"),
+ onCheckboxChange: /* @__PURE__ */ __name(function onCheckboxChange2(event2) {
+ this.$emit("update:selectionKeys", event2.selectionKeys);
+ if (event2.check) this.$emit("node-select", event2.node);
+ else this.$emit("node-unselect", event2.node);
+ }, "onCheckboxChange"),
+ onRowRightClick: /* @__PURE__ */ __name(function onRowRightClick2(event2) {
+ if (this.contextMenu) {
+ clearSelection();
+ event2.originalEvent.target.focus();
+ }
+ this.$emit("update:contextMenuSelection", event2.node);
+ this.$emit("row-contextmenu", event2);
+ }, "onRowRightClick"),
+ isSingleSelectionMode: /* @__PURE__ */ __name(function isSingleSelectionMode() {
+ return this.selectionMode === "single";
+ }, "isSingleSelectionMode"),
+ isMultipleSelectionMode: /* @__PURE__ */ __name(function isMultipleSelectionMode() {
+ return this.selectionMode === "multiple";
+ }, "isMultipleSelectionMode"),
+ onPage: /* @__PURE__ */ __name(function onPage2(event2) {
+ this.d_first = event2.first;
+ this.d_rows = event2.rows;
+ var pageEvent = this.createLazyLoadEvent(event2);
+ pageEvent.pageCount = event2.pageCount;
+ pageEvent.page = event2.page;
+ this.d_expandedKeys = {};
+ this.$emit("update:expandedKeys", this.d_expandedKeys);
+ this.$emit("update:first", this.d_first);
+ this.$emit("update:rows", this.d_rows);
+ this.$emit("page", pageEvent);
+ }, "onPage"),
+ resetPage: /* @__PURE__ */ __name(function resetPage2() {
+ this.d_first = 0;
+ this.$emit("update:first", this.d_first);
+ }, "resetPage"),
+ getFilterColumnHeaderClass: /* @__PURE__ */ __name(function getFilterColumnHeaderClass(column2) {
+ return [this.cx("headerCell", {
+ column: column2
+ }), this.columnProp(column2, "filterHeaderClass")];
+ }, "getFilterColumnHeaderClass"),
+ onColumnHeaderClick: /* @__PURE__ */ __name(function onColumnHeaderClick(e) {
+ var event2 = e.originalEvent;
+ var column2 = e.column;
+ if (this.columnProp(column2, "sortable")) {
+ var targetNode = event2.target;
+ var columnField = this.columnProp(column2, "sortField") || this.columnProp(column2, "field");
+ if (getAttribute(targetNode, "data-p-sortable-column") === true || getAttribute(targetNode, "data-pc-section") === "columntitle" || getAttribute(targetNode, "data-pc-section") === "columnheadercontent" || getAttribute(targetNode, "data-pc-section") === "sorticon" || getAttribute(targetNode.parentElement, "data-pc-section") === "sorticon" || getAttribute(targetNode.parentElement.parentElement, "data-pc-section") === "sorticon" || targetNode.closest('[data-p-sortable-column="true"]')) {
+ clearSelection();
+ if (this.sortMode === "single") {
+ if (this.d_sortField === columnField) {
+ if (this.removableSort && this.d_sortOrder * -1 === this.defaultSortOrder) {
+ this.d_sortOrder = null;
+ this.d_sortField = null;
+ } else {
+ this.d_sortOrder = this.d_sortOrder * -1;
+ }
+ } else {
+ this.d_sortOrder = this.defaultSortOrder;
+ this.d_sortField = columnField;
+ }
+ this.$emit("update:sortField", this.d_sortField);
+ this.$emit("update:sortOrder", this.d_sortOrder);
+ this.resetPage();
+ } else if (this.sortMode === "multiple") {
+ var metaKey = event2.metaKey || event2.ctrlKey;
+ if (!metaKey) {
+ this.d_multiSortMeta = this.d_multiSortMeta.filter(function(meta) {
+ return meta.field === columnField;
+ });
+ }
+ this.addMultiSortField(columnField);
+ this.$emit("update:multiSortMeta", this.d_multiSortMeta);
+ }
+ this.$emit("sort", this.createLazyLoadEvent(event2));
+ }
+ }
+ }, "onColumnHeaderClick"),
+ addMultiSortField: /* @__PURE__ */ __name(function addMultiSortField(field) {
+ var index = this.d_multiSortMeta.findIndex(function(meta) {
+ return meta.field === field;
+ });
+ if (index >= 0) {
+ if (this.removableSort && this.d_multiSortMeta[index].order * -1 === this.defaultSortOrder) this.d_multiSortMeta.splice(index, 1);
+ else this.d_multiSortMeta[index] = {
+ field,
+ order: this.d_multiSortMeta[index].order * -1
+ };
+ } else {
+ this.d_multiSortMeta.push({
+ field,
+ order: this.defaultSortOrder
+ });
+ }
+ this.d_multiSortMeta = _toConsumableArray(this.d_multiSortMeta);
+ }, "addMultiSortField"),
+ sortSingle: /* @__PURE__ */ __name(function sortSingle(nodes) {
+ return this.sortNodesSingle(nodes);
+ }, "sortSingle"),
+ sortNodesSingle: /* @__PURE__ */ __name(function sortNodesSingle(nodes) {
+ var _this = this;
+ var _nodes = _toConsumableArray(nodes);
+ var comparer = localeComparator();
+ _nodes.sort(function(node1, node2) {
+ var value1 = resolveFieldData(node1.data, _this.d_sortField);
+ var value2 = resolveFieldData(node2.data, _this.d_sortField);
+ return sort(value1, value2, _this.d_sortOrder, comparer);
+ });
+ return _nodes;
+ }, "sortNodesSingle"),
+ sortMultiple: /* @__PURE__ */ __name(function sortMultiple(nodes) {
+ return this.sortNodesMultiple(nodes);
+ }, "sortMultiple"),
+ sortNodesMultiple: /* @__PURE__ */ __name(function sortNodesMultiple(nodes) {
+ var _this2 = this;
+ var _nodes = _toConsumableArray(nodes);
+ _nodes.sort(function(node1, node2) {
+ return _this2.multisortField(node1, node2, 0);
+ });
+ return _nodes;
+ }, "sortNodesMultiple"),
+ multisortField: /* @__PURE__ */ __name(function multisortField(node1, node2, index) {
+ var value1 = resolveFieldData(node1.data, this.d_multiSortMeta[index].field);
+ var value2 = resolveFieldData(node2.data, this.d_multiSortMeta[index].field);
+ var comparer = localeComparator();
+ if (value1 === value2) {
+ return this.d_multiSortMeta.length - 1 > index ? this.multisortField(node1, node2, index + 1) : 0;
+ }
+ return sort(value1, value2, this.d_multiSortMeta[index].order, comparer);
+ }, "multisortField"),
+ filter: /* @__PURE__ */ __name(function filter(value2) {
+ var filteredNodes = [];
+ var strict = this.filterMode === "strict";
+ var _iterator = _createForOfIteratorHelper(value2), _step;
+ try {
+ for (_iterator.s(); !(_step = _iterator.n()).done; ) {
+ var node2 = _step.value;
+ var copyNode = _objectSpread$1({}, node2);
+ var localMatch = true;
+ var globalMatch = false;
+ for (var j = 0; j < this.columns.length; j++) {
+ var col = this.columns[j];
+ var filterField = this.columnProp(col, "filterField") || this.columnProp(col, "field");
+ if (Object.prototype.hasOwnProperty.call(this.filters, filterField)) {
+ var filterMatchMode = this.columnProp(col, "filterMatchMode") || "startsWith";
+ var filterValue = this.filters[filterField];
+ var filterConstraint = FilterService.filters[filterMatchMode];
+ var paramsWithoutNode = {
+ filterField,
+ filterValue,
+ filterConstraint,
+ strict
+ };
+ if (strict && !(this.findFilteredNodes(copyNode, paramsWithoutNode) || this.isFilterMatched(copyNode, paramsWithoutNode)) || !strict && !(this.isFilterMatched(copyNode, paramsWithoutNode) || this.findFilteredNodes(copyNode, paramsWithoutNode))) {
+ localMatch = false;
+ }
+ if (!localMatch) {
+ break;
+ }
+ }
+ if (this.hasGlobalFilter() && !globalMatch) {
+ var copyNodeForGlobal = _objectSpread$1({}, copyNode);
+ var _filterValue = this.filters["global"];
+ var _filterConstraint = FilterService.filters["contains"];
+ var globalFilterParamsWithoutNode = {
+ filterField,
+ filterValue: _filterValue,
+ filterConstraint: _filterConstraint,
+ strict
+ };
+ if (strict && (this.findFilteredNodes(copyNodeForGlobal, globalFilterParamsWithoutNode) || this.isFilterMatched(copyNodeForGlobal, globalFilterParamsWithoutNode)) || !strict && (this.isFilterMatched(copyNodeForGlobal, globalFilterParamsWithoutNode) || this.findFilteredNodes(copyNodeForGlobal, globalFilterParamsWithoutNode))) {
+ globalMatch = true;
+ copyNode = copyNodeForGlobal;
+ }
+ }
+ }
+ var matches = localMatch;
+ if (this.hasGlobalFilter()) {
+ matches = localMatch && globalMatch;
+ }
+ if (matches) {
+ filteredNodes.push(copyNode);
+ }
+ }
+ } catch (err) {
+ _iterator.e(err);
+ } finally {
+ _iterator.f();
+ }
+ var filterEvent = this.createLazyLoadEvent(event);
+ filterEvent.filteredValue = filteredNodes;
+ this.$emit("filter", filterEvent);
+ return filteredNodes;
+ }, "filter"),
+ findFilteredNodes: /* @__PURE__ */ __name(function findFilteredNodes(node2, paramsWithoutNode) {
+ if (node2) {
+ var matched = false;
+ if (node2.children) {
+ var childNodes = _toConsumableArray(node2.children);
+ node2.children = [];
+ var _iterator2 = _createForOfIteratorHelper(childNodes), _step2;
+ try {
+ for (_iterator2.s(); !(_step2 = _iterator2.n()).done; ) {
+ var childNode = _step2.value;
+ var copyChildNode = _objectSpread$1({}, childNode);
+ if (this.isFilterMatched(copyChildNode, paramsWithoutNode)) {
+ matched = true;
+ node2.children.push(copyChildNode);
+ }
+ }
+ } catch (err) {
+ _iterator2.e(err);
+ } finally {
+ _iterator2.f();
+ }
+ }
+ if (matched) {
+ return true;
+ }
+ }
+ }, "findFilteredNodes"),
+ isFilterMatched: /* @__PURE__ */ __name(function isFilterMatched(node2, _ref) {
+ var filterField = _ref.filterField, filterValue = _ref.filterValue, filterConstraint = _ref.filterConstraint, strict = _ref.strict;
+ var matched = false;
+ var dataFieldValue = resolveFieldData(node2.data, filterField);
+ if (filterConstraint(dataFieldValue, filterValue, this.filterLocale)) {
+ matched = true;
+ }
+ if (!matched || strict && !this.isNodeLeaf(node2)) {
+ matched = this.findFilteredNodes(node2, {
+ filterField,
+ filterValue,
+ filterConstraint,
+ strict
+ }) || matched;
+ }
+ return matched;
+ }, "isFilterMatched"),
+ isNodeSelected: /* @__PURE__ */ __name(function isNodeSelected(node2) {
+ return this.selectionMode && this.selectionKeys ? this.selectionKeys[this.nodeKey(node2)] === true : false;
+ }, "isNodeSelected"),
+ isNodeLeaf: /* @__PURE__ */ __name(function isNodeLeaf(node2) {
+ return node2.leaf === false ? false : !(node2.children && node2.children.length);
+ }, "isNodeLeaf"),
+ createLazyLoadEvent: /* @__PURE__ */ __name(function createLazyLoadEvent(event2) {
+ var _this3 = this;
+ var filterMatchModes;
+ if (this.hasFilters()) {
+ filterMatchModes = {};
+ this.columns.forEach(function(col) {
+ if (_this3.columnProp(col, "field")) {
+ filterMatchModes[col.props.field] = _this3.columnProp(col, "filterMatchMode");
+ }
+ });
+ }
+ return {
+ originalEvent: event2,
+ first: this.d_first,
+ rows: this.d_rows,
+ sortField: this.d_sortField,
+ sortOrder: this.d_sortOrder,
+ multiSortMeta: this.d_multiSortMeta,
+ filters: this.filters,
+ filterMatchModes
+ };
+ }, "createLazyLoadEvent"),
+ onColumnResizeStart: /* @__PURE__ */ __name(function onColumnResizeStart(event2) {
+ var containerLeft = getOffset(this.$el).left;
+ this.resizeColumnElement = event2.target.parentElement;
+ this.columnResizing = true;
+ this.lastResizeHelperX = event2.pageX - containerLeft + this.$el.scrollLeft;
+ this.bindColumnResizeEvents();
+ }, "onColumnResizeStart"),
+ onColumnResize: /* @__PURE__ */ __name(function onColumnResize(event2) {
+ var containerLeft = getOffset(this.$el).left;
+ this.$el.setAttribute("data-p-unselectable-text", "true");
+ !this.isUnstyled && addStyle(this.$el, {
+ "user-select": "none"
+ });
+ this.$refs.resizeHelper.style.height = this.$el.offsetHeight + "px";
+ this.$refs.resizeHelper.style.top = "0px";
+ this.$refs.resizeHelper.style.left = event2.pageX - containerLeft + this.$el.scrollLeft + "px";
+ this.$refs.resizeHelper.style.display = "block";
+ }, "onColumnResize"),
+ onColumnResizeEnd: /* @__PURE__ */ __name(function onColumnResizeEnd() {
+ var delta = isRTL(this.$el) ? this.lastResizeHelperX - this.$refs.resizeHelper.offsetLeft : this.$refs.resizeHelper.offsetLeft - this.lastResizeHelperX;
+ var columnWidth = this.resizeColumnElement.offsetWidth;
+ var newColumnWidth = columnWidth + delta;
+ var minWidth = this.resizeColumnElement.style.minWidth || 15;
+ if (columnWidth + delta > parseInt(minWidth, 10)) {
+ if (this.columnResizeMode === "fit") {
+ var nextColumn = this.resizeColumnElement.nextElementSibling;
+ var nextColumnWidth = nextColumn.offsetWidth - delta;
+ if (newColumnWidth > 15 && nextColumnWidth > 15) {
+ this.resizeTableCells(newColumnWidth, nextColumnWidth);
+ }
+ } else if (this.columnResizeMode === "expand") {
+ var tableWidth = this.$refs.table.offsetWidth + delta + "px";
+ var updateTableWidth = /* @__PURE__ */ __name(function updateTableWidth2(el) {
+ !!el && (el.style.width = el.style.minWidth = tableWidth);
+ }, "updateTableWidth");
+ this.resizeTableCells(newColumnWidth);
+ updateTableWidth(this.$refs.table);
+ }
+ this.$emit("column-resize-end", {
+ element: this.resizeColumnElement,
+ delta
+ });
+ }
+ this.$refs.resizeHelper.style.display = "none";
+ this.resizeColumn = null;
+ this.$el.removeAttribute("data-p-unselectable-text");
+ !this.isUnstyled && (this.$el.style["user-select"] = "");
+ this.unbindColumnResizeEvents();
+ }, "onColumnResizeEnd"),
+ resizeTableCells: /* @__PURE__ */ __name(function resizeTableCells(newColumnWidth, nextColumnWidth) {
+ var colIndex = getIndex(this.resizeColumnElement);
+ var widths = [];
+ var headers = find(this.$refs.table, 'thead[data-pc-section="thead"] > tr > th');
+ headers.forEach(function(header2) {
+ return widths.push(getOuterWidth(header2));
+ });
+ this.destroyStyleElement();
+ this.createStyleElement();
+ var innerHTML = "";
+ var selector = '[data-pc-name="treetable"]['.concat(this.$attrSelector, '] > [data-pc-section="tablecontainer"] > table[data-pc-section="table"]');
+ widths.forEach(function(width, index) {
+ var colWidth = index === colIndex ? newColumnWidth : nextColumnWidth && index === colIndex + 1 ? nextColumnWidth : width;
+ var style = "width: ".concat(colWidth, "px !important; max-width: ").concat(colWidth, "px !important");
+ innerHTML += "\n ".concat(selector, ' > thead[data-pc-section="thead"] > tr > th:nth-child(').concat(index + 1, "),\n ").concat(selector, ' > tbody[data-pc-section="tbody"] > tr > td:nth-child(').concat(index + 1, "),\n ").concat(selector, ' > tfoot[data-pc-section="tfoot"] > tr > td:nth-child(').concat(index + 1, ") {\n ").concat(style, "\n }\n ");
+ });
+ this.styleElement.innerHTML = innerHTML;
+ }, "resizeTableCells"),
+ bindColumnResizeEvents: /* @__PURE__ */ __name(function bindColumnResizeEvents() {
+ var _this4 = this;
+ if (!this.documentColumnResizeListener) {
+ this.documentColumnResizeListener = document.addEventListener("mousemove", function(event2) {
+ if (_this4.columnResizing) {
+ _this4.onColumnResize(event2);
+ }
+ });
+ }
+ if (!this.documentColumnResizeEndListener) {
+ this.documentColumnResizeEndListener = document.addEventListener("mouseup", function() {
+ if (_this4.columnResizing) {
+ _this4.columnResizing = false;
+ _this4.onColumnResizeEnd();
+ }
+ });
+ }
+ }, "bindColumnResizeEvents"),
+ unbindColumnResizeEvents: /* @__PURE__ */ __name(function unbindColumnResizeEvents() {
+ if (this.documentColumnResizeListener) {
+ document.removeEventListener("document", this.documentColumnResizeListener);
+ this.documentColumnResizeListener = null;
+ }
+ if (this.documentColumnResizeEndListener) {
+ document.removeEventListener("document", this.documentColumnResizeEndListener);
+ this.documentColumnResizeEndListener = null;
+ }
+ }, "unbindColumnResizeEvents"),
+ onColumnKeyDown: /* @__PURE__ */ __name(function onColumnKeyDown(event2, col) {
+ if ((event2.code === "Enter" || event2.code === "NumpadEnter") && event2.currentTarget.nodeName === "TH" && getAttribute(event2.currentTarget, "data-p-sortable-column")) {
+ this.onColumnHeaderClick(event2, col);
+ }
+ }, "onColumnKeyDown"),
+ hasColumnFilter: /* @__PURE__ */ __name(function hasColumnFilter() {
+ if (this.columns) {
+ var _iterator3 = _createForOfIteratorHelper(this.columns), _step3;
+ try {
+ for (_iterator3.s(); !(_step3 = _iterator3.n()).done; ) {
+ var col = _step3.value;
+ if (col.children && col.children.filter) {
+ return true;
+ }
+ }
+ } catch (err) {
+ _iterator3.e(err);
+ } finally {
+ _iterator3.f();
+ }
+ }
+ return false;
+ }, "hasColumnFilter"),
+ hasFilters: /* @__PURE__ */ __name(function hasFilters() {
+ return this.filters && Object.keys(this.filters).length > 0 && this.filters.constructor === Object;
+ }, "hasFilters"),
+ hasGlobalFilter: /* @__PURE__ */ __name(function hasGlobalFilter() {
+ return this.filters && Object.prototype.hasOwnProperty.call(this.filters, "global");
+ }, "hasGlobalFilter"),
+ getItemLabel: /* @__PURE__ */ __name(function getItemLabel6(node2) {
+ return node2.data.name;
+ }, "getItemLabel"),
+ createStyleElement: /* @__PURE__ */ __name(function createStyleElement() {
+ var _this$$primevue;
+ this.styleElement = document.createElement("style");
+ this.styleElement.type = "text/css";
+ setAttribute(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ document.head.appendChild(this.styleElement);
+ }, "createStyleElement"),
+ destroyStyleElement: /* @__PURE__ */ __name(function destroyStyleElement() {
+ if (this.styleElement) {
+ document.head.removeChild(this.styleElement);
+ this.styleElement = null;
+ }
+ }, "destroyStyleElement"),
+ setTabindex: /* @__PURE__ */ __name(function setTabindex(node2, index) {
+ if (this.isNodeSelected(node2)) {
+ this.hasASelectedNode = true;
+ return 0;
+ }
+ if (this.selectionMode) {
+ if (!this.isNodeSelected(node2) && index === 0 && !this.hasASelectedNode) return 0;
+ } else if (!this.selectionMode && index === 0) {
+ return 0;
+ }
+ return -1;
+ }, "setTabindex")
+ },
+ computed: {
+ columns: /* @__PURE__ */ __name(function columns() {
+ return this.d_columns.get(this);
+ }, "columns"),
+ processedData: /* @__PURE__ */ __name(function processedData() {
+ if (this.lazy) {
+ return this.value;
+ } else {
+ if (this.value && this.value.length) {
+ var data40 = this.value;
+ if (this.sorted) {
+ if (this.sortMode === "single") data40 = this.sortSingle(data40);
+ else if (this.sortMode === "multiple") data40 = this.sortMultiple(data40);
+ }
+ if (this.hasFilters()) {
+ data40 = this.filter(data40);
+ }
+ return data40;
+ } else {
+ return null;
+ }
+ }
+ }, "processedData"),
+ dataToRender: /* @__PURE__ */ __name(function dataToRender() {
+ var data40 = this.processedData;
+ if (this.paginator) {
+ var first3 = this.lazy ? 0 : this.d_first;
+ return data40.slice(first3, first3 + this.d_rows);
+ } else {
+ return data40;
+ }
+ }, "dataToRender"),
+ empty: /* @__PURE__ */ __name(function empty2() {
+ var data40 = this.processedData;
+ return !data40 || data40.length === 0;
+ }, "empty"),
+ sorted: /* @__PURE__ */ __name(function sorted() {
+ return this.d_sortField || this.d_multiSortMeta && this.d_multiSortMeta.length > 0;
+ }, "sorted"),
+ hasFooter: /* @__PURE__ */ __name(function hasFooter() {
+ var hasFooter2 = false;
+ var _iterator4 = _createForOfIteratorHelper(this.columns), _step4;
+ try {
+ for (_iterator4.s(); !(_step4 = _iterator4.n()).done; ) {
+ var col = _step4.value;
+ if (this.columnProp(col, "footer") || col.children && col.children.footer) {
+ hasFooter2 = true;
+ break;
+ }
+ }
+ } catch (err) {
+ _iterator4.e(err);
+ } finally {
+ _iterator4.f();
+ }
+ return hasFooter2;
+ }, "hasFooter"),
+ paginatorTop: /* @__PURE__ */ __name(function paginatorTop2() {
+ return this.paginator && (this.paginatorPosition !== "bottom" || this.paginatorPosition === "both");
+ }, "paginatorTop"),
+ paginatorBottom: /* @__PURE__ */ __name(function paginatorBottom2() {
+ return this.paginator && (this.paginatorPosition !== "top" || this.paginatorPosition === "both");
+ }, "paginatorBottom"),
+ singleSelectionMode: /* @__PURE__ */ __name(function singleSelectionMode() {
+ return this.selectionMode && this.selectionMode === "single";
+ }, "singleSelectionMode"),
+ multipleSelectionMode: /* @__PURE__ */ __name(function multipleSelectionMode() {
+ return this.selectionMode && this.selectionMode === "multiple";
+ }, "multipleSelectionMode"),
+ rowSelectionMode: /* @__PURE__ */ __name(function rowSelectionMode() {
+ return this.singleSelectionMode || this.multipleSelectionMode;
+ }, "rowSelectionMode"),
+ totalRecordsLength: /* @__PURE__ */ __name(function totalRecordsLength() {
+ if (this.lazy) {
+ return this.totalRecords;
+ } else {
+ var data40 = this.processedData;
+ return data40 ? data40.length : 0;
+ }
+ }, "totalRecordsLength")
+ },
+ components: {
+ TTRow: script$1,
+ TTPaginator: script$1t,
+ TTHeaderCell: script$3,
+ TTFooterCell: script$4,
+ SpinnerIcon: script$1p
+ }
+};
+function _typeof(o) {
+ "@babel/helpers - typeof";
+ return _typeof = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof(o);
+}
+__name(_typeof, "_typeof");
+function ownKeys(e, r) {
+ var t2 = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t2.push.apply(t2, o);
+ }
+ return t2;
+}
+__name(ownKeys, "ownKeys");
+function _objectSpread(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t2 = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys(Object(t2), true).forEach(function(r2) {
+ _defineProperty(e, r2, t2[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t2)) : ownKeys(Object(t2)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t2, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread, "_objectSpread");
+function _defineProperty(e, r, t2) {
+ return (r = _toPropertyKey(r)) in e ? Object.defineProperty(e, r, { value: t2, enumerable: true, configurable: true, writable: true }) : e[r] = t2, e;
+}
+__name(_defineProperty, "_defineProperty");
+function _toPropertyKey(t2) {
+ var i = _toPrimitive(t2, "string");
+ return "symbol" == _typeof(i) ? i : i + "";
+}
+__name(_toPropertyKey, "_toPropertyKey");
+function _toPrimitive(t2, r) {
+ if ("object" != _typeof(t2) || !t2) return t2;
+ var e = t2[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t2, r || "default");
+ if ("object" != _typeof(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t2);
+}
+__name(_toPrimitive, "_toPrimitive");
+var _hoisted_1$5 = ["colspan"];
+function render3(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_TTPaginator = resolveComponent("TTPaginator");
+ var _component_TTHeaderCell = resolveComponent("TTHeaderCell");
+ var _component_TTRow = resolveComponent("TTRow");
+ var _component_TTFooterCell = resolveComponent("TTFooterCell");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ "data-scrollselectors": ".p-treetable-scrollable-body"
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default"), _ctx.loading && _ctx.loadingMode === "mask" ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("loading")
+ }, _ctx.ptm("loading")), [createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("mask")
+ }, _ctx.ptm("mask")), [renderSlot(_ctx.$slots, "loadingicon", {
+ "class": normalizeClass(_ctx.cx("loadingIcon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.loadingIcon ? "span" : "SpinnerIcon"), mergeProps({
+ spin: "",
+ "class": [_ctx.cx("loadingIcon"), _ctx.loadingIcon]
+ }, _ctx.ptm("loadingIcon")), null, 16, ["class"]))];
+ })], 16)], 16)) : createCommentVNode("", true), _ctx.$slots.header ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": _ctx.cx("header")
+ }, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header")], 16)) : createCommentVNode("", true), $options.paginatorTop ? (openBlock(), createBlock(_component_TTPaginator, {
+ key: 2,
+ rows: $data.d_rows,
+ first: $data.d_first,
+ totalRecords: $options.totalRecordsLength,
+ pageLinkSize: _ctx.pageLinkSize,
+ template: _ctx.paginatorTemplate,
+ rowsPerPageOptions: _ctx.rowsPerPageOptions,
+ currentPageReportTemplate: _ctx.currentPageReportTemplate,
+ "class": normalizeClass(_ctx.cx("pcPaginator", {
+ position: "top"
+ })),
+ onPage: _cache[0] || (_cache[0] = function($event) {
+ return $options.onPage($event);
+ }),
+ alwaysShow: _ctx.alwaysShowPaginator,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcPaginator")
+ }, createSlots({
+ _: 2
+ }, [_ctx.$slots.paginatorcontainer ? {
+ name: "container",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorcontainer", {
+ first: slotProps.first,
+ last: slotProps.last,
+ rows: slotProps.rows,
+ page: slotProps.page,
+ pageCount: slotProps.pageCount,
+ totalRecords: slotProps.totalRecords,
+ firstPageCallback: slotProps.firstPageCallback,
+ lastPageCallback: slotProps.lastPageCallback,
+ prevPageCallback: slotProps.prevPageCallback,
+ nextPageCallback: slotProps.nextPageCallback,
+ rowChangeCallback: slotProps.rowChangeCallback
+ })];
+ }),
+ key: "0"
+ } : void 0, _ctx.$slots.paginatorstart ? {
+ name: "start",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "paginatorstart")];
+ }),
+ key: "1"
+ } : void 0, _ctx.$slots.paginatorend ? {
+ name: "end",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "paginatorend")];
+ }),
+ key: "2"
+ } : void 0, _ctx.$slots.paginatorfirstpagelinkicon ? {
+ name: "firstpagelinkicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorfirstpagelinkicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "3"
+ } : void 0, _ctx.$slots.paginatorprevpagelinkicon ? {
+ name: "prevpagelinkicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorprevpagelinkicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "4"
+ } : void 0, _ctx.$slots.paginatornextpagelinkicon ? {
+ name: "nextpagelinkicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatornextpagelinkicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "5"
+ } : void 0, _ctx.$slots.paginatorlastpagelinkicon ? {
+ name: "lastpagelinkicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorlastpagelinkicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "6"
+ } : void 0, _ctx.$slots.paginatorjumptopagedropdownicon ? {
+ name: "jumptopagedropdownicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorjumptopagedropdownicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "7"
+ } : void 0, _ctx.$slots.paginatorrowsperpagedropdownicon ? {
+ name: "rowsperpagedropdownicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorrowsperpagedropdownicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "8"
+ } : void 0]), 1032, ["rows", "first", "totalRecords", "pageLinkSize", "template", "rowsPerPageOptions", "currentPageReportTemplate", "class", "alwaysShow", "unstyled", "pt"])) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("tableContainer"),
+ style: [_ctx.sx("tableContainer"), {
+ maxHeight: _ctx.scrollHeight
+ }]
+ }, _ctx.ptm("tableContainer")), [createBaseVNode("table", mergeProps({
+ ref: "table",
+ role: "table",
+ "class": [_ctx.cx("table"), _ctx.tableClass],
+ style: _ctx.tableStyle
+ }, _objectSpread(_objectSpread({}, _ctx.tableProps), _ctx.ptm("table"))), [createBaseVNode("thead", mergeProps({
+ "class": _ctx.cx("thead"),
+ style: _ctx.sx("thead"),
+ role: "rowgroup"
+ }, _ctx.ptm("thead")), [createBaseVNode("tr", mergeProps({
+ role: "row"
+ }, _ctx.ptm("headerRow")), [(openBlock(true), createElementBlock(Fragment, null, renderList($options.columns, function(col, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.columnProp(col, "columnKey") || $options.columnProp(col, "field") || i
+ }, [!$options.columnProp(col, "hidden") ? (openBlock(), createBlock(_component_TTHeaderCell, {
+ key: 0,
+ column: col,
+ resizableColumns: _ctx.resizableColumns,
+ sortField: $data.d_sortField,
+ sortOrder: $data.d_sortOrder,
+ multiSortMeta: $data.d_multiSortMeta,
+ sortMode: _ctx.sortMode,
+ onColumnClick: _cache[1] || (_cache[1] = function($event) {
+ return $options.onColumnHeaderClick($event);
+ }),
+ onColumnResizestart: _cache[2] || (_cache[2] = function($event) {
+ return $options.onColumnResizeStart($event);
+ }),
+ index: i,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["column", "resizableColumns", "sortField", "sortOrder", "multiSortMeta", "sortMode", "index", "unstyled", "pt"])) : createCommentVNode("", true)], 64);
+ }), 128))], 16), $options.hasColumnFilter() ? (openBlock(), createElementBlock("tr", normalizeProps(mergeProps({
+ key: 0
+ }, _ctx.ptm("headerRow"))), [(openBlock(true), createElementBlock(Fragment, null, renderList($options.columns, function(col, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.columnProp(col, "columnKey") || $options.columnProp(col, "field") || i
+ }, [!$options.columnProp(col, "hidden") ? (openBlock(), createElementBlock("th", mergeProps({
+ key: 0,
+ "class": $options.getFilterColumnHeaderClass(col),
+ style: [$options.columnProp(col, "style"), $options.columnProp(col, "filterHeaderStyle")],
+ ref_for: true
+ }, _ctx.ptm("headerCell", $options.ptHeaderCellOptions(col))), [col.children && col.children.filter ? (openBlock(), createBlock(resolveDynamicComponent(col.children.filter), {
+ key: 0,
+ column: col,
+ index: i
+ }, null, 8, ["column", "index"])) : createCommentVNode("", true)], 16)) : createCommentVNode("", true)], 64);
+ }), 128))], 16)) : createCommentVNode("", true)], 16), createBaseVNode("tbody", mergeProps({
+ "class": _ctx.cx("tbody"),
+ role: "rowgroup"
+ }, _ctx.ptm("tbody")), [!$options.empty ? (openBlock(true), createElementBlock(Fragment, {
+ key: 0
+ }, renderList($options.dataToRender, function(node2, index) {
+ return openBlock(), createBlock(_component_TTRow, {
+ key: $options.nodeKey(node2),
+ dataKey: _ctx.dataKey,
+ columns: $options.columns,
+ node: node2,
+ level: 0,
+ expandedKeys: $data.d_expandedKeys,
+ indentation: _ctx.indentation,
+ selectionMode: _ctx.selectionMode,
+ selectionKeys: _ctx.selectionKeys,
+ ariaSetSize: $options.dataToRender.length,
+ ariaPosInset: index + 1,
+ tabindex: $options.setTabindex(node2, index),
+ loadingMode: _ctx.loadingMode,
+ contextMenu: _ctx.contextMenu,
+ contextMenuSelection: _ctx.contextMenuSelection,
+ templates: _ctx.$slots,
+ onNodeToggle: $options.onNodeToggle,
+ onNodeClick: $options.onNodeClick,
+ onCheckboxChange: $options.onCheckboxChange,
+ onRowRightclick: _cache[3] || (_cache[3] = function($event) {
+ return $options.onRowRightClick($event);
+ }),
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["dataKey", "columns", "node", "expandedKeys", "indentation", "selectionMode", "selectionKeys", "ariaSetSize", "ariaPosInset", "tabindex", "loadingMode", "contextMenu", "contextMenuSelection", "templates", "onNodeToggle", "onNodeClick", "onCheckboxChange", "unstyled", "pt"]);
+ }), 128)) : (openBlock(), createElementBlock("tr", mergeProps({
+ key: 1,
+ "class": _ctx.cx("emptyMessage")
+ }, _ctx.ptm("emptyMessage")), [createBaseVNode("td", mergeProps({
+ colspan: $options.columns.length
+ }, _ctx.ptm("emptyMessageCell")), [renderSlot(_ctx.$slots, "empty")], 16, _hoisted_1$5)], 16))], 16), $options.hasFooter ? (openBlock(), createElementBlock("tfoot", mergeProps({
+ key: 0,
+ "class": _ctx.cx("tfoot"),
+ style: _ctx.sx("tfoot"),
+ role: "rowgroup"
+ }, _ctx.ptm("tfoot")), [createBaseVNode("tr", mergeProps({
+ role: "row"
+ }, _ctx.ptm("footerRow")), [(openBlock(true), createElementBlock(Fragment, null, renderList($options.columns, function(col, i) {
+ return openBlock(), createElementBlock(Fragment, {
+ key: $options.columnProp(col, "columnKey") || $options.columnProp(col, "field") || i
+ }, [!$options.columnProp(col, "hidden") ? (openBlock(), createBlock(_component_TTFooterCell, {
+ key: 0,
+ column: col,
+ index: i,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.pt
+ }, null, 8, ["column", "index", "unstyled", "pt"])) : createCommentVNode("", true)], 64);
+ }), 128))], 16)], 16)) : createCommentVNode("", true)], 16)], 16), $options.paginatorBottom ? (openBlock(), createBlock(_component_TTPaginator, {
+ key: 3,
+ rows: $data.d_rows,
+ first: $data.d_first,
+ totalRecords: $options.totalRecordsLength,
+ pageLinkSize: _ctx.pageLinkSize,
+ template: _ctx.paginatorTemplate,
+ rowsPerPageOptions: _ctx.rowsPerPageOptions,
+ currentPageReportTemplate: _ctx.currentPageReportTemplate,
+ "class": normalizeClass(_ctx.cx("pcPaginator", {
+ position: "bottom"
+ })),
+ onPage: _cache[4] || (_cache[4] = function($event) {
+ return $options.onPage($event);
+ }),
+ alwaysShow: _ctx.alwaysShowPaginator,
+ unstyled: _ctx.unstyled,
+ pt: _ctx.ptm("pcPaginator")
+ }, createSlots({
+ _: 2
+ }, [_ctx.$slots.paginatorcontainer ? {
+ name: "container",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorcontainer", {
+ first: slotProps.first,
+ last: slotProps.last,
+ rows: slotProps.rows,
+ page: slotProps.page,
+ pageCount: slotProps.pageCount,
+ totalRecords: slotProps.totalRecords,
+ firstPageCallback: slotProps.firstPageCallback,
+ lastPageCallback: slotProps.lastPageCallback,
+ prevPageCallback: slotProps.prevPageCallback,
+ nextPageCallback: slotProps.nextPageCallback,
+ rowChangeCallback: slotProps.rowChangeCallback
+ })];
+ }),
+ key: "0"
+ } : void 0, _ctx.$slots.paginatorstart ? {
+ name: "start",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "paginatorstart")];
+ }),
+ key: "1"
+ } : void 0, _ctx.$slots.paginatorend ? {
+ name: "end",
+ fn: withCtx(function() {
+ return [renderSlot(_ctx.$slots, "paginatorend")];
+ }),
+ key: "2"
+ } : void 0, _ctx.$slots.paginatorfirstpagelinkicon ? {
+ name: "firstpagelinkicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorfirstpagelinkicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "3"
+ } : void 0, _ctx.$slots.paginatorprevpagelinkicon ? {
+ name: "prevpagelinkicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorprevpagelinkicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "4"
+ } : void 0, _ctx.$slots.paginatornextpagelinkicon ? {
+ name: "nextpagelinkicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatornextpagelinkicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "5"
+ } : void 0, _ctx.$slots.paginatorlastpagelinkicon ? {
+ name: "lastpagelinkicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorlastpagelinkicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "6"
+ } : void 0, _ctx.$slots.paginatorjumptopagedropdownicon ? {
+ name: "jumptopagedropdownicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorjumptopagedropdownicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "7"
+ } : void 0, _ctx.$slots.paginatorrowsperpagedropdownicon ? {
+ name: "rowsperpagedropdownicon",
+ fn: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "paginatorrowsperpagedropdownicon", {
+ "class": normalizeClass(slotProps["class"])
+ })];
+ }),
+ key: "8"
+ } : void 0]), 1032, ["rows", "first", "totalRecords", "pageLinkSize", "template", "rowsPerPageOptions", "currentPageReportTemplate", "class", "alwaysShow", "unstyled", "pt"])) : createCommentVNode("", true), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 4,
+ "class": _ctx.cx("footer")
+ }, _ctx.ptm("footer")), [renderSlot(_ctx.$slots, "footer")], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ ref: "resizeHelper",
+ "class": _ctx.cx("columnResizeIndicator"),
+ style: {
+ "display": "none"
+ }
+ }, _ctx.ptm("columnResizeIndicator")), null, 16)], 16);
+}
+__name(render3, "render");
+script.render = render3;
+const electron = electronAPI();
+const openUrl = /* @__PURE__ */ __name((url) => {
+ window.open(url, "_blank");
+ return true;
+}, "openUrl");
+const DESKTOP_MAINTENANCE_TASKS = [
+ {
+ id: "basePath",
+ execute: /* @__PURE__ */ __name(async () => await electron.setBasePath(), "execute"),
+ name: "Base path",
+ shortDescription: "Change the application base path.",
+ errorDescription: "Unable to open the base path. Please select a new one.",
+ description: "The base path is the default location where ComfyUI stores data. It is the location fo the python environment, and may also contain models, custom nodes, and other extensions.",
+ isInstallationFix: true,
+ button: {
+ icon: PrimeIcons.QUESTION,
+ text: "Select"
+ }
+ },
+ {
+ id: "git",
+ headerImg: "/assets/images/Git-Logo-White.svg",
+ execute: /* @__PURE__ */ __name(() => openUrl("https://git-scm.com/downloads/"), "execute"),
+ name: "Download git",
+ shortDescription: "Open the git download page.",
+ errorDescription: "Git is missing. Please download and install git, then restart ComfyUI Desktop.",
+ description: "Git is required to download and manage custom nodes and other extensions. This task opens the download page in your default browser, where you can download the latest version of git. Once you have installed git, please restart ComfyUI Desktop.",
+ button: {
+ icon: PrimeIcons.EXTERNAL_LINK,
+ text: "Download"
+ }
+ },
+ {
+ id: "vcRedist",
+ execute: /* @__PURE__ */ __name(() => openUrl("https://aka.ms/vs/17/release/vc_redist.x64.exe"), "execute"),
+ name: "Download VC++ Redist",
+ shortDescription: "Download the latest VC++ Redistributable runtime.",
+ description: "The Visual C++ runtime libraries are required to run ComfyUI. You will need to download and install this file.",
+ button: {
+ icon: PrimeIcons.EXTERNAL_LINK,
+ text: "Download"
+ }
+ },
+ {
+ id: "reinstall",
+ severity: "danger",
+ requireConfirm: true,
+ execute: /* @__PURE__ */ __name(async () => {
+ await electron.reinstall();
+ return true;
+ }, "execute"),
+ name: "Reinstall ComfyUI",
+ shortDescription: "Deletes the desktop app config and load the welcome screen.",
+ description: "Delete the desktop app config, restart the app, and load the installation screen.",
+ confirmText: "Delete all saved config and reinstall?",
+ button: {
+ icon: PrimeIcons.EXCLAMATION_TRIANGLE,
+ text: "Reinstall"
+ }
+ },
+ {
+ id: "pythonPackages",
+ requireConfirm: true,
+ execute: /* @__PURE__ */ __name(async () => {
+ try {
+ await electron.uv.installRequirements();
+ return true;
+ } catch (error) {
+ return false;
+ }
+ }, "execute"),
+ name: "Install python packages",
+ shortDescription: "Installs the base python packages required to run ComfyUI.",
+ errorDescription: "Python packages that are required to run ComfyUI are not installed.",
+ description: "This will install the python packages required to run ComfyUI. This includes torch, torchvision, and other dependencies.",
+ usesTerminal: true,
+ isInstallationFix: true,
+ button: {
+ icon: PrimeIcons.DOWNLOAD,
+ text: "Install"
+ }
+ },
+ {
+ id: "uv",
+ execute: /* @__PURE__ */ __name(() => openUrl("https://docs.astral.sh/uv/getting-started/installation/"), "execute"),
+ name: "uv executable",
+ shortDescription: "uv installs and maintains the python environment.",
+ description: "This will open the download page for Astral's uv tool. uv is used to install python and manage python packages.",
+ button: {
+ icon: "pi pi-asterisk",
+ text: "Download"
+ }
+ },
+ {
+ id: "uvCache",
+ severity: "danger",
+ requireConfirm: true,
+ execute: /* @__PURE__ */ __name(async () => await electron.uv.clearCache(), "execute"),
+ name: "uv cache",
+ shortDescription: "Remove the Astral uv cache of python packages.",
+ description: "This will remove the uv cache directory and its contents. All downloaded python packages will need to be downloaded again.",
+ confirmText: "Delete uv cache of python packages?",
+ isInstallationFix: true,
+ button: {
+ icon: PrimeIcons.TRASH,
+ text: "Clear cache"
+ }
+ },
+ {
+ id: "venvDirectory",
+ severity: "danger",
+ requireConfirm: true,
+ execute: /* @__PURE__ */ __name(async () => await electron.uv.resetVenv(), "execute"),
+ name: "Reset virtual environment",
+ shortDescription: "Remove and recreate the .venv directory. This removes all python packages.",
+ description: "The python environment is where ComfyUI installs python and python packages. It is used to run the ComfyUI server.",
+ confirmText: "Delete the .venv directory?",
+ usesTerminal: true,
+ isInstallationFix: true,
+ button: {
+ icon: PrimeIcons.FOLDER,
+ text: "Recreate"
+ }
+ }
+];
+class MaintenanceTaskRunner {
+ static {
+ __name(this, "MaintenanceTaskRunner");
+ }
+ constructor(task) {
+ this.task = task;
+ }
+ _state;
+ /** The current state of the task. Setter also controls {@link resolved} as a side-effect. */
+ get state() {
+ return this._state;
+ }
+ /** Updates the task state and {@link resolved} status. */
+ setState(value2) {
+ if (this._state === "error" && value2 === "OK") this.resolved = true;
+ if (value2 === "error") this.resolved &&= false;
+ this._state = value2;
+ }
+ /** `true` if the task has been resolved (was `error`, now `OK`). This is a side-effect of the {@link state} setter. */
+ resolved;
+ /** Whether the task state is currently being refreshed. */
+ refreshing;
+ /** Whether the task is currently running. */
+ executing;
+ /** The error message that occurred when the task failed. */
+ error;
+ update(update) {
+ const state = update[this.task.id];
+ this.refreshing = state === void 0;
+ if (state) this.setState(state);
+ }
+ finaliseUpdate(update) {
+ this.refreshing = false;
+ this.setState(update[this.task.id] ?? "skipped");
+ }
+ /** Wraps the execution of a maintenance task, updating state and rethrowing errors. */
+ async execute(task) {
+ try {
+ this.executing = true;
+ const success = await task.execute();
+ if (!success) return false;
+ this.error = void 0;
+ return true;
+ } catch (error) {
+ this.error = error?.message;
+ throw error;
+ } finally {
+ this.executing = false;
+ }
+ }
+}
+const useMaintenanceTaskStore = defineStore("maintenanceTask", () => {
+ const electron2 = electronAPI();
+ const isRefreshing = ref(false);
+ const isRunningTerminalCommand = computed(
+ () => tasks.value.filter((task) => task.usesTerminal).some((task) => getRunner(task)?.executing)
+ );
+ const isRunningInstallationFix = computed(
+ () => tasks.value.filter((task) => task.isInstallationFix).some((task) => getRunner(task)?.executing)
+ );
+ const tasks = ref(DESKTOP_MAINTENANCE_TASKS);
+ const taskRunners = ref(
+ new Map(
+ DESKTOP_MAINTENANCE_TASKS.map((x) => [x.id, new MaintenanceTaskRunner(x)])
+ )
+ );
+ const anyErrors = computed(
+ () => tasks.value.some((task) => getRunner(task).state === "error")
+ );
+ const getRunner = /* @__PURE__ */ __name((task) => taskRunners.value.get(task.id), "getRunner");
+ const processUpdate = /* @__PURE__ */ __name((validationUpdate) => {
+ const update = validationUpdate;
+ isRefreshing.value = true;
+ for (const task of tasks.value) {
+ getRunner(task).update(update);
+ }
+ if (!update.inProgress && isRefreshing.value) {
+ isRefreshing.value = false;
+ for (const task of tasks.value) {
+ getRunner(task).finaliseUpdate(update);
+ }
+ }
+ }, "processUpdate");
+ const clearResolved = /* @__PURE__ */ __name(() => {
+ for (const task of tasks.value) {
+ getRunner(task).resolved &&= false;
+ }
+ }, "clearResolved");
+ const refreshDesktopTasks = /* @__PURE__ */ __name(async () => {
+ isRefreshing.value = true;
+ console.log("Refreshing desktop tasks");
+ await electron2.Validation.validateInstallation(processUpdate);
+ }, "refreshDesktopTasks");
+ const execute = /* @__PURE__ */ __name(async (task) => {
+ return getRunner(task).execute(task);
+ }, "execute");
+ return {
+ tasks,
+ isRefreshing,
+ isRunningTerminalCommand,
+ isRunningInstallationFix,
+ execute,
+ getRunner,
+ processUpdate,
+ clearResolved,
+ /** True if any tasks are in an error state. */
+ anyErrors,
+ refreshDesktopTasks
+ };
+});
+function useMinLoadingDurationRef(value2, minDuration = 250) {
+ const current = ref(value2.value);
+ const { ready, start } = useTimeout(minDuration, {
+ controls: true,
+ immediate: false
+ });
+ watch(value2, (newValue) => {
+ if (newValue && !current.value) start();
+ current.value = newValue;
+ });
+ return computed(() => current.value || !ready.value);
+}
+__name(useMinLoadingDurationRef, "useMinLoadingDurationRef");
+const _hoisted_1$3 = {
+ key: 0,
+ class: "pi pi-exclamation-triangle text-red-500 absolute m-2 top-0 -right-14 opacity-15",
+ style: { "font-size": "10rem" }
+};
+const _hoisted_2$3 = ["src"];
+const _hoisted_3$3 = { class: "flex gap-4 mt-1" };
+const _hoisted_4$3 = {
+ key: 0,
+ class: "task-card-ok pi pi-check"
+};
+const _sfc_main$4 = /* @__PURE__ */ defineComponent({
+ __name: "TaskCard",
+ props: {
+ task: {}
+ },
+ emits: ["execute"],
+ setup(__props) {
+ const taskStore = useMaintenanceTaskStore();
+ const runner = computed(() => taskStore.getRunner(props.task));
+ const props = __props;
+ const description = computed(
+ () => runner.value.state === "error" ? props.task.errorDescription ?? props.task.shortDescription : props.task.shortDescription
+ );
+ const reactiveLoading = computed(() => runner.value.refreshing);
+ const reactiveExecuting = computed(() => runner.value.executing);
+ const isLoading = useMinLoadingDurationRef(reactiveLoading, 250);
+ const isExecuting = useMinLoadingDurationRef(reactiveExecuting, 250);
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", {
+ class: normalizeClass(["task-div max-w-48 min-h-52 grid relative", { "opacity-75": unref(isLoading) }])
+ }, [
+ createVNode(unref(script$1Y), mergeProps({
+ class: ["max-w-48 relative h-full overflow-hidden", { "opacity-65": runner.value.state !== "error" }]
+ }, (({ onClick: onClick11, ...rest }) => rest)(_ctx.$attrs)), {
+ header: withCtx(() => [
+ runner.value.state === "error" ? (openBlock(), createElementBlock("i", _hoisted_1$3)) : createCommentVNode("", true),
+ _ctx.task.headerImg ? (openBlock(), createElementBlock("img", {
+ key: 1,
+ src: _ctx.task.headerImg,
+ class: "object-contain w-full h-full opacity-25 pt-4 px-4"
+ }, null, 8, _hoisted_2$3)) : createCommentVNode("", true)
+ ]),
+ title: withCtx(() => [
+ createTextVNode(toDisplayString(_ctx.task.name), 1)
+ ]),
+ content: withCtx(() => [
+ createTextVNode(toDisplayString(description.value), 1)
+ ]),
+ footer: withCtx(() => [
+ createBaseVNode("div", _hoisted_3$3, [
+ createVNode(unref(script$1d), {
+ icon: _ctx.task.button?.icon,
+ label: _ctx.task.button?.text,
+ class: "w-full",
+ raised: "",
+ "icon-pos": "right",
+ onClick: _cache[0] || (_cache[0] = (event2) => _ctx.$emit("execute", event2)),
+ loading: unref(isExecuting)
+ }, null, 8, ["icon", "label", "loading"])
+ ])
+ ]),
+ _: 1
+ }, 16, ["class"]),
+ !unref(isLoading) && runner.value.state === "OK" ? (openBlock(), createElementBlock("i", _hoisted_4$3)) : createCommentVNode("", true)
+ ], 2);
+ };
+ }
+});
+const TaskCard = /* @__PURE__ */ _export_sfc(_sfc_main$4, [["__scopeId", "data-v-c3bd7658"]]);
+const _sfc_main$3 = /* @__PURE__ */ defineComponent({
+ __name: "TaskListStatusIcon",
+ props: {
+ state: {},
+ loading: {}
+ },
+ setup(__props) {
+ const tooltip = computed(() => {
+ if (props.state === "error") {
+ return t("g.error");
+ } else if (props.state === "OK") {
+ return t("maintenance.OK");
+ } else {
+ return t("maintenance.Skipped");
+ }
+ });
+ const cssClasses = computed(() => {
+ let classes2;
+ if (props.state === "error") {
+ classes2 = `${PrimeIcons.EXCLAMATION_TRIANGLE} text-red-500`;
+ } else if (props.state === "OK") {
+ classes2 = `${PrimeIcons.CHECK} text-green-500`;
+ } else {
+ classes2 = PrimeIcons.MINUS;
+ }
+ return `text-3xl pi ${classes2}`;
+ });
+ const props = __props;
+ return (_ctx, _cache) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return !_ctx.state || _ctx.loading ? (openBlock(), createBlock(unref(script$1c), {
+ key: 0,
+ class: "h-8 w-8"
+ })) : withDirectives((openBlock(), createElementBlock("i", {
+ key: 1,
+ class: normalizeClass(cssClasses.value)
+ }, null, 2)), [
+ [
+ _directive_tooltip,
+ { value: tooltip.value, showDelay: 250 },
+ void 0,
+ { top: true }
+ ]
+ ]);
+ };
+ }
+});
+const _hoisted_1$2 = { class: "text-center w-16" };
+const _hoisted_2$2 = { class: "inline-block" };
+const _hoisted_3$2 = { class: "whitespace-pre-line" };
+const _hoisted_4$2 = { class: "text-right px-4" };
+const _sfc_main$2 = /* @__PURE__ */ defineComponent({
+ __name: "TaskListItem",
+ props: {
+ task: {}
+ },
+ emits: ["execute"],
+ setup(__props) {
+ const taskStore = useMaintenanceTaskStore();
+ const runner = computed(() => taskStore.getRunner(props.task));
+ const props = __props;
+ const severity = computed(
+ () => runner.value.state === "error" || runner.value.state === "warning" ? "primary" : "secondary"
+ );
+ const reactiveLoading = computed(() => runner.value.refreshing);
+ const reactiveExecuting = computed(() => runner.value.executing);
+ const isLoading = useMinLoadingDurationRef(reactiveLoading, 250);
+ const isExecuting = useMinLoadingDurationRef(reactiveExecuting, 250);
+ const infoPopover = ref();
+ const toggle6 = /* @__PURE__ */ __name((event2) => {
+ infoPopover.value.toggle(event2);
+ }, "toggle");
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("tr", {
+ class: normalizeClass(["border-neutral-700 border-solid border-y", {
+ "opacity-50": runner.value.resolved,
+ "opacity-75": unref(isLoading) && runner.value.resolved
+ }])
+ }, [
+ createBaseVNode("td", _hoisted_1$2, [
+ createVNode(_sfc_main$3, {
+ state: runner.value.state,
+ loading: unref(isLoading)
+ }, null, 8, ["state", "loading"])
+ ]),
+ createBaseVNode("td", null, [
+ createBaseVNode("p", _hoisted_2$2, toDisplayString(_ctx.task.name), 1),
+ createVNode(unref(script$1d), {
+ class: "inline-block mx-2",
+ type: "button",
+ icon: unref(PrimeIcons).INFO_CIRCLE,
+ severity: "secondary",
+ text: true,
+ onClick: toggle6
+ }, null, 8, ["icon"]),
+ createVNode(unref(script$1P), {
+ ref_key: "infoPopover",
+ ref: infoPopover,
+ class: "block m-1 max-w-64 min-w-32"
+ }, {
+ default: withCtx(() => [
+ createBaseVNode("span", _hoisted_3$2, toDisplayString(_ctx.task.description), 1)
+ ]),
+ _: 1
+ }, 512)
+ ]),
+ createBaseVNode("td", _hoisted_4$2, [
+ createVNode(unref(script$1d), {
+ icon: _ctx.task.button?.icon,
+ label: _ctx.task.button?.text,
+ severity: severity.value,
+ "icon-pos": "right",
+ onClick: _cache[0] || (_cache[0] = (event2) => _ctx.$emit("execute", event2)),
+ loading: unref(isExecuting)
+ }, null, 8, ["icon", "label", "severity", "loading"])
+ ])
+ ], 2);
+ };
+ }
+});
+const _hoisted_1$1 = { class: "my-4" };
+const _hoisted_2$1 = { class: "text-neutral-400 w-full text-center" };
+const _hoisted_3$1 = {
+ key: 0,
+ class: "w-full border-collapse border-hidden"
+};
+const _hoisted_4$1 = {
+ key: 1,
+ class: "flex flex-wrap justify-evenly gap-8 pad-y my-4"
+};
+const _sfc_main$1 = /* @__PURE__ */ defineComponent({
+ __name: "TaskListPanel",
+ props: {
+ displayAsList: {},
+ filter: {},
+ isRefreshing: { type: Boolean }
+ },
+ setup(__props) {
+ const toast = useToast();
+ const confirm = useConfirm();
+ const taskStore = useMaintenanceTaskStore();
+ const props = __props;
+ const executeTask = /* @__PURE__ */ __name(async (task) => {
+ let message;
+ try {
+ if (await taskStore.execute(task) === true) return;
+ message = t("maintenance.error.taskFailed");
+ } catch (error) {
+ message = error?.message;
+ }
+ toast.add({
+ severity: "error",
+ summary: t("maintenance.error.toastTitle"),
+ detail: message ?? t("maintenance.error.defaultDescription"),
+ life: 1e4
+ });
+ }, "executeTask");
+ const confirmButton = /* @__PURE__ */ __name(async (event2, task) => {
+ if (!task.requireConfirm) {
+ await executeTask(task);
+ return;
+ }
+ confirm.require({
+ target: event2.currentTarget,
+ message: task.confirmText ?? t("maintenance.confirmTitle"),
+ icon: "pi pi-exclamation-circle",
+ rejectProps: {
+ label: t("g.cancel"),
+ severity: "secondary",
+ outlined: true
+ },
+ acceptProps: {
+ label: task.button?.text ?? t("g.save"),
+ severity: task.severity ?? "primary"
+ },
+ // TODO: Not awaited.
+ accept: /* @__PURE__ */ __name(async () => {
+ await executeTask(task);
+ }, "accept")
+ });
+ }, "confirmButton");
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("section", _hoisted_1$1, [
+ _ctx.filter.tasks.length === 0 ? (openBlock(), createElementBlock(Fragment, { key: 0 }, [
+ createVNode(unref(script$1Z)),
+ createBaseVNode("p", _hoisted_2$1, toDisplayString(_ctx.$t("maintenance.allOk")), 1)
+ ], 64)) : (openBlock(), createElementBlock(Fragment, { key: 1 }, [
+ _ctx.displayAsList === unref(PrimeIcons).LIST ? (openBlock(), createElementBlock("table", _hoisted_3$1, [
+ (openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.filter.tasks, (task) => {
+ return openBlock(), createBlock(_sfc_main$2, {
+ key: task.id,
+ task,
+ onExecute: /* @__PURE__ */ __name((event2) => confirmButton(event2, task), "onExecute")
+ }, null, 8, ["task", "onExecute"]);
+ }), 128))
+ ])) : (openBlock(), createElementBlock("div", _hoisted_4$1, [
+ (openBlock(true), createElementBlock(Fragment, null, renderList(_ctx.filter.tasks, (task) => {
+ return openBlock(), createBlock(TaskCard, {
+ key: task.id,
+ task,
+ onExecute: /* @__PURE__ */ __name((event2) => confirmButton(event2, task), "onExecute")
+ }, null, 8, ["task", "onExecute"]);
+ }), 128))
+ ]))
+ ], 64)),
+ createVNode(unref(script$1_))
+ ]);
+ };
+ }
+});
+const _hoisted_1 = { class: "min-w-full min-h-full font-sans w-screen h-screen grid justify-around text-neutral-300 bg-neutral-900 dark-theme overflow-y-auto" };
+const _hoisted_2 = { class: "max-w-screen-sm w-screen m-8 relative" };
+const _hoisted_3 = { class: "backspan pi-wrench text-4xl font-bold" };
+const _hoisted_4 = { class: "w-full flex flex-wrap gap-4 items-center" };
+const _hoisted_5 = { class: "grow" };
+const _hoisted_6 = { class: "flex gap-4 items-center" };
+const _hoisted_7 = { class: "max-sm:hidden" };
+const _hoisted_8 = { class: "flex justify-between gap-4 flex-row" };
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "MaintenanceView",
+ setup(__props) {
+ const electron2 = electronAPI();
+ const toast = useToast();
+ const taskStore = useMaintenanceTaskStore();
+ const { clearResolved, processUpdate, refreshDesktopTasks } = taskStore;
+ const terminalVisible = ref(false);
+ const reactiveIsRefreshing = computed(() => taskStore.isRefreshing);
+ const isRefreshing = useMinLoadingDurationRef(reactiveIsRefreshing, 250);
+ const anyErrors = computed(() => taskStore.anyErrors);
+ const displayAsList = ref(PrimeIcons.TH_LARGE);
+ const errorFilter = computed(
+ () => taskStore.tasks.filter((x) => {
+ const { state, resolved } = taskStore.getRunner(x);
+ return state === "error" || resolved;
+ })
+ );
+ const filterOptions = ref([
+ { icon: PrimeIcons.FILTER_FILL, value: "All", tasks: taskStore.tasks },
+ { icon: PrimeIcons.EXCLAMATION_TRIANGLE, value: "Errors", tasks: errorFilter }
+ ]);
+ const filter2 = ref(filterOptions.value[1]);
+ const completeValidation = /* @__PURE__ */ __name(async (alertOnFail = true) => {
+ const isValid = await electron2.Validation.complete();
+ if (alertOnFail && !isValid) {
+ toast.add({
+ severity: "error",
+ summary: t("g.error"),
+ detail: t("maintenance.error.cannotContinue"),
+ life: 5e3
+ });
+ }
+ }, "completeValidation");
+ const toggleConsoleDrawer = /* @__PURE__ */ __name(() => {
+ terminalVisible.value = !terminalVisible.value;
+ }, "toggleConsoleDrawer");
+ watch(
+ () => taskStore.isRunningTerminalCommand,
+ (value2) => {
+ terminalVisible.value = value2;
+ }
+ );
+ watch(
+ () => taskStore.isRunningInstallationFix,
+ (value2, oldValue) => {
+ if (!value2 && oldValue) completeValidation(false);
+ }
+ );
+ onMounted(async () => {
+ electron2.Validation.onUpdate(processUpdate);
+ const update = await electron2.Validation.getStatus();
+ processUpdate(update);
+ });
+ onUnmounted(() => electron2.Validation.dispose());
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(_sfc_main$8, { dark: "" }, {
+ default: withCtx(() => [
+ createBaseVNode("div", _hoisted_1, [
+ createBaseVNode("div", _hoisted_2, [
+ createBaseVNode("h1", _hoisted_3, toDisplayString(unref(t)("maintenance.title")), 1),
+ createBaseVNode("div", _hoisted_4, [
+ createBaseVNode("span", _hoisted_5, [
+ createTextVNode(toDisplayString(unref(t)("maintenance.status")) + ": ", 1),
+ createVNode(_sfc_main$5, {
+ refreshing: unref(isRefreshing),
+ error: anyErrors.value
+ }, null, 8, ["refreshing", "error"])
+ ]),
+ createBaseVNode("div", _hoisted_6, [
+ createVNode(unref(script$1$), {
+ modelValue: displayAsList.value,
+ "onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => displayAsList.value = $event),
+ options: [unref(PrimeIcons).LIST, unref(PrimeIcons).TH_LARGE],
+ "allow-empty": false
+ }, {
+ option: withCtx((opts) => [
+ createBaseVNode("i", {
+ class: normalizeClass(opts.option)
+ }, null, 2)
+ ]),
+ _: 1
+ }, 8, ["modelValue", "options"]),
+ createVNode(unref(script$1$), {
+ modelValue: filter2.value,
+ "onUpdate:modelValue": _cache[1] || (_cache[1] = ($event) => filter2.value = $event),
+ options: filterOptions.value,
+ "allow-empty": false,
+ optionLabel: "value",
+ dataKey: "value",
+ "area-labelledby": "custom",
+ onChange: unref(clearResolved)
+ }, {
+ option: withCtx((opts) => [
+ createBaseVNode("i", {
+ class: normalizeClass(opts.option.icon)
+ }, null, 2),
+ createBaseVNode("span", _hoisted_7, toDisplayString(opts.option.value), 1)
+ ]),
+ _: 1
+ }, 8, ["modelValue", "options", "onChange"]),
+ createVNode(_sfc_main$6, {
+ modelValue: unref(isRefreshing),
+ "onUpdate:modelValue": _cache[2] || (_cache[2] = ($event) => isRef(isRefreshing) ? isRefreshing.value = $event : null),
+ severity: "secondary",
+ onRefresh: unref(refreshDesktopTasks)
+ }, null, 8, ["modelValue", "onRefresh"])
+ ])
+ ]),
+ createVNode(_sfc_main$1, {
+ class: "border-neutral-700 border-solid border-x-0 border-y",
+ filter: filter2.value,
+ displayAsList: displayAsList.value,
+ isRefreshing: unref(isRefreshing)
+ }, null, 8, ["filter", "displayAsList", "isRefreshing"]),
+ createBaseVNode("div", _hoisted_8, [
+ createVNode(unref(script$1d), {
+ label: unref(t)("maintenance.consoleLogs"),
+ icon: "pi pi-desktop",
+ "icon-pos": "left",
+ severity: "secondary",
+ onClick: toggleConsoleDrawer
+ }, null, 8, ["label"]),
+ createVNode(unref(script$1d), {
+ label: unref(t)("g.continue"),
+ icon: "pi pi-arrow-right",
+ "icon-pos": "left",
+ severity: anyErrors.value ? "secondary" : "primary",
+ onClick: _cache[3] || (_cache[3] = () => completeValidation()),
+ loading: unref(isRefreshing)
+ }, null, 8, ["label", "severity", "loading"])
+ ])
+ ]),
+ createVNode(_sfc_main$7, {
+ modelValue: terminalVisible.value,
+ "onUpdate:modelValue": _cache[4] || (_cache[4] = ($event) => terminalVisible.value = $event),
+ header: unref(t)("g.terminal"),
+ "default-message": unref(t)("maintenance.terminalDefaultMessage")
+ }, null, 8, ["modelValue", "header", "default-message"]),
+ createVNode(unref(script$20))
+ ])
+ ]),
+ _: 1
+ });
+ };
+ }
+});
+const MaintenanceView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-dd50a7dd"]]);
+export {
+ MaintenanceView as default
+};
+//# sourceMappingURL=MaintenanceView-Bh8OZpgl.js.map
diff --git a/comfy/web/assets/MaintenanceView-DEJCj8SR.css b/comfy/web/assets/MaintenanceView-DEJCj8SR.css
new file mode 100644
index 000000000..c12b64c90
--- /dev/null
+++ b/comfy/web/assets/MaintenanceView-DEJCj8SR.css
@@ -0,0 +1,87 @@
+
+.task-card-ok[data-v-c3bd7658] {
+
+ position: absolute;
+
+ right: -1rem;
+
+ bottom: -1rem;
+
+ grid-column: 1 / -1;
+
+ grid-row: 1 / -1;
+
+ --tw-text-opacity: 1;
+
+ color: rgb(150 206 76 / var(--tw-text-opacity));
+
+ opacity: 1;
+
+ transition-property: opacity;
+
+ transition-timing-function: cubic-bezier(0.4, 0, 0.2, 1);
+
+ transition-duration: 150ms;
+
+ font-size: 4rem;
+ text-shadow: 0.25rem 0 0.5rem black;
+ z-index: 10;
+}
+.p-card {
+&[data-v-c3bd7658] {
+
+ transition-property: opacity;
+
+ transition-timing-function: cubic-bezier(0.4, 0, 0.2, 1);
+
+ transition-duration: 150ms;
+
+ --p-card-background: var(--p-button-secondary-background);
+ opacity: 0.9;
+ }
+&.opacity-65[data-v-c3bd7658] {
+ opacity: 0.4;
+}
+&[data-v-c3bd7658]:hover {
+ opacity: 1;
+}
+}
+[data-v-c3bd7658] .p-card-header {
+ z-index: 0;
+}
+[data-v-c3bd7658] .p-card-body {
+ z-index: 1;
+ flex-grow: 1;
+ justify-content: space-between;
+}
+.task-div {
+> i[data-v-c3bd7658] {
+ pointer-events: none;
+}
+&:hover > i[data-v-c3bd7658] {
+ opacity: 0.2;
+}
+}
+
+[data-v-dd50a7dd] .p-tag {
+ --p-tag-gap: 0.375rem;
+}
+.backspan[data-v-dd50a7dd]::before {
+ position: absolute;
+ margin: 0px;
+ color: var(--p-text-muted-color);
+ font-family: 'primeicons';
+ top: -2rem;
+ right: -2rem;
+ speak: none;
+ font-style: normal;
+ font-weight: normal;
+ font-variant: normal;
+ text-transform: none;
+ line-height: 1;
+ display: inline-block;
+ -webkit-font-smoothing: antialiased;
+ opacity: 0.02;
+ font-size: min(14rem, 90vw);
+ z-index: 0;
+}
diff --git a/comfy/web/assets/ManualConfigurationView-DlH3kpjW.js b/comfy/web/assets/ManualConfigurationView-DTLyJ3VG.js
similarity index 83%
rename from comfy/web/assets/ManualConfigurationView-DlH3kpjW.js
rename to comfy/web/assets/ManualConfigurationView-DTLyJ3VG.js
index af79f8baf..6a29be7fa 100644
--- a/comfy/web/assets/ManualConfigurationView-DlH3kpjW.js
+++ b/comfy/web/assets/ManualConfigurationView-DTLyJ3VG.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/ManualConfigurationView-DlH3kpjW.js
import { d as defineComponent, K as useI18n, U as ref, p as onMounted, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, a4 as script, a$ as script$1, l as script$2, b5 as electronAPI, _ as _export_sfc } from "./index-BsGgXmrT.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-DDUNNAbV.js";
+========
+import { d as defineComponent, I as useI18n, T as ref, p as onMounted, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, a5 as script, b3 as script$1, l as script$2, b9 as electronAPI, _ as _export_sfc } from "./index-Bv0b06LE.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BTbuZf5t.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/ManualConfigurationView-DTLyJ3VG.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 +76,8 @@ const ManualConfigurationView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scop
export {
ManualConfigurationView as default
};
+<<<<<<<< HEAD:comfy/web/assets/ManualConfigurationView-DlH3kpjW.js
//# sourceMappingURL=ManualConfigurationView-DlH3kpjW.js.map
+========
+//# sourceMappingURL=ManualConfigurationView-DTLyJ3VG.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/ManualConfigurationView-DTLyJ3VG.js
diff --git a/comfy/web/assets/MetricsConsentView-BgqqjOyd.js b/comfy/web/assets/MetricsConsentView-C80fk2cl.js
similarity index 83%
rename from comfy/web/assets/MetricsConsentView-BgqqjOyd.js
rename to comfy/web/assets/MetricsConsentView-C80fk2cl.js
index dad69b685..bf7d6f9c5 100644
--- a/comfy/web/assets/MetricsConsentView-BgqqjOyd.js
+++ b/comfy/web/assets/MetricsConsentView-C80fk2cl.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/MetricsConsentView-BgqqjOyd.js
import { _ as _sfc_main$1 } from "./BaseViewTemplate-DDUNNAbV.js";
import { d as defineComponent, aR as useToast, K as useI18n, U as ref, be as useRouter, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, a7 as createTextVNode, k as createVNode, j as unref, bn as script, l as script$1, b5 as electronAPI } from "./index-BsGgXmrT.js";
+========
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BTbuZf5t.js";
+import { d as defineComponent, aV as useToast, I as useI18n, T as ref, bi as useRouter, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, a8 as createTextVNode, k as createVNode, j as unref, br as script, l as script$1, b9 as electronAPI } from "./index-Bv0b06LE.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/MetricsConsentView-C80fk2cl.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" };
@@ -83,4 +88,8 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
export {
_sfc_main as default
};
+<<<<<<<< HEAD:comfy/web/assets/MetricsConsentView-BgqqjOyd.js
//# sourceMappingURL=MetricsConsentView-BgqqjOyd.js.map
+========
+//# sourceMappingURL=MetricsConsentView-C80fk2cl.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/MetricsConsentView-C80fk2cl.js
diff --git a/comfy/web/assets/NotSupportedView-IH8EV0bV.js b/comfy/web/assets/NotSupportedView-B78ZVR9Z.js
similarity index 84%
rename from comfy/web/assets/NotSupportedView-IH8EV0bV.js
rename to comfy/web/assets/NotSupportedView-B78ZVR9Z.js
index 643ab2e9c..8171bf58e 100644
--- a/comfy/web/assets/NotSupportedView-IH8EV0bV.js
+++ b/comfy/web/assets/NotSupportedView-B78ZVR9Z.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/NotSupportedView-IH8EV0bV.js
import { d as defineComponent, be as useRouter, r as resolveDirective, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, l as script, i as withDirectives, _ as _export_sfc } from "./index-BsGgXmrT.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-DDUNNAbV.js";
+========
+import { d as defineComponent, bi as useRouter, r as resolveDirective, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, l as script, i as withDirectives, _ as _export_sfc } from "./index-Bv0b06LE.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BTbuZf5t.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/NotSupportedView-B78ZVR9Z.js
const _imports_0 = "" + new URL("images/sad_girl.png", import.meta.url).href;
const _hoisted_1 = { class: "sad-container" };
const _hoisted_2 = { class: "no-drag sad-text flex items-center" };
@@ -83,4 +88,8 @@ const NotSupportedView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "
export {
NotSupportedView as default
};
+<<<<<<<< HEAD:comfy/web/assets/NotSupportedView-IH8EV0bV.js
//# sourceMappingURL=NotSupportedView-IH8EV0bV.js.map
+========
+//# sourceMappingURL=NotSupportedView-B78ZVR9Z.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/NotSupportedView-B78ZVR9Z.js
diff --git a/comfy/web/assets/NotSupportedView-BiyVuLfX.css b/comfy/web/assets/NotSupportedView-RFx6eCkN.css
similarity index 100%
rename from comfy/web/assets/NotSupportedView-BiyVuLfX.css
rename to comfy/web/assets/NotSupportedView-RFx6eCkN.css
diff --git a/comfy/web/assets/ServerConfigPanel-u0ozNLZ4.js b/comfy/web/assets/ServerConfigPanel-BYrt6wyr.js
similarity index 87%
rename from comfy/web/assets/ServerConfigPanel-u0ozNLZ4.js
rename to comfy/web/assets/ServerConfigPanel-BYrt6wyr.js
index fb1f90125..f92485fa0 100644
--- a/comfy/web/assets/ServerConfigPanel-u0ozNLZ4.js
+++ b/comfy/web/assets/ServerConfigPanel-BYrt6wyr.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/ServerConfigPanel-u0ozNLZ4.js
import { o as openBlock, f as createElementBlock, m as createBaseVNode, H as markRaw, d as defineComponent, a as useSettingStore, ae as storeToRefs, O as watch, ds as useCopyToClipboard, K as useI18n, y as createBlock, z as withCtx, j as unref, bj as script, E as toDisplayString, D as renderList, F as Fragment, k as createVNode, l as script$1, B as createCommentVNode, bh as script$2, dt as FormItem, dh as _sfc_main$1, b5 as electronAPI } from "./index-BsGgXmrT.js";
import { u as useServerConfigStore } from "./serverConfigStore-B9riwnSX.js";
+========
+import { o as openBlock, f as createElementBlock, m as createBaseVNode, H as markRaw, d as defineComponent, a as useSettingStore, af as storeToRefs, N as watch, dJ as useCopyToClipboard, I as useI18n, y as createBlock, z as withCtx, j as unref, bn as script, E as toDisplayString, D as renderList, F as Fragment, k as createVNode, l as script$1, B as createCommentVNode, bl as script$2, dK as FormItem, dz as _sfc_main$1, b9 as electronAPI } from "./index-Bv0b06LE.js";
+import { u as useServerConfigStore } from "./serverConfigStore-D2Vr0L0h.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/ServerConfigPanel-BYrt6wyr.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-u0ozNLZ4.js
//# sourceMappingURL=ServerConfigPanel-u0ozNLZ4.js.map
+========
+//# sourceMappingURL=ServerConfigPanel-BYrt6wyr.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/ServerConfigPanel-BYrt6wyr.js
diff --git a/comfy/web/assets/ServerStartView-DgywG2so.js b/comfy/web/assets/ServerStartView-B7TlHxYo.js
similarity index 84%
rename from comfy/web/assets/ServerStartView-DgywG2so.js
rename to comfy/web/assets/ServerStartView-B7TlHxYo.js
index 4be252494..e79477331 100644
--- a/comfy/web/assets/ServerStartView-DgywG2so.js
+++ b/comfy/web/assets/ServerStartView-B7TlHxYo.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/ServerStartView-DgywG2so.js
import { d as defineComponent, K as useI18n, U as ref, bk as ProgressStatus, p as onMounted, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, a7 as createTextVNode, E as toDisplayString, j as unref, f as createElementBlock, B as createCommentVNode, k as createVNode, l as script, i as withDirectives, v as vShow, bl as BaseTerminal, b5 as electronAPI, _ as _export_sfc } from "./index-BsGgXmrT.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-DDUNNAbV.js";
+========
+import { d as defineComponent, I as useI18n, T as ref, bo as ProgressStatus, p as onMounted, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, a8 as createTextVNode, E as toDisplayString, j as unref, f as createElementBlock, B as createCommentVNode, k as createVNode, l as script, i as withDirectives, v as vShow, bp as BaseTerminal, b9 as electronAPI, _ as _export_sfc } from "./index-Bv0b06LE.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BTbuZf5t.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/ServerStartView-B7TlHxYo.js
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 };
@@ -93,8 +98,12 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
};
}
});
-const ServerStartView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-4140d62b"]]);
+const ServerStartView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-e6ba9633"]]);
export {
ServerStartView as default
};
+<<<<<<<< HEAD:comfy/web/assets/ServerStartView-DgywG2so.js
//# sourceMappingURL=ServerStartView-DgywG2so.js.map
+========
+//# sourceMappingURL=ServerStartView-B7TlHxYo.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/ServerStartView-B7TlHxYo.js
diff --git a/comfy/web/assets/ServerStartView-BXemwYfj.css b/comfy/web/assets/ServerStartView-BZ7uhZHv.css
similarity index 64%
rename from comfy/web/assets/ServerStartView-BXemwYfj.css
rename to comfy/web/assets/ServerStartView-BZ7uhZHv.css
index 7d53a927c..778134b72 100644
--- a/comfy/web/assets/ServerStartView-BXemwYfj.css
+++ b/comfy/web/assets/ServerStartView-BZ7uhZHv.css
@@ -1,5 +1,5 @@
-[data-v-4140d62b] .xterm-helper-textarea {
+[data-v-e6ba9633] .xterm-helper-textarea {
/* Hide this as it moves all over when uv is running */
display: none;
}
diff --git a/comfy/web/assets/TerminalOutputDrawer-CKr7Br7O.js b/comfy/web/assets/TerminalOutputDrawer-CKr7Br7O.js
new file mode 100644
index 000000000..09062bab9
--- /dev/null
+++ b/comfy/web/assets/TerminalOutputDrawer-CKr7Br7O.js
@@ -0,0 +1,1061 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+import { bG as BaseStyle, bH as script$2, bZ as ZIndex, bU as addClass, bL as focus, cy as blockBodyScroll, cA as unblockBodyScroll, cB as FocusTrap, l as script$3, ca as script$4, cl as script$5, bR as resolveComponent, r as resolveDirective, o as openBlock, y as createBlock, z as withCtx, f as createElementBlock, at as mergeProps, k as createVNode, bI as Transition, i as withDirectives, A as renderSlot, F as Fragment, m as createBaseVNode, aj as normalizeClass, E as toDisplayString, B as createCommentVNode, C as resolveDynamicComponent, dd as commonjsGlobal, de as getDefaultExportFromCjs, H as markRaw, df as xtermExports, p as onMounted, d8 as onUnmounted, d as defineComponent, bw as mergeModels, bq as useModel, bp as BaseTerminal, j as unref, b9 as electronAPI } from "./index-Bv0b06LE.js";
+var theme = /* @__PURE__ */ __name(function theme2(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-drawer {\n display: flex;\n flex-direction: column;\n transform: translate3d(0px, 0px, 0px);\n position: relative;\n transition: transform 0.3s;\n background: ".concat(dt("drawer.background"), ";\n color: ").concat(dt("drawer.color"), ";\n border: 1px solid ").concat(dt("drawer.border.color"), ";\n box-shadow: ").concat(dt("drawer.shadow"), ";\n}\n\n.p-drawer-content {\n overflow-y: auto;\n flex-grow: 1;\n padding: ").concat(dt("drawer.content.padding"), ";\n}\n\n.p-drawer-header {\n display: flex;\n align-items: center;\n justify-content: space-between;\n flex-shrink: 0;\n padding: ").concat(dt("drawer.header.padding"), ";\n}\n\n.p-drawer-footer {\n padding: ").concat(dt("drawer.footer.padding"), ";\n}\n\n.p-drawer-title {\n font-weight: ").concat(dt("drawer.title.font.weight"), ";\n font-size: ").concat(dt("drawer.title.font.size"), ";\n}\n\n.p-drawer-full .p-drawer {\n transition: none;\n transform: none;\n width: 100vw !important;\n height: 100vh !important;\n max-height: 100%;\n top: 0px !important;\n left: 0px !important;\n border-width: 1px;\n}\n\n.p-drawer-left .p-drawer-enter-from,\n.p-drawer-left .p-drawer-leave-to {\n transform: translateX(-100%);\n}\n\n.p-drawer-right .p-drawer-enter-from,\n.p-drawer-right .p-drawer-leave-to {\n transform: translateX(100%);\n}\n\n.p-drawer-top .p-drawer-enter-from,\n.p-drawer-top .p-drawer-leave-to {\n transform: translateY(-100%);\n}\n\n.p-drawer-bottom .p-drawer-enter-from,\n.p-drawer-bottom .p-drawer-leave-to {\n transform: translateY(100%);\n}\n\n.p-drawer-full .p-drawer-enter-from,\n.p-drawer-full .p-drawer-leave-to {\n opacity: 0;\n}\n\n.p-drawer-full .p-drawer-enter-active,\n.p-drawer-full .p-drawer-leave-active {\n transition: opacity 400ms cubic-bezier(0.25, 0.8, 0.25, 1);\n}\n\n.p-drawer-left .p-drawer {\n width: 20rem;\n height: 100%;\n border-inline-end-width: 1px;\n}\n\n.p-drawer-right .p-drawer {\n width: 20rem;\n height: 100%;\n border-inline-start-width: 1px;\n}\n\n.p-drawer-top .p-drawer {\n height: 10rem;\n width: 100%;\n border-block-end-width: 1px;\n}\n\n.p-drawer-bottom .p-drawer {\n height: 10rem;\n width: 100%;\n border-block-start-width: 1px;\n}\n\n.p-drawer-left .p-drawer-content,\n.p-drawer-right .p-drawer-content,\n.p-drawer-top .p-drawer-content,\n.p-drawer-bottom .p-drawer-content {\n width: 100%;\n height: 100%;\n}\n\n.p-drawer-open {\n display: flex;\n}\n\n.p-drawer-mask:dir(rtl) {\n flex-direction: row-reverse;\n}\n");
+}, "theme");
+var inlineStyles = {
+ mask: /* @__PURE__ */ __name(function mask(_ref2) {
+ var position = _ref2.position, modal = _ref2.modal;
+ return {
+ position: "fixed",
+ height: "100%",
+ width: "100%",
+ left: 0,
+ top: 0,
+ display: "flex",
+ justifyContent: position === "left" ? "flex-start" : position === "right" ? "flex-end" : "center",
+ alignItems: position === "top" ? "flex-start" : position === "bottom" ? "flex-end" : "center",
+ pointerEvents: modal ? "auto" : "none"
+ };
+ }, "mask"),
+ root: {
+ pointerEvents: "auto"
+ }
+};
+var classes = {
+ mask: /* @__PURE__ */ __name(function mask2(_ref3) {
+ var instance = _ref3.instance, props = _ref3.props;
+ var positions = ["left", "right", "top", "bottom"];
+ var pos = positions.find(function(item) {
+ return item === props.position;
+ });
+ return ["p-drawer-mask", {
+ "p-overlay-mask p-overlay-mask-enter": props.modal,
+ "p-drawer-open": instance.containerVisible,
+ "p-drawer-full": instance.fullScreen
+ }, pos ? "p-drawer-".concat(pos) : ""];
+ }, "mask"),
+ root: /* @__PURE__ */ __name(function root(_ref4) {
+ var instance = _ref4.instance;
+ return ["p-drawer p-component", {
+ "p-drawer-full": instance.fullScreen
+ }];
+ }, "root"),
+ header: "p-drawer-header",
+ title: "p-drawer-title",
+ pcCloseButton: "p-drawer-close-button",
+ content: "p-drawer-content",
+ footer: "p-drawer-footer"
+};
+var DrawerStyle = BaseStyle.extend({
+ name: "drawer",
+ theme,
+ classes,
+ inlineStyles
+});
+var script$1 = {
+ name: "BaseDrawer",
+ "extends": script$2,
+ props: {
+ visible: {
+ type: Boolean,
+ "default": false
+ },
+ position: {
+ type: String,
+ "default": "left"
+ },
+ header: {
+ type: null,
+ "default": null
+ },
+ baseZIndex: {
+ type: Number,
+ "default": 0
+ },
+ autoZIndex: {
+ type: Boolean,
+ "default": true
+ },
+ dismissable: {
+ type: Boolean,
+ "default": true
+ },
+ showCloseIcon: {
+ type: Boolean,
+ "default": true
+ },
+ closeButtonProps: {
+ type: Object,
+ "default": /* @__PURE__ */ __name(function _default() {
+ return {
+ severity: "secondary",
+ text: true,
+ rounded: true
+ };
+ }, "_default")
+ },
+ closeIcon: {
+ type: String,
+ "default": void 0
+ },
+ modal: {
+ type: Boolean,
+ "default": true
+ },
+ blockScroll: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: DrawerStyle,
+ provide: /* @__PURE__ */ __name(function provide() {
+ return {
+ $pcDrawer: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script = {
+ name: "Drawer",
+ "extends": script$1,
+ inheritAttrs: false,
+ emits: ["update:visible", "show", "after-show", "hide", "after-hide"],
+ data: /* @__PURE__ */ __name(function data() {
+ return {
+ containerVisible: this.visible
+ };
+ }, "data"),
+ container: null,
+ mask: null,
+ content: null,
+ headerContainer: null,
+ footerContainer: null,
+ closeButton: null,
+ outsideClickListener: null,
+ documentKeydownListener: null,
+ watch: {
+ dismissable: /* @__PURE__ */ __name(function dismissable(newValue) {
+ if (newValue) {
+ this.enableDocumentSettings();
+ } else {
+ this.disableDocumentSettings();
+ }
+ }, "dismissable")
+ },
+ updated: /* @__PURE__ */ __name(function updated() {
+ if (this.visible) {
+ this.containerVisible = this.visible;
+ }
+ }, "updated"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount() {
+ this.disableDocumentSettings();
+ if (this.mask && this.autoZIndex) {
+ ZIndex.clear(this.mask);
+ }
+ this.container = null;
+ this.mask = null;
+ }, "beforeUnmount"),
+ methods: {
+ hide: /* @__PURE__ */ __name(function hide() {
+ this.$emit("update:visible", false);
+ }, "hide"),
+ onEnter: /* @__PURE__ */ __name(function onEnter() {
+ this.$emit("show");
+ this.focus();
+ this.bindDocumentKeyDownListener();
+ if (this.autoZIndex) {
+ ZIndex.set("modal", this.mask, this.baseZIndex || this.$primevue.config.zIndex.modal);
+ }
+ }, "onEnter"),
+ onAfterEnter: /* @__PURE__ */ __name(function onAfterEnter() {
+ this.enableDocumentSettings();
+ this.$emit("after-show");
+ }, "onAfterEnter"),
+ onBeforeLeave: /* @__PURE__ */ __name(function onBeforeLeave() {
+ if (this.modal) {
+ !this.isUnstyled && addClass(this.mask, "p-overlay-mask-leave");
+ }
+ }, "onBeforeLeave"),
+ onLeave: /* @__PURE__ */ __name(function onLeave() {
+ this.$emit("hide");
+ }, "onLeave"),
+ onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave() {
+ if (this.autoZIndex) {
+ ZIndex.clear(this.mask);
+ }
+ this.unbindDocumentKeyDownListener();
+ this.containerVisible = false;
+ this.disableDocumentSettings();
+ this.$emit("after-hide");
+ }, "onAfterLeave"),
+ onMaskClick: /* @__PURE__ */ __name(function onMaskClick(event) {
+ if (this.dismissable && this.modal && this.mask === event.target) {
+ this.hide();
+ }
+ }, "onMaskClick"),
+ focus: /* @__PURE__ */ __name(function focus$1() {
+ var findFocusableElement = /* @__PURE__ */ __name(function findFocusableElement2(container) {
+ return container && container.querySelector("[autofocus]");
+ }, "findFocusableElement");
+ var focusTarget = this.$slots.header && findFocusableElement(this.headerContainer);
+ if (!focusTarget) {
+ focusTarget = this.$slots["default"] && findFocusableElement(this.container);
+ if (!focusTarget) {
+ focusTarget = this.$slots.footer && findFocusableElement(this.footerContainer);
+ if (!focusTarget) {
+ focusTarget = this.closeButton;
+ }
+ }
+ }
+ focusTarget && focus(focusTarget);
+ }, "focus$1"),
+ enableDocumentSettings: /* @__PURE__ */ __name(function enableDocumentSettings() {
+ if (this.dismissable && !this.modal) {
+ this.bindOutsideClickListener();
+ }
+ if (this.blockScroll) {
+ blockBodyScroll();
+ }
+ }, "enableDocumentSettings"),
+ disableDocumentSettings: /* @__PURE__ */ __name(function disableDocumentSettings() {
+ this.unbindOutsideClickListener();
+ if (this.blockScroll) {
+ unblockBodyScroll();
+ }
+ }, "disableDocumentSettings"),
+ onKeydown: /* @__PURE__ */ __name(function onKeydown(event) {
+ if (event.code === "Escape") {
+ this.hide();
+ }
+ }, "onKeydown"),
+ containerRef: /* @__PURE__ */ __name(function containerRef(el) {
+ this.container = el;
+ }, "containerRef"),
+ maskRef: /* @__PURE__ */ __name(function maskRef(el) {
+ this.mask = el;
+ }, "maskRef"),
+ contentRef: /* @__PURE__ */ __name(function contentRef(el) {
+ this.content = el;
+ }, "contentRef"),
+ headerContainerRef: /* @__PURE__ */ __name(function headerContainerRef(el) {
+ this.headerContainer = el;
+ }, "headerContainerRef"),
+ footerContainerRef: /* @__PURE__ */ __name(function footerContainerRef(el) {
+ this.footerContainer = el;
+ }, "footerContainerRef"),
+ closeButtonRef: /* @__PURE__ */ __name(function closeButtonRef(el) {
+ this.closeButton = el ? el.$el : void 0;
+ }, "closeButtonRef"),
+ bindDocumentKeyDownListener: /* @__PURE__ */ __name(function bindDocumentKeyDownListener() {
+ if (!this.documentKeydownListener) {
+ this.documentKeydownListener = this.onKeydown;
+ document.addEventListener("keydown", this.documentKeydownListener);
+ }
+ }, "bindDocumentKeyDownListener"),
+ unbindDocumentKeyDownListener: /* @__PURE__ */ __name(function unbindDocumentKeyDownListener() {
+ if (this.documentKeydownListener) {
+ document.removeEventListener("keydown", this.documentKeydownListener);
+ this.documentKeydownListener = null;
+ }
+ }, "unbindDocumentKeyDownListener"),
+ bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener() {
+ var _this = this;
+ if (!this.outsideClickListener) {
+ this.outsideClickListener = function(event) {
+ if (_this.isOutsideClicked(event)) {
+ _this.hide();
+ }
+ };
+ document.addEventListener("click", this.outsideClickListener);
+ }
+ }, "bindOutsideClickListener"),
+ unbindOutsideClickListener: /* @__PURE__ */ __name(function unbindOutsideClickListener() {
+ if (this.outsideClickListener) {
+ document.removeEventListener("click", this.outsideClickListener);
+ this.outsideClickListener = null;
+ }
+ }, "unbindOutsideClickListener"),
+ isOutsideClicked: /* @__PURE__ */ __name(function isOutsideClicked(event) {
+ return this.container && !this.container.contains(event.target);
+ }, "isOutsideClicked")
+ },
+ computed: {
+ fullScreen: /* @__PURE__ */ __name(function fullScreen() {
+ return this.position === "full";
+ }, "fullScreen"),
+ closeAriaLabel: /* @__PURE__ */ __name(function closeAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.close : void 0;
+ }, "closeAriaLabel")
+ },
+ directives: {
+ focustrap: FocusTrap
+ },
+ components: {
+ Button: script$3,
+ Portal: script$4,
+ TimesIcon: script$5
+ }
+};
+var _hoisted_1 = ["aria-modal"];
+function render(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Button = resolveComponent("Button");
+ var _component_Portal = resolveComponent("Portal");
+ var _directive_focustrap = resolveDirective("focustrap");
+ return openBlock(), createBlock(_component_Portal, null, {
+ "default": withCtx(function() {
+ return [$data.containerVisible ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.maskRef,
+ onMousedown: _cache[0] || (_cache[0] = function() {
+ return $options.onMaskClick && $options.onMaskClick.apply($options, arguments);
+ }),
+ "class": _ctx.cx("mask"),
+ style: _ctx.sx("mask", true, {
+ position: _ctx.position,
+ modal: _ctx.modal
+ })
+ }, _ctx.ptm("mask")), [createVNode(Transition, mergeProps({
+ name: "p-drawer",
+ onEnter: $options.onEnter,
+ onAfterEnter: $options.onAfterEnter,
+ onBeforeLeave: $options.onBeforeLeave,
+ onLeave: $options.onLeave,
+ onAfterLeave: $options.onAfterLeave,
+ appear: ""
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [_ctx.visible ? withDirectives((openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.containerRef,
+ "class": _ctx.cx("root"),
+ style: _ctx.sx("root"),
+ role: "complementary",
+ "aria-modal": _ctx.modal
+ }, _ctx.ptmi("root")), [_ctx.$slots.container ? renderSlot(_ctx.$slots, "container", {
+ key: 0,
+ closeCallback: $options.hide
+ }) : (openBlock(), createElementBlock(Fragment, {
+ key: 1
+ }, [createBaseVNode("div", mergeProps({
+ ref: $options.headerContainerRef,
+ "class": _ctx.cx("header")
+ }, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header", {
+ "class": normalizeClass(_ctx.cx("title"))
+ }, function() {
+ return [_ctx.header ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ "class": _ctx.cx("title")
+ }, _ctx.ptm("title")), toDisplayString(_ctx.header), 17)) : createCommentVNode("", true)];
+ }), _ctx.showCloseIcon ? (openBlock(), createBlock(_component_Button, mergeProps({
+ key: 0,
+ ref: $options.closeButtonRef,
+ type: "button",
+ "class": _ctx.cx("pcCloseButton"),
+ "aria-label": $options.closeAriaLabel,
+ unstyled: _ctx.unstyled,
+ onClick: $options.hide
+ }, _ctx.closeButtonProps, {
+ pt: _ctx.ptm("pcCloseButton"),
+ "data-pc-group-section": "iconcontainer"
+ }), {
+ icon: withCtx(function(slotProps) {
+ return [renderSlot(_ctx.$slots, "closeicon", {}, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.closeIcon ? "span" : "TimesIcon"), mergeProps({
+ "class": [_ctx.closeIcon, slotProps["class"]]
+ }, _ctx.ptm("pcCloseButton")["icon"]), null, 16, ["class"]))];
+ })];
+ }),
+ _: 3
+ }, 16, ["class", "aria-label", "unstyled", "onClick", "pt"])) : createCommentVNode("", true)], 16), createBaseVNode("div", mergeProps({
+ ref: $options.contentRef,
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "default")], 16), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps({
+ key: 0,
+ ref: $options.footerContainerRef,
+ "class": _ctx.cx("footer")
+ }, _ctx.ptm("footer")), [renderSlot(_ctx.$slots, "footer")], 16)) : createCommentVNode("", true)], 64))], 16, _hoisted_1)), [[_directive_focustrap]]) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["onEnter", "onAfterEnter", "onBeforeLeave", "onLeave", "onAfterLeave"])], 16)) : createCommentVNode("", true)];
+ }),
+ _: 3
+ });
+}
+__name(render, "render");
+script.render = render;
+var addonSerialize$2 = { exports: {} };
+var addonSerialize = addonSerialize$2.exports;
+(function(module, exports) {
+ !function(e, t) {
+ true ? module.exports = t() : false ? (void 0)([], t) : true ? exports.SerializeAddon = t() : e.SerializeAddon = t();
+ }(commonjsGlobal, () => (() => {
+ "use strict";
+ var e = { 930: (e2, t2, s2) => {
+ Object.defineProperty(t2, "__esModule", { value: true }), t2.ColorContrastCache = void 0;
+ const r2 = s2(485);
+ t2.ColorContrastCache = class {
+ constructor() {
+ this._color = new r2.TwoKeyMap(), this._css = new r2.TwoKeyMap();
+ }
+ setCss(e3, t3, s3) {
+ this._css.set(e3, t3, s3);
+ }
+ getCss(e3, t3) {
+ return this._css.get(e3, t3);
+ }
+ setColor(e3, t3, s3) {
+ this._color.set(e3, t3, s3);
+ }
+ getColor(e3, t3) {
+ return this._color.get(e3, t3);
+ }
+ clear() {
+ this._color.clear(), this._css.clear();
+ }
+ };
+ }, 997: function(e2, t2, s2) {
+ var r2 = this && this.__decorate || function(e3, t3, s3, r3) {
+ var o2, i2 = arguments.length, n2 = i2 < 3 ? t3 : null === r3 ? r3 = Object.getOwnPropertyDescriptor(t3, s3) : r3;
+ if ("object" == typeof Reflect && "function" == typeof Reflect.decorate) n2 = Reflect.decorate(e3, t3, s3, r3);
+ else for (var l2 = e3.length - 1; l2 >= 0; l2--) (o2 = e3[l2]) && (n2 = (i2 < 3 ? o2(n2) : i2 > 3 ? o2(t3, s3, n2) : o2(t3, s3)) || n2);
+ return i2 > 3 && n2 && Object.defineProperty(t3, s3, n2), n2;
+ }, o = this && this.__param || function(e3, t3) {
+ return function(s3, r3) {
+ t3(s3, r3, e3);
+ };
+ };
+ Object.defineProperty(t2, "__esModule", { value: true }), t2.ThemeService = t2.DEFAULT_ANSI_COLORS = void 0;
+ const i = s2(930), n = s2(160), l = s2(345), a = s2(859), c = s2(97), h = n.css.toColor("#ffffff"), u = n.css.toColor("#000000"), _ = n.css.toColor("#ffffff"), d = n.css.toColor("#000000"), C = { css: "rgba(255, 255, 255, 0.3)", rgba: 4294967117 };
+ t2.DEFAULT_ANSI_COLORS = Object.freeze((() => {
+ const e3 = [n.css.toColor("#2e3436"), n.css.toColor("#cc0000"), n.css.toColor("#4e9a06"), n.css.toColor("#c4a000"), n.css.toColor("#3465a4"), n.css.toColor("#75507b"), n.css.toColor("#06989a"), n.css.toColor("#d3d7cf"), n.css.toColor("#555753"), n.css.toColor("#ef2929"), n.css.toColor("#8ae234"), n.css.toColor("#fce94f"), n.css.toColor("#729fcf"), n.css.toColor("#ad7fa8"), n.css.toColor("#34e2e2"), n.css.toColor("#eeeeec")], t3 = [0, 95, 135, 175, 215, 255];
+ for (let s3 = 0; s3 < 216; s3++) {
+ const r3 = t3[s3 / 36 % 6 | 0], o2 = t3[s3 / 6 % 6 | 0], i2 = t3[s3 % 6];
+ e3.push({ css: n.channels.toCss(r3, o2, i2), rgba: n.channels.toRgba(r3, o2, i2) });
+ }
+ for (let t4 = 0; t4 < 24; t4++) {
+ const s3 = 8 + 10 * t4;
+ e3.push({ css: n.channels.toCss(s3, s3, s3), rgba: n.channels.toRgba(s3, s3, s3) });
+ }
+ return e3;
+ })());
+ let f = t2.ThemeService = class extends a.Disposable {
+ get colors() {
+ return this._colors;
+ }
+ constructor(e3) {
+ super(), this._optionsService = e3, this._contrastCache = new i.ColorContrastCache(), this._halfContrastCache = new i.ColorContrastCache(), this._onChangeColors = this.register(new l.EventEmitter()), this.onChangeColors = this._onChangeColors.event, this._colors = { foreground: h, background: u, cursor: _, cursorAccent: d, selectionForeground: void 0, selectionBackgroundTransparent: C, selectionBackgroundOpaque: n.color.blend(u, C), selectionInactiveBackgroundTransparent: C, selectionInactiveBackgroundOpaque: n.color.blend(u, C), ansi: t2.DEFAULT_ANSI_COLORS.slice(), contrastCache: this._contrastCache, halfContrastCache: this._halfContrastCache }, this._updateRestoreColors(), this._setTheme(this._optionsService.rawOptions.theme), this.register(this._optionsService.onSpecificOptionChange("minimumContrastRatio", () => this._contrastCache.clear())), this.register(this._optionsService.onSpecificOptionChange("theme", () => this._setTheme(this._optionsService.rawOptions.theme)));
+ }
+ _setTheme(e3 = {}) {
+ const s3 = this._colors;
+ if (s3.foreground = g(e3.foreground, h), s3.background = g(e3.background, u), s3.cursor = g(e3.cursor, _), s3.cursorAccent = g(e3.cursorAccent, d), s3.selectionBackgroundTransparent = g(e3.selectionBackground, C), s3.selectionBackgroundOpaque = n.color.blend(s3.background, s3.selectionBackgroundTransparent), s3.selectionInactiveBackgroundTransparent = g(e3.selectionInactiveBackground, s3.selectionBackgroundTransparent), s3.selectionInactiveBackgroundOpaque = n.color.blend(s3.background, s3.selectionInactiveBackgroundTransparent), s3.selectionForeground = e3.selectionForeground ? g(e3.selectionForeground, n.NULL_COLOR) : void 0, s3.selectionForeground === n.NULL_COLOR && (s3.selectionForeground = void 0), n.color.isOpaque(s3.selectionBackgroundTransparent)) {
+ const e4 = 0.3;
+ s3.selectionBackgroundTransparent = n.color.opacity(s3.selectionBackgroundTransparent, e4);
+ }
+ if (n.color.isOpaque(s3.selectionInactiveBackgroundTransparent)) {
+ const e4 = 0.3;
+ s3.selectionInactiveBackgroundTransparent = n.color.opacity(s3.selectionInactiveBackgroundTransparent, e4);
+ }
+ if (s3.ansi = t2.DEFAULT_ANSI_COLORS.slice(), s3.ansi[0] = g(e3.black, t2.DEFAULT_ANSI_COLORS[0]), s3.ansi[1] = g(e3.red, t2.DEFAULT_ANSI_COLORS[1]), s3.ansi[2] = g(e3.green, t2.DEFAULT_ANSI_COLORS[2]), s3.ansi[3] = g(e3.yellow, t2.DEFAULT_ANSI_COLORS[3]), s3.ansi[4] = g(e3.blue, t2.DEFAULT_ANSI_COLORS[4]), s3.ansi[5] = g(e3.magenta, t2.DEFAULT_ANSI_COLORS[5]), s3.ansi[6] = g(e3.cyan, t2.DEFAULT_ANSI_COLORS[6]), s3.ansi[7] = g(e3.white, t2.DEFAULT_ANSI_COLORS[7]), s3.ansi[8] = g(e3.brightBlack, t2.DEFAULT_ANSI_COLORS[8]), s3.ansi[9] = g(e3.brightRed, t2.DEFAULT_ANSI_COLORS[9]), s3.ansi[10] = g(e3.brightGreen, t2.DEFAULT_ANSI_COLORS[10]), s3.ansi[11] = g(e3.brightYellow, t2.DEFAULT_ANSI_COLORS[11]), s3.ansi[12] = g(e3.brightBlue, t2.DEFAULT_ANSI_COLORS[12]), s3.ansi[13] = g(e3.brightMagenta, t2.DEFAULT_ANSI_COLORS[13]), s3.ansi[14] = g(e3.brightCyan, t2.DEFAULT_ANSI_COLORS[14]), s3.ansi[15] = g(e3.brightWhite, t2.DEFAULT_ANSI_COLORS[15]), e3.extendedAnsi) {
+ const r3 = Math.min(s3.ansi.length - 16, e3.extendedAnsi.length);
+ for (let o2 = 0; o2 < r3; o2++) s3.ansi[o2 + 16] = g(e3.extendedAnsi[o2], t2.DEFAULT_ANSI_COLORS[o2 + 16]);
+ }
+ this._contrastCache.clear(), this._halfContrastCache.clear(), this._updateRestoreColors(), this._onChangeColors.fire(this.colors);
+ }
+ restoreColor(e3) {
+ this._restoreColor(e3), this._onChangeColors.fire(this.colors);
+ }
+ _restoreColor(e3) {
+ if (void 0 !== e3) switch (e3) {
+ case 256:
+ this._colors.foreground = this._restoreColors.foreground;
+ break;
+ case 257:
+ this._colors.background = this._restoreColors.background;
+ break;
+ case 258:
+ this._colors.cursor = this._restoreColors.cursor;
+ break;
+ default:
+ this._colors.ansi[e3] = this._restoreColors.ansi[e3];
+ }
+ else for (let e4 = 0; e4 < this._restoreColors.ansi.length; ++e4) this._colors.ansi[e4] = this._restoreColors.ansi[e4];
+ }
+ modifyColors(e3) {
+ e3(this._colors), this._onChangeColors.fire(this.colors);
+ }
+ _updateRestoreColors() {
+ this._restoreColors = { foreground: this._colors.foreground, background: this._colors.background, cursor: this._colors.cursor, ansi: this._colors.ansi.slice() };
+ }
+ };
+ function g(e3, t3) {
+ if (void 0 !== e3) try {
+ return n.css.toColor(e3);
+ } catch {
+ }
+ return t3;
+ }
+ __name(g, "g");
+ t2.ThemeService = f = r2([o(0, c.IOptionsService)], f);
+ }, 160: (e2, t2) => {
+ Object.defineProperty(t2, "__esModule", { value: true }), t2.contrastRatio = t2.toPaddedHex = t2.rgba = t2.rgb = t2.css = t2.color = t2.channels = t2.NULL_COLOR = void 0;
+ let s2 = 0, r2 = 0, o = 0, i = 0;
+ var n, l, a, c, h;
+ function u(e3) {
+ const t3 = e3.toString(16);
+ return t3.length < 2 ? "0" + t3 : t3;
+ }
+ __name(u, "u");
+ function _(e3, t3) {
+ return e3 < t3 ? (t3 + 0.05) / (e3 + 0.05) : (e3 + 0.05) / (t3 + 0.05);
+ }
+ __name(_, "_");
+ t2.NULL_COLOR = { css: "#00000000", rgba: 0 }, function(e3) {
+ e3.toCss = function(e4, t3, s3, r3) {
+ return void 0 !== r3 ? `#${u(e4)}${u(t3)}${u(s3)}${u(r3)}` : `#${u(e4)}${u(t3)}${u(s3)}`;
+ }, e3.toRgba = function(e4, t3, s3, r3 = 255) {
+ return (e4 << 24 | t3 << 16 | s3 << 8 | r3) >>> 0;
+ }, e3.toColor = function(t3, s3, r3, o2) {
+ return { css: e3.toCss(t3, s3, r3, o2), rgba: e3.toRgba(t3, s3, r3, o2) };
+ };
+ }(n || (t2.channels = n = {})), function(e3) {
+ function t3(e4, t4) {
+ return i = Math.round(255 * t4), [s2, r2, o] = h.toChannels(e4.rgba), { css: n.toCss(s2, r2, o, i), rgba: n.toRgba(s2, r2, o, i) };
+ }
+ __name(t3, "t");
+ e3.blend = function(e4, t4) {
+ if (i = (255 & t4.rgba) / 255, 1 === i) return { css: t4.css, rgba: t4.rgba };
+ const l2 = t4.rgba >> 24 & 255, a2 = t4.rgba >> 16 & 255, c2 = t4.rgba >> 8 & 255, h2 = e4.rgba >> 24 & 255, u2 = e4.rgba >> 16 & 255, _2 = e4.rgba >> 8 & 255;
+ return s2 = h2 + Math.round((l2 - h2) * i), r2 = u2 + Math.round((a2 - u2) * i), o = _2 + Math.round((c2 - _2) * i), { css: n.toCss(s2, r2, o), rgba: n.toRgba(s2, r2, o) };
+ }, e3.isOpaque = function(e4) {
+ return 255 == (255 & e4.rgba);
+ }, e3.ensureContrastRatio = function(e4, t4, s3) {
+ const r3 = h.ensureContrastRatio(e4.rgba, t4.rgba, s3);
+ if (r3) return n.toColor(r3 >> 24 & 255, r3 >> 16 & 255, r3 >> 8 & 255);
+ }, e3.opaque = function(e4) {
+ const t4 = (255 | e4.rgba) >>> 0;
+ return [s2, r2, o] = h.toChannels(t4), { css: n.toCss(s2, r2, o), rgba: t4 };
+ }, e3.opacity = t3, e3.multiplyOpacity = function(e4, s3) {
+ return i = 255 & e4.rgba, t3(e4, i * s3 / 255);
+ }, e3.toColorRGB = function(e4) {
+ return [e4.rgba >> 24 & 255, e4.rgba >> 16 & 255, e4.rgba >> 8 & 255];
+ };
+ }(l || (t2.color = l = {})), function(e3) {
+ let t3, l2;
+ try {
+ const e4 = document.createElement("canvas");
+ e4.width = 1, e4.height = 1;
+ const s3 = e4.getContext("2d", { willReadFrequently: true });
+ s3 && (t3 = s3, t3.globalCompositeOperation = "copy", l2 = t3.createLinearGradient(0, 0, 1, 1));
+ } catch {
+ }
+ e3.toColor = function(e4) {
+ if (e4.match(/#[\da-f]{3,8}/i)) switch (e4.length) {
+ case 4:
+ return s2 = parseInt(e4.slice(1, 2).repeat(2), 16), r2 = parseInt(e4.slice(2, 3).repeat(2), 16), o = parseInt(e4.slice(3, 4).repeat(2), 16), n.toColor(s2, r2, o);
+ case 5:
+ return s2 = parseInt(e4.slice(1, 2).repeat(2), 16), r2 = parseInt(e4.slice(2, 3).repeat(2), 16), o = parseInt(e4.slice(3, 4).repeat(2), 16), i = parseInt(e4.slice(4, 5).repeat(2), 16), n.toColor(s2, r2, o, i);
+ case 7:
+ return { css: e4, rgba: (parseInt(e4.slice(1), 16) << 8 | 255) >>> 0 };
+ case 9:
+ return { css: e4, rgba: parseInt(e4.slice(1), 16) >>> 0 };
+ }
+ const a2 = e4.match(/rgba?\(\s*(\d{1,3})\s*,\s*(\d{1,3})\s*,\s*(\d{1,3})\s*(,\s*(0|1|\d?\.(\d+))\s*)?\)/);
+ if (a2) return s2 = parseInt(a2[1]), r2 = parseInt(a2[2]), o = parseInt(a2[3]), i = Math.round(255 * (void 0 === a2[5] ? 1 : parseFloat(a2[5]))), n.toColor(s2, r2, o, i);
+ if (!t3 || !l2) throw new Error("css.toColor: Unsupported css format");
+ if (t3.fillStyle = l2, t3.fillStyle = e4, "string" != typeof t3.fillStyle) throw new Error("css.toColor: Unsupported css format");
+ if (t3.fillRect(0, 0, 1, 1), [s2, r2, o, i] = t3.getImageData(0, 0, 1, 1).data, 255 !== i) throw new Error("css.toColor: Unsupported css format");
+ return { rgba: n.toRgba(s2, r2, o, i), css: e4 };
+ };
+ }(a || (t2.css = a = {})), function(e3) {
+ function t3(e4, t4, s3) {
+ const r3 = e4 / 255, o2 = t4 / 255, i2 = s3 / 255;
+ return 0.2126 * (r3 <= 0.03928 ? r3 / 12.92 : Math.pow((r3 + 0.055) / 1.055, 2.4)) + 0.7152 * (o2 <= 0.03928 ? o2 / 12.92 : Math.pow((o2 + 0.055) / 1.055, 2.4)) + 0.0722 * (i2 <= 0.03928 ? i2 / 12.92 : Math.pow((i2 + 0.055) / 1.055, 2.4));
+ }
+ __name(t3, "t");
+ e3.relativeLuminance = function(e4) {
+ return t3(e4 >> 16 & 255, e4 >> 8 & 255, 255 & e4);
+ }, e3.relativeLuminance2 = t3;
+ }(c || (t2.rgb = c = {})), function(e3) {
+ function t3(e4, t4, s3) {
+ const r3 = e4 >> 24 & 255, o2 = e4 >> 16 & 255, i2 = e4 >> 8 & 255;
+ let n2 = t4 >> 24 & 255, l3 = t4 >> 16 & 255, a2 = t4 >> 8 & 255, h2 = _(c.relativeLuminance2(n2, l3, a2), c.relativeLuminance2(r3, o2, i2));
+ for (; h2 < s3 && (n2 > 0 || l3 > 0 || a2 > 0); ) n2 -= Math.max(0, Math.ceil(0.1 * n2)), l3 -= Math.max(0, Math.ceil(0.1 * l3)), a2 -= Math.max(0, Math.ceil(0.1 * a2)), h2 = _(c.relativeLuminance2(n2, l3, a2), c.relativeLuminance2(r3, o2, i2));
+ return (n2 << 24 | l3 << 16 | a2 << 8 | 255) >>> 0;
+ }
+ __name(t3, "t");
+ function l2(e4, t4, s3) {
+ const r3 = e4 >> 24 & 255, o2 = e4 >> 16 & 255, i2 = e4 >> 8 & 255;
+ let n2 = t4 >> 24 & 255, l3 = t4 >> 16 & 255, a2 = t4 >> 8 & 255, h2 = _(c.relativeLuminance2(n2, l3, a2), c.relativeLuminance2(r3, o2, i2));
+ for (; h2 < s3 && (n2 < 255 || l3 < 255 || a2 < 255); ) n2 = Math.min(255, n2 + Math.ceil(0.1 * (255 - n2))), l3 = Math.min(255, l3 + Math.ceil(0.1 * (255 - l3))), a2 = Math.min(255, a2 + Math.ceil(0.1 * (255 - a2))), h2 = _(c.relativeLuminance2(n2, l3, a2), c.relativeLuminance2(r3, o2, i2));
+ return (n2 << 24 | l3 << 16 | a2 << 8 | 255) >>> 0;
+ }
+ __name(l2, "l");
+ e3.blend = function(e4, t4) {
+ if (i = (255 & t4) / 255, 1 === i) return t4;
+ const l3 = t4 >> 24 & 255, a2 = t4 >> 16 & 255, c2 = t4 >> 8 & 255, h2 = e4 >> 24 & 255, u2 = e4 >> 16 & 255, _2 = e4 >> 8 & 255;
+ return s2 = h2 + Math.round((l3 - h2) * i), r2 = u2 + Math.round((a2 - u2) * i), o = _2 + Math.round((c2 - _2) * i), n.toRgba(s2, r2, o);
+ }, e3.ensureContrastRatio = function(e4, s3, r3) {
+ const o2 = c.relativeLuminance(e4 >> 8), i2 = c.relativeLuminance(s3 >> 8);
+ if (_(o2, i2) < r3) {
+ if (i2 < o2) {
+ const i3 = t3(e4, s3, r3), n3 = _(o2, c.relativeLuminance(i3 >> 8));
+ if (n3 < r3) {
+ const t4 = l2(e4, s3, r3);
+ return n3 > _(o2, c.relativeLuminance(t4 >> 8)) ? i3 : t4;
+ }
+ return i3;
+ }
+ const n2 = l2(e4, s3, r3), a2 = _(o2, c.relativeLuminance(n2 >> 8));
+ if (a2 < r3) {
+ const i3 = t3(e4, s3, r3);
+ return a2 > _(o2, c.relativeLuminance(i3 >> 8)) ? n2 : i3;
+ }
+ return n2;
+ }
+ }, e3.reduceLuminance = t3, e3.increaseLuminance = l2, e3.toChannels = function(e4) {
+ return [e4 >> 24 & 255, e4 >> 16 & 255, e4 >> 8 & 255, 255 & e4];
+ };
+ }(h || (t2.rgba = h = {})), t2.toPaddedHex = u, t2.contrastRatio = _;
+ }, 345: (e2, t2) => {
+ Object.defineProperty(t2, "__esModule", { value: true }), t2.runAndSubscribe = t2.forwardEvent = t2.EventEmitter = void 0, t2.EventEmitter = class {
+ constructor() {
+ this._listeners = [], this._disposed = false;
+ }
+ get event() {
+ return this._event || (this._event = (e3) => (this._listeners.push(e3), { dispose: /* @__PURE__ */ __name(() => {
+ if (!this._disposed) {
+ for (let t3 = 0; t3 < this._listeners.length; t3++) if (this._listeners[t3] === e3) return void this._listeners.splice(t3, 1);
+ }
+ }, "dispose") })), this._event;
+ }
+ fire(e3, t3) {
+ const s2 = [];
+ for (let e4 = 0; e4 < this._listeners.length; e4++) s2.push(this._listeners[e4]);
+ for (let r2 = 0; r2 < s2.length; r2++) s2[r2].call(void 0, e3, t3);
+ }
+ dispose() {
+ this.clearListeners(), this._disposed = true;
+ }
+ clearListeners() {
+ this._listeners && (this._listeners.length = 0);
+ }
+ }, t2.forwardEvent = function(e3, t3) {
+ return e3((e4) => t3.fire(e4));
+ }, t2.runAndSubscribe = function(e3, t3) {
+ return t3(void 0), e3((e4) => t3(e4));
+ };
+ }, 859: (e2, t2) => {
+ function s2(e3) {
+ for (const t3 of e3) t3.dispose();
+ e3.length = 0;
+ }
+ __name(s2, "s");
+ Object.defineProperty(t2, "__esModule", { value: true }), t2.getDisposeArrayDisposable = t2.disposeArray = t2.toDisposable = t2.MutableDisposable = t2.Disposable = void 0, t2.Disposable = class {
+ constructor() {
+ this._disposables = [], this._isDisposed = false;
+ }
+ dispose() {
+ this._isDisposed = true;
+ for (const e3 of this._disposables) e3.dispose();
+ this._disposables.length = 0;
+ }
+ register(e3) {
+ return this._disposables.push(e3), e3;
+ }
+ unregister(e3) {
+ const t3 = this._disposables.indexOf(e3);
+ -1 !== t3 && this._disposables.splice(t3, 1);
+ }
+ }, t2.MutableDisposable = class {
+ constructor() {
+ this._isDisposed = false;
+ }
+ get value() {
+ return this._isDisposed ? void 0 : this._value;
+ }
+ set value(e3) {
+ this._isDisposed || e3 === this._value || (this._value?.dispose(), this._value = e3);
+ }
+ clear() {
+ this.value = void 0;
+ }
+ dispose() {
+ this._isDisposed = true, this._value?.dispose(), this._value = void 0;
+ }
+ }, t2.toDisposable = function(e3) {
+ return { dispose: e3 };
+ }, t2.disposeArray = s2, t2.getDisposeArrayDisposable = function(e3) {
+ return { dispose: /* @__PURE__ */ __name(() => s2(e3), "dispose") };
+ };
+ }, 485: (e2, t2) => {
+ Object.defineProperty(t2, "__esModule", { value: true }), t2.FourKeyMap = t2.TwoKeyMap = void 0;
+ class s2 {
+ static {
+ __name(this, "s");
+ }
+ constructor() {
+ this._data = {};
+ }
+ set(e3, t3, s3) {
+ this._data[e3] || (this._data[e3] = {}), this._data[e3][t3] = s3;
+ }
+ get(e3, t3) {
+ return this._data[e3] ? this._data[e3][t3] : void 0;
+ }
+ clear() {
+ this._data = {};
+ }
+ }
+ t2.TwoKeyMap = s2, t2.FourKeyMap = class {
+ constructor() {
+ this._data = new s2();
+ }
+ set(e3, t3, r2, o, i) {
+ this._data.get(e3, t3) || this._data.set(e3, t3, new s2()), this._data.get(e3, t3).set(r2, o, i);
+ }
+ get(e3, t3, s3, r2) {
+ return this._data.get(e3, t3)?.get(s3, r2);
+ }
+ clear() {
+ this._data.clear();
+ }
+ };
+ }, 726: (e2, t2) => {
+ Object.defineProperty(t2, "__esModule", { value: true }), t2.createDecorator = t2.getServiceDependencies = t2.serviceRegistry = void 0;
+ const s2 = "di$target", r2 = "di$dependencies";
+ t2.serviceRegistry = /* @__PURE__ */ new Map(), t2.getServiceDependencies = function(e3) {
+ return e3[r2] || [];
+ }, t2.createDecorator = function(e3) {
+ if (t2.serviceRegistry.has(e3)) return t2.serviceRegistry.get(e3);
+ const o = /* @__PURE__ */ __name(function(e4, t3, i) {
+ if (3 !== arguments.length) throw new Error("@IServiceName-decorator can only be used to decorate a parameter");
+ !function(e5, t4, o2) {
+ t4[s2] === t4 ? t4[r2].push({ id: e5, index: o2 }) : (t4[r2] = [{ id: e5, index: o2 }], t4[s2] = t4);
+ }(o, e4, i);
+ }, "o");
+ return o.toString = () => e3, t2.serviceRegistry.set(e3, o), o;
+ };
+ }, 97: (e2, t2, s2) => {
+ Object.defineProperty(t2, "__esModule", { value: true }), t2.IDecorationService = t2.IUnicodeService = t2.IOscLinkService = t2.IOptionsService = t2.ILogService = t2.LogLevelEnum = t2.IInstantiationService = t2.ICharsetService = t2.ICoreService = t2.ICoreMouseService = t2.IBufferService = void 0;
+ const r2 = s2(726);
+ var o;
+ t2.IBufferService = (0, r2.createDecorator)("BufferService"), t2.ICoreMouseService = (0, r2.createDecorator)("CoreMouseService"), t2.ICoreService = (0, r2.createDecorator)("CoreService"), t2.ICharsetService = (0, r2.createDecorator)("CharsetService"), t2.IInstantiationService = (0, r2.createDecorator)("InstantiationService"), function(e3) {
+ e3[e3.TRACE = 0] = "TRACE", e3[e3.DEBUG = 1] = "DEBUG", e3[e3.INFO = 2] = "INFO", e3[e3.WARN = 3] = "WARN", e3[e3.ERROR = 4] = "ERROR", e3[e3.OFF = 5] = "OFF";
+ }(o || (t2.LogLevelEnum = o = {})), t2.ILogService = (0, r2.createDecorator)("LogService"), t2.IOptionsService = (0, r2.createDecorator)("OptionsService"), t2.IOscLinkService = (0, r2.createDecorator)("OscLinkService"), t2.IUnicodeService = (0, r2.createDecorator)("UnicodeService"), t2.IDecorationService = (0, r2.createDecorator)("DecorationService");
+ } }, t = {};
+ function s(r2) {
+ var o = t[r2];
+ if (void 0 !== o) return o.exports;
+ var i = t[r2] = { exports: {} };
+ return e[r2].call(i.exports, i, i.exports, s), i.exports;
+ }
+ __name(s, "s");
+ var r = {};
+ return (() => {
+ var e2 = r;
+ Object.defineProperty(e2, "__esModule", { value: true }), e2.HTMLSerializeHandler = e2.SerializeAddon = void 0;
+ const t2 = s(997);
+ function o(e3, t3, s2) {
+ return Math.max(t3, Math.min(e3, s2));
+ }
+ __name(o, "o");
+ class i {
+ static {
+ __name(this, "i");
+ }
+ constructor(e3) {
+ this._buffer = e3;
+ }
+ serialize(e3, t3) {
+ const s2 = this._buffer.getNullCell(), r2 = this._buffer.getNullCell();
+ let o2 = s2;
+ const i2 = e3.start.y, n2 = e3.end.y, l2 = e3.start.x, a2 = e3.end.x;
+ this._beforeSerialize(n2 - i2, i2, n2);
+ for (let t4 = i2; t4 <= n2; t4++) {
+ const i3 = this._buffer.getLine(t4);
+ if (i3) {
+ const n3 = t4 === e3.start.y ? l2 : 0, c2 = t4 === e3.end.y ? a2 : i3.length;
+ for (let e4 = n3; e4 < c2; e4++) {
+ const n4 = i3.getCell(e4, o2 === s2 ? r2 : s2);
+ n4 ? (this._nextCell(n4, o2, t4, e4), o2 = n4) : console.warn(`Can't get cell at row=${t4}, col=${e4}`);
+ }
+ }
+ this._rowEnd(t4, t4 === n2);
+ }
+ return this._afterSerialize(), this._serializeString(t3);
+ }
+ _nextCell(e3, t3, s2, r2) {
+ }
+ _rowEnd(e3, t3) {
+ }
+ _beforeSerialize(e3, t3, s2) {
+ }
+ _afterSerialize() {
+ }
+ _serializeString(e3) {
+ return "";
+ }
+ }
+ function n(e3, t3) {
+ return e3.getFgColorMode() === t3.getFgColorMode() && e3.getFgColor() === t3.getFgColor();
+ }
+ __name(n, "n");
+ function l(e3, t3) {
+ return e3.getBgColorMode() === t3.getBgColorMode() && e3.getBgColor() === t3.getBgColor();
+ }
+ __name(l, "l");
+ function a(e3, t3) {
+ return e3.isInverse() === t3.isInverse() && e3.isBold() === t3.isBold() && e3.isUnderline() === t3.isUnderline() && e3.isOverline() === t3.isOverline() && e3.isBlink() === t3.isBlink() && e3.isInvisible() === t3.isInvisible() && e3.isItalic() === t3.isItalic() && e3.isDim() === t3.isDim() && e3.isStrikethrough() === t3.isStrikethrough();
+ }
+ __name(a, "a");
+ class c extends i {
+ static {
+ __name(this, "c");
+ }
+ constructor(e3, t3) {
+ super(e3), this._terminal = t3, this._rowIndex = 0, this._allRows = new Array(), this._allRowSeparators = new Array(), this._currentRow = "", this._nullCellCount = 0, this._cursorStyle = this._buffer.getNullCell(), this._cursorStyleRow = 0, this._cursorStyleCol = 0, this._backgroundCell = this._buffer.getNullCell(), this._firstRow = 0, this._lastCursorRow = 0, this._lastCursorCol = 0, this._lastContentCursorRow = 0, this._lastContentCursorCol = 0, this._thisRowLastChar = this._buffer.getNullCell(), this._thisRowLastSecondChar = this._buffer.getNullCell(), this._nextRowFirstChar = this._buffer.getNullCell();
+ }
+ _beforeSerialize(e3, t3, s2) {
+ this._allRows = new Array(e3), this._lastContentCursorRow = t3, this._lastCursorRow = t3, this._firstRow = t3;
+ }
+ _rowEnd(e3, t3) {
+ this._nullCellCount > 0 && !l(this._cursorStyle, this._backgroundCell) && (this._currentRow += `\x1B[${this._nullCellCount}X`);
+ let s2 = "";
+ if (!t3) {
+ e3 - this._firstRow >= this._terminal.rows && this._buffer.getLine(this._cursorStyleRow)?.getCell(this._cursorStyleCol, this._backgroundCell);
+ const t4 = this._buffer.getLine(e3), r2 = this._buffer.getLine(e3 + 1);
+ if (r2.isWrapped) {
+ s2 = "";
+ const o2 = t4.getCell(t4.length - 1, this._thisRowLastChar), i2 = t4.getCell(t4.length - 2, this._thisRowLastSecondChar), n2 = r2.getCell(0, this._nextRowFirstChar), a2 = n2.getWidth() > 1;
+ let c2 = false;
+ (n2.getChars() && a2 ? this._nullCellCount <= 1 : this._nullCellCount <= 0) && ((o2.getChars() || 0 === o2.getWidth()) && l(o2, n2) && (c2 = true), a2 && (i2.getChars() || 0 === i2.getWidth()) && l(o2, n2) && l(i2, n2) && (c2 = true)), c2 || (s2 = "-".repeat(this._nullCellCount + 1), s2 += "\x1B[1D\x1B[1X", this._nullCellCount > 0 && (s2 += "\x1B[A", s2 += `\x1B[${t4.length - this._nullCellCount}C`, s2 += `\x1B[${this._nullCellCount}X`, s2 += `\x1B[${t4.length - this._nullCellCount}D`, s2 += "\x1B[B"), this._lastContentCursorRow = e3 + 1, this._lastContentCursorCol = 0, this._lastCursorRow = e3 + 1, this._lastCursorCol = 0);
+ } else s2 = "\r\n", this._lastCursorRow = e3 + 1, this._lastCursorCol = 0;
+ }
+ this._allRows[this._rowIndex] = this._currentRow, this._allRowSeparators[this._rowIndex++] = s2, this._currentRow = "", this._nullCellCount = 0;
+ }
+ _diffStyle(e3, t3) {
+ const s2 = [], r2 = !n(e3, t3), o2 = !l(e3, t3), i2 = !a(e3, t3);
+ if (r2 || o2 || i2) if (e3.isAttributeDefault()) t3.isAttributeDefault() || s2.push(0);
+ else {
+ if (r2) {
+ const t4 = e3.getFgColor();
+ e3.isFgRGB() ? s2.push(38, 2, t4 >>> 16 & 255, t4 >>> 8 & 255, 255 & t4) : e3.isFgPalette() ? t4 >= 16 ? s2.push(38, 5, t4) : s2.push(8 & t4 ? 90 + (7 & t4) : 30 + (7 & t4)) : s2.push(39);
+ }
+ if (o2) {
+ const t4 = e3.getBgColor();
+ e3.isBgRGB() ? s2.push(48, 2, t4 >>> 16 & 255, t4 >>> 8 & 255, 255 & t4) : e3.isBgPalette() ? t4 >= 16 ? s2.push(48, 5, t4) : s2.push(8 & t4 ? 100 + (7 & t4) : 40 + (7 & t4)) : s2.push(49);
+ }
+ i2 && (e3.isInverse() !== t3.isInverse() && s2.push(e3.isInverse() ? 7 : 27), e3.isBold() !== t3.isBold() && s2.push(e3.isBold() ? 1 : 22), e3.isUnderline() !== t3.isUnderline() && s2.push(e3.isUnderline() ? 4 : 24), e3.isOverline() !== t3.isOverline() && s2.push(e3.isOverline() ? 53 : 55), e3.isBlink() !== t3.isBlink() && s2.push(e3.isBlink() ? 5 : 25), e3.isInvisible() !== t3.isInvisible() && s2.push(e3.isInvisible() ? 8 : 28), e3.isItalic() !== t3.isItalic() && s2.push(e3.isItalic() ? 3 : 23), e3.isDim() !== t3.isDim() && s2.push(e3.isDim() ? 2 : 22), e3.isStrikethrough() !== t3.isStrikethrough() && s2.push(e3.isStrikethrough() ? 9 : 29));
+ }
+ return s2;
+ }
+ _nextCell(e3, t3, s2, r2) {
+ if (0 === e3.getWidth()) return;
+ const o2 = "" === e3.getChars(), i2 = this._diffStyle(e3, this._cursorStyle);
+ if (o2 ? !l(this._cursorStyle, e3) : i2.length > 0) {
+ this._nullCellCount > 0 && (l(this._cursorStyle, this._backgroundCell) || (this._currentRow += `\x1B[${this._nullCellCount}X`), this._currentRow += `\x1B[${this._nullCellCount}C`, this._nullCellCount = 0), this._lastContentCursorRow = this._lastCursorRow = s2, this._lastContentCursorCol = this._lastCursorCol = r2, this._currentRow += `\x1B[${i2.join(";")}m`;
+ const e4 = this._buffer.getLine(s2);
+ void 0 !== e4 && (e4.getCell(r2, this._cursorStyle), this._cursorStyleRow = s2, this._cursorStyleCol = r2);
+ }
+ o2 ? this._nullCellCount += e3.getWidth() : (this._nullCellCount > 0 && (l(this._cursorStyle, this._backgroundCell) || (this._currentRow += `\x1B[${this._nullCellCount}X`), this._currentRow += `\x1B[${this._nullCellCount}C`, this._nullCellCount = 0), this._currentRow += e3.getChars(), this._lastContentCursorRow = this._lastCursorRow = s2, this._lastContentCursorCol = this._lastCursorCol = r2 + e3.getWidth());
+ }
+ _serializeString(e3) {
+ let t3 = this._allRows.length;
+ this._buffer.length - this._firstRow <= this._terminal.rows && (t3 = this._lastContentCursorRow + 1 - this._firstRow, this._lastCursorCol = this._lastContentCursorCol, this._lastCursorRow = this._lastContentCursorRow);
+ let s2 = "";
+ for (let e4 = 0; e4 < t3; e4++) s2 += this._allRows[e4], e4 + 1 < t3 && (s2 += this._allRowSeparators[e4]);
+ if (!e3) {
+ const e4 = this._buffer.baseY + this._buffer.cursorY, t4 = this._buffer.cursorX, o3 = /* @__PURE__ */ __name((e5) => {
+ e5 > 0 ? s2 += `\x1B[${e5}C` : e5 < 0 && (s2 += `\x1B[${-e5}D`);
+ }, "o");
+ (e4 !== this._lastCursorRow || t4 !== this._lastCursorCol) && ((r2 = e4 - this._lastCursorRow) > 0 ? s2 += `\x1B[${r2}B` : r2 < 0 && (s2 += `\x1B[${-r2}A`), o3(t4 - this._lastCursorCol));
+ }
+ var r2;
+ const o2 = this._terminal._core._inputHandler._curAttrData, i2 = this._diffStyle(o2, this._cursorStyle);
+ return i2.length > 0 && (s2 += `\x1B[${i2.join(";")}m`), s2;
+ }
+ }
+ e2.SerializeAddon = class {
+ activate(e3) {
+ this._terminal = e3;
+ }
+ _serializeBufferByScrollback(e3, t3, s2) {
+ const r2 = t3.length, i2 = void 0 === s2 ? r2 : o(s2 + e3.rows, 0, r2);
+ return this._serializeBufferByRange(e3, t3, { start: r2 - i2, end: r2 - 1 }, false);
+ }
+ _serializeBufferByRange(e3, t3, s2, r2) {
+ return new c(t3, e3).serialize({ start: { x: 0, y: "number" == typeof s2.start ? s2.start : s2.start.line }, end: { x: e3.cols, y: "number" == typeof s2.end ? s2.end : s2.end.line } }, r2);
+ }
+ _serializeBufferAsHTML(e3, t3) {
+ const s2 = e3.buffer.active, r2 = new h(s2, e3, t3);
+ if (!t3.onlySelection) {
+ const i3 = s2.length, n2 = t3.scrollback, l2 = void 0 === n2 ? i3 : o(n2 + e3.rows, 0, i3);
+ return r2.serialize({ start: { x: 0, y: i3 - l2 }, end: { x: e3.cols, y: i3 - 1 } });
+ }
+ const i2 = this._terminal?.getSelectionPosition();
+ return void 0 !== i2 ? r2.serialize({ start: { x: i2.start.x, y: i2.start.y }, end: { x: i2.end.x, y: i2.end.y } }) : "";
+ }
+ _serializeModes(e3) {
+ let t3 = "";
+ const s2 = e3.modes;
+ if (s2.applicationCursorKeysMode && (t3 += "\x1B[?1h"), s2.applicationKeypadMode && (t3 += "\x1B[?66h"), s2.bracketedPasteMode && (t3 += "\x1B[?2004h"), s2.insertMode && (t3 += "\x1B[4h"), s2.originMode && (t3 += "\x1B[?6h"), s2.reverseWraparoundMode && (t3 += "\x1B[?45h"), s2.sendFocusMode && (t3 += "\x1B[?1004h"), false === s2.wraparoundMode && (t3 += "\x1B[?7l"), "none" !== s2.mouseTrackingMode) switch (s2.mouseTrackingMode) {
+ case "x10":
+ t3 += "\x1B[?9h";
+ break;
+ case "vt200":
+ t3 += "\x1B[?1000h";
+ break;
+ case "drag":
+ t3 += "\x1B[?1002h";
+ break;
+ case "any":
+ t3 += "\x1B[?1003h";
+ }
+ return t3;
+ }
+ serialize(e3) {
+ if (!this._terminal) throw new Error("Cannot use addon until it has been loaded");
+ let t3 = e3?.range ? this._serializeBufferByRange(this._terminal, this._terminal.buffer.normal, e3.range, true) : this._serializeBufferByScrollback(this._terminal, this._terminal.buffer.normal, e3?.scrollback);
+ return e3?.excludeAltBuffer || "alternate" !== this._terminal.buffer.active.type || (t3 += `\x1B[?1049h\x1B[H${this._serializeBufferByScrollback(this._terminal, this._terminal.buffer.alternate, void 0)}`), e3?.excludeModes || (t3 += this._serializeModes(this._terminal)), t3;
+ }
+ serializeAsHTML(e3) {
+ if (!this._terminal) throw new Error("Cannot use addon until it has been loaded");
+ return this._serializeBufferAsHTML(this._terminal, e3 || {});
+ }
+ dispose() {
+ }
+ };
+ class h extends i {
+ static {
+ __name(this, "h");
+ }
+ constructor(e3, s2, r2) {
+ super(e3), this._terminal = s2, this._options = r2, this._currentRow = "", this._htmlContent = "", s2._core._themeService ? this._ansiColors = s2._core._themeService.colors.ansi : this._ansiColors = t2.DEFAULT_ANSI_COLORS;
+ }
+ _padStart(e3, t3, s2) {
+ return t3 >>= 0, s2 = s2 ?? " ", e3.length > t3 ? e3 : ((t3 -= e3.length) > s2.length && (s2 += s2.repeat(t3 / s2.length)), s2.slice(0, t3) + e3);
+ }
+ _beforeSerialize(e3, t3, s2) {
+ this._htmlContent += "
";
+ let r2 = "#000000", o2 = "#ffffff";
+ this._options.includeGlobalBackground && (r2 = this._terminal.options.theme?.foreground ?? "#ffffff", o2 = this._terminal.options.theme?.background ?? "#000000");
+ const i2 = [];
+ i2.push("color: " + r2 + ";"), i2.push("background-color: " + o2 + ";"), i2.push("font-family: " + this._terminal.options.fontFamily + ";"), i2.push("font-size: " + this._terminal.options.fontSize + "px;"), this._htmlContent += "";
+ }
+ _afterSerialize() {
+ this._htmlContent += "
", this._htmlContent += "";
+ }
+ _rowEnd(e3, t3) {
+ this._htmlContent += "" + this._currentRow + "
", this._currentRow = "";
+ }
+ _getHexColor(e3, t3) {
+ const s2 = t3 ? e3.getFgColor() : e3.getBgColor();
+ return (t3 ? e3.isFgRGB() : e3.isBgRGB()) ? "#" + [s2 >> 16 & 255, s2 >> 8 & 255, 255 & s2].map((e4) => this._padStart(e4.toString(16), 2, "0")).join("") : (t3 ? e3.isFgPalette() : e3.isBgPalette()) ? this._ansiColors[s2].css : void 0;
+ }
+ _diffStyle(e3, t3) {
+ const s2 = [], r2 = !n(e3, t3), o2 = !l(e3, t3), i2 = !a(e3, t3);
+ if (r2 || o2 || i2) {
+ const t4 = this._getHexColor(e3, true);
+ t4 && s2.push("color: " + t4 + ";");
+ const r3 = this._getHexColor(e3, false);
+ return r3 && s2.push("background-color: " + r3 + ";"), e3.isInverse() && s2.push("color: #000000; background-color: #BFBFBF;"), e3.isBold() && s2.push("font-weight: bold;"), e3.isUnderline() && e3.isOverline() ? s2.push("text-decoration: overline underline;") : e3.isUnderline() ? s2.push("text-decoration: underline;") : e3.isOverline() && s2.push("text-decoration: overline;"), e3.isBlink() && s2.push("text-decoration: blink;"), e3.isInvisible() && s2.push("visibility: hidden;"), e3.isItalic() && s2.push("font-style: italic;"), e3.isDim() && s2.push("opacity: 0.5;"), e3.isStrikethrough() && s2.push("text-decoration: line-through;"), s2;
+ }
+ }
+ _nextCell(e3, t3, s2, r2) {
+ if (0 === e3.getWidth()) return;
+ const o2 = "" === e3.getChars(), i2 = this._diffStyle(e3, t3);
+ i2 && (this._currentRow += 0 === i2.length ? "" : ""), this._currentRow += o2 ? " " : e3.getChars();
+ }
+ _serializeString() {
+ return this._htmlContent;
+ }
+ }
+ e2.HTMLSerializeHandler = h;
+ })(), r;
+ })());
+})(addonSerialize$2, addonSerialize$2.exports);
+var addonSerializeExports = addonSerialize$2.exports;
+const addonSerialize$1 = /* @__PURE__ */ getDefaultExportFromCjs(addonSerializeExports);
+function useTerminalBuffer() {
+ const serializeAddon = new addonSerializeExports.SerializeAddon();
+ const terminal = markRaw(new xtermExports.Terminal({ convertEol: true }));
+ const copyTo = /* @__PURE__ */ __name((destinationTerminal) => {
+ destinationTerminal.write(serializeAddon.serialize());
+ }, "copyTo");
+ const write = /* @__PURE__ */ __name((message) => terminal.write(message), "write");
+ const serialize = /* @__PURE__ */ __name(() => serializeAddon.serialize(), "serialize");
+ onMounted(() => {
+ terminal.loadAddon(serializeAddon);
+ });
+ onUnmounted(() => {
+ terminal.dispose();
+ });
+ return {
+ copyTo,
+ serialize,
+ write
+ };
+}
+__name(useTerminalBuffer, "useTerminalBuffer");
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "TerminalOutputDrawer",
+ props: /* @__PURE__ */ mergeModels({
+ header: {},
+ defaultMessage: {}
+ }, {
+ "modelValue": { type: Boolean, ...{ required: true } },
+ "modelModifiers": {}
+ }),
+ emits: ["update:modelValue"],
+ setup(__props) {
+ const terminalVisible = useModel(__props, "modelValue");
+ const props = __props;
+ const electron = electronAPI();
+ const buffer = useTerminalBuffer();
+ let xterm = null;
+ const terminalCreated = /* @__PURE__ */ __name(({ terminal, useAutoSize }, root2) => {
+ xterm = terminal;
+ useAutoSize({ root: root2, autoRows: true, autoCols: true });
+ terminal.write(props.defaultMessage);
+ buffer.copyTo(terminal);
+ terminal.options.cursorBlink = false;
+ terminal.options.cursorStyle = "bar";
+ terminal.options.cursorInactiveStyle = "bar";
+ terminal.options.disableStdin = true;
+ }, "terminalCreated");
+ const terminalUnmounted = /* @__PURE__ */ __name(() => {
+ xterm = null;
+ }, "terminalUnmounted");
+ onMounted(async () => {
+ electron.onLogMessage((message) => {
+ buffer.write(message);
+ xterm?.write(message);
+ });
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(unref(script), {
+ visible: terminalVisible.value,
+ "onUpdate:visible": _cache[0] || (_cache[0] = ($event) => terminalVisible.value = $event),
+ header: _ctx.header,
+ position: "bottom",
+ style: { "height": "max(50vh, 34rem)" }
+ }, {
+ default: withCtx(() => [
+ createVNode(BaseTerminal, {
+ onCreated: terminalCreated,
+ onUnmounted: terminalUnmounted
+ })
+ ]),
+ _: 1
+ }, 8, ["visible", "header"]);
+ };
+ }
+});
+export {
+ _sfc_main as _,
+ script as s
+};
+//# sourceMappingURL=TerminalOutputDrawer-CKr7Br7O.js.map
diff --git a/comfy/web/assets/UserSelectView-DkeVSFwW.js b/comfy/web/assets/UserSelectView-C703HOyO.js
similarity index 84%
rename from comfy/web/assets/UserSelectView-DkeVSFwW.js
rename to comfy/web/assets/UserSelectView-C703HOyO.js
index 27b515707..ea7aadc5f 100644
--- a/comfy/web/assets/UserSelectView-DkeVSFwW.js
+++ b/comfy/web/assets/UserSelectView-C703HOyO.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/UserSelectView-DkeVSFwW.js
import { d as defineComponent, aj as useUserStore, be as useRouter, U as ref, c as computed, p as onMounted, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, bf as withKeys, j as unref, bg as script, bh as script$1, bi as script$2, bj as script$3, a7 as createTextVNode, B as createCommentVNode, l as script$4 } from "./index-BsGgXmrT.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-DDUNNAbV.js";
+========
+import { d as defineComponent, ak as useUserStore, bi as useRouter, T as ref, c as computed, p as onMounted, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, bj as withKeys, j as unref, bk as script, bl as script$1, bm as script$2, bn as script$3, a8 as createTextVNode, B as createCommentVNode, l as script$4 } from "./index-Bv0b06LE.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BTbuZf5t.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/UserSelectView-C703HOyO.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-DkeVSFwW.js
//# sourceMappingURL=UserSelectView-DkeVSFwW.js.map
+========
+//# sourceMappingURL=UserSelectView-C703HOyO.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/UserSelectView-C703HOyO.js
diff --git a/comfy/web/assets/WelcomeView-CXVMqRFA.js b/comfy/web/assets/WelcomeView-DIFvbWc2.js
similarity index 72%
rename from comfy/web/assets/WelcomeView-CXVMqRFA.js
rename to comfy/web/assets/WelcomeView-DIFvbWc2.js
index 509fe530a..306fe0360 100644
--- a/comfy/web/assets/WelcomeView-CXVMqRFA.js
+++ b/comfy/web/assets/WelcomeView-DIFvbWc2.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/WelcomeView-CXVMqRFA.js
import { d as defineComponent, be as useRouter, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, l as script, _ as _export_sfc } from "./index-BsGgXmrT.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-DDUNNAbV.js";
+========
+import { d as defineComponent, bi as useRouter, o as openBlock, y as createBlock, z as withCtx, m as createBaseVNode, E as toDisplayString, k as createVNode, j as unref, l as script, _ as _export_sfc } from "./index-Bv0b06LE.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BTbuZf5t.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/WelcomeView-DIFvbWc2.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 +41,8 @@ const WelcomeView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-
export {
WelcomeView as default
};
+<<<<<<<< HEAD:comfy/web/assets/WelcomeView-CXVMqRFA.js
//# sourceMappingURL=WelcomeView-CXVMqRFA.js.map
+========
+//# sourceMappingURL=WelcomeView-DIFvbWc2.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/WelcomeView-DIFvbWc2.js
diff --git a/comfy/web/assets/index-A_bXPJCN.js b/comfy/web/assets/index-A_bXPJCN.js
new file mode 100644
index 000000000..8753d0e80
--- /dev/null
+++ b/comfy/web/assets/index-A_bXPJCN.js
@@ -0,0 +1,618 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+import { bG as BaseStyle, bX as script$5, o as openBlock, f as createElementBlock, at as mergeProps, m as createBaseVNode, bH as script$6, cF as script$7, cG as script$8, cl as script$9, bO as Ripple, r as resolveDirective, y as createBlock, C as resolveDynamicComponent, F as Fragment, E as toDisplayString, cx as normalizeProps, i as withDirectives, B as createCommentVNode, dg as ToastEventBus, bZ as ZIndex, ci as isEmpty, c8 as setAttribute, ca as script$a, bR as resolveComponent, z as withCtx, k as createVNode, dh as TransitionGroup, D as renderList } from "./index-Bv0b06LE.js";
+function _typeof$2(o) {
+ "@babel/helpers - typeof";
+ return _typeof$2 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$2(o);
+}
+__name(_typeof$2, "_typeof$2");
+function _defineProperty$2(e, r, t) {
+ return (r = _toPropertyKey$2(r)) in e ? Object.defineProperty(e, r, { value: t, enumerable: true, configurable: true, writable: true }) : e[r] = t, e;
+}
+__name(_defineProperty$2, "_defineProperty$2");
+function _toPropertyKey$2(t) {
+ var i = _toPrimitive$2(t, "string");
+ return "symbol" == _typeof$2(i) ? i : i + "";
+}
+__name(_toPropertyKey$2, "_toPropertyKey$2");
+function _toPrimitive$2(t, r) {
+ if ("object" != _typeof$2(t) || !t) return t;
+ var e = t[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t, r || "default");
+ if ("object" != _typeof$2(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t);
+}
+__name(_toPrimitive$2, "_toPrimitive$2");
+var theme = /* @__PURE__ */ __name(function theme2(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-toast {\n width: ".concat(dt("toast.width"), ";\n white-space: pre-line;\n word-break: break-word;\n}\n\n.p-toast-message {\n margin: 0 0 1rem 0;\n}\n\n.p-toast-message-icon {\n flex-shrink: 0;\n font-size: ").concat(dt("toast.icon.size"), ";\n width: ").concat(dt("toast.icon.size"), ";\n height: ").concat(dt("toast.icon.size"), ";\n}\n\n.p-toast-message-content {\n display: flex;\n align-items: flex-start;\n padding: ").concat(dt("toast.content.padding"), ";\n gap: ").concat(dt("toast.content.gap"), ";\n}\n\n.p-toast-message-text {\n flex: 1 1 auto;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("toast.text.gap"), ";\n}\n\n.p-toast-summary {\n font-weight: ").concat(dt("toast.summary.font.weight"), ";\n font-size: ").concat(dt("toast.summary.font.size"), ";\n}\n\n.p-toast-detail {\n font-weight: ").concat(dt("toast.detail.font.weight"), ";\n font-size: ").concat(dt("toast.detail.font.size"), ";\n}\n\n.p-toast-close-button {\n display: flex;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n position: relative;\n cursor: pointer;\n background: transparent;\n transition: background ").concat(dt("toast.transition.duration"), ", color ").concat(dt("toast.transition.duration"), ", outline-color ").concat(dt("toast.transition.duration"), ", box-shadow ").concat(dt("toast.transition.duration"), ";\n outline-color: transparent;\n color: inherit;\n width: ").concat(dt("toast.close.button.width"), ";\n height: ").concat(dt("toast.close.button.height"), ";\n border-radius: ").concat(dt("toast.close.button.border.radius"), ";\n margin: -25% 0 0 0;\n right: -25%;\n padding: 0;\n border: none;\n user-select: none;\n}\n\n.p-toast-close-button:dir(rtl) {\n margin: -25% 0 0 auto;\n left: -25%;\n right: auto;\n}\n\n.p-toast-message-info,\n.p-toast-message-success,\n.p-toast-message-warn,\n.p-toast-message-error,\n.p-toast-message-secondary,\n.p-toast-message-contrast {\n border-width: ").concat(dt("toast.border.width"), ";\n border-style: solid;\n backdrop-filter: blur(").concat(dt("toast.blur"), ");\n border-radius: ").concat(dt("toast.border.radius"), ";\n}\n\n.p-toast-close-icon {\n font-size: ").concat(dt("toast.close.icon.size"), ";\n width: ").concat(dt("toast.close.icon.size"), ";\n height: ").concat(dt("toast.close.icon.size"), ";\n}\n\n.p-toast-close-button:focus-visible {\n outline-width: ").concat(dt("focus.ring.width"), ";\n outline-style: ").concat(dt("focus.ring.style"), ";\n outline-offset: ").concat(dt("focus.ring.offset"), ";\n}\n\n.p-toast-message-info {\n background: ").concat(dt("toast.info.background"), ";\n border-color: ").concat(dt("toast.info.border.color"), ";\n color: ").concat(dt("toast.info.color"), ";\n box-shadow: ").concat(dt("toast.info.shadow"), ";\n}\n\n.p-toast-message-info .p-toast-detail {\n color: ").concat(dt("toast.info.detail.color"), ";\n}\n\n.p-toast-message-info .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.info.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.info.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-info .p-toast-close-button:hover {\n background: ").concat(dt("toast.info.close.button.hover.background"), ";\n}\n\n.p-toast-message-success {\n background: ").concat(dt("toast.success.background"), ";\n border-color: ").concat(dt("toast.success.border.color"), ";\n color: ").concat(dt("toast.success.color"), ";\n box-shadow: ").concat(dt("toast.success.shadow"), ";\n}\n\n.p-toast-message-success .p-toast-detail {\n color: ").concat(dt("toast.success.detail.color"), ";\n}\n\n.p-toast-message-success .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.success.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.success.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-success .p-toast-close-button:hover {\n background: ").concat(dt("toast.success.close.button.hover.background"), ";\n}\n\n.p-toast-message-warn {\n background: ").concat(dt("toast.warn.background"), ";\n border-color: ").concat(dt("toast.warn.border.color"), ";\n color: ").concat(dt("toast.warn.color"), ";\n box-shadow: ").concat(dt("toast.warn.shadow"), ";\n}\n\n.p-toast-message-warn .p-toast-detail {\n color: ").concat(dt("toast.warn.detail.color"), ";\n}\n\n.p-toast-message-warn .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.warn.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.warn.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-warn .p-toast-close-button:hover {\n background: ").concat(dt("toast.warn.close.button.hover.background"), ";\n}\n\n.p-toast-message-error {\n background: ").concat(dt("toast.error.background"), ";\n border-color: ").concat(dt("toast.error.border.color"), ";\n color: ").concat(dt("toast.error.color"), ";\n box-shadow: ").concat(dt("toast.error.shadow"), ";\n}\n\n.p-toast-message-error .p-toast-detail {\n color: ").concat(dt("toast.error.detail.color"), ";\n}\n\n.p-toast-message-error .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.error.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.error.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-error .p-toast-close-button:hover {\n background: ").concat(dt("toast.error.close.button.hover.background"), ";\n}\n\n.p-toast-message-secondary {\n background: ").concat(dt("toast.secondary.background"), ";\n border-color: ").concat(dt("toast.secondary.border.color"), ";\n color: ").concat(dt("toast.secondary.color"), ";\n box-shadow: ").concat(dt("toast.secondary.shadow"), ";\n}\n\n.p-toast-message-secondary .p-toast-detail {\n color: ").concat(dt("toast.secondary.detail.color"), ";\n}\n\n.p-toast-message-secondary .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.secondary.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.secondary.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-secondary .p-toast-close-button:hover {\n background: ").concat(dt("toast.secondary.close.button.hover.background"), ";\n}\n\n.p-toast-message-contrast {\n background: ").concat(dt("toast.contrast.background"), ";\n border-color: ").concat(dt("toast.contrast.border.color"), ";\n color: ").concat(dt("toast.contrast.color"), ";\n box-shadow: ").concat(dt("toast.contrast.shadow"), ";\n}\n\n.p-toast-message-contrast .p-toast-detail {\n color: ").concat(dt("toast.contrast.detail.color"), ";\n}\n\n.p-toast-message-contrast .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.contrast.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.contrast.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-contrast .p-toast-close-button:hover {\n background: ").concat(dt("toast.contrast.close.button.hover.background"), ";\n}\n\n.p-toast-top-center {\n transform: translateX(-50%);\n}\n\n.p-toast-bottom-center {\n transform: translateX(-50%);\n}\n\n.p-toast-center {\n min-width: 20vw;\n transform: translate(-50%, -50%);\n}\n\n.p-toast-message-enter-from {\n opacity: 0;\n transform: translateY(50%);\n}\n\n.p-toast-message-leave-from {\n max-height: 1000px;\n}\n\n.p-toast .p-toast-message.p-toast-message-leave-to {\n max-height: 0;\n opacity: 0;\n margin-bottom: 0;\n overflow: hidden;\n}\n\n.p-toast-message-enter-active {\n transition: transform 0.3s, opacity 0.3s;\n}\n\n.p-toast-message-leave-active {\n transition: max-height 0.45s cubic-bezier(0, 1, 0, 1), opacity 0.3s, margin-bottom 0.3s;\n}\n");
+}, "theme");
+var inlineStyles = {
+ root: /* @__PURE__ */ __name(function root(_ref2) {
+ var position = _ref2.position;
+ return {
+ position: "fixed",
+ top: position === "top-right" || position === "top-left" || position === "top-center" ? "20px" : position === "center" ? "50%" : null,
+ right: (position === "top-right" || position === "bottom-right") && "20px",
+ bottom: (position === "bottom-left" || position === "bottom-right" || position === "bottom-center") && "20px",
+ left: position === "top-left" || position === "bottom-left" ? "20px" : position === "center" || position === "top-center" || position === "bottom-center" ? "50%" : null
+ };
+ }, "root")
+};
+var classes = {
+ root: /* @__PURE__ */ __name(function root2(_ref3) {
+ var props = _ref3.props;
+ return ["p-toast p-component p-toast-" + props.position];
+ }, "root"),
+ message: /* @__PURE__ */ __name(function message(_ref4) {
+ var props = _ref4.props;
+ return ["p-toast-message", {
+ "p-toast-message-info": props.message.severity === "info" || props.message.severity === void 0,
+ "p-toast-message-warn": props.message.severity === "warn",
+ "p-toast-message-error": props.message.severity === "error",
+ "p-toast-message-success": props.message.severity === "success",
+ "p-toast-message-secondary": props.message.severity === "secondary",
+ "p-toast-message-contrast": props.message.severity === "contrast"
+ }];
+ }, "message"),
+ messageContent: "p-toast-message-content",
+ messageIcon: /* @__PURE__ */ __name(function messageIcon(_ref5) {
+ var props = _ref5.props;
+ return ["p-toast-message-icon", _defineProperty$2(_defineProperty$2(_defineProperty$2(_defineProperty$2({}, props.infoIcon, props.message.severity === "info"), props.warnIcon, props.message.severity === "warn"), props.errorIcon, props.message.severity === "error"), props.successIcon, props.message.severity === "success")];
+ }, "messageIcon"),
+ messageText: "p-toast-message-text",
+ summary: "p-toast-summary",
+ detail: "p-toast-detail",
+ closeButton: "p-toast-close-button",
+ closeIcon: "p-toast-close-icon"
+};
+var ToastStyle = BaseStyle.extend({
+ name: "toast",
+ theme,
+ classes,
+ inlineStyles
+});
+var script$4 = {
+ name: "ExclamationTriangleIcon",
+ "extends": script$5
+};
+function render$3(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ d: "M13.4018 13.1893H0.598161C0.49329 13.189 0.390283 13.1615 0.299143 13.1097C0.208003 13.0578 0.131826 12.9832 0.0780112 12.8932C0.0268539 12.8015 0 12.6982 0 12.5931C0 12.4881 0.0268539 12.3848 0.0780112 12.293L6.47985 1.08982C6.53679 1.00399 6.61408 0.933574 6.70484 0.884867C6.7956 0.836159 6.897 0.810669 7 0.810669C7.103 0.810669 7.2044 0.836159 7.29516 0.884867C7.38592 0.933574 7.46321 1.00399 7.52015 1.08982L13.922 12.293C13.9731 12.3848 14 12.4881 14 12.5931C14 12.6982 13.9731 12.8015 13.922 12.8932C13.8682 12.9832 13.792 13.0578 13.7009 13.1097C13.6097 13.1615 13.5067 13.189 13.4018 13.1893ZM1.63046 11.989H12.3695L7 2.59425L1.63046 11.989Z",
+ fill: "currentColor"
+ }, null, -1), createBaseVNode("path", {
+ d: "M6.99996 8.78801C6.84143 8.78594 6.68997 8.72204 6.57787 8.60993C6.46576 8.49782 6.40186 8.34637 6.39979 8.18784V5.38703C6.39979 5.22786 6.46302 5.0752 6.57557 4.96265C6.68813 4.85009 6.84078 4.78686 6.99996 4.78686C7.15914 4.78686 7.31179 4.85009 7.42435 4.96265C7.5369 5.0752 7.60013 5.22786 7.60013 5.38703V8.18784C7.59806 8.34637 7.53416 8.49782 7.42205 8.60993C7.30995 8.72204 7.15849 8.78594 6.99996 8.78801Z",
+ fill: "currentColor"
+ }, null, -1), createBaseVNode("path", {
+ d: "M6.99996 11.1887C6.84143 11.1866 6.68997 11.1227 6.57787 11.0106C6.46576 10.8985 6.40186 10.7471 6.39979 10.5885V10.1884C6.39979 10.0292 6.46302 9.87658 6.57557 9.76403C6.68813 9.65147 6.84078 9.58824 6.99996 9.58824C7.15914 9.58824 7.31179 9.65147 7.42435 9.76403C7.5369 9.87658 7.60013 10.0292 7.60013 10.1884V10.5885C7.59806 10.7471 7.53416 10.8985 7.42205 11.0106C7.30995 11.1227 7.15849 11.1866 6.99996 11.1887Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$3, "render$3");
+script$4.render = render$3;
+var script$3 = {
+ name: "InfoCircleIcon",
+ "extends": script$5
+};
+function render$2(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M3.11101 12.8203C4.26215 13.5895 5.61553 14 7 14C8.85652 14 10.637 13.2625 11.9497 11.9497C13.2625 10.637 14 8.85652 14 7C14 5.61553 13.5895 4.26215 12.8203 3.11101C12.0511 1.95987 10.9579 1.06266 9.67879 0.532846C8.3997 0.00303296 6.99224 -0.13559 5.63437 0.134506C4.2765 0.404603 3.02922 1.07129 2.05026 2.05026C1.07129 3.02922 0.404603 4.2765 0.134506 5.63437C-0.13559 6.99224 0.00303296 8.3997 0.532846 9.67879C1.06266 10.9579 1.95987 12.0511 3.11101 12.8203ZM3.75918 2.14976C4.71846 1.50879 5.84628 1.16667 7 1.16667C8.5471 1.16667 10.0308 1.78125 11.1248 2.87521C12.2188 3.96918 12.8333 5.45291 12.8333 7C12.8333 8.15373 12.4912 9.28154 11.8502 10.2408C11.2093 11.2001 10.2982 11.9478 9.23232 12.3893C8.16642 12.8308 6.99353 12.9463 5.86198 12.7212C4.73042 12.4962 3.69102 11.9406 2.87521 11.1248C2.05941 10.309 1.50384 9.26958 1.27876 8.13803C1.05367 7.00647 1.16919 5.83358 1.61071 4.76768C2.05222 3.70178 2.79989 2.79074 3.75918 2.14976ZM7.00002 4.8611C6.84594 4.85908 6.69873 4.79698 6.58977 4.68801C6.48081 4.57905 6.4187 4.43185 6.41669 4.27776V3.88888C6.41669 3.73417 6.47815 3.58579 6.58754 3.4764C6.69694 3.367 6.84531 3.30554 7.00002 3.30554C7.15473 3.30554 7.3031 3.367 7.4125 3.4764C7.52189 3.58579 7.58335 3.73417 7.58335 3.88888V4.27776C7.58134 4.43185 7.51923 4.57905 7.41027 4.68801C7.30131 4.79698 7.1541 4.85908 7.00002 4.8611ZM7.00002 10.6945C6.84594 10.6925 6.69873 10.6304 6.58977 10.5214C6.48081 10.4124 6.4187 10.2652 6.41669 10.1111V6.22225C6.41669 6.06754 6.47815 5.91917 6.58754 5.80977C6.69694 5.70037 6.84531 5.63892 7.00002 5.63892C7.15473 5.63892 7.3031 5.70037 7.4125 5.80977C7.52189 5.91917 7.58335 6.06754 7.58335 6.22225V10.1111C7.58134 10.2652 7.51923 10.4124 7.41027 10.5214C7.30131 10.6304 7.1541 10.6925 7.00002 10.6945Z",
+ fill: "currentColor"
+ }, null, -1)]), 16);
+}
+__name(render$2, "render$2");
+script$3.render = render$2;
+var script$2 = {
+ name: "BaseToast",
+ "extends": script$6,
+ props: {
+ group: {
+ type: String,
+ "default": null
+ },
+ position: {
+ type: String,
+ "default": "top-right"
+ },
+ autoZIndex: {
+ type: Boolean,
+ "default": true
+ },
+ baseZIndex: {
+ type: Number,
+ "default": 0
+ },
+ breakpoints: {
+ type: Object,
+ "default": null
+ },
+ closeIcon: {
+ type: String,
+ "default": void 0
+ },
+ infoIcon: {
+ type: String,
+ "default": void 0
+ },
+ warnIcon: {
+ type: String,
+ "default": void 0
+ },
+ errorIcon: {
+ type: String,
+ "default": void 0
+ },
+ successIcon: {
+ type: String,
+ "default": void 0
+ },
+ closeButtonProps: {
+ type: null,
+ "default": null
+ }
+ },
+ style: ToastStyle,
+ provide: /* @__PURE__ */ __name(function provide() {
+ return {
+ $pcToast: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$1 = {
+ name: "ToastMessage",
+ hostName: "Toast",
+ "extends": script$6,
+ emits: ["close"],
+ closeTimeout: null,
+ props: {
+ message: {
+ type: null,
+ "default": null
+ },
+ templates: {
+ type: Object,
+ "default": null
+ },
+ closeIcon: {
+ type: String,
+ "default": null
+ },
+ infoIcon: {
+ type: String,
+ "default": null
+ },
+ warnIcon: {
+ type: String,
+ "default": null
+ },
+ errorIcon: {
+ type: String,
+ "default": null
+ },
+ successIcon: {
+ type: String,
+ "default": null
+ },
+ closeButtonProps: {
+ type: null,
+ "default": null
+ }
+ },
+ mounted: /* @__PURE__ */ __name(function mounted() {
+ var _this = this;
+ if (this.message.life) {
+ this.closeTimeout = setTimeout(function() {
+ _this.close({
+ message: _this.message,
+ type: "life-end"
+ });
+ }, this.message.life);
+ }
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount() {
+ this.clearCloseTimeout();
+ }, "beforeUnmount"),
+ methods: {
+ close: /* @__PURE__ */ __name(function close(params) {
+ this.$emit("close", params);
+ }, "close"),
+ onCloseClick: /* @__PURE__ */ __name(function onCloseClick() {
+ this.clearCloseTimeout();
+ this.close({
+ message: this.message,
+ type: "close"
+ });
+ }, "onCloseClick"),
+ clearCloseTimeout: /* @__PURE__ */ __name(function clearCloseTimeout() {
+ if (this.closeTimeout) {
+ clearTimeout(this.closeTimeout);
+ this.closeTimeout = null;
+ }
+ }, "clearCloseTimeout")
+ },
+ computed: {
+ iconComponent: /* @__PURE__ */ __name(function iconComponent() {
+ return {
+ info: !this.infoIcon && script$3,
+ success: !this.successIcon && script$7,
+ warn: !this.warnIcon && script$4,
+ error: !this.errorIcon && script$8
+ }[this.message.severity];
+ }, "iconComponent"),
+ closeAriaLabel: /* @__PURE__ */ __name(function closeAriaLabel() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.close : void 0;
+ }, "closeAriaLabel")
+ },
+ components: {
+ TimesIcon: script$9,
+ InfoCircleIcon: script$3,
+ CheckIcon: script$7,
+ ExclamationTriangleIcon: script$4,
+ TimesCircleIcon: script$8
+ },
+ directives: {
+ ripple: Ripple
+ }
+};
+function _typeof$1(o) {
+ "@babel/helpers - typeof";
+ return _typeof$1 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof$1(o);
+}
+__name(_typeof$1, "_typeof$1");
+function ownKeys$1(e, r) {
+ var t = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t.push.apply(t, o);
+ }
+ return t;
+}
+__name(ownKeys$1, "ownKeys$1");
+function _objectSpread$1(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys$1(Object(t), true).forEach(function(r2) {
+ _defineProperty$1(e, r2, t[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t)) : ownKeys$1(Object(t)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread$1, "_objectSpread$1");
+function _defineProperty$1(e, r, t) {
+ return (r = _toPropertyKey$1(r)) in e ? Object.defineProperty(e, r, { value: t, enumerable: true, configurable: true, writable: true }) : e[r] = t, e;
+}
+__name(_defineProperty$1, "_defineProperty$1");
+function _toPropertyKey$1(t) {
+ var i = _toPrimitive$1(t, "string");
+ return "symbol" == _typeof$1(i) ? i : i + "";
+}
+__name(_toPropertyKey$1, "_toPropertyKey$1");
+function _toPrimitive$1(t, r) {
+ if ("object" != _typeof$1(t) || !t) return t;
+ var e = t[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t, r || "default");
+ if ("object" != _typeof$1(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t);
+}
+__name(_toPrimitive$1, "_toPrimitive$1");
+var _hoisted_1 = ["aria-label"];
+function render$1(_ctx, _cache, $props, $setup, $data, $options) {
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": [_ctx.cx("message"), $props.message.styleClass],
+ role: "alert",
+ "aria-live": "assertive",
+ "aria-atomic": "true"
+ }, _ctx.ptm("message")), [$props.templates.container ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.container), {
+ key: 0,
+ message: $props.message,
+ closeCallback: $options.onCloseClick
+ }, null, 8, ["message", "closeCallback"])) : (openBlock(), createElementBlock("div", mergeProps({
+ key: 1,
+ "class": [_ctx.cx("messageContent"), $props.message.contentStyleClass]
+ }, _ctx.ptm("messageContent")), [!$props.templates.message ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [(openBlock(), createBlock(resolveDynamicComponent($props.templates.messageicon ? $props.templates.messageicon : $props.templates.icon ? $props.templates.icon : $options.iconComponent && $options.iconComponent.name ? $options.iconComponent : "span"), mergeProps({
+ "class": _ctx.cx("messageIcon")
+ }, _ctx.ptm("messageIcon")), null, 16, ["class"])), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("messageText")
+ }, _ctx.ptm("messageText")), [createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("summary")
+ }, _ctx.ptm("summary")), toDisplayString($props.message.summary), 17), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("detail")
+ }, _ctx.ptm("detail")), toDisplayString($props.message.detail), 17)], 16)], 64)) : (openBlock(), createBlock(resolveDynamicComponent($props.templates.message), {
+ key: 1,
+ message: $props.message
+ }, null, 8, ["message"])), $props.message.closable !== false ? (openBlock(), createElementBlock("div", normalizeProps(mergeProps({
+ key: 2
+ }, _ctx.ptm("buttonContainer"))), [withDirectives((openBlock(), createElementBlock("button", mergeProps({
+ "class": _ctx.cx("closeButton"),
+ type: "button",
+ "aria-label": $options.closeAriaLabel,
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.onCloseClick && $options.onCloseClick.apply($options, arguments);
+ }),
+ autofocus: ""
+ }, _objectSpread$1(_objectSpread$1({}, $props.closeButtonProps), _ctx.ptm("closeButton"))), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.closeicon || "TimesIcon"), mergeProps({
+ "class": [_ctx.cx("closeIcon"), $props.closeIcon]
+ }, _ctx.ptm("closeIcon")), null, 16, ["class"]))], 16, _hoisted_1)), [[_directive_ripple]])], 16)) : createCommentVNode("", true)], 16))], 16);
+}
+__name(render$1, "render$1");
+script$1.render = render$1;
+function _toConsumableArray(r) {
+ return _arrayWithoutHoles(r) || _iterableToArray(r) || _unsupportedIterableToArray(r) || _nonIterableSpread();
+}
+__name(_toConsumableArray, "_toConsumableArray");
+function _nonIterableSpread() {
+ throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableSpread, "_nonIterableSpread");
+function _unsupportedIterableToArray(r, a) {
+ if (r) {
+ if ("string" == typeof r) return _arrayLikeToArray(r, a);
+ var t = {}.toString.call(r).slice(8, -1);
+ return "Object" === t && r.constructor && (t = r.constructor.name), "Map" === t || "Set" === t ? Array.from(r) : "Arguments" === t || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t) ? _arrayLikeToArray(r, a) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray, "_unsupportedIterableToArray");
+function _iterableToArray(r) {
+ if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
+}
+__name(_iterableToArray, "_iterableToArray");
+function _arrayWithoutHoles(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray(r);
+}
+__name(_arrayWithoutHoles, "_arrayWithoutHoles");
+function _arrayLikeToArray(r, a) {
+ (null == a || a > r.length) && (a = r.length);
+ for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
+ return n;
+}
+__name(_arrayLikeToArray, "_arrayLikeToArray");
+var messageIdx = 0;
+var script = {
+ name: "Toast",
+ "extends": script$2,
+ inheritAttrs: false,
+ emits: ["close", "life-end"],
+ data: /* @__PURE__ */ __name(function data() {
+ return {
+ messages: []
+ };
+ }, "data"),
+ styleElement: null,
+ mounted: /* @__PURE__ */ __name(function mounted2() {
+ ToastEventBus.on("add", this.onAdd);
+ ToastEventBus.on("remove", this.onRemove);
+ ToastEventBus.on("remove-group", this.onRemoveGroup);
+ ToastEventBus.on("remove-all-groups", this.onRemoveAllGroups);
+ if (this.breakpoints) {
+ this.createStyle();
+ }
+ }, "mounted"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount2() {
+ this.destroyStyle();
+ if (this.$refs.container && this.autoZIndex) {
+ ZIndex.clear(this.$refs.container);
+ }
+ ToastEventBus.off("add", this.onAdd);
+ ToastEventBus.off("remove", this.onRemove);
+ ToastEventBus.off("remove-group", this.onRemoveGroup);
+ ToastEventBus.off("remove-all-groups", this.onRemoveAllGroups);
+ }, "beforeUnmount"),
+ methods: {
+ add: /* @__PURE__ */ __name(function add(message2) {
+ if (message2.id == null) {
+ message2.id = messageIdx++;
+ }
+ this.messages = [].concat(_toConsumableArray(this.messages), [message2]);
+ }, "add"),
+ remove: /* @__PURE__ */ __name(function remove(params) {
+ var index = this.messages.findIndex(function(m) {
+ return m.id === params.message.id;
+ });
+ if (index !== -1) {
+ this.messages.splice(index, 1);
+ this.$emit(params.type, {
+ message: params.message
+ });
+ }
+ }, "remove"),
+ onAdd: /* @__PURE__ */ __name(function onAdd(message2) {
+ if (this.group == message2.group) {
+ this.add(message2);
+ }
+ }, "onAdd"),
+ onRemove: /* @__PURE__ */ __name(function onRemove(message2) {
+ this.remove({
+ message: message2,
+ type: "close"
+ });
+ }, "onRemove"),
+ onRemoveGroup: /* @__PURE__ */ __name(function onRemoveGroup(group) {
+ if (this.group === group) {
+ this.messages = [];
+ }
+ }, "onRemoveGroup"),
+ onRemoveAllGroups: /* @__PURE__ */ __name(function onRemoveAllGroups() {
+ this.messages = [];
+ }, "onRemoveAllGroups"),
+ onEnter: /* @__PURE__ */ __name(function onEnter() {
+ if (this.autoZIndex) {
+ ZIndex.set("modal", this.$refs.container, this.baseZIndex || this.$primevue.config.zIndex.modal);
+ }
+ }, "onEnter"),
+ onLeave: /* @__PURE__ */ __name(function onLeave() {
+ var _this = this;
+ if (this.$refs.container && this.autoZIndex && isEmpty(this.messages)) {
+ setTimeout(function() {
+ ZIndex.clear(_this.$refs.container);
+ }, 200);
+ }
+ }, "onLeave"),
+ createStyle: /* @__PURE__ */ __name(function createStyle() {
+ if (!this.styleElement && !this.isUnstyled) {
+ var _this$$primevue;
+ this.styleElement = document.createElement("style");
+ this.styleElement.type = "text/css";
+ setAttribute(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ document.head.appendChild(this.styleElement);
+ var innerHTML = "";
+ for (var breakpoint in this.breakpoints) {
+ var breakpointStyle = "";
+ for (var styleProp in this.breakpoints[breakpoint]) {
+ breakpointStyle += styleProp + ":" + this.breakpoints[breakpoint][styleProp] + "!important;";
+ }
+ innerHTML += "\n @media screen and (max-width: ".concat(breakpoint, ") {\n .p-toast[").concat(this.$attrSelector, "] {\n ").concat(breakpointStyle, "\n }\n }\n ");
+ }
+ this.styleElement.innerHTML = innerHTML;
+ }
+ }, "createStyle"),
+ destroyStyle: /* @__PURE__ */ __name(function destroyStyle() {
+ if (this.styleElement) {
+ document.head.removeChild(this.styleElement);
+ this.styleElement = null;
+ }
+ }, "destroyStyle")
+ },
+ components: {
+ ToastMessage: script$1,
+ Portal: script$a
+ }
+};
+function _typeof(o) {
+ "@babel/helpers - typeof";
+ return _typeof = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return typeof o2;
+ } : function(o2) {
+ return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
+ }, _typeof(o);
+}
+__name(_typeof, "_typeof");
+function ownKeys(e, r) {
+ var t = Object.keys(e);
+ if (Object.getOwnPropertySymbols) {
+ var o = Object.getOwnPropertySymbols(e);
+ r && (o = o.filter(function(r2) {
+ return Object.getOwnPropertyDescriptor(e, r2).enumerable;
+ })), t.push.apply(t, o);
+ }
+ return t;
+}
+__name(ownKeys, "ownKeys");
+function _objectSpread(e) {
+ for (var r = 1; r < arguments.length; r++) {
+ var t = null != arguments[r] ? arguments[r] : {};
+ r % 2 ? ownKeys(Object(t), true).forEach(function(r2) {
+ _defineProperty(e, r2, t[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t)) : ownKeys(Object(t)).forEach(function(r2) {
+ Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t, r2));
+ });
+ }
+ return e;
+}
+__name(_objectSpread, "_objectSpread");
+function _defineProperty(e, r, t) {
+ return (r = _toPropertyKey(r)) in e ? Object.defineProperty(e, r, { value: t, enumerable: true, configurable: true, writable: true }) : e[r] = t, e;
+}
+__name(_defineProperty, "_defineProperty");
+function _toPropertyKey(t) {
+ var i = _toPrimitive(t, "string");
+ return "symbol" == _typeof(i) ? i : i + "";
+}
+__name(_toPropertyKey, "_toPropertyKey");
+function _toPrimitive(t, r) {
+ if ("object" != _typeof(t) || !t) return t;
+ var e = t[Symbol.toPrimitive];
+ if (void 0 !== e) {
+ var i = e.call(t, r || "default");
+ if ("object" != _typeof(i)) return i;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r ? String : Number)(t);
+}
+__name(_toPrimitive, "_toPrimitive");
+function render(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_ToastMessage = resolveComponent("ToastMessage");
+ var _component_Portal = resolveComponent("Portal");
+ return openBlock(), createBlock(_component_Portal, null, {
+ "default": withCtx(function() {
+ return [createBaseVNode("div", mergeProps({
+ ref: "container",
+ "class": _ctx.cx("root"),
+ style: _ctx.sx("root", true, {
+ position: _ctx.position
+ })
+ }, _ctx.ptmi("root")), [createVNode(TransitionGroup, mergeProps({
+ name: "p-toast-message",
+ tag: "div",
+ onEnter: $options.onEnter,
+ onLeave: $options.onLeave
+ }, _objectSpread({}, _ctx.ptm("transition"))), {
+ "default": withCtx(function() {
+ return [(openBlock(true), createElementBlock(Fragment, null, renderList($data.messages, function(msg) {
+ return openBlock(), createBlock(_component_ToastMessage, {
+ key: msg.id,
+ message: msg,
+ templates: _ctx.$slots,
+ closeIcon: _ctx.closeIcon,
+ infoIcon: _ctx.infoIcon,
+ warnIcon: _ctx.warnIcon,
+ errorIcon: _ctx.errorIcon,
+ successIcon: _ctx.successIcon,
+ closeButtonProps: _ctx.closeButtonProps,
+ unstyled: _ctx.unstyled,
+ onClose: _cache[0] || (_cache[0] = function($event) {
+ return $options.remove($event);
+ }),
+ pt: _ctx.pt
+ }, null, 8, ["message", "templates", "closeIcon", "infoIcon", "warnIcon", "errorIcon", "successIcon", "closeButtonProps", "unstyled", "pt"]);
+ }), 128))];
+ }),
+ _: 1
+ }, 16, ["onEnter", "onLeave"])], 16)];
+ }),
+ _: 1
+ });
+}
+__name(render, "render");
+script.render = render;
+export {
+ script$3 as a,
+ script$4 as b,
+ script as s
+};
+//# sourceMappingURL=index-A_bXPJCN.js.map
diff --git a/comfy/web/assets/index-aXhlJPnT.js b/comfy/web/assets/index-B36GcHVN.js
similarity index 98%
rename from comfy/web/assets/index-aXhlJPnT.js
rename to comfy/web/assets/index-B36GcHVN.js
index 7af8ec92d..651bf33b1 100644
--- a/comfy/web/assets/index-aXhlJPnT.js
+++ b/comfy/web/assets/index-B36GcHVN.js
@@ -1,6 +1,11 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
import { d4 as ComfyDialog, d5 as $el, d6 as ComfyApp, h as app, M as LiteGraph, aL as LGraphCanvas, d7 as useExtensionService, d8 as processDynamicPrompt, b4 as isElectron, b5 as electronAPI, b as useWorkflowStore, b7 as useDialogService, bc as t, d9 as DraggableList, aS as useToastStore, $ as LGraphNode, da as applyTextReplacements, db as ComfyWidgets, dc as addValueControlWidgets, P as useNodeDefStore, dd as serialise, de as deserialiseAndCreate, az as api, a as useSettingStore, Z as LGraphGroup, W as nextTick, b0 as lodashExports, aC as setStorageValue, aA as getStorageValue } from "./index-BsGgXmrT.js";
+========
+import { di as ComfyDialog, dj as $el, dk as ComfyApp, h as app, L as LiteGraph, aD as LGraphCanvas, dl as useExtensionService, dm as processDynamicPrompt, b8 as isElectron, b9 as electronAPI, b as useWorkflowStore, by as checkMirrorReachable, bb as useDialogService, bg as t, dn as DraggableList, aW as useToastStore, $ as LGraphNode, dp as applyTextReplacements, dq as ComfyWidgets, dr as addValueControlWidgets, O as useNodeDefStore, a as useSettingStore, ds as serialise, dt as deserialiseAndCreate, aL as api, Z as LGraphGroup, d as defineComponent, T as ref, p as onMounted, d8 as onUnmounted, r as resolveDirective, o as openBlock, f as createElementBlock, k as createVNode, j as unref, l as script, z as withCtx, i as withDirectives, m as createBaseVNode, y as createBlock, aj as normalizeClass, du as script$1, v as vShow, B as createCommentVNode, dv as createApp, cs as Tooltip, N as watch, bm as script$2, dw as PrimeVue, V as nextTick, b4 as lodashExports, aO as setStorageValue, aM as getStorageValue } from "./index-Bv0b06LE.js";
+import { P as PYTHON_MIRROR } from "./uvMirrors-B-HKMf6X.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
class ClipspaceDialog extends ComfyDialog {
static {
__name(this, "ClipspaceDialog");
@@ -288,7 +293,7 @@ useExtensionService().registerExtension({
name: "Comfy.DynamicPrompts",
nodeCreated(node) {
if (node.widgets) {
- const widgets = node.widgets.filter((n) => n.dynamicPrompts);
+ const widgets = node.widgets.filter((w) => w.dynamicPrompts);
for (const widget of widgets) {
widget.serializeValue = (workflowNode, widgetIndex) => {
if (typeof widget.value !== "string") return widget.value;
@@ -460,6 +465,40 @@ app.registerExtension({
if (!oldValue) return;
electronAPI$1.Config.setWindowStyle(newValue);
}, "onChange")
+ },
+ {
+ id: "Comfy-Desktop.UV.PythonInstallMirror",
+ name: "Python Install Mirror",
+ tooltip: `Managed Python installations are downloaded from the Astral python-build-standalone project. This variable can be set to a mirror URL to use a different source for Python installations. The provided URL will replace https://github.com/astral-sh/python-build-standalone/releases/download in, e.g., https://github.com/astral-sh/python-build-standalone/releases/download/20240713/cpython-3.12.4%2B20240713-aarch64-apple-darwin-install_only.tar.gz. Distributions can be read from a local directory by using the file:// URL scheme.`,
+ type: "url",
+ defaultValue: "",
+ attrs: {
+ validateUrlFn(mirror) {
+ return checkMirrorReachable(
+ mirror + PYTHON_MIRROR.validationPathSuffix
+ );
+ }
+ }
+ },
+ {
+ id: "Comfy-Desktop.UV.PypiInstallMirror",
+ name: "Pypi Install Mirror",
+ tooltip: `Default pip install mirror`,
+ type: "url",
+ defaultValue: "",
+ attrs: {
+ validateUrlFn: checkMirrorReachable
+ }
+ },
+ {
+ id: "Comfy-Desktop.UV.TorchInstallMirror",
+ name: "Torch Install Mirror",
+ tooltip: `Pip install mirror for pytorch`,
+ type: "url",
+ defaultValue: "",
+ attrs: {
+ validateUrlFn: checkMirrorReachable
+ }
}
],
commands: [
@@ -1592,17 +1631,16 @@ function mergeIfValid(output, config2, forceUpdate, recreateWidget, config1) {
return { customConfig };
}
__name(mergeIfValid, "mergeIfValid");
-let useConversionSubmenusSetting;
app.registerExtension({
name: "Comfy.WidgetInputs",
- init() {
- useConversionSubmenusSetting = app.ui.settings.addSetting({
+ settings: [
+ {
id: "Comfy.NodeInputConversionSubmenus",
name: "In the node context menu, place the entries that convert between input/widget in sub-menus.",
type: "boolean",
defaultValue: true
- });
- },
+ }
+ ],
setup() {
app.canvas.getWidgetLinkType = function(widget, node) {
const nodeDefStore = useNodeDefStore();
@@ -1644,6 +1682,17 @@ app.registerExtension({
convertToInput(this, widget, config);
return true;
};
+ nodeType.prototype.getExtraSlotMenuOptions = function(slot) {
+ if (!slot.input || !slot.input.widget) return [];
+ const widget = this.widgets.find((w) => w.name === slot.input.widget.name);
+ if (!widget) return [];
+ return [
+ {
+ content: `Convert to widget`,
+ callback: /* @__PURE__ */ __name(() => convertToWidget(this, widget), "callback")
+ }
+ ];
+ };
nodeType.prototype.getExtraMenuOptions = function(_, options) {
const r = origGetExtraMenuOptions ? origGetExtraMenuOptions.apply(this, arguments) : void 0;
const getPointerCanvasPos = /* @__PURE__ */ __name(() => {
@@ -1691,7 +1740,7 @@ app.registerExtension({
}
}
if (toInput.length) {
- if (useConversionSubmenusSetting.value) {
+ if (useSettingStore().get("Comfy.NodeInputConversionSubmenus")) {
options.push({
content: "Convert Widget to Input",
submenu: {
@@ -1703,7 +1752,7 @@ app.registerExtension({
}
}
if (toWidget.length) {
- if (useConversionSubmenusSetting.value) {
+ if (useSettingStore().get("Comfy.NodeInputConversionSubmenus")) {
options.push({
content: "Convert Input to Widget",
submenu: {
@@ -1766,10 +1815,7 @@ app.registerExtension({
if (!app2.configuringGraph && this.inputs) {
for (const input of this.inputs) {
if (input.widget && !input.widget[GET_CONFIG]) {
- input.widget[GET_CONFIG] = () => (
- // @ts-expect-error input.widget has unknown type
- getConfig.call(this, input.widget.name)
- );
+ input.widget[GET_CONFIG] = () => getConfig.call(this, input.widget.name);
const w = this.widgets.find((w2) => w2.name === input.widget.name);
if (w) {
hideWidget(this, w);
@@ -3380,7 +3426,11 @@ class Load3DConfiguration {
constructor(load3d) {
this.load3d = load3d;
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
configure(loadFolder, modelWidget, material, lightIntensity, upDirection, fov2, cameraState, postModelUpdateFunc) {
+========
+ configure(loadFolder, modelWidget, material, upDirection, cameraState, width = null, height = null, postModelUpdateFunc) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
this.setupModelHandling(
modelWidget,
loadFolder,
@@ -3388,11 +3438,29 @@ class Load3DConfiguration {
postModelUpdateFunc
);
this.setupMaterial(material);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
this.setupLighting(lightIntensity);
this.setupDirection(upDirection);
this.setupCamera(fov2);
this.setupDefaultProperties();
}
+========
+ this.setupDirection(upDirection);
+ this.setupTargetSize(width, height);
+ this.setupDefaultProperties();
+ }
+ setupTargetSize(width, height) {
+ if (width && height) {
+ this.load3d.setTargetSize(width.value, height.value);
+ width.callback = (value) => {
+ this.load3d.setTargetSize(value, height.value);
+ };
+ height.callback = (value) => {
+ this.load3d.setTargetSize(width.value, value);
+ };
+ }
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
setupModelHandling(modelWidget, loadFolder, cameraState, postModelUpdateFunc) {
const onModelWidgetUpdate = this.createModelUpdateHandler(
loadFolder,
@@ -3412,12 +3480,15 @@ class Load3DConfiguration {
material.value
);
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
setupLighting(lightIntensity) {
lightIntensity.callback = (value) => {
this.load3d.setLightIntensity(value);
};
this.load3d.setLightIntensity(lightIntensity.value);
}
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
setupDirection(upDirection) {
upDirection.callback = (value) => {
this.load3d.setUpDirection(value);
@@ -3426,12 +3497,15 @@ class Load3DConfiguration {
upDirection.value
);
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
setupCamera(fov2) {
fov2.callback = (value) => {
this.load3d.setFOV(value);
};
this.load3d.setFOV(fov2.value);
}
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
setupDefaultProperties() {
const cameraType = this.load3d.loadNodeProperty(
"Camera Type",
@@ -3442,6 +3516,13 @@ class Load3DConfiguration {
this.load3d.toggleGrid(showGrid);
const bgColor = this.load3d.loadNodeProperty("Background Color", "#282828");
this.load3d.setBackgroundColor(bgColor);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
+========
+ const lightIntensity = this.load3d.loadNodeProperty("Light Intensity", "5");
+ this.load3d.setLightIntensity(lightIntensity);
+ const fov2 = this.load3d.loadNodeProperty("FOV", "75");
+ this.load3d.setFOV(fov2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
}
createModelUpdateHandler(loadFolder, cameraState, postModelUpdateFunc) {
let isFirstLoad = true;
@@ -44106,7 +44187,7 @@ class GLTFParser {
/** Returns a reference to a shared resource, cloning it if necessary. */
_getNodeRef(cache, index, object) {
if (cache.refs[index] <= 1) return object;
- const ref = object.clone();
+ const ref2 = object.clone();
const updateMappings = /* @__PURE__ */ __name((original, clone) => {
const mappings = this.associations.get(original);
if (mappings != null) {
@@ -44116,9 +44197,9 @@ class GLTFParser {
updateMappings(child, clone.children[i]);
}
}, "updateMappings");
- updateMappings(object, ref);
- ref.name += "_instance_" + cache.uses[index]++;
- return ref;
+ updateMappings(object, ref2);
+ ref2.name += "_instance_" + cache.uses[index]++;
+ return ref2;
}
_invokeOne(func) {
const extensions = Object.values(this.plugins);
@@ -46171,6 +46252,262 @@ class STLLoader extends Loader {
return isBinary(binData) ? parseBinary(binData) : parseASCII(ensureString(data));
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
+========
+const _hoisted_1$1 = { class: "absolute top-2 left-2 flex flex-col gap-2 pointer-events-auto z-20" };
+const _hoisted_2$1 = { class: "pi pi-camera text-white text-lg" };
+const _hoisted_3 = { class: "pi pi-palette text-white text-lg" };
+const _hoisted_4 = ["value"];
+const _hoisted_5 = {
+ key: 0,
+ class: "relative"
+};
+const _hoisted_6 = { class: "pi pi-sun text-white text-lg" };
+const _hoisted_7 = {
+ class: "absolute left-12 top-0 bg-black bg-opacity-50 p-4 rounded-lg shadow-lg",
+ style: { "width": "150px" }
+};
+const _hoisted_8 = {
+ key: 1,
+ class: "relative"
+};
+const _hoisted_9 = { class: "pi pi-expand text-white text-lg" };
+const _hoisted_10 = {
+ class: "absolute left-12 top-0 bg-black bg-opacity-50 p-4 rounded-lg shadow-lg",
+ style: { "width": "150px" }
+};
+const _hoisted_11 = { key: 2 };
+const _sfc_main$1 = /* @__PURE__ */ defineComponent({
+ __name: "Load3DControls",
+ props: {
+ backgroundColor: {},
+ showGrid: { type: Boolean },
+ showPreview: { type: Boolean },
+ lightIntensity: {},
+ showLightIntensityButton: { type: Boolean },
+ fov: {},
+ showFOVButton: { type: Boolean },
+ showPreviewButton: { type: Boolean }
+ },
+ emits: ["toggleCamera", "toggleGrid", "updateBackgroundColor", "updateLightIntensity", "updateFOV", "togglePreview"],
+ setup(__props, { expose: __expose, emit: __emit }) {
+ const props = __props;
+ const emit = __emit;
+ const backgroundColor = ref(props.backgroundColor);
+ const showGrid = ref(props.showGrid);
+ const showPreview = ref(props.showPreview);
+ const colorPickerRef = ref(null);
+ const lightIntensity = ref(props.lightIntensity);
+ const showLightIntensity = ref(false);
+ const showLightIntensityButton = ref(props.showLightIntensityButton);
+ const fov2 = ref(props.fov);
+ const showFOV = ref(false);
+ const showFOVButton = ref(props.showFOVButton);
+ const showPreviewButton = ref(props.showPreviewButton);
+ const toggleCamera = /* @__PURE__ */ __name(() => {
+ emit("toggleCamera");
+ }, "toggleCamera");
+ const toggleGrid = /* @__PURE__ */ __name(() => {
+ showGrid.value = !showGrid.value;
+ emit("toggleGrid", showGrid.value);
+ }, "toggleGrid");
+ const togglePreview = /* @__PURE__ */ __name(() => {
+ showPreview.value = !showPreview.value;
+ emit("togglePreview", showPreview.value);
+ }, "togglePreview");
+ const updateBackgroundColor = /* @__PURE__ */ __name((color) => {
+ emit("updateBackgroundColor", color);
+ }, "updateBackgroundColor");
+ const openColorPicker = /* @__PURE__ */ __name(() => {
+ colorPickerRef.value?.click();
+ }, "openColorPicker");
+ const toggleLightIntensity = /* @__PURE__ */ __name(() => {
+ showLightIntensity.value = !showLightIntensity.value;
+ }, "toggleLightIntensity");
+ const updateLightIntensity = /* @__PURE__ */ __name(() => {
+ emit("updateLightIntensity", lightIntensity.value);
+ }, "updateLightIntensity");
+ const toggleFOV = /* @__PURE__ */ __name(() => {
+ showFOV.value = !showFOV.value;
+ }, "toggleFOV");
+ const updateFOV = /* @__PURE__ */ __name(() => {
+ emit("updateFOV", fov2.value);
+ }, "updateFOV");
+ const closeSlider = /* @__PURE__ */ __name((e) => {
+ const target = e.target;
+ if (!target.closest(".relative")) {
+ showLightIntensity.value = false;
+ showFOV.value = false;
+ }
+ }, "closeSlider");
+ onMounted(() => {
+ document.addEventListener("click", closeSlider);
+ });
+ onUnmounted(() => {
+ document.removeEventListener("click", closeSlider);
+ });
+ __expose({
+ backgroundColor,
+ showGrid,
+ lightIntensity,
+ showLightIntensityButton,
+ fov: fov2,
+ showFOVButton,
+ showPreviewButton
+ });
+ return (_ctx, _cache2) => {
+ const _directive_tooltip = resolveDirective("tooltip");
+ return openBlock(), createElementBlock("div", _hoisted_1$1, [
+ createVNode(unref(script), {
+ class: "p-button-rounded p-button-text",
+ onClick: toggleCamera
+ }, {
+ default: withCtx(() => [
+ withDirectives(createBaseVNode("i", _hoisted_2$1, null, 512), [
+ [
+ _directive_tooltip,
+ { value: unref(t)("load3d.switchCamera"), showDelay: 300 },
+ void 0,
+ { right: true }
+ ]
+ ])
+ ]),
+ _: 1
+ }),
+ withDirectives((openBlock(), createBlock(unref(script), {
+ class: normalizeClass(["p-button-rounded p-button-text", { "p-button-outlined": showGrid.value }]),
+ onClick: toggleGrid
+ }, {
+ default: withCtx(() => _cache2[3] || (_cache2[3] = [
+ createBaseVNode("i", { class: "pi pi-table text-white text-lg" }, null, -1)
+ ])),
+ _: 1
+ }, 8, ["class"])), [
+ [
+ _directive_tooltip,
+ { value: unref(t)("load3d.showGrid"), showDelay: 300 },
+ void 0,
+ { right: true }
+ ]
+ ]),
+ createVNode(unref(script), {
+ class: "p-button-rounded p-button-text",
+ onClick: openColorPicker
+ }, {
+ default: withCtx(() => [
+ withDirectives(createBaseVNode("i", _hoisted_3, null, 512), [
+ [
+ _directive_tooltip,
+ { value: unref(t)("load3d.backgroundColor"), showDelay: 300 },
+ void 0,
+ { right: true }
+ ]
+ ]),
+ createBaseVNode("input", {
+ type: "color",
+ ref_key: "colorPickerRef",
+ ref: colorPickerRef,
+ value: backgroundColor.value,
+ onInput: _cache2[0] || (_cache2[0] = ($event) => updateBackgroundColor($event.target.value)),
+ class: "absolute opacity-0 w-0 h-0 p-0 m-0 pointer-events-none"
+ }, null, 40, _hoisted_4)
+ ]),
+ _: 1
+ }),
+ showLightIntensityButton.value ? (openBlock(), createElementBlock("div", _hoisted_5, [
+ createVNode(unref(script), {
+ class: "p-button-rounded p-button-text",
+ onClick: toggleLightIntensity
+ }, {
+ default: withCtx(() => [
+ withDirectives(createBaseVNode("i", _hoisted_6, null, 512), [
+ [
+ _directive_tooltip,
+ {
+ value: unref(t)("load3d.lightIntensity"),
+ showDelay: 300
+ },
+ void 0,
+ { right: true }
+ ]
+ ])
+ ]),
+ _: 1
+ }),
+ withDirectives(createBaseVNode("div", _hoisted_7, [
+ createVNode(unref(script$1), {
+ modelValue: lightIntensity.value,
+ "onUpdate:modelValue": _cache2[1] || (_cache2[1] = ($event) => lightIntensity.value = $event),
+ class: "w-full",
+ onChange: updateLightIntensity,
+ min: 1,
+ max: 20,
+ step: 1
+ }, null, 8, ["modelValue"])
+ ], 512), [
+ [vShow, showLightIntensity.value]
+ ])
+ ])) : createCommentVNode("", true),
+ showFOVButton.value ? (openBlock(), createElementBlock("div", _hoisted_8, [
+ createVNode(unref(script), {
+ class: "p-button-rounded p-button-text",
+ onClick: toggleFOV
+ }, {
+ default: withCtx(() => [
+ withDirectives(createBaseVNode("i", _hoisted_9, null, 512), [
+ [
+ _directive_tooltip,
+ { value: unref(t)("load3d.fov"), showDelay: 300 },
+ void 0,
+ { right: true }
+ ]
+ ])
+ ]),
+ _: 1
+ }),
+ withDirectives(createBaseVNode("div", _hoisted_10, [
+ createVNode(unref(script$1), {
+ modelValue: fov2.value,
+ "onUpdate:modelValue": _cache2[2] || (_cache2[2] = ($event) => fov2.value = $event),
+ class: "w-full",
+ onChange: updateFOV,
+ min: 10,
+ max: 150,
+ step: 1
+ }, null, 8, ["modelValue"])
+ ], 512), [
+ [vShow, showFOV.value]
+ ])
+ ])) : createCommentVNode("", true),
+ showPreviewButton.value ? (openBlock(), createElementBlock("div", _hoisted_11, [
+ createVNode(unref(script), {
+ class: "p-button-rounded p-button-text",
+ onClick: togglePreview
+ }, {
+ default: withCtx(() => [
+ withDirectives(createBaseVNode("i", {
+ class: normalizeClass([
+ "pi",
+ showPreview.value ? "pi-eye" : "pi-eye-slash",
+ "text-white text-lg"
+ ])
+ }, null, 2), [
+ [
+ _directive_tooltip,
+ { value: unref(t)("load3d.previewOutput"), showDelay: 300 },
+ void 0,
+ { right: true }
+ ]
+ ])
+ ]),
+ _: 1
+ })
+ ])) : createCommentVNode("", true)
+ ]);
+ };
+ }
+});
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
class Load3d {
static {
__name(this, "Load3d");
@@ -46202,11 +46539,24 @@ class Load3d {
originalRotation = null;
viewHelper = {};
viewHelperContainer = {};
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
cameraSwitcherContainer = {};
gridSwitcherContainer = {};
node = {};
bgColorInput = {};
constructor(container) {
+========
+ previewRenderer = null;
+ previewCamera = null;
+ previewContainer = {};
+ targetWidth = 1024;
+ targetHeight = 1024;
+ showPreview = true;
+ node = {};
+ controlsApp = null;
+ controlsContainer;
+ constructor(container, options = {}) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
this.scene = new Scene();
this.perspectiveCamera = new PerspectiveCamera(75, 1, 0.1, 1e3);
this.perspectiveCamera.position.set(5, 5, 5);
@@ -46266,12 +46616,54 @@ class Load3d {
});
this.standardMaterial = this.createSTLMaterial();
this.createViewHelper(container);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
this.createGridSwitcher(container);
this.createCameraSwitcher(container);
this.createColorPicker(container);
this.handleResize();
this.startAnimation();
}
+========
+ if (options && options.createPreview) {
+ this.createCapturePreview(container);
+ }
+ this.controlsContainer = document.createElement("div");
+ this.controlsContainer.style.position = "absolute";
+ this.controlsContainer.style.top = "0";
+ this.controlsContainer.style.left = "0";
+ this.controlsContainer.style.width = "100%";
+ this.controlsContainer.style.height = "100%";
+ this.controlsContainer.style.pointerEvents = "none";
+ this.controlsContainer.style.zIndex = "1";
+ container.appendChild(this.controlsContainer);
+ this.mountControls(options);
+ this.handleResize();
+ this.startAnimation();
+ }
+ mountControls(options = {}) {
+ const controlsMount = document.createElement("div");
+ controlsMount.style.pointerEvents = "auto";
+ this.controlsContainer.appendChild(controlsMount);
+ this.controlsApp = createApp(_sfc_main$1, {
+ backgroundColor: "#282828",
+ showGrid: true,
+ showPreview: options.createPreview,
+ lightIntensity: 5,
+ showLightIntensityButton: true,
+ fov: 75,
+ showFOVButton: true,
+ showPreviewButton: options.createPreview,
+ onToggleCamera: /* @__PURE__ */ __name(() => this.toggleCamera(), "onToggleCamera"),
+ onToggleGrid: /* @__PURE__ */ __name((show) => this.toggleGrid(show), "onToggleGrid"),
+ onTogglePreview: /* @__PURE__ */ __name((show) => this.togglePreview(show), "onTogglePreview"),
+ onUpdateBackgroundColor: /* @__PURE__ */ __name((color) => this.setBackgroundColor(color), "onUpdateBackgroundColor"),
+ onUpdateLightIntensity: /* @__PURE__ */ __name((lightIntensity) => this.setLightIntensity(lightIntensity), "onUpdateLightIntensity"),
+ onUpdateFOV: /* @__PURE__ */ __name((fov2) => this.setFOV(fov2), "onUpdateFOV")
+ });
+ this.controlsApp.directive("tooltip", Tooltip);
+ this.controlsApp.mount(controlsMount);
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
setNode(node) {
this.node = node;
}
@@ -46286,6 +46678,82 @@ class Load3d {
}
return this.node.properties[name];
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
+========
+ createCapturePreview(container) {
+ this.previewRenderer = new WebGLRenderer({
+ alpha: true,
+ antialias: true
+ });
+ this.previewRenderer.setSize(this.targetWidth, this.targetHeight);
+ this.previewRenderer.setClearColor(2631720);
+ this.previewContainer = document.createElement("div");
+ this.previewContainer.style.cssText = `
+ position: absolute;
+ right: 0px;
+ bottom: 0px;
+ background: rgba(0, 0, 0, 0.2);
+ display: block;
+ `;
+ this.previewContainer.appendChild(this.previewRenderer.domElement);
+ this.previewContainer.style.display = this.showPreview ? "block" : "none";
+ container.appendChild(this.previewContainer);
+ }
+ updatePreviewRender() {
+ if (!this.previewRenderer || !this.previewContainer || !this.showPreview)
+ return;
+ if (!this.previewCamera || this.activeCamera instanceof PerspectiveCamera && !(this.previewCamera instanceof PerspectiveCamera) || this.activeCamera instanceof OrthographicCamera && !(this.previewCamera instanceof OrthographicCamera)) {
+ this.previewCamera = this.activeCamera.clone();
+ }
+ this.previewCamera.position.copy(this.activeCamera.position);
+ this.previewCamera.rotation.copy(this.activeCamera.rotation);
+ const aspect2 = this.targetWidth / this.targetHeight;
+ if (this.activeCamera instanceof OrthographicCamera) {
+ const activeOrtho = this.activeCamera;
+ const previewOrtho = this.previewCamera;
+ const frustumHeight = (activeOrtho.top - activeOrtho.bottom) / activeOrtho.zoom;
+ const frustumWidth = frustumHeight * aspect2;
+ previewOrtho.top = frustumHeight / 2;
+ previewOrtho.left = -frustumWidth / 2;
+ previewOrtho.right = frustumWidth / 2;
+ previewOrtho.bottom = -frustumHeight / 2;
+ previewOrtho.zoom = 1;
+ previewOrtho.updateProjectionMatrix();
+ } else {
+ ;
+ this.previewCamera.aspect = aspect2;
+ this.previewCamera.fov = this.activeCamera.fov;
+ }
+ this.previewCamera.lookAt(this.controls.target);
+ const previewWidth = 120;
+ const previewHeight = previewWidth * this.targetHeight / this.targetWidth;
+ this.previewRenderer.setSize(previewWidth, previewHeight, false);
+ this.previewRenderer.render(this.scene, this.previewCamera);
+ }
+ updatePreviewSize() {
+ if (!this.previewContainer) return;
+ const previewWidth = 120;
+ const previewHeight = previewWidth * this.targetHeight / this.targetWidth;
+ this.previewRenderer?.setSize(previewWidth, previewHeight, false);
+ }
+ setTargetSize(width, height) {
+ this.targetWidth = width;
+ this.targetHeight = height;
+ this.updatePreviewSize();
+ if (this.previewRenderer && this.previewCamera) {
+ if (this.previewCamera instanceof PerspectiveCamera) {
+ this.previewCamera.aspect = width / height;
+ this.previewCamera.updateProjectionMatrix();
+ } else if (this.previewCamera instanceof OrthographicCamera) {
+ const frustumSize = 10;
+ const aspect2 = width / height;
+ this.previewCamera.left = -frustumSize * aspect2 / 2;
+ this.previewCamera.right = frustumSize * aspect2 / 2;
+ this.previewCamera.updateProjectionMatrix();
+ }
+ }
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
createViewHelper(container) {
this.viewHelperContainer = document.createElement("div");
this.viewHelperContainer.style.position = "absolute";
@@ -46307,6 +46775,7 @@ class Load3d {
);
this.viewHelper.center = this.controls.target;
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
createGridSwitcher(container) {
this.gridSwitcherContainer = document.createElement("div");
this.gridSwitcherContainer.style.position = "absolute";
@@ -46423,11 +46892,19 @@ class Load3d {
colorPickerContainer.appendChild(colorIcon);
container.appendChild(colorPickerContainer);
}
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
setFOV(fov2) {
if (this.activeCamera === this.perspectiveCamera) {
this.perspectiveCamera.fov = fov2;
this.perspectiveCamera.updateProjectionMatrix();
this.renderer.render(this.scene, this.activeCamera);
+ this.storeNodeProperty("FOV", fov2);
+ }
+ if (this.previewRenderer && this.previewCamera instanceof PerspectiveCamera) {
+ this.previewCamera.fov = fov2;
+ this.previewCamera.updateProjectionMatrix();
+ this.previewRenderer.render(this.scene, this.previewCamera);
}
}
getCameraState() {
@@ -46440,8 +46917,11 @@ class Load3d {
};
}
setCameraState(state) {
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
if (this.activeCamera !== (state.cameraType === "perspective" ? this.perspectiveCamera : this.orthographicCamera)) {
}
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
this.activeCamera.position.copy(state.position);
this.controls.target.copy(state.target);
if (this.activeCamera instanceof OrthographicCamera) {
@@ -46487,6 +46967,9 @@ class Load3d {
}
setMaterialMode(mode) {
this.materialMode = mode;
+ if (this.controlsApp?._instance?.exposed) {
+ this.controlsApp._instance.exposed.showLightIntensityButton.value = mode == "original";
+ }
if (this.currentModel) {
if (mode === "depth") {
this.renderer.outputColorSpace = LinearSRGBColorSpace;
@@ -46606,6 +47089,10 @@ class Load3d {
return;
}
}
+ if (this.previewCamera) {
+ this.previewCamera = null;
+ }
+ this.previewCamera = this.activeCamera.clone();
this.activeCamera.position.copy(position);
this.activeCamera.rotation.copy(rotation);
if (this.materialMode === "depth" && oldCamera !== this.activeCamera) {
@@ -46620,8 +47107,15 @@ class Load3d {
this.viewHelperContainer
);
this.viewHelper.center = this.controls.target;
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
+========
+ if (this.controlsApp?._instance?.exposed) {
+ this.controlsApp._instance.exposed.showFOVButton.value = this.getCurrentCameraType() == "perspective";
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
this.storeNodeProperty("Camera Type", this.getCurrentCameraType());
this.handleResize();
+ this.updatePreviewRender();
}
getCurrentCameraType() {
return this.activeCamera === this.perspectiveCamera ? "perspective" : "orthographic";
@@ -46630,6 +47124,16 @@ class Load3d {
if (this.gridHelper) {
this.gridHelper.visible = showGrid;
this.storeNodeProperty("Show Grid", showGrid);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
+========
+ }
+ }
+ togglePreview(showPreview) {
+ if (this.previewRenderer) {
+ this.showPreview = showPreview;
+ this.previewContainer.style.display = this.showPreview ? "block" : "none";
+ this.storeNodeProperty("Show Preview", showPreview);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
}
}
setLightIntensity(intensity) {
@@ -46648,10 +47152,14 @@ class Load3d {
light.intensity = intensity * 0.5;
}
});
+ this.storeNodeProperty("Light Intensity", intensity);
}
startAnimation() {
const animate = /* @__PURE__ */ __name(() => {
this.animationFrameId = requestAnimationFrame(animate);
+ if (this.showPreview) {
+ this.updatePreviewRender();
+ }
const delta = this.clock.getDelta();
if (this.viewHelper.animating) {
this.viewHelper.update(delta);
@@ -46729,6 +47237,10 @@ class Load3d {
this.controls.dispose();
this.viewHelper.dispose();
this.renderer.dispose();
+ if (this.controlsApp) {
+ this.controlsApp.unmount();
+ this.controlsApp = null;
+ }
this.renderer.domElement.remove();
this.scene.clear();
}
@@ -46858,6 +47370,9 @@ class Load3d {
this.renderer.toneMappingExposure = 1;
this.handleResize();
}
+ refreshViewport() {
+ this.handleResize();
+ }
handleResize() {
const parentElement = this.renderer?.domElement?.parentElement;
if (!parentElement) {
@@ -46879,6 +47394,7 @@ class Load3d {
this.orthographicCamera.updateProjectionMatrix();
}
this.renderer.setSize(width, height);
+ this.setTargetSize(this.targetWidth, this.targetHeight);
}
animate = /* @__PURE__ */ __name(() => {
requestAnimationFrame(this.animate);
@@ -46888,6 +47404,7 @@ class Load3d {
captureScene(width, height) {
return new Promise(async (resolve, reject) => {
try {
+ this.updatePreviewSize();
const originalWidth = this.renderer.domElement.width;
const originalHeight = this.renderer.domElement.height;
const originalClearColor = this.renderer.getClearColor(
@@ -46935,11 +47452,167 @@ class Load3d {
setBackgroundColor(color) {
this.renderer.setClearColor(new Color(color));
this.renderer.render(this.scene, this.activeCamera);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
if (this.bgColorInput) {
this.bgColorInput.value = color;
}
+========
+ if (this.controlsApp?._instance?.exposed) {
+ this.controlsApp._instance.exposed.backgroundColor.value = color;
+ }
+ this.storeNodeProperty("Background Color", color);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
}
}
+const _hoisted_1 = { class: "absolute top-0 left-0 w-full h-full pointer-events-none" };
+const _hoisted_2 = {
+ key: 0,
+ class: "absolute top-0 left-0 w-full flex justify-center pt-2 gap-2 items-center pointer-events-auto z-10"
+};
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "Load3DAnimationControls",
+ props: {
+ animations: {},
+ playing: { type: Boolean },
+ backgroundColor: {},
+ showGrid: { type: Boolean },
+ showPreview: { type: Boolean },
+ lightIntensity: {},
+ showLightIntensityButton: { type: Boolean },
+ fov: {},
+ showFOVButton: { type: Boolean },
+ showPreviewButton: { type: Boolean }
+ },
+ emits: ["toggleCamera", "toggleGrid", "togglePreview", "updateBackgroundColor", "togglePlay", "speedChange", "animationChange", "updateLightIntensity", "updateFOV"],
+ setup(__props, { expose: __expose, emit: __emit }) {
+ const props = __props;
+ const emit = __emit;
+ const animations = ref(props.animations);
+ const playing = ref(props.playing);
+ const selectedSpeed = ref(1);
+ const selectedAnimation = ref(0);
+ const backgroundColor = ref(props.backgroundColor);
+ const showGrid = ref(props.showGrid);
+ const showPreview = ref(props.showPreview);
+ const lightIntensity = ref(props.lightIntensity);
+ const showLightIntensityButton = ref(props.showLightIntensityButton);
+ const fov2 = ref(props.fov);
+ const showFOVButton = ref(props.showFOVButton);
+ const showPreviewButton = ref(props.showPreviewButton);
+ const load3dControlsRef = ref(null);
+ const speedOptions = [
+ { name: "0.1x", value: 0.1 },
+ { name: "0.5x", value: 0.5 },
+ { name: "1x", value: 1 },
+ { name: "1.5x", value: 1.5 },
+ { name: "2x", value: 2 }
+ ];
+ watch(backgroundColor, (newValue) => {
+ load3dControlsRef.value.backgroundColor = newValue;
+ });
+ watch(showLightIntensityButton, (newValue) => {
+ load3dControlsRef.value.showLightIntensityButton = newValue;
+ });
+ watch(showFOVButton, (newValue) => {
+ load3dControlsRef.value.showFOVButton = newValue;
+ });
+ watch(showPreviewButton, (newValue) => {
+ load3dControlsRef.value.showPreviewButton = newValue;
+ });
+ const onToggleCamera = /* @__PURE__ */ __name(() => {
+ emit("toggleCamera");
+ }, "onToggleCamera");
+ const onToggleGrid = /* @__PURE__ */ __name((value) => emit("toggleGrid", value), "onToggleGrid");
+ const onTogglePreview = /* @__PURE__ */ __name((value) => {
+ emit("togglePreview", value);
+ }, "onTogglePreview");
+ const onUpdateBackgroundColor = /* @__PURE__ */ __name((color) => emit("updateBackgroundColor", color), "onUpdateBackgroundColor");
+ const onUpdateLightIntensity = /* @__PURE__ */ __name((lightIntensity2) => {
+ emit("updateLightIntensity", lightIntensity2);
+ }, "onUpdateLightIntensity");
+ const onUpdateFOV = /* @__PURE__ */ __name((fov22) => {
+ emit("updateFOV", fov22);
+ }, "onUpdateFOV");
+ const togglePlay = /* @__PURE__ */ __name(() => {
+ playing.value = !playing.value;
+ emit("togglePlay", playing.value);
+ }, "togglePlay");
+ const speedChange = /* @__PURE__ */ __name(() => {
+ emit("speedChange", selectedSpeed.value);
+ }, "speedChange");
+ const animationChange = /* @__PURE__ */ __name(() => {
+ emit("animationChange", selectedAnimation.value);
+ }, "animationChange");
+ __expose({
+ animations,
+ selectedAnimation,
+ playing,
+ backgroundColor,
+ showGrid,
+ lightIntensity,
+ showLightIntensityButton,
+ fov: fov2,
+ showFOVButton
+ });
+ return (_ctx, _cache2) => {
+ return openBlock(), createElementBlock("div", _hoisted_1, [
+ createVNode(_sfc_main$1, {
+ backgroundColor: backgroundColor.value,
+ showGrid: showGrid.value,
+ showPreview: showPreview.value,
+ lightIntensity: lightIntensity.value,
+ showLightIntensityButton: showLightIntensityButton.value,
+ fov: fov2.value,
+ showFOVButton: showFOVButton.value,
+ showPreviewButton: showPreviewButton.value,
+ onToggleCamera,
+ onToggleGrid,
+ onTogglePreview,
+ onUpdateBackgroundColor,
+ onUpdateLightIntensity,
+ onUpdateFOV,
+ ref_key: "load3dControlsRef",
+ ref: load3dControlsRef
+ }, null, 8, ["backgroundColor", "showGrid", "showPreview", "lightIntensity", "showLightIntensityButton", "fov", "showFOVButton", "showPreviewButton"]),
+ animations.value && animations.value.length > 0 ? (openBlock(), createElementBlock("div", _hoisted_2, [
+ createVNode(unref(script), {
+ class: "p-button-rounded p-button-text",
+ onClick: togglePlay
+ }, {
+ default: withCtx(() => [
+ createBaseVNode("i", {
+ class: normalizeClass([
+ "pi",
+ playing.value ? "pi-pause" : "pi-play",
+ "text-white text-lg"
+ ])
+ }, null, 2)
+ ]),
+ _: 1
+ }),
+ createVNode(unref(script$2), {
+ modelValue: selectedSpeed.value,
+ "onUpdate:modelValue": _cache2[0] || (_cache2[0] = ($event) => selectedSpeed.value = $event),
+ options: speedOptions,
+ optionLabel: "name",
+ optionValue: "value",
+ onChange: speedChange,
+ class: "w-24"
+ }, null, 8, ["modelValue"]),
+ createVNode(unref(script$2), {
+ modelValue: selectedAnimation.value,
+ "onUpdate:modelValue": _cache2[1] || (_cache2[1] = ($event) => selectedAnimation.value = $event),
+ options: animations.value,
+ optionLabel: "name",
+ optionValue: "index",
+ onChange: animationChange,
+ class: "w-32"
+ }, null, 8, ["modelValue", "options"])
+ ])) : createCommentVNode("", true)
+ ]);
+ };
+ }
+});
class Load3dAnimation extends Load3d {
static {
__name(this, "Load3dAnimation");
@@ -46950,6 +47623,7 @@ class Load3dAnimation extends Load3d {
selectedAnimationIndex = 0;
isAnimationPlaying = false;
animationSpeed = 1;
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
playPauseContainer = {};
animationSelect = {};
speedSelect = {};
@@ -47087,6 +47761,51 @@ class Load3dAnimation extends Load3d {
this.setAnimationSpeed(newSpeed);
});
container.appendChild(this.speedSelect);
+========
+ constructor(container, options = {}) {
+ super(container, options);
+ }
+ mountControls(options = {}) {
+ const controlsMount = document.createElement("div");
+ controlsMount.style.pointerEvents = "auto";
+ this.controlsContainer.appendChild(controlsMount);
+ this.controlsApp = createApp(_sfc_main, {
+ backgroundColor: "#282828",
+ showGrid: true,
+ showPreview: options.createPreview,
+ animations: [],
+ playing: false,
+ lightIntensity: 5,
+ showLightIntensityButton: true,
+ fov: 75,
+ showFOVButton: true,
+ showPreviewButton: options.createPreview,
+ onToggleCamera: /* @__PURE__ */ __name(() => this.toggleCamera(), "onToggleCamera"),
+ onToggleGrid: /* @__PURE__ */ __name((show) => this.toggleGrid(show), "onToggleGrid"),
+ onTogglePreview: /* @__PURE__ */ __name((show) => this.togglePreview(show), "onTogglePreview"),
+ onUpdateBackgroundColor: /* @__PURE__ */ __name((color) => this.setBackgroundColor(color), "onUpdateBackgroundColor"),
+ onTogglePlay: /* @__PURE__ */ __name((play) => this.toggleAnimation(play), "onTogglePlay"),
+ onSpeedChange: /* @__PURE__ */ __name((speed) => this.setAnimationSpeed(speed), "onSpeedChange"),
+ onAnimationChange: /* @__PURE__ */ __name((selectedAnimation) => this.updateSelectedAnimation(selectedAnimation), "onAnimationChange"),
+ onUpdateLightIntensity: /* @__PURE__ */ __name((lightIntensity) => this.setLightIntensity(lightIntensity), "onUpdateLightIntensity"),
+ onUpdateFOV: /* @__PURE__ */ __name((fov2) => this.setFOV(fov2), "onUpdateFOV")
+ });
+ this.controlsApp.use(PrimeVue);
+ this.controlsApp.directive("tooltip", Tooltip);
+ this.controlsApp.mount(controlsMount);
+ }
+ updateAnimationList() {
+ if (this.controlsApp?._instance?.exposed) {
+ if (this.animationClips.length > 0) {
+ this.controlsApp._instance.exposed.animations.value = this.animationClips.map((clip, index) => ({
+ name: clip.name || `Animation ${index + 1}`,
+ index
+ }));
+ } else {
+ this.controlsApp._instance.exposed.animations.value = [];
+ }
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
}
async setupModel(model) {
await super.setupModel(model);
@@ -47111,6 +47830,7 @@ class Load3dAnimation extends Load3d {
this.updateSelectedAnimation(0);
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
if (this.animationClips.length > 0) {
this.playPauseContainer.style.display = "block";
} else {
@@ -47126,6 +47846,9 @@ class Load3dAnimation extends Load3d {
this.animationSelect.style.display = "none";
this.speedSelect.style.display = "none";
}
+========
+ this.updateAnimationList();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
}
setAnimationSpeed(speed) {
this.animationSpeed = speed;
@@ -47157,7 +47880,13 @@ class Load3dAnimation extends Load3d {
action.paused = true;
}
this.animationActions = [action];
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
this.updateAnimationList();
+========
+ if (this.controlsApp?._instance?.exposed) {
+ this.controlsApp._instance.exposed.selectedAnimation.value = index;
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
}
clearModel() {
if (this.currentAnimation) {
@@ -47171,6 +47900,10 @@ class Load3dAnimation extends Load3d {
this.selectedAnimationIndex = 0;
this.isAnimationPlaying = false;
this.animationSpeed = 1;
+ if (this.controlsApp?._instance?.exposed) {
+ this.controlsApp._instance.exposed.animations.value = [];
+ this.controlsApp._instance.exposed.selectedAnimation.value = 0;
+ }
super.clearModel();
if (this.animationSelect) {
this.animationSelect.style.display = "none";
@@ -47181,17 +47914,13 @@ class Load3dAnimation extends Load3d {
this.speedSelect.value = "1";
}
}
- getAnimationNames() {
- return this.animationClips.map((clip, index) => {
- return clip.name || `Animation ${index + 1}`;
- });
- }
toggleAnimation(play) {
if (!this.currentAnimation || this.animationActions.length === 0) {
console.warn("No animation to toggle");
return;
}
this.isAnimationPlaying = play ?? !this.isAnimationPlaying;
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const icon = this.playPauseContainer.querySelector("svg");
if (icon) {
if (this.isAnimationPlaying) {
@@ -47201,6 +47930,10 @@ class Load3dAnimation extends Load3d {
icon.innerHTML = '';
this.playPauseContainer.title = "Play Animation";
}
+========
+ if (this.controlsApp?._instance?.exposed) {
+ this.controlsApp._instance.exposed.playing.value = this.isAnimationPlaying;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
}
this.animationActions.forEach((action) => {
if (this.isAnimationPlaying) {
@@ -47216,6 +47949,9 @@ class Load3dAnimation extends Load3d {
startAnimation() {
const animate = /* @__PURE__ */ __name(() => {
this.animationFrameId = requestAnimationFrame(animate);
+ if (this.showPreview) {
+ this.updatePreviewRender();
+ }
const delta = this.clock.getDelta();
if (this.currentAnimation && this.isAnimationPlaying) {
this.currentAnimation.update(delta);
@@ -47234,19 +47970,81 @@ class Load3dAnimation extends Load3d {
animate();
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const containerToLoad3D = /* @__PURE__ */ new Map();
+========
+class Load3dService {
+ static {
+ __name(this, "Load3dService");
+ }
+ static instance;
+ nodeToLoad3dMap = /* @__PURE__ */ new Map();
+ constructor() {
+ }
+ static getInstance() {
+ if (!Load3dService.instance) {
+ Load3dService.instance = new Load3dService();
+ }
+ return Load3dService.instance;
+ }
+ registerLoad3d(node, container, type) {
+ if (this.nodeToLoad3dMap.has(node)) {
+ this.removeLoad3d(node);
+ }
+ const isAnimation = type.includes("Animation");
+ const Load3dClass = isAnimation ? Load3dAnimation : Load3d;
+ const isPreview = type.includes("Preview");
+ const instance = new Load3dClass(container, { createPreview: !isPreview });
+ instance.setNode(node);
+ this.nodeToLoad3dMap.set(node, instance);
+ return instance;
+ }
+ getLoad3d(node) {
+ return this.nodeToLoad3dMap.get(node) || null;
+ }
+ getNodeByLoad3d(load3d) {
+ for (const [node, instance] of this.nodeToLoad3dMap) {
+ if (instance === load3d) {
+ return node;
+ }
+ }
+ return null;
+ }
+ removeLoad3d(node) {
+ const instance = this.nodeToLoad3dMap.get(node);
+ if (instance) {
+ instance.remove();
+ this.nodeToLoad3dMap.delete(node);
+ }
+ }
+ clear() {
+ for (const [node] of this.nodeToLoad3dMap) {
+ this.removeLoad3d(node);
+ }
+ }
+}
+const useLoad3dService = /* @__PURE__ */ __name(() => {
+ return Load3dService.getInstance();
+}, "useLoad3dService");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
app.registerExtension({
name: "Comfy.Load3D",
getCustomWidgets(app2) {
return {
LOAD_3D(node, inputName) {
- let load3dNode = app2.graph._nodes.filter((wi) => wi.type == "Load3D");
node.addProperty("Camera Info", "");
const container = document.createElement("div");
- container.id = `comfy-load-3d-${load3dNode.length}`;
container.classList.add("comfy-load-3d");
- const load3d = new Load3d(container);
- containerToLoad3D.set(container.id, load3d);
+ const load3d = useLoad3dService().registerLoad3d(
+ node,
+ container,
+ "Load3D"
+ );
+ node.onMouseEnter = function() {
+ if (load3d) {
+ load3d.refreshViewport();
+ }
+ };
node.onResize = function() {
if (load3d) {
load3d.handleResize();
@@ -47257,7 +48055,7 @@ app.registerExtension({
if (load3d) {
load3d.remove();
}
- containerToLoad3D.delete(container.id);
+ useLoad3dService().removeLoad3d(node);
origOnRemoved?.apply(this, []);
};
node.onDrawBackground = function() {
@@ -47311,6 +48109,7 @@ app.registerExtension({
const [oldWidth, oldHeight] = node.size;
node.setSize([Math.max(oldWidth, 300), Math.max(oldHeight, 600)]);
await nextTick();
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const sceneWidget = node.widgets.find((w2) => w2.name === "image");
const container = sceneWidget.element;
const load3d = containerToLoad3D.get(container.id);
@@ -47321,29 +48120,45 @@ app.registerExtension({
const material = node.widgets.find((w2) => w2.name === "material");
const lightIntensity = node.widgets.find(
(w2) => w2.name === "light_intensity"
+========
+ const sceneWidget = node.widgets.find((w) => w.name === "image");
+ const load3d = useLoad3dService().getLoad3d(node);
+ const modelWidget = node.widgets.find(
+ (w) => w.name === "model_file"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
);
+ const material = node.widgets.find((w) => w.name === "material");
const upDirection = node.widgets.find(
- (w2) => w2.name === "up_direction"
+ (w) => w.name === "up_direction"
);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const fov2 = node.widgets.find((w2) => w2.name === "fov");
let cameraState = node.properties["Camera Info"];
const config = new Load3DConfiguration(load3d);
+========
+ let cameraState = node.properties["Camera Info"];
+ const config = new Load3DConfiguration(load3d);
+ const width = node.widgets.find((w) => w.name === "width");
+ const height = node.widgets.find((w) => w.name === "height");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
config.configure(
"input",
modelWidget,
material,
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
lightIntensity,
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
upDirection,
- fov2,
- cameraState
+ cameraState,
+ width,
+ height
);
- const w = node.widgets.find((w2) => w2.name === "width");
- const h = node.widgets.find((w2) => w2.name === "height");
sceneWidget.serializeValue = async () => {
node.properties["Camera Info"] = load3d.getCameraState();
const { scene: imageData, mask: maskData } = await load3d.captureScene(
- w.value,
- h.value
+ width.value,
+ height.value
);
const [data, dataMask] = await Promise.all([
Load3dUtils.uploadTempImage(imageData, "scene"),
@@ -47361,15 +48176,19 @@ app.registerExtension({
getCustomWidgets(app2) {
return {
LOAD_3D_ANIMATION(node, inputName) {
- let load3dNode = app2.graph._nodes.filter(
- (wi) => wi.type == "Load3DAnimation"
- );
node.addProperty("Camera Info", "");
const container = document.createElement("div");
- container.id = `comfy-load-3d-animation-${load3dNode.length}`;
container.classList.add("comfy-load-3d-animation");
- const load3d = new Load3dAnimation(container);
- containerToLoad3D.set(container.id, load3d);
+ const load3d = useLoad3dService().registerLoad3d(
+ node,
+ container,
+ "Load3DAnimation"
+ );
+ node.onMouseEnter = function() {
+ if (load3d) {
+ load3d.refreshViewport();
+ }
+ };
node.onResize = function() {
if (load3d) {
load3d.handleResize();
@@ -47380,7 +48199,7 @@ app.registerExtension({
if (load3d) {
load3d.remove();
}
- containerToLoad3D.delete(container.id);
+ useLoad3dService().removeLoad3d(node);
origOnRemoved?.apply(this, []);
};
node.onDrawBackground = function() {
@@ -47432,8 +48251,9 @@ app.registerExtension({
async nodeCreated(node) {
if (node.constructor.comfyClass !== "Load3DAnimation") return;
const [oldWidth, oldHeight] = node.size;
- node.setSize([Math.max(oldWidth, 300), Math.max(oldHeight, 700)]);
+ node.setSize([Math.max(oldWidth, 400), Math.max(oldHeight, 700)]);
await nextTick();
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const sceneWidget = node.widgets.find((w2) => w2.name === "image");
const container = sceneWidget.element;
const load3d = containerToLoad3D.get(container.id);
@@ -47444,30 +48264,49 @@ app.registerExtension({
const material = node.widgets.find((w2) => w2.name === "material");
const lightIntensity = node.widgets.find(
(w2) => w2.name === "light_intensity"
+========
+ const sceneWidget = node.widgets.find((w) => w.name === "image");
+ const load3d = useLoad3dService().getLoad3d(node);
+ const modelWidget = node.widgets.find(
+ (w) => w.name === "model_file"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
);
+ const material = node.widgets.find((w) => w.name === "material");
const upDirection = node.widgets.find(
- (w2) => w2.name === "up_direction"
+ (w) => w.name === "up_direction"
);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const fov2 = node.widgets.find((w2) => w2.name === "fov");
let cameraState = node.properties["Camera Info"];
const config = new Load3DConfiguration(load3d);
+========
+ let cameraState = node.properties["Camera Info"];
+ const config = new Load3DConfiguration(load3d);
+ const width = node.widgets.find((w) => w.name === "width");
+ const height = node.widgets.find((w) => w.name === "height");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
config.configure(
"input",
modelWidget,
material,
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
lightIntensity,
upDirection,
fov2,
cameraState
+========
+ upDirection,
+ cameraState,
+ width,
+ height
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
);
- const w = node.widgets.find((w2) => w2.name === "width");
- const h = node.widgets.find((w2) => w2.name === "height");
sceneWidget.serializeValue = async () => {
node.properties["Camera Info"] = load3d.getCameraState();
load3d.toggleAnimation(false);
const { scene: imageData, mask: maskData } = await load3d.captureScene(
- w.value,
- h.value
+ width.value,
+ height.value
);
const [data, dataMask] = await Promise.all([
Load3dUtils.uploadTempImage(imageData, "scene"),
@@ -47493,12 +48332,18 @@ app.registerExtension({
getCustomWidgets(app2) {
return {
PREVIEW_3D(node, inputName) {
- let load3dNode = app2.graph._nodes.filter((wi) => wi.type == "Preview3D");
const container = document.createElement("div");
- container.id = `comfy-preview-3d-${load3dNode.length}`;
container.classList.add("comfy-preview-3d");
- const load3d = new Load3d(container);
- containerToLoad3D.set(container.id, load3d);
+ const load3d = useLoad3dService().registerLoad3d(
+ node,
+ container,
+ "Preview3D"
+ );
+ node.onMouseEnter = function() {
+ if (load3d) {
+ load3d.refreshViewport();
+ }
+ };
node.onResize = function() {
if (load3d) {
load3d.handleResize();
@@ -47509,7 +48354,7 @@ app.registerExtension({
if (load3d) {
load3d.remove();
}
- containerToLoad3D.delete(container.id);
+ useLoad3dService().removeLoad3d(node);
origOnRemoved?.apply(this, []);
};
node.onDrawBackground = function() {
@@ -47524,23 +48369,29 @@ app.registerExtension({
async nodeCreated(node) {
if (node.constructor.comfyClass !== "Preview3D") return;
const [oldWidth, oldHeight] = node.size;
- node.setSize([Math.max(oldWidth, 300), Math.max(oldHeight, 550)]);
+ node.setSize([Math.max(oldWidth, 400), Math.max(oldHeight, 550)]);
await nextTick();
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const sceneWidget = node.widgets.find((w) => w.name === "image");
const container = sceneWidget.element;
const load3d = containerToLoad3D.get(container.id);
load3d.setNode(node);
+========
+ const load3d = useLoad3dService().getLoad3d(node);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
const modelWidget = node.widgets.find(
(w) => w.name === "model_file"
);
const material = node.widgets.find((w) => w.name === "material");
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const lightIntensity = node.widgets.find(
(w) => w.name === "light_intensity"
);
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
const upDirection = node.widgets.find(
(w) => w.name === "up_direction"
);
- const fov2 = node.widgets.find((w) => w.name === "fov");
const onExecuted = node.onExecuted;
node.onExecuted = function(message) {
onExecuted?.apply(this, arguments);
@@ -47552,6 +48403,7 @@ app.registerExtension({
}
modelWidget.value = filePath.replaceAll("\\", "/");
const config = new Load3DConfiguration(load3d);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
config.configure(
"output",
modelWidget,
@@ -47560,6 +48412,9 @@ app.registerExtension({
upDirection,
fov2
);
+========
+ config.configure("output", modelWidget, material, upDirection);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
};
}
});
@@ -47576,6 +48431,7 @@ app.registerExtension({
getCustomWidgets(app2) {
return {
PREVIEW_3D_ANIMATION(node, inputName) {
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
let load3dNode = app2.graph._nodes.filter(
(wi) => wi.type == "Preview3DAnimation"
);
@@ -47584,6 +48440,20 @@ app.registerExtension({
container.classList.add("comfy-preview-3d-animation");
const load3d = new Load3dAnimation(container);
containerToLoad3D.set(container.id, load3d);
+========
+ const container = document.createElement("div");
+ container.classList.add("comfy-preview-3d-animation");
+ const load3d = useLoad3dService().registerLoad3d(
+ node,
+ container,
+ "Preview3DAnimation"
+ );
+ node.onMouseEnter = function() {
+ if (load3d) {
+ load3d.refreshViewport();
+ }
+ };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
node.onResize = function() {
if (load3d) {
load3d.handleResize();
@@ -47594,7 +48464,11 @@ app.registerExtension({
if (load3d) {
load3d.remove();
}
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
containerToLoad3D.delete(container.id);
+========
+ useLoad3dService().removeLoad3d(node);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
origOnRemoved?.apply(this, []);
};
node.onDrawBackground = function() {
@@ -47615,14 +48489,19 @@ app.registerExtension({
const [oldWidth, oldHeight] = node.size;
node.setSize([Math.max(oldWidth, 300), Math.max(oldHeight, 550)]);
await nextTick();
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const sceneWidget = node.widgets.find((w) => w.name === "image");
const container = sceneWidget.element;
const load3d = containerToLoad3D.get(container.id);
load3d.setNode(node);
+========
+ const load3d = useLoad3dService().getLoad3d(node);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
const modelWidget = node.widgets.find(
(w) => w.name === "model_file"
);
const material = node.widgets.find((w) => w.name === "material");
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
const lightIntensity = node.widgets.find(
(w) => w.name === "light_intensity"
);
@@ -47630,6 +48509,11 @@ app.registerExtension({
(w) => w.name === "up_direction"
);
const fov2 = node.widgets.find((w) => w.name === "fov");
+========
+ const upDirection = node.widgets.find(
+ (w) => w.name === "up_direction"
+ );
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
const onExecuted = node.onExecuted;
node.onExecuted = function(message) {
onExecuted?.apply(this, arguments);
@@ -47641,6 +48525,7 @@ app.registerExtension({
}
modelWidget.value = filePath.replaceAll("\\", "/");
const config = new Load3DConfiguration(load3d);
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
config.configure(
"output",
modelWidget,
@@ -47649,6 +48534,9 @@ app.registerExtension({
upDirection,
fov2
);
+========
+ config.configure("output", modelWidget, material, upDirection);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
};
}
});
@@ -52990,12 +53878,12 @@ app.registerExtension({
__name(this, "NoteNode");
}
static category;
+ static collapsable;
+ static title_mode;
color = LGraphCanvas.node_colors.yellow.color;
bgcolor = LGraphCanvas.node_colors.yellow.bgcolor;
groupcolor = LGraphCanvas.node_colors.yellow.groupcolor;
isVirtualNode;
- collapsable;
- title_mode;
constructor(title) {
super(title);
if (!this.properties) {
@@ -53073,7 +53961,6 @@ app.registerExtension({
};
this.onConnectionsChange = (type, index, connected, link_info) => {
if (app2.configuringGraph) return;
- this.applyOrientation();
if (connected && type === LiteGraph.OUTPUT) {
const types = new Set(
this.outputs[0].links.map((l) => app2.graph.links[l].type).filter((t2) => t2 !== "*")
@@ -53156,7 +54043,6 @@ app.registerExtension({
node.__outputType = displayType;
node.outputs[0].name = node.properties.showOutputText ? displayType : "";
node.size = node.computeSize();
- node.applyOrientation();
for (const l of node.outputs[0].links || []) {
const link = app2.graph.links[l];
if (link) {
@@ -53226,7 +54112,6 @@ app.registerExtension({
this.outputs[0].name = "";
}
this.size = this.computeSize();
- this.applyOrientation();
app2.graph.setDirtyCanvas(true, true);
}, "callback")
},
@@ -53237,30 +54122,10 @@ app.registerExtension({
!RerouteNode.defaultVisibility
);
}, "callback")
- },
- {
- // naming is inverted with respect to LiteGraphNode.horizontal
- // LiteGraphNode.horizontal == true means that
- // each slot in the inputs and outputs are laid out horizontally,
- // which is the opposite of the visual orientation of the inputs and outputs as a node
- content: "Set " + (this.properties.horizontal ? "Horizontal" : "Vertical"),
- callback: /* @__PURE__ */ __name(() => {
- this.properties.horizontal = !this.properties.horizontal;
- this.applyOrientation();
- }, "callback")
}
);
return [];
}
- applyOrientation() {
- this.horizontal = this.properties.horizontal;
- if (this.horizontal) {
- this.inputs[0].pos = [this.size[0] / 2, 0];
- } else {
- delete this.inputs[0].pos;
- }
- app2.graph.setDirtyCanvas(true, true);
- }
computeSize() {
return [
this.properties.showOutputText && this.outputs && this.outputs.length ? Math.max(
@@ -53690,8 +54555,11 @@ app.registerExtension({
app.registerExtension({
name: "Comfy.UploadImage",
beforeRegisterNodeDef(nodeType, nodeData) {
- if (nodeData?.input?.required?.image?.[1]?.image_upload === true) {
- nodeData.input.required.upload = ["IMAGEUPLOAD"];
+ const imageInputSpec = nodeData?.input?.required?.image;
+ const config = imageInputSpec?.[1] ?? {};
+ const { image_upload = false, image_folder = "input" } = config;
+ if (image_upload && nodeData?.input?.required) {
+ nodeData.input.required.upload = ["IMAGEUPLOAD", { image_folder }];
}
}
});
@@ -53809,4 +54677,8 @@ app.registerExtension({
});
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-aXhlJPnT.js
//# sourceMappingURL=index-aXhlJPnT.js.map
+========
+//# sourceMappingURL=index-B36GcHVN.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-B36GcHVN.js
diff --git a/comfy/web/assets/index-BsGgXmrT.js b/comfy/web/assets/index-Bv0b06LE.js
similarity index 89%
rename from comfy/web/assets/index-BsGgXmrT.js
rename to comfy/web/assets/index-Bv0b06LE.js
index dbe4a71a7..7189f1197 100644
--- a/comfy/web/assets/index-BsGgXmrT.js
+++ b/comfy/web/assets/index-Bv0b06LE.js
@@ -1,4 +1,8 @@
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const __vite__mapDeps=(i,m=__vite__mapDeps,d=(m.f||(m.f=["./GraphView-CPk-0F87.js","./index-B_FV7r80.js","./index-COyiXDAn.js","./keybindingService-DoUb2RT6.js","./serverConfigStore-B9riwnSX.js","./GraphView-BL5xAPb-.css","./UserSelectView-DkeVSFwW.js","./BaseViewTemplate-DDUNNAbV.js","./ServerStartView-DgywG2so.js","./ServerStartView-BXemwYfj.css","./InstallView-C1fnMZKt.js","./index-DC_-jkme.js","./InstallView-dHu5JSbF.css","./WelcomeView-CXVMqRFA.js","./WelcomeView-aCH40CSK.css","./NotSupportedView-IH8EV0bV.js","./NotSupportedView-BiyVuLfX.css","./DownloadGitView-BFcFCk37.js","./ManualConfigurationView-DlH3kpjW.js","./ManualConfigurationView-Cq3hPfap.css","./MetricsConsentView-BgqqjOyd.js","./DesktopStartView-elroCqfp.js","./MaintenanceView-DYZ7z6hj.js","./index-Br6dw1F6.js","./MaintenanceView-BB5vXRE8.css","./KeybindingPanel-BRfso_Vt.js","./KeybindingPanel-Caa8sD2X.css","./ExtensionPanel-BPpLOa_B.js","./ServerConfigPanel-u0ozNLZ4.js","./index-aXhlJPnT.js","./index-A7qL4fzl.css"])))=>i.map(i=>d[i]);
+========
+const __vite__mapDeps=(i,m=__vite__mapDeps,d=(m.f||(m.f=["./GraphView-B_UDZi95.js","./index-C068lYT4.js","./index-Dzu9WL4p.js","./index-A_bXPJCN.js","./keybindingService-DyjX-nxF.js","./serverConfigStore-D2Vr0L0h.js","./GraphView-Bo28XDd0.css","./UserSelectView-C703HOyO.js","./BaseViewTemplate-BTbuZf5t.js","./ServerStartView-B7TlHxYo.js","./ServerStartView-BZ7uhZHv.css","./InstallView-DW9xwU_F.js","./index-SeIZOWJp.js","./uvMirrors-B-HKMf6X.js","./InstallView-DbJ2cGfL.css","./WelcomeView-DIFvbWc2.js","./WelcomeView-Brz3-luE.css","./NotSupportedView-B78ZVR9Z.js","./NotSupportedView-RFx6eCkN.css","./DownloadGitView-PWqK5ke4.js","./ManualConfigurationView-DTLyJ3VG.js","./ManualConfigurationView-CsirlNfV.css","./MetricsConsentView-C80fk2cl.js","./DesktopStartView-D9r53Bue.js","./MaintenanceView-Bh8OZpgl.js","./index-CgMyWf7n.js","./TerminalOutputDrawer-CKr7Br7O.js","./MaintenanceView-DEJCj8SR.css","./DesktopUpdateView-C-R0415K.js","./DesktopUpdateView-CxchaIvw.css","./KeybindingPanel-oavhFdkz.js","./KeybindingPanel-CDYVPYDp.css","./ExtensionPanel-Ba57xrmg.js","./ServerConfigPanel-BYrt6wyr.js","./index-B36GcHVN.js","./index-BRhY6FpL.css"])))=>i.map(i=>d[i]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var __defProp2 = Object.defineProperty;
var __name = (target2, value4) => __defProp2(target2, "name", { value: value4, configurable: true });
(/* @__PURE__ */ __name(function polyfill2() {
@@ -40,6 +44,7 @@ var __name = (target2, value4) => __defProp2(target2, "name", { value: value4, c
}
__name(processPreload, "processPreload");
}, "polyfill"))();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var __defProp$3 = Object.defineProperty;
var __getOwnPropSymbols$2 = Object.getOwnPropertySymbols;
var __hasOwnProp$2 = Object.prototype.hasOwnProperty;
@@ -61,9 +66,32 @@ function isEmpty$1(value4) {
}
__name(isEmpty$1, "isEmpty$1");
function compare$1(value1, value22, comparator, order = 1) {
+========
+var __defProp$7 = Object.defineProperty;
+var __getOwnPropSymbols$6 = Object.getOwnPropertySymbols;
+var __hasOwnProp$6 = Object.prototype.hasOwnProperty;
+var __propIsEnum$6 = Object.prototype.propertyIsEnumerable;
+var __defNormalProp$7 = /* @__PURE__ */ __name((obj, key, value4) => key in obj ? __defProp$7(obj, key, { enumerable: true, configurable: true, writable: true, value: value4 }) : obj[key] = value4, "__defNormalProp$7");
+var __spreadValues$6 = /* @__PURE__ */ __name((a2, b2) => {
+ for (var prop2 in b2 || (b2 = {}))
+ if (__hasOwnProp$6.call(b2, prop2))
+ __defNormalProp$7(a2, prop2, b2[prop2]);
+ if (__getOwnPropSymbols$6)
+ for (var prop2 of __getOwnPropSymbols$6(b2)) {
+ if (__propIsEnum$6.call(b2, prop2))
+ __defNormalProp$7(a2, prop2, b2[prop2]);
+ }
+ return a2;
+}, "__spreadValues$6");
+function isEmpty$3(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;
+}
+__name(isEmpty$3, "isEmpty$3");
+function compare$3(value1, value22, comparator, order = 1) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let result = -1;
- const emptyValue1 = isEmpty$1(value1);
- const emptyValue2 = isEmpty$1(value22);
+ const emptyValue1 = isEmpty$3(value1);
+ const emptyValue2 = isEmpty$3(value22);
if (emptyValue1 && emptyValue2) result = 0;
else if (emptyValue1) result = order;
else if (emptyValue2) result = -order;
@@ -71,8 +99,13 @@ function compare$1(value1, value22, comparator, order = 1) {
else result = value1 < value22 ? -1 : value1 > value22 ? 1 : 0;
return result;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(compare$1, "compare$1");
function _deepEquals(obj1, obj2, visited = /* @__PURE__ */ new WeakSet()) {
+========
+__name(compare$3, "compare$3");
+function _deepEquals$2(obj1, obj2, visited = /* @__PURE__ */ new WeakSet()) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (obj1 === obj2) return true;
if (!obj1 || !obj2 || typeof obj1 !== "object" || typeof obj2 !== "object") return false;
if (visited.has(obj1) || visited.has(obj2)) return false;
@@ -81,7 +114,11 @@ function _deepEquals(obj1, obj2, visited = /* @__PURE__ */ new WeakSet()) {
if (arrObj1 && arrObj2) {
length = obj1.length;
if (length != obj2.length) return false;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
for (i2 = length; i2-- !== 0; ) if (!_deepEquals(obj1[i2], obj2[i2], visited)) return false;
+========
+ for (i2 = length; i2-- !== 0; ) if (!_deepEquals$2(obj1[i2], obj2[i2], visited)) return false;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return true;
}
if (arrObj1 != arrObj2) return false;
@@ -97,6 +134,7 @@ function _deepEquals(obj1, obj2, visited = /* @__PURE__ */ new WeakSet()) {
for (i2 = length; i2-- !== 0; ) if (!Object.prototype.hasOwnProperty.call(obj2, keys2[i2])) return false;
for (i2 = length; i2-- !== 0; ) {
key = keys2[i2];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!_deepEquals(obj1[key], obj2[key], visited)) return false;
}
return true;
@@ -115,16 +153,44 @@ function isNotEmpty(value4) {
}
__name(isNotEmpty, "isNotEmpty");
function resolveFieldData(data26, field2) {
+========
+ if (!_deepEquals$2(obj1[key], obj2[key], visited)) return false;
+ }
+ return true;
+}
+__name(_deepEquals$2, "_deepEquals$2");
+function deepEquals$2(obj1, obj2) {
+ return _deepEquals$2(obj1, obj2);
+}
+__name(deepEquals$2, "deepEquals$2");
+function isFunction$d(value4) {
+ return !!(value4 && value4.constructor && value4.call && value4.apply);
+}
+__name(isFunction$d, "isFunction$d");
+function isNotEmpty$2(value4) {
+ return !isEmpty$3(value4);
+}
+__name(isNotEmpty$2, "isNotEmpty$2");
+function resolveFieldData$2(data26, field2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!data26 || !field2) {
return null;
}
try {
const value4 = data26[field2];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isNotEmpty(value4)) return value4;
} catch (e2) {
}
if (Object.keys(data26).length) {
if (isFunction$b(field2)) {
+========
+ if (isNotEmpty$2(value4)) return value4;
+ } catch (e2) {
+ }
+ if (Object.keys(data26).length) {
+ if (isFunction$d(field2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return field2(data26);
} else if (field2.indexOf(".") === -1) {
return data26[field2];
@@ -142,27 +208,38 @@ function resolveFieldData(data26, field2) {
}
return null;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(resolveFieldData, "resolveFieldData");
function equals(obj1, obj2, field2) {
if (field2) return resolveFieldData(obj1, field2) === resolveFieldData(obj2, field2);
else return deepEquals(obj1, obj2);
+========
+__name(resolveFieldData$2, "resolveFieldData$2");
+function equals$2(obj1, obj2, field2) {
+ if (field2) return resolveFieldData$2(obj1, field2) === resolveFieldData$2(obj2, field2);
+ else return deepEquals$2(obj1, obj2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
-__name(equals, "equals");
-function contains(value4, list2) {
+__name(equals$2, "equals$2");
+function contains$2(value4, list2) {
if (value4 != null && list2 && list2.length) {
for (let val of list2) {
- if (equals(value4, val)) return true;
+ if (equals$2(value4, val)) return true;
}
}
return false;
}
-__name(contains, "contains");
-function filter(value4, fields, filterValue) {
+__name(contains$2, "contains$2");
+function filter$2(value4, fields, filterValue) {
let filteredItems = [];
if (value4) {
for (let item3 of value4) {
for (let field2 of fields) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (String(resolveFieldData(item3, field2)).toLowerCase().indexOf(filterValue.toLowerCase()) > -1) {
+========
+ if (String(resolveFieldData$2(item3, field2)).toLowerCase().indexOf(filterValue.toLowerCase()) > -1) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
filteredItems.push(item3);
break;
}
@@ -171,8 +248,8 @@ function filter(value4, fields, filterValue) {
}
return filteredItems;
}
-__name(filter, "filter");
-function findIndexInList(value4, list2) {
+__name(filter$2, "filter$2");
+function findIndexInList$2(value4, list2) {
let index2 = -1;
if (list2) {
for (let i2 = 0; i2 < list2.length; i2++) {
@@ -184,10 +261,10 @@ function findIndexInList(value4, list2) {
}
return index2;
}
-__name(findIndexInList, "findIndexInList");
-function findLast$1(arr, callback) {
+__name(findIndexInList$2, "findIndexInList$2");
+function findLast$3(arr, callback) {
let item3;
- if (isNotEmpty(arr)) {
+ if (isNotEmpty$2(arr)) {
try {
item3 = arr.findLast(callback);
} catch (e2) {
@@ -196,10 +273,10 @@ function findLast$1(arr, callback) {
}
return item3;
}
-__name(findLast$1, "findLast$1");
-function findLastIndex(arr, callback) {
+__name(findLast$3, "findLast$3");
+function findLastIndex$2(arr, callback) {
let index2 = -1;
- if (isNotEmpty(arr)) {
+ if (isNotEmpty$2(arr)) {
try {
index2 = arr.findLastIndex(callback);
} catch (e2) {
@@ -208,6 +285,7 @@ function findLastIndex(arr, callback) {
}
return index2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(findLastIndex, "findLastIndex");
function isObject$f(value4, empty3 = true) {
return value4 instanceof Object && value4.constructor === Object && (empty3 || Object.keys(value4).length !== 0);
@@ -217,25 +295,44 @@ function resolve$2(obj, ...params) {
return isFunction$b(obj) ? obj(...params) : obj;
}
__name(resolve$2, "resolve$2");
+========
+__name(findLastIndex$2, "findLastIndex$2");
+function isObject$g(value4, empty3 = true) {
+ return value4 instanceof Object && value4.constructor === Object && (empty3 || Object.keys(value4).length !== 0);
+}
+__name(isObject$g, "isObject$g");
+function resolve$4(obj, ...params) {
+ return isFunction$d(obj) ? obj(...params) : obj;
+}
+__name(resolve$4, "resolve$4");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function isString$b(value4, empty3 = true) {
return typeof value4 === "string" && (empty3 || value4 !== "");
}
__name(isString$b, "isString$b");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function toFlatCase(str) {
+========
+function toFlatCase$2(str) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return isString$b(str) ? str.replace(/(-|_)/g, "").toLowerCase() : str;
}
-__name(toFlatCase, "toFlatCase");
-function getKeyValue(obj, key = "", params = {}) {
- const fKeys = toFlatCase(key).split(".");
+__name(toFlatCase$2, "toFlatCase$2");
+function getKeyValue$2(obj, key = "", params = {}) {
+ const fKeys = toFlatCase$2(key).split(".");
const fKey = fKeys.shift();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.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$g(obj) ? getKeyValue$2(resolve$4(obj[Object.keys(obj).find((k2) => toFlatCase$2(k2) === fKey) || ""], params), fKeys.join("."), params) : void 0 : resolve$4(obj, params);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
-__name(getKeyValue, "getKeyValue");
-function insertIntoOrderedArray(item3, index2, arr, sourceArr) {
+__name(getKeyValue$2, "getKeyValue$2");
+function insertIntoOrderedArray$2(item3, index2, arr, sourceArr) {
if (arr.length > 0) {
let injected = false;
for (let i2 = 0; i2 < arr.length; i2++) {
- let currentItemIndex = findIndexInList(arr[i2], sourceArr);
+ let currentItemIndex = findIndexInList$2(arr[i2], sourceArr);
if (currentItemIndex > index2) {
arr.splice(i2, 0, item3);
injected = true;
@@ -249,14 +346,15 @@ function insertIntoOrderedArray(item3, index2, arr, sourceArr) {
arr.push(item3);
}
}
-__name(insertIntoOrderedArray, "insertIntoOrderedArray");
-function isArray$a(value4, empty3 = true) {
+__name(insertIntoOrderedArray$2, "insertIntoOrderedArray$2");
+function isArray$c(value4, empty3 = true) {
return Array.isArray(value4) && (empty3 || value4.length !== 0);
}
-__name(isArray$a, "isArray$a");
-function isDate$3(value4) {
+__name(isArray$c, "isArray$c");
+function isDate$5(value4) {
return value4 instanceof Date && value4.constructor === Date;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(isDate$3, "isDate$3");
function isLetter$2(char) {
return /^[a-zA-Z\u00C0-\u017F]$/.test(char);
@@ -264,21 +362,39 @@ function isLetter$2(char) {
__name(isLetter$2, "isLetter$2");
function isNumber$5(value4) {
return isNotEmpty(value4) && !isNaN(value4);
+========
+__name(isDate$5, "isDate$5");
+function isLetter$3(char) {
+ return /^[a-zA-Z\u00C0-\u017F]$/.test(char);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
-__name(isNumber$5, "isNumber$5");
-function isPrintableCharacter(char = "") {
- return isNotEmpty(char) && char.length === 1 && !!char.match(/\S| /);
+__name(isLetter$3, "isLetter$3");
+function isNumber$7(value4) {
+ return isNotEmpty$2(value4) && !isNaN(value4);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(isPrintableCharacter, "isPrintableCharacter");
function isScalar(value4) {
return value4 != null && (typeof value4 === "string" || typeof value4 === "number" || typeof value4 === "bigint" || typeof value4 === "boolean");
}
__name(isScalar, "isScalar");
function localeComparator() {
+========
+__name(isNumber$7, "isNumber$7");
+function isPrintableCharacter$2(char = "") {
+ return isNotEmpty$2(char) && char.length === 1 && !!char.match(/\S| /);
+}
+__name(isPrintableCharacter$2, "isPrintableCharacter$2");
+function isScalar$2(value4) {
+ return value4 != null && (typeof value4 === "string" || typeof value4 === "number" || typeof value4 === "bigint" || typeof value4 === "boolean");
+}
+__name(isScalar$2, "isScalar$2");
+function localeComparator$2() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return new Intl.Collator(void 0, { numeric: true }).compare;
}
-__name(localeComparator, "localeComparator");
-function matchRegex(str, regex2) {
+__name(localeComparator$2, "localeComparator$2");
+function matchRegex$2(str, regex2) {
if (regex2) {
const match3 = regex2.test(str);
regex2.lastIndex = 0;
@@ -286,12 +402,21 @@ function matchRegex(str, regex2) {
}
return false;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(matchRegex, "matchRegex");
function mergeKeys(...args) {
const _mergeKeys = /* @__PURE__ */ __name((target2 = {}, source = {}) => {
const mergedObj = __spreadValues$2({}, target2);
Object.keys(source).forEach((key) => {
if (isObject$f(source[key]) && key in target2 && isObject$f(target2[key])) {
+========
+__name(matchRegex$2, "matchRegex$2");
+function mergeKeys$2(...args) {
+ const _mergeKeys = /* @__PURE__ */ __name((target2 = {}, source = {}) => {
+ const mergedObj = __spreadValues$6({}, target2);
+ Object.keys(source).forEach((key) => {
+ if (isObject$g(source[key]) && key in target2 && isObject$g(target2[key])) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
mergedObj[key] = _mergeKeys(target2[key], source[key]);
} else {
mergedObj[key] = source[key];
@@ -301,14 +426,15 @@ function mergeKeys(...args) {
}, "_mergeKeys");
return args.reduce((acc, obj, i2) => i2 === 0 ? obj : _mergeKeys(acc, obj), {});
}
-__name(mergeKeys, "mergeKeys");
-function minifyCSS(css3) {
- return css3 ? css3.replace(/\/\*(?:(?!\*\/)[\s\S])*\*\/|[\r\n\t]+/g, "").replace(/ {2,}/g, " ").replace(/ ([{:}]) /g, "$1").replace(/([;,]) /g, "$1").replace(/ !/g, "!").replace(/: /g, ":") : css3;
+__name(mergeKeys$2, "mergeKeys$2");
+function minifyCSS$2(css4) {
+ return css4 ? css4.replace(/\/\*(?:(?!\*\/)[\s\S])*\*\/|[\r\n\t]+/g, "").replace(/ {2,}/g, " ").replace(/ ([{:}]) /g, "$1").replace(/([;,]) /g, "$1").replace(/ !/g, "!").replace(/: /g, ":") : css4;
}
-__name(minifyCSS, "minifyCSS");
-function nestedKeys(obj = {}, parentKey = "") {
+__name(minifyCSS$2, "minifyCSS$2");
+function nestedKeys$2(obj = {}, parentKey = "") {
return Object.entries(obj).reduce((o2, [key, value4]) => {
const currentKey = parentKey ? `${parentKey}.${key}` : key;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isObject$f(value4) ? o2 = o2.concat(nestedKeys(value4, currentKey)) : o2.push(currentKey);
return o2;
}, []);
@@ -322,6 +448,21 @@ function omit$1(obj, ...keys2) {
}
__name(omit$1, "omit$1");
function removeAccents(str) {
+========
+ isObject$g(value4) ? o2 = o2.concat(nestedKeys$2(value4, currentKey)) : o2.push(currentKey);
+ return o2;
+ }, []);
+}
+__name(nestedKeys$2, "nestedKeys$2");
+function omit$3(obj, ...keys2) {
+ if (!isObject$g(obj)) return obj;
+ const copy2 = __spreadValues$6({}, obj);
+ keys2 == null ? void 0 : keys2.flat().forEach((key) => delete copy2[key]);
+ return copy2;
+}
+__name(omit$3, "omit$3");
+function removeAccents$2(str) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const accentCheckRegex = /[\xC0-\xFF\u0100-\u017E]/;
if (str && accentCheckRegex.test(str)) {
const accentsMap = {
@@ -376,8 +517,8 @@ function removeAccents(str) {
}
return str;
}
-__name(removeAccents, "removeAccents");
-function reorderArray(value4, from2, to) {
+__name(removeAccents$2, "removeAccents$2");
+function reorderArray$2(value4, from2, to) {
if (value4 && from2 !== to) {
if (to >= value4.length) {
to %= value4.length;
@@ -386,32 +527,46 @@ function reorderArray(value4, from2, to) {
value4.splice(to, 0, value4.splice(from2, 1)[0]);
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(reorderArray, "reorderArray");
function sort(value1, value22, order = 1, comparator, nullSortOrder = 1) {
const result = compare$1(value1, value22, comparator, order);
+========
+__name(reorderArray$2, "reorderArray$2");
+function sort$2(value1, value22, order = 1, comparator, nullSortOrder = 1) {
+ const result = compare$3(value1, value22, comparator, order);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let finalSortOrder = order;
- if (isEmpty$1(value1) || isEmpty$1(value22)) {
+ if (isEmpty$3(value1) || isEmpty$3(value22)) {
finalSortOrder = nullSortOrder === 1 ? order : nullSortOrder;
}
return finalSortOrder * result;
}
-__name(sort, "sort");
-function stringify(value4, indent = 2, currentIndent = 0) {
+__name(sort$2, "sort$2");
+function stringify$2(value4, indent = 2, currentIndent = 0) {
const currentIndentStr = " ".repeat(currentIndent);
const nextIndentStr = " ".repeat(currentIndent + indent);
- if (isArray$a(value4)) {
- return "[" + value4.map((v2) => stringify(v2, indent, currentIndent + indent)).join(", ") + "]";
- } else if (isDate$3(value4)) {
+ if (isArray$c(value4)) {
+ return "[" + value4.map((v2) => stringify$2(v2, indent, currentIndent + indent)).join(", ") + "]";
+ } else if (isDate$5(value4)) {
return value4.toISOString();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isFunction$b(value4)) {
return value4.toString();
} else if (isObject$f(value4)) {
return "{\n" + Object.entries(value4).map(([k2, v2]) => `${nextIndentStr}${k2}: ${stringify(v2, indent, currentIndent + indent)}`).join(",\n") + `
+========
+ } else if (isFunction$d(value4)) {
+ return value4.toString();
+ } else if (isObject$g(value4)) {
+ return "{\n" + Object.entries(value4).map(([k2, v2]) => `${nextIndentStr}${k2}: ${stringify$2(v2, indent, currentIndent + indent)}`).join(",\n") + `
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
${currentIndentStr}}`;
} else {
return JSON.stringify(value4);
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(stringify, "stringify");
function toCapitalCase(str) {
return isString$b(str, false) ? str[0].toUpperCase() + str.slice(1) : str;
@@ -426,6 +581,22 @@ function toTokenKey$1(str) {
}
__name(toTokenKey$1, "toTokenKey$1");
function toValue$3(value4) {
+========
+__name(stringify$2, "stringify$2");
+function toCapitalCase$2(str) {
+ return isString$b(str, false) ? str[0].toUpperCase() + str.slice(1) : str;
+}
+__name(toCapitalCase$2, "toCapitalCase$2");
+function toKebabCase$2(str) {
+ return isString$b(str) ? str.replace(/(_)/g, "-").replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "-" + c2.toLowerCase()).toLowerCase() : str;
+}
+__name(toKebabCase$2, "toKebabCase$2");
+function toTokenKey$4(str) {
+ return isString$b(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
+}
+__name(toTokenKey$4, "toTokenKey$4");
+function toValue$6(value4) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (value4 && typeof value4 === "object") {
if (value4.hasOwnProperty("current")) {
return value4.current;
@@ -433,6 +604,7 @@ function toValue$3(value4) {
return value4.value;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return resolve$2(value4);
}
__name(toValue$3, "toValue$3");
@@ -450,14 +622,38 @@ function EventBus() {
let handlers2 = allHandlers.get(type);
if (handlers2) {
handlers2.splice(handlers2.indexOf(handler10) >>> 0, 1);
+========
+ return resolve$4(value4);
+}
+__name(toValue$6, "toValue$6");
+function EventBus$1() {
+ const allHandlers = /* @__PURE__ */ new Map();
+ return {
+ on(type, handler12) {
+ let handlers2 = allHandlers.get(type);
+ if (!handlers2) handlers2 = [handler12];
+ else handlers2.push(handler12);
+ allHandlers.set(type, handlers2);
+ return this;
+ },
+ off(type, handler12) {
+ let handlers2 = allHandlers.get(type);
+ if (handlers2) {
+ handlers2.splice(handlers2.indexOf(handler12) >>> 0, 1);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return this;
},
emit(type, evt) {
let handlers2 = allHandlers.get(type);
if (handlers2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handlers2.slice().map((handler10) => {
handler10(evt);
+========
+ handlers2.slice().map((handler12) => {
+ handler12(evt);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
}
},
@@ -466,6 +662,7 @@ function EventBus() {
}
};
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(EventBus, "EventBus");
var __defProp$2 = Object.defineProperty;
var __defProps = Object.defineProperties;
@@ -505,12 +702,54 @@ __name(definePreset, "definePreset");
var ThemeService = EventBus();
var service_default = ThemeService;
function toTokenKey(str) {
+========
+__name(EventBus$1, "EventBus$1");
+var __defProp$6 = Object.defineProperty;
+var __defProps$1 = Object.defineProperties;
+var __getOwnPropDescs$1 = Object.getOwnPropertyDescriptors;
+var __getOwnPropSymbols$5 = Object.getOwnPropertySymbols;
+var __hasOwnProp$5 = Object.prototype.hasOwnProperty;
+var __propIsEnum$5 = Object.prototype.propertyIsEnumerable;
+var __defNormalProp$6 = /* @__PURE__ */ __name((obj, key, value4) => key in obj ? __defProp$6(obj, key, { enumerable: true, configurable: true, writable: true, value: value4 }) : obj[key] = value4, "__defNormalProp$6");
+var __spreadValues$5 = /* @__PURE__ */ __name((a2, b2) => {
+ for (var prop2 in b2 || (b2 = {}))
+ if (__hasOwnProp$5.call(b2, prop2))
+ __defNormalProp$6(a2, prop2, b2[prop2]);
+ if (__getOwnPropSymbols$5)
+ for (var prop2 of __getOwnPropSymbols$5(b2)) {
+ if (__propIsEnum$5.call(b2, prop2))
+ __defNormalProp$6(a2, prop2, b2[prop2]);
+ }
+ return a2;
+}, "__spreadValues$5");
+var __spreadProps$1 = /* @__PURE__ */ __name((a2, b2) => __defProps$1(a2, __getOwnPropDescs$1(b2)), "__spreadProps$1");
+var __objRest$1 = /* @__PURE__ */ __name((source, exclude) => {
+ var target2 = {};
+ for (var prop2 in source)
+ if (__hasOwnProp$5.call(source, prop2) && exclude.indexOf(prop2) < 0)
+ target2[prop2] = source[prop2];
+ if (source != null && __getOwnPropSymbols$5)
+ for (var prop2 of __getOwnPropSymbols$5(source)) {
+ if (exclude.indexOf(prop2) < 0 && __propIsEnum$5.call(source, prop2))
+ target2[prop2] = source[prop2];
+ }
+ return target2;
+}, "__objRest$1");
+function definePreset$1(...presets) {
+ return mergeKeys$2(...presets);
+}
+__name(definePreset$1, "definePreset$1");
+var ThemeService$1 = EventBus$1();
+var service_default$1 = ThemeService$1;
+function toTokenKey$3(str) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return isString$b(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
}
-__name(toTokenKey, "toTokenKey");
-function merge$2(value1, value22) {
- if (isArray$a(value1)) {
+__name(toTokenKey$3, "toTokenKey$3");
+function merge$3(value1, value22) {
+ if (isArray$c(value1)) {
value1.push(...value22 || []);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isObject$f(value1)) {
Object.assign(value1, value22);
}
@@ -518,35 +757,56 @@ function merge$2(value1, value22) {
__name(merge$2, "merge$2");
function toValue$2(value4) {
return isObject$f(value4) && value4.hasOwnProperty("value") && value4.hasOwnProperty("type") ? value4.value : value4;
+========
+ } else if (isObject$g(value1)) {
+ Object.assign(value1, value22);
+ }
}
-__name(toValue$2, "toValue$2");
-function toUnit(value4, variable = "") {
+__name(merge$3, "merge$3");
+function toValue$5(value4) {
+ return isObject$g(value4) && value4.hasOwnProperty("value") && value4.hasOwnProperty("type") ? value4.value : value4;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
+}
+__name(toValue$5, "toValue$5");
+function toUnit$1(value4, variable = "") {
const excludedProperties = ["opacity", "z-index", "line-height", "font-weight", "flex", "flex-grow", "flex-shrink", "order"];
if (!excludedProperties.some((property) => variable.endsWith(property))) {
const val = `${value4}`.trim();
const valArr = val.split(" ");
- return valArr.map((v2) => isNumber$5(v2) ? `${v2}px` : v2).join(" ");
+ return valArr.map((v2) => isNumber$7(v2) ? `${v2}px` : v2).join(" ");
}
return value4;
}
-__name(toUnit, "toUnit");
-function toNormalizePrefix(prefix2) {
+__name(toUnit$1, "toUnit$1");
+function toNormalizePrefix$1(prefix2) {
return prefix2.replaceAll(/ /g, "").replace(/[^\w]/g, "-");
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(toNormalizePrefix, "toNormalizePrefix");
function toNormalizeVariable(prefix2 = "", variable = "") {
return toNormalizePrefix(`${isString$b(prefix2, false) && isString$b(variable, false) ? `${prefix2}-` : prefix2}${variable}`);
+========
+__name(toNormalizePrefix$1, "toNormalizePrefix$1");
+function toNormalizeVariable$1(prefix2 = "", variable = "") {
+ return toNormalizePrefix$1(`${isString$b(prefix2, false) && isString$b(variable, false) ? `${prefix2}-` : prefix2}${variable}`);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
-__name(toNormalizeVariable, "toNormalizeVariable");
-function getVariableName(prefix2 = "", variable = "") {
- return `--${toNormalizeVariable(prefix2, variable)}`;
+__name(toNormalizeVariable$1, "toNormalizeVariable$1");
+function getVariableName$1(prefix2 = "", variable = "") {
+ return `--${toNormalizeVariable$1(prefix2, variable)}`;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(getVariableName, "getVariableName");
function hasOddBraces(str = "") {
+========
+__name(getVariableName$1, "getVariableName$1");
+function hasOddBraces$1(str = "") {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const openBraces = (str.match(/{/g) || []).length;
const closeBraces = (str.match(/}/g) || []).length;
return (openBraces + closeBraces) % 2 !== 0;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(hasOddBraces, "hasOddBraces");
function getVariableValue(value4, variable = "", prefix2 = "", excludedKeyRegexes = [], fallback) {
if (isString$b(value4)) {
@@ -555,16 +815,27 @@ function getVariableValue(value4, variable = "", prefix2 = "", excludedKeyRegexe
if (hasOddBraces(val)) {
return void 0;
} else if (matchRegex(val, regex2)) {
+========
+__name(hasOddBraces$1, "hasOddBraces$1");
+function getVariableValue$1(value4, variable = "", prefix2 = "", excludedKeyRegexes = [], fallback) {
+ if (isString$b(value4)) {
+ const regex2 = /{([^}]*)}/g;
+ const val = value4.trim();
+ if (hasOddBraces$1(val)) {
+ return void 0;
+ } else if (matchRegex$2(val, regex2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _val = val.replaceAll(regex2, (v2) => {
const path = v2.replace(/{|}/g, "");
- const keys2 = path.split(".").filter((_v) => !excludedKeyRegexes.some((_r) => matchRegex(_v, _r)));
- return `var(${getVariableName(prefix2, toKebabCase(keys2.join("-")))}${isNotEmpty(fallback) ? `, ${fallback}` : ""})`;
+ const keys2 = path.split(".").filter((_v) => !excludedKeyRegexes.some((_r) => matchRegex$2(_v, _r)));
+ return `var(${getVariableName$1(prefix2, toKebabCase$2(keys2.join("-")))}${isNotEmpty$2(fallback) ? `, ${fallback}` : ""})`;
});
const calculationRegex = /(\d+\s+[\+\-\*\/]\s+\d+)/g;
const cleanedVarRegex = /var\([^)]+\)/g;
- return matchRegex(_val.replace(cleanedVarRegex, "0"), calculationRegex) ? `calc(${_val})` : _val;
+ return matchRegex$2(_val.replace(cleanedVarRegex, "0"), calculationRegex) ? `calc(${_val})` : _val;
}
return val;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isNumber$5(value4)) {
return value4;
}
@@ -577,87 +848,122 @@ function getComputedValue(obj = {}, value4) {
const val = value4.trim();
return matchRegex(val, regex2) ? val.replaceAll(regex2, (v2) => getKeyValue(obj, v2.replace(/{|}/g, ""))) : val;
} else if (isNumber$5(value4)) {
+========
+ } else if (isNumber$7(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return value4;
}
return void 0;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(getComputedValue, "getComputedValue");
function setProperty(properties, key, value4) {
+========
+__name(getVariableValue$1, "getVariableValue$1");
+function getComputedValue$1(obj = {}, value4) {
+ if (isString$b(value4)) {
+ const regex2 = /{([^}]*)}/g;
+ const val = value4.trim();
+ return matchRegex$2(val, regex2) ? val.replaceAll(regex2, (v2) => getKeyValue$2(obj, v2.replace(/{|}/g, ""))) : val;
+ } else if (isNumber$7(value4)) {
+ return value4;
+ }
+ return void 0;
+}
+__name(getComputedValue$1, "getComputedValue$1");
+function setProperty$1(properties, key, value4) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (isString$b(key, false)) {
properties.push(`${key}:${value4};`);
}
}
-__name(setProperty, "setProperty");
-function getRule(selector, properties) {
+__name(setProperty$1, "setProperty$1");
+function getRule$1(selector, properties) {
if (selector) {
return `${selector}{${properties}}`;
}
return "";
}
-__name(getRule, "getRule");
-function normalizeColor(color2) {
+__name(getRule$1, "getRule$1");
+function normalizeColor$1(color2) {
if (color2.length === 4) {
return `#${color2[1]}${color2[1]}${color2[2]}${color2[2]}${color2[3]}${color2[3]}`;
}
return color2;
}
-__name(normalizeColor, "normalizeColor");
-function hexToRgb$1(hex) {
+__name(normalizeColor$1, "normalizeColor$1");
+function hexToRgb$2(hex) {
var bigint = parseInt(hex.substring(1), 16);
var r2 = bigint >> 16 & 255;
var g2 = bigint >> 8 & 255;
var b2 = bigint & 255;
return { r: r2, g: g2, b: b2 };
}
-__name(hexToRgb$1, "hexToRgb$1");
-function rgbToHex(r2, g2, b2) {
+__name(hexToRgb$2, "hexToRgb$2");
+function rgbToHex$1(r2, g2, b2) {
return `#${r2.toString(16).padStart(2, "0")}${g2.toString(16).padStart(2, "0")}${b2.toString(16).padStart(2, "0")}`;
}
-__name(rgbToHex, "rgbToHex");
-var mix_default = /* @__PURE__ */ __name((color1, color2, weight) => {
- color1 = normalizeColor(color1);
- color2 = normalizeColor(color2);
+__name(rgbToHex$1, "rgbToHex$1");
+var mix_default$1 = /* @__PURE__ */ __name((color1, color2, weight) => {
+ color1 = normalizeColor$1(color1);
+ color2 = normalizeColor$1(color2);
var p2 = weight / 100;
var w2 = p2 * 2 - 1;
var w1 = (w2 + 1) / 2;
var w22 = 1 - w1;
- var rgb1 = hexToRgb$1(color1);
- var rgb2 = hexToRgb$1(color2);
+ var rgb1 = hexToRgb$2(color1);
+ var rgb2 = hexToRgb$2(color2);
var r2 = Math.round(rgb1.r * w1 + rgb2.r * w22);
var g2 = Math.round(rgb1.g * w1 + rgb2.g * w22);
var b2 = Math.round(rgb1.b * w1 + rgb2.b * w22);
- return rgbToHex(r2, g2, b2);
-}, "mix_default");
-var shade_default = /* @__PURE__ */ __name((color2, percent) => mix_default("#000000", color2, percent), "shade_default");
-var tint_default = /* @__PURE__ */ __name((color2, percent) => mix_default("#ffffff", color2, percent), "tint_default");
-var scales = [50, 100, 200, 300, 400, 500, 600, 700, 800, 900, 950];
-var palette_default = /* @__PURE__ */ __name((color2) => {
+ return rgbToHex$1(r2, g2, b2);
+}, "mix_default$1");
+var shade_default$1 = /* @__PURE__ */ __name((color2, percent) => mix_default$1("#000000", color2, percent), "shade_default$1");
+var tint_default$1 = /* @__PURE__ */ __name((color2, percent) => mix_default$1("#ffffff", color2, percent), "tint_default$1");
+var scales$1 = [50, 100, 200, 300, 400, 500, 600, 700, 800, 900, 950];
+var palette_default$1 = /* @__PURE__ */ __name((color2) => {
if (/{([^}]*)}/g.test(color2)) {
const token = color2.replace(/{|}/g, "");
- return scales.reduce((acc, scale) => (acc[scale] = `{${token}.${scale}}`, acc), {});
+ return scales$1.reduce((acc, scale) => (acc[scale] = `{${token}.${scale}}`, acc), {});
}
- return typeof color2 === "string" ? scales.reduce((acc, scale, i2) => (acc[scale] = i2 <= 5 ? tint_default(color2, (5 - i2) * 19) : shade_default(color2, (i2 - 5) * 15), acc), {}) : color2;
-}, "palette_default");
-var $dt = /* @__PURE__ */ __name((tokenPath) => {
+ return typeof color2 === "string" ? scales$1.reduce((acc, scale, i2) => (acc[scale] = i2 <= 5 ? tint_default$1(color2, (5 - i2) * 19) : shade_default$1(color2, (i2 - 5) * 15), acc), {}) : color2;
+}, "palette_default$1");
+var $dt$1 = /* @__PURE__ */ __name((tokenPath) => {
var _a2;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const theme42 = config_default.getTheme();
const variable = dtwt(theme42, tokenPath, void 0, "variable");
const name2 = (_a2 = variable == null ? void 0 : variable.match(/--[\w-]+/g)) == null ? void 0 : _a2[0];
const value4 = dtwt(theme42, tokenPath, void 0, "value");
+========
+ const theme43 = config_default$1.getTheme();
+ const variable = dtwt$1(theme43, tokenPath, void 0, "variable");
+ const name2 = (_a2 = variable == null ? void 0 : variable.match(/--[\w-]+/g)) == null ? void 0 : _a2[0];
+ const value4 = dtwt$1(theme43, tokenPath, void 0, "value");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
name: name2,
variable,
value: value4
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, "$dt");
var dt = /* @__PURE__ */ __name((...args) => {
return dtwt(config_default.getTheme(), ...args);
}, "dt");
var dtwt = /* @__PURE__ */ __name((theme42 = {}, tokenPath, fallback, type) => {
+========
+}, "$dt$1");
+var dt$1 = /* @__PURE__ */ __name((...args) => {
+ return dtwt$1(config_default$1.getTheme(), ...args);
+}, "dt$1");
+var dtwt$1 = /* @__PURE__ */ __name((theme43 = {}, tokenPath, fallback, type) => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (tokenPath) {
- const { variable: VARIABLE, options: OPTIONS } = config_default.defaults || {};
- const { prefix: prefix2, transform: transform2 } = (theme42 == null ? void 0 : theme42.options) || OPTIONS || {};
+ const { variable: VARIABLE, options: OPTIONS } = config_default$1.defaults || {};
+ const { prefix: prefix2, transform: transform2 } = (theme43 == null ? void 0 : theme43.options) || OPTIONS || {};
const regex2 = /{([^}]*)}/g;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const token = matchRegex(tokenPath, regex2) ? tokenPath : `{${tokenPath}}`;
const isStrictTransform = type === "value" || isEmpty$1(type) && transform2 === "strict";
return isStrictTransform ? config_default.getTokenValue(tokenPath) : getVariableValue(token, void 0, prefix2, [VARIABLE.excludedKeyRegex], fallback);
@@ -670,19 +976,41 @@ function css$3(style2) {
__name(css$3, "css$3");
var $t = /* @__PURE__ */ __name((theme42 = {}) => {
let { preset: _preset, options: _options } = theme42;
+========
+ const token = matchRegex$2(tokenPath, regex2) ? tokenPath : `{${tokenPath}}`;
+ const isStrictTransform = type === "value" || isEmpty$3(type) && transform2 === "strict";
+ return isStrictTransform ? config_default$1.getTokenValue(tokenPath) : getVariableValue$1(token, void 0, prefix2, [VARIABLE.excludedKeyRegex], fallback);
+ }
+ return "";
+}, "dtwt$1");
+function css$5(style2) {
+ return resolve$4(style2, { dt: dt$1 });
+}
+__name(css$5, "css$5");
+var $t$1 = /* @__PURE__ */ __name((theme43 = {}) => {
+ let { preset: _preset, options: _options } = theme43;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
preset(value4) {
- _preset = _preset ? mergeKeys(_preset, value4) : value4;
+ _preset = _preset ? mergeKeys$2(_preset, value4) : value4;
return this;
},
options(value4) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
_options = _options ? __spreadValues$1(__spreadValues$1({}, _options), value4) : value4;
+========
+ _options = _options ? __spreadValues$5(__spreadValues$5({}, _options), value4) : value4;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return this;
},
// features
primaryPalette(primary) {
const { semantic } = _preset || {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
_preset = __spreadProps(__spreadValues$1({}, _preset), { semantic: __spreadProps(__spreadValues$1({}, semantic), { primary }) });
+========
+ _preset = __spreadProps$1(__spreadValues$5({}, _preset), { semantic: __spreadProps$1(__spreadValues$5({}, semantic), { primary }) });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return this;
},
surfacePalette(surface) {
@@ -692,66 +1020,85 @@ var $t = /* @__PURE__ */ __name((theme42 = {}) => {
const darkSurface = (surface == null ? void 0 : surface.hasOwnProperty("dark")) ? surface == null ? void 0 : surface.dark : surface;
const newColorScheme = {
colorScheme: {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
light: __spreadValues$1(__spreadValues$1({}, (_a2 = semantic == null ? void 0 : semantic.colorScheme) == null ? void 0 : _a2.light), !!lightSurface && { surface: lightSurface }),
dark: __spreadValues$1(__spreadValues$1({}, (_b = semantic == null ? void 0 : semantic.colorScheme) == null ? void 0 : _b.dark), !!darkSurface && { surface: darkSurface })
}
};
_preset = __spreadProps(__spreadValues$1({}, _preset), { semantic: __spreadValues$1(__spreadValues$1({}, semantic), newColorScheme) });
+========
+ light: __spreadValues$5(__spreadValues$5({}, (_a2 = semantic == null ? void 0 : semantic.colorScheme) == null ? void 0 : _a2.light), !!lightSurface && { surface: lightSurface }),
+ dark: __spreadValues$5(__spreadValues$5({}, (_b = semantic == null ? void 0 : semantic.colorScheme) == null ? void 0 : _b.dark), !!darkSurface && { surface: darkSurface })
+ }
+ };
+ _preset = __spreadProps$1(__spreadValues$5({}, _preset), { semantic: __spreadValues$5(__spreadValues$5({}, semantic), newColorScheme) });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return this;
},
// actions
define({ useDefaultPreset = false, useDefaultOptions = false } = {}) {
return {
- preset: useDefaultPreset ? config_default.getPreset() : _preset,
- options: useDefaultOptions ? config_default.getOptions() : _options
+ preset: useDefaultPreset ? config_default$1.getPreset() : _preset,
+ options: useDefaultOptions ? config_default$1.getOptions() : _options
};
},
update({ mergePresets = true, mergeOptions: mergeOptions2 = true } = {}) {
const newTheme = {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
preset: mergePresets ? mergeKeys(config_default.getPreset(), _preset) : _preset,
options: mergeOptions2 ? __spreadValues$1(__spreadValues$1({}, config_default.getOptions()), _options) : _options
+========
+ preset: mergePresets ? mergeKeys$2(config_default$1.getPreset(), _preset) : _preset,
+ options: mergeOptions2 ? __spreadValues$5(__spreadValues$5({}, config_default$1.getOptions()), _options) : _options
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
- config_default.setTheme(newTheme);
+ config_default$1.setTheme(newTheme);
return newTheme;
},
use(options4) {
const newTheme = this.define(options4);
- config_default.setTheme(newTheme);
+ config_default$1.setTheme(newTheme);
return newTheme;
}
};
-}, "$t");
-function toVariables_default(theme42, options4 = {}) {
- const VARIABLE = config_default.defaults.variable;
+}, "$t$1");
+function toVariables_default$1(theme43, options4 = {}) {
+ const VARIABLE = config_default$1.defaults.variable;
const { prefix: prefix2 = VARIABLE.prefix, selector = VARIABLE.selector, excludedKeyRegex = VARIABLE.excludedKeyRegex } = options4;
const _toVariables = /* @__PURE__ */ __name((_theme, _prefix = "") => {
return Object.entries(_theme).reduce(
(acc, [key, value4]) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const px = matchRegex(key, excludedKeyRegex) ? toNormalizeVariable(_prefix) : toNormalizeVariable(_prefix, toKebabCase(key));
const v2 = toValue$2(value4);
if (isObject$f(v2)) {
+========
+ const px = matchRegex$2(key, excludedKeyRegex) ? toNormalizeVariable$1(_prefix) : toNormalizeVariable$1(_prefix, toKebabCase$2(key));
+ const v2 = toValue$5(value4);
+ if (isObject$g(v2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const { variables: variables2, tokens: tokens2 } = _toVariables(v2, px);
- merge$2(acc["tokens"], tokens2);
- merge$2(acc["variables"], variables2);
+ merge$3(acc["tokens"], tokens2);
+ merge$3(acc["variables"], variables2);
} else {
acc["tokens"].push((prefix2 ? px.replace(`${prefix2}-`, "") : px).replaceAll("-", "."));
- setProperty(acc["variables"], getVariableName(px), getVariableValue(v2, px, prefix2, [excludedKeyRegex]));
+ setProperty$1(acc["variables"], getVariableName$1(px), getVariableValue$1(v2, px, prefix2, [excludedKeyRegex]));
}
return acc;
},
{ variables: [], tokens: [] }
);
}, "_toVariables");
- const { variables, tokens } = _toVariables(theme42, prefix2);
+ const { variables, tokens } = _toVariables(theme43, prefix2);
return {
value: variables,
tokens,
declarations: variables.join(""),
- css: getRule(selector, variables.join(""))
+ css: getRule$1(selector, variables.join(""))
};
}
-__name(toVariables_default, "toVariables_default");
-var themeUtils_default = {
+__name(toVariables_default$1, "toVariables_default$1");
+var themeUtils_default$1 = {
regex: {
rules: {
class: {
@@ -792,9 +1139,10 @@ var themeUtils_default = {
});
}
},
- _toVariables(theme42, options4) {
- return toVariables_default(theme42, { prefix: options4 == null ? void 0 : options4.prefix });
+ _toVariables(theme43, options4) {
+ return toVariables_default$1(theme43, { prefix: options4 == null ? void 0 : options4.prefix });
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
getCommon({ name: name2 = "", theme: theme42 = {}, params, set: set4, defaults: defaults2 }) {
var _e, _f, _g, _h, _i, _j, _k;
const { preset, options: options4 } = theme42;
@@ -812,6 +1160,25 @@ var themeUtils_default = {
const eRest_var = isNotEmpty(eRest) ? this._toVariables({ semantic: eRest }, options4) : {};
const ecsRest_var = isNotEmpty(ecsRest) ? this._toVariables({ light: ecsRest }, options4) : {};
const ecsDark_var = isNotEmpty(eDark) ? this._toVariables({ dark: eDark }, options4) : {};
+========
+ getCommon({ name: name2 = "", theme: theme43 = {}, params, set: set3, defaults: defaults2 }) {
+ var _e, _f, _g, _h, _i, _j, _k;
+ const { preset, options: options4 } = theme43;
+ let primitive_css, primitive_tokens, semantic_css, semantic_tokens, global_css, global_tokens, style2;
+ if (isNotEmpty$2(preset) && options4.transform !== "strict") {
+ const { primitive, semantic, extend: extend5 } = preset;
+ const _a2 = semantic || {}, { colorScheme } = _a2, sRest = __objRest$1(_a2, ["colorScheme"]);
+ const _b = extend5 || {}, { colorScheme: eColorScheme } = _b, eRest = __objRest$1(_b, ["colorScheme"]);
+ const _c = colorScheme || {}, { dark: dark2 } = _c, csRest = __objRest$1(_c, ["dark"]);
+ const _d = eColorScheme || {}, { dark: eDark } = _d, ecsRest = __objRest$1(_d, ["dark"]);
+ const prim_var = isNotEmpty$2(primitive) ? this._toVariables({ primitive }, options4) : {};
+ const sRest_var = isNotEmpty$2(sRest) ? this._toVariables({ semantic: sRest }, options4) : {};
+ const csRest_var = isNotEmpty$2(csRest) ? this._toVariables({ light: csRest }, options4) : {};
+ const csDark_var = isNotEmpty$2(dark2) ? this._toVariables({ dark: dark2 }, options4) : {};
+ const eRest_var = isNotEmpty$2(eRest) ? this._toVariables({ semantic: eRest }, options4) : {};
+ const ecsRest_var = isNotEmpty$2(ecsRest) ? this._toVariables({ light: ecsRest }, options4) : {};
+ const ecsDark_var = isNotEmpty$2(eDark) ? this._toVariables({ dark: eDark }, options4) : {};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const [prim_css, prim_tokens] = [(_e = prim_var.declarations) != null ? _e : "", prim_var.tokens];
const [sRest_css, sRest_tokens] = [(_f = sRest_var.declarations) != null ? _f : "", sRest_var.tokens || []];
const [csRest_css, csRest_tokens] = [(_g = csRest_var.declarations) != null ? _g : "", csRest_var.tokens || []];
@@ -819,6 +1186,7 @@ var themeUtils_default = {
const [eRest_css, eRest_tokens] = [(_i = eRest_var.declarations) != null ? _i : "", eRest_var.tokens || []];
const [ecsRest_css, ecsRest_tokens] = [(_j = ecsRest_var.declarations) != null ? _j : "", ecsRest_var.tokens || []];
const [ecsDark_css, ecsDark_tokens] = [(_k = ecsDark_var.declarations) != null ? _k : "", ecsDark_var.tokens || []];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
primitive_css = this.transformCSS(name2, prim_css, "light", "variable", options4, set4, defaults2);
primitive_tokens = prim_tokens;
const semantic_light_css = this.transformCSS(name2, `${sRest_css}${csRest_css}`, "light", "variable", options4, set4, defaults2);
@@ -830,6 +1198,19 @@ var themeUtils_default = {
global_css = `${global_light_css}${global_dark_css}`;
global_tokens = [.../* @__PURE__ */ new Set([...eRest_tokens, ...ecsRest_tokens, ...ecsDark_tokens])];
style2 = resolve$2(preset.css, { dt });
+========
+ primitive_css = this.transformCSS(name2, prim_css, "light", "variable", options4, set3, defaults2);
+ primitive_tokens = prim_tokens;
+ const semantic_light_css = this.transformCSS(name2, `${sRest_css}${csRest_css}`, "light", "variable", options4, set3, defaults2);
+ const semantic_dark_css = this.transformCSS(name2, `${csDark_css}`, "dark", "variable", options4, set3, defaults2);
+ semantic_css = `${semantic_light_css}${semantic_dark_css}`;
+ semantic_tokens = [.../* @__PURE__ */ new Set([...sRest_tokens, ...csRest_tokens, ...csDark_tokens])];
+ const global_light_css = this.transformCSS(name2, `${eRest_css}${ecsRest_css}color-scheme:light`, "light", "variable", options4, set3, defaults2);
+ const global_dark_css = this.transformCSS(name2, `${ecsDark_css}color-scheme:dark`, "dark", "variable", options4, set3, defaults2);
+ global_css = `${global_light_css}${global_dark_css}`;
+ global_tokens = [.../* @__PURE__ */ new Set([...eRest_tokens, ...ecsRest_tokens, ...ecsDark_tokens])];
+ style2 = resolve$4(preset.css, { dt: dt$1 });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return {
primitive: {
@@ -847,6 +1228,7 @@ var themeUtils_default = {
style: style2
};
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
getPreset({ name: name2 = "", preset = {}, options: options4, params, set: set4, defaults: defaults2, selector }) {
var _e, _f, _g;
let p_css, p_tokens, p_style;
@@ -867,6 +1249,28 @@ var themeUtils_default = {
p_css = `${light_variable_css}${dark_variable_css}`;
p_tokens = [.../* @__PURE__ */ new Set([...vRest_tokens, ...csRest_tokens, ...csDark_tokens])];
p_style = resolve$2(css22, { dt });
+========
+ getPreset({ name: name2 = "", preset = {}, options: options4, params, set: set3, defaults: defaults2, selector }) {
+ var _e, _f, _g;
+ let p_css, p_tokens, p_style;
+ if (isNotEmpty$2(preset) && options4.transform !== "strict") {
+ const _name = name2.replace("-directive", "");
+ const _a2 = preset, { colorScheme, extend: extend5, css: css22 } = _a2, vRest = __objRest$1(_a2, ["colorScheme", "extend", "css"]);
+ const _b = extend5 || {}, { colorScheme: eColorScheme } = _b, evRest = __objRest$1(_b, ["colorScheme"]);
+ const _c = colorScheme || {}, { dark: dark2 } = _c, csRest = __objRest$1(_c, ["dark"]);
+ const _d = eColorScheme || {}, { dark: ecsDark } = _d, ecsRest = __objRest$1(_d, ["dark"]);
+ const vRest_var = isNotEmpty$2(vRest) ? this._toVariables({ [_name]: __spreadValues$5(__spreadValues$5({}, vRest), evRest) }, options4) : {};
+ const csRest_var = isNotEmpty$2(csRest) ? this._toVariables({ [_name]: __spreadValues$5(__spreadValues$5({}, csRest), ecsRest) }, options4) : {};
+ const csDark_var = isNotEmpty$2(dark2) ? this._toVariables({ [_name]: __spreadValues$5(__spreadValues$5({}, dark2), ecsDark) }, options4) : {};
+ const [vRest_css, vRest_tokens] = [(_e = vRest_var.declarations) != null ? _e : "", vRest_var.tokens || []];
+ const [csRest_css, csRest_tokens] = [(_f = csRest_var.declarations) != null ? _f : "", csRest_var.tokens || []];
+ const [csDark_css, csDark_tokens] = [(_g = csDark_var.declarations) != null ? _g : "", csDark_var.tokens || []];
+ const light_variable_css = this.transformCSS(_name, `${vRest_css}${csRest_css}`, "light", "variable", options4, set3, defaults2, selector);
+ const dark_variable_css = this.transformCSS(_name, csDark_css, "dark", "variable", options4, set3, defaults2, selector);
+ p_css = `${light_variable_css}${dark_variable_css}`;
+ p_tokens = [.../* @__PURE__ */ new Set([...vRest_tokens, ...csRest_tokens, ...csDark_tokens])];
+ p_style = resolve$4(css22, { dt: dt$1 });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return {
css: p_css,
@@ -874,22 +1278,33 @@ var themeUtils_default = {
style: p_style
};
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
getPresetC({ name: name2 = "", theme: theme42 = {}, params, set: set4, defaults: defaults2 }) {
+========
+ getPresetC({ name: name2 = "", theme: theme43 = {}, params, set: set3, defaults: defaults2 }) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _a2;
- const { preset, options: options4 } = theme42;
+ const { preset, options: options4 } = theme43;
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-BsGgXmrT.js
getPresetD({ name: name2 = "", theme: theme42 = {}, params, set: set4, defaults: defaults2 }) {
+========
+ getPresetD({ name: name2 = "", theme: theme43 = {}, params, set: set3, defaults: defaults2 }) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _a2;
const dName = name2.replace("-directive", "");
- const { preset, options: options4 } = theme42;
+ const { preset, options: options4 } = theme43;
const dPreset = (_a2 = preset == null ? void 0 : preset.directives) == null ? void 0 : _a2[dName];
return this.getPreset({ name: dName, preset: dPreset, options: options4, params, set: set4, defaults: defaults2 });
},
applyDarkColorScheme(options4) {
return !(options4.darkModeSelector === "none" || options4.darkModeSelector === false);
},
+ applyDarkColorScheme(options4) {
+ return !(options4.darkModeSelector === "none" || options4.darkModeSelector === false);
+ },
getColorSchemeOption(options4, defaults2) {
var _a2;
return this.applyDarkColorScheme(options4) ? this.regex.resolve(options4.darkModeSelector === true ? defaults2.options.darkModeSelector : (_a2 = options4.darkModeSelector) != null ? _a2 : defaults2.options.darkModeSelector) : [];
@@ -897,35 +1312,50 @@ var themeUtils_default = {
getLayerOrder(name2, options4 = {}, params, defaults2) {
const { cssLayer } = options4;
if (cssLayer) {
- const order = resolve$2(cssLayer.order || "primeui", params);
+ const order = resolve$4(cssLayer.order || "primeui", params);
return `@layer ${order}`;
}
return "";
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.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: theme43 = {}, params, props = {}, set: set3, defaults: defaults2 }) {
+ const common = this.getCommon({ name: name2, theme: theme43, params, set: set3, defaults: defaults2 });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.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) {
- const _css = minifyCSS(value4 == null ? void 0 : value4.css);
+ const _css = minifyCSS$2(value4 == null ? void 0 : value4.css);
const id3 = `${key}-variables`;
acc.push(``);
}
return acc;
}, []).join("");
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.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: theme43 = {}, params, props = {}, set: set3, defaults: defaults2 }) {
+ var _a2;
+ const options4 = { name: name2, theme: theme43, params, set: set3, defaults: defaults2 };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.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 ? `` : "";
+ return preset_css ? `` : "";
},
createTokens(obj = {}, defaults2, parentKey = "", parentPath = "", tokens = {}) {
Object.entries(obj).forEach(([key, value4]) => {
- const currentKey = matchRegex(key, defaults2.variable.excludedKeyRegex) ? parentKey : parentKey ? `${parentKey}.${toTokenKey$1(key)}` : toTokenKey$1(key);
+ const currentKey = matchRegex$2(key, defaults2.variable.excludedKeyRegex) ? parentKey : parentKey ? `${parentKey}.${toTokenKey$4(key)}` : toTokenKey$4(key);
const currentPath = parentPath ? `${parentPath}.${key}` : key;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$f(value4)) {
+========
+ if (isObject$g(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.createTokens(value4, defaults2, currentKey, currentPath, tokens);
} else {
tokens[currentKey] || (tokens[currentKey] = {
@@ -949,19 +1379,23 @@ var themeUtils_default = {
let computedValue = value4;
tokenPathMap["name"] = this.path;
tokenPathMap["binding"] || (tokenPathMap["binding"] = {});
- if (matchRegex(value4, regex2)) {
+ if (matchRegex$2(value4, regex2)) {
const val = value4.trim();
const _val = val.replaceAll(regex2, (v2) => {
var _a2;
const path = v2.replace(/{|}/g, "");
const computed2 = (_a2 = tokens[path]) == null ? void 0 : _a2.computed(colorScheme, tokenPathMap);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isArray$a(computed2) && computed2.length === 2 ? `light-dark(${computed2[0].value},${computed2[1].value})` : computed2 == null ? void 0 : computed2.value;
+========
+ return isArray$c(computed2) && computed2.length === 2 ? `light-dark(${computed2[0].value},${computed2[1].value})` : computed2 == null ? void 0 : computed2.value;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
const calculationRegex = /(\d+\w*\s+[\+\-\*\/]\s+\d+\w*)/g;
const cleanedVarRegex = /var\([^)]+\)/g;
- computedValue = matchRegex(_val.replace(cleanedVarRegex, "0"), calculationRegex) ? `calc(${_val})` : _val;
+ computedValue = matchRegex$2(_val.replace(cleanedVarRegex, "0"), calculationRegex) ? `calc(${_val})` : _val;
}
- isEmpty$1(tokenPathMap["binding"]) && delete tokenPathMap["binding"];
+ isEmpty$3(tokenPathMap["binding"]) && delete tokenPathMap["binding"];
return {
colorScheme,
path: this.path,
@@ -978,41 +1412,59 @@ var themeUtils_default = {
var _a2;
const normalizePath2 = /* @__PURE__ */ __name((str) => {
const strArr = str.split(".");
- return strArr.filter((s2) => !matchRegex(s2.toLowerCase(), defaults2.variable.excludedKeyRegex)).join(".");
+ return strArr.filter((s2) => !matchRegex$2(s2.toLowerCase(), defaults2.variable.excludedKeyRegex)).join(".");
}, "normalizePath");
const token = normalizePath2(path);
const colorScheme = path.includes("colorScheme.light") ? "light" : path.includes("colorScheme.dark") ? "dark" : void 0;
const computedValues = [(_a2 = tokens[token]) == null ? void 0 : _a2.computed(colorScheme)].flat().filter((computed2) => computed2);
return computedValues.length === 1 ? computedValues[0].value : computedValues.reduce((acc = {}, computed2) => {
- const _a22 = computed2, { colorScheme: cs } = _a22, rest = __objRest(_a22, ["colorScheme"]);
+ const _a22 = computed2, { colorScheme: cs } = _a22, rest = __objRest$1(_a22, ["colorScheme"]);
acc[cs] = rest;
return acc;
}, void 0);
},
getSelectorRule(selector1, selector2, type, css22) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return type === "class" || type === "attr" ? getRule(isNotEmpty(selector2) ? `${selector1}${selector2},${selector1} ${selector2}` : selector1, css22) : getRule(selector1, isNotEmpty(selector2) ? getRule(selector2, css22) : css22);
},
transformCSS(name2, css22, mode2, type, options4 = {}, set4, defaults2, selector) {
if (isNotEmpty(css22)) {
+========
+ return type === "class" || type === "attr" ? getRule$1(isNotEmpty$2(selector2) ? `${selector1}${selector2},${selector1} ${selector2}` : selector1, css22) : getRule$1(selector1, isNotEmpty$2(selector2) ? getRule$1(selector2, css22) : css22);
+ },
+ transformCSS(name2, css22, mode2, type, options4 = {}, set3, defaults2, selector) {
+ if (isNotEmpty$2(css22)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const { cssLayer } = options4;
if (type !== "style") {
const colorSchemeOption = this.getColorSchemeOption(options4, defaults2);
css22 = mode2 === "dark" ? colorSchemeOption.reduce((acc, { type: type2, selector: _selector }) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isNotEmpty(_selector)) {
+========
+ if (isNotEmpty$2(_selector)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
acc += _selector.includes("[CSS]") ? _selector.replace("[CSS]", css22) : this.getSelectorRule(_selector, selector, type2, css22);
}
return acc;
- }, "") : getRule(selector != null ? selector : ":root", css22);
+ }, "") : getRule$1(selector != null ? selector : ":root", css22);
}
if (cssLayer) {
const layerOptions = {
name: "primeui",
order: "primeui"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isObject$f(cssLayer) && (layerOptions.name = resolve$2(cssLayer.name, { name: name2, type }));
if (isNotEmpty(layerOptions.name)) {
css22 = getRule(`@layer ${layerOptions.name}`, css22);
set4 == null ? void 0 : set4.layerNames(layerOptions.name);
+========
+ isObject$g(cssLayer) && (layerOptions.name = resolve$4(cssLayer.name, { name: name2, type }));
+ if (isNotEmpty$2(layerOptions.name)) {
+ css22 = getRule$1(`@layer ${layerOptions.name}`, css22);
+ set3 == null ? void 0 : set3.layerNames(layerOptions.name);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
return css22;
@@ -1020,7 +1472,7 @@ var themeUtils_default = {
return "";
}
};
-var config_default = {
+var config_default$1 = {
defaults: {
variable: {
prefix: "p",
@@ -1039,12 +1491,19 @@ var config_default = {
_loadingStyles: /* @__PURE__ */ new Set(),
_tokens: {},
update(newValues = {}) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const { theme: theme42 } = newValues;
if (theme42) {
this._theme = __spreadProps(__spreadValues$1({}, theme42), {
options: __spreadValues$1(__spreadValues$1({}, this.defaults.options), theme42.options)
+========
+ const { theme: theme43 } = newValues;
+ if (theme43) {
+ this._theme = __spreadProps$1(__spreadValues$5({}, theme43), {
+ options: __spreadValues$5(__spreadValues$5({}, this.defaults.options), theme43.options)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
- this._tokens = themeUtils_default.createTokens(this.preset, this.defaults);
+ this._tokens = themeUtils_default$1.createTokens(this.preset, this.defaults);
this.clearLoadedStyleNames();
}
},
@@ -1067,26 +1526,35 @@ var config_default = {
},
setTheme(newValue2) {
this.update({ theme: newValue2 });
- service_default.emit("theme:change", newValue2);
+ service_default$1.emit("theme:change", newValue2);
},
getPreset() {
return this.preset;
},
setPreset(newValue2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
this._theme = __spreadProps(__spreadValues$1({}, this.theme), { preset: newValue2 });
this._tokens = themeUtils_default.createTokens(newValue2, this.defaults);
+========
+ this._theme = __spreadProps$1(__spreadValues$5({}, this.theme), { preset: newValue2 });
+ this._tokens = themeUtils_default$1.createTokens(newValue2, this.defaults);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.clearLoadedStyleNames();
- service_default.emit("preset:change", newValue2);
- service_default.emit("theme:change", this.theme);
+ service_default$1.emit("preset:change", newValue2);
+ service_default$1.emit("theme:change", this.theme);
},
getOptions() {
return this.options;
},
setOptions(newValue2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
this._theme = __spreadProps(__spreadValues$1({}, this.theme), { options: newValue2 });
+========
+ this._theme = __spreadProps$1(__spreadValues$5({}, this.theme), { options: newValue2 });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.clearLoadedStyleNames();
- service_default.emit("options:change", newValue2);
- service_default.emit("theme:change", this.theme);
+ service_default$1.emit("options:change", newValue2);
+ service_default$1.emit("theme:change", this.theme);
},
getLayerNames() {
return [...this._layerNames];
@@ -1110,34 +1578,34 @@ var config_default = {
this._loadedStyleNames.clear();
},
getTokenValue(tokenPath) {
- return themeUtils_default.getTokenValue(this.tokens, tokenPath, this.defaults);
+ return themeUtils_default$1.getTokenValue(this.tokens, tokenPath, this.defaults);
},
getCommon(name2 = "", params) {
- return themeUtils_default.getCommon({ name: name2, theme: this.theme, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
+ return themeUtils_default$1.getCommon({ name: name2, theme: this.theme, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
},
getComponent(name2 = "", params) {
const options4 = { name: name2, theme: this.theme, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } };
- return themeUtils_default.getPresetC(options4);
+ return themeUtils_default$1.getPresetC(options4);
},
getDirective(name2 = "", params) {
const options4 = { name: name2, theme: this.theme, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } };
- return themeUtils_default.getPresetD(options4);
+ return themeUtils_default$1.getPresetD(options4);
},
getCustomPreset(name2 = "", preset, selector, params) {
const options4 = { name: name2, preset, options: this.options, selector, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } };
- return themeUtils_default.getPreset(options4);
+ return themeUtils_default$1.getPreset(options4);
},
getLayerOrderCSS(name2 = "") {
- return themeUtils_default.getLayerOrder(name2, this.options, { names: this.getLayerNames() }, this.defaults);
+ return themeUtils_default$1.getLayerOrder(name2, this.options, { names: this.getLayerNames() }, this.defaults);
},
transformCSS(name2 = "", css22, type = "style", mode2) {
- return themeUtils_default.transformCSS(name2, css22, mode2, type, this.options, { layerNames: this.setLayerNames.bind(this) }, this.defaults);
+ return themeUtils_default$1.transformCSS(name2, css22, mode2, type, this.options, { layerNames: this.setLayerNames.bind(this) }, this.defaults);
},
getCommonStyleSheet(name2 = "", params, props = {}) {
- return themeUtils_default.getCommonStyleSheet({ name: name2, theme: this.theme, params, props, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
+ return themeUtils_default$1.getCommonStyleSheet({ name: name2, theme: this.theme, params, props, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
},
getStyleSheet(name2, params, props = {}) {
- return themeUtils_default.getStyleSheet({ name: name2, theme: this.theme, params, props, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
+ return themeUtils_default$1.getStyleSheet({ name: name2, theme: this.theme, params, props, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
},
onStyleMounted(name2) {
this._loadingStyles.add(name2);
@@ -1148,35 +1616,39 @@ var config_default = {
onStyleLoaded(event, { name: name2 }) {
if (this._loadingStyles.size) {
this._loadingStyles.delete(name2);
- service_default.emit(`theme:${name2}:load`, event);
- !this._loadingStyles.size && service_default.emit("theme:load");
+ service_default$1.emit(`theme:${name2}:load`, event);
+ !this._loadingStyles.size && service_default$1.emit("theme:load");
}
}
};
-function updatePreset(...presets) {
- const newPreset = mergeKeys(config_default.getPreset(), ...presets);
- config_default.setPreset(newPreset);
+function updatePreset$1(...presets) {
+ const newPreset = mergeKeys$2(config_default$1.getPreset(), ...presets);
+ config_default$1.setPreset(newPreset);
return newPreset;
}
-__name(updatePreset, "updatePreset");
-function updatePrimaryPalette(primary) {
- return $t().primaryPalette(primary).update().preset;
+__name(updatePreset$1, "updatePreset$1");
+function updatePrimaryPalette$1(primary) {
+ return $t$1().primaryPalette(primary).update().preset;
}
-__name(updatePrimaryPalette, "updatePrimaryPalette");
-function updateSurfacePalette(palette) {
- return $t().surfacePalette(palette).update().preset;
+__name(updatePrimaryPalette$1, "updatePrimaryPalette$1");
+function updateSurfacePalette$1(palette) {
+ return $t$1().surfacePalette(palette).update().preset;
}
-__name(updateSurfacePalette, "updateSurfacePalette");
-function usePreset(...presets) {
- const newPreset = mergeKeys(...presets);
- config_default.setPreset(newPreset);
+__name(updateSurfacePalette$1, "updateSurfacePalette$1");
+function usePreset$1(...presets) {
+ const newPreset = mergeKeys$2(...presets);
+ config_default$1.setPreset(newPreset);
return newPreset;
}
-__name(usePreset, "usePreset");
-function useTheme(theme42) {
- return $t(theme42).update({ mergePresets: false });
+__name(usePreset$1, "usePreset$1");
+function useTheme$1(theme43) {
+ return $t$1(theme43).update({ mergePresets: false });
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(useTheme, "useTheme");
+========
+__name(useTheme$1, "useTheme$1");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var index$1r = {
root: {
transitionDuration: "{transition.duration}"
@@ -6395,6 +6867,7 @@ var index$3 = {
}
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$q(o2) {
"@babel/helpers - typeof";
return _typeof$q = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -6405,6 +6878,18 @@ function _typeof$q(o2) {
}
__name(_typeof$q, "_typeof$q");
function ownKeys$o(e2, r2) {
+========
+function _typeof$t(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$t = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$t(o2);
+}
+__name(_typeof$t, "_typeof$t");
+function ownKeys$r(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -6414,6 +6899,7 @@ function ownKeys$o(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$o, "ownKeys$o");
function _objectSpread$o(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -6421,11 +6907,21 @@ function _objectSpread$o(e2) {
r2 % 2 ? ownKeys$o(Object(t2), true).forEach(function(r3) {
_defineProperty$s(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$o(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$r, "ownKeys$r");
+function _objectSpread$r(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$r(Object(t2), true).forEach(function(r3) {
+ _defineProperty$v(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$r(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$o, "_objectSpread$o");
function _defineProperty$s(e2, r2, t2) {
return (r2 = _toPropertyKey$q(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -6442,12 +6938,35 @@ function _toPrimitive$q(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$q(i2)) return i2;
+========
+__name(_objectSpread$r, "_objectSpread$r");
+function _defineProperty$v(e2, r2, t2) {
+ return (r2 = _toPropertyKey$s(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$v, "_defineProperty$v");
+function _toPropertyKey$s(t2) {
+ var i2 = _toPrimitive$s(t2, "string");
+ return "symbol" == _typeof$t(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$s, "_toPropertyKey$s");
+function _toPrimitive$s(t2, r2) {
+ if ("object" != _typeof$t(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$t(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$q, "_toPrimitive$q");
var index$2 = _objectSpread$o(_objectSpread$o({}, index$1n), {}, {
+========
+__name(_toPrimitive$s, "_toPrimitive$s");
+var index$2 = _objectSpread$r(_objectSpread$r({}, index$1n), {}, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
components: {
accordion: index$1r,
autocomplete: index$1q,
@@ -6712,9 +7231,15 @@ function getFramesFromEvent(event) {
__name(getFramesFromEvent, "getFramesFromEvent");
const handlers$4 = {};
const instrumented$1 = {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addHandler$1(type, handler10) {
handlers$4[type] = handlers$4[type] || [];
handlers$4[type].push(handler10);
+========
+function addHandler$1(type, handler12) {
+ handlers$4[type] = handlers$4[type] || [];
+ handlers$4[type].push(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(addHandler$1, "addHandler$1");
function resetInstrumentationHandlers() {
@@ -6739,14 +7264,24 @@ function triggerHandlers$1(type, data26) {
if (!typeHandlers) {
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
for (const handler10 of typeHandlers) {
try {
handler10(data26);
+========
+ for (const handler12 of typeHandlers) {
+ try {
+ handler12(data26);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} catch (e2) {
DEBUG_BUILD$5 && logger$2.error(
`Error while triggering instrumentation handler.
Type: ${type}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
Name: ${getFunctionName(handler10)}
+========
+Name: ${getFunctionName(handler12)}
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Error:`,
e2
);
@@ -6755,9 +7290,15 @@ Error:`,
}
__name(triggerHandlers$1, "triggerHandlers$1");
let _oldOnErrorHandler = null;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addGlobalErrorInstrumentationHandler(handler10) {
const type = "error";
addHandler$1(type, handler10);
+========
+function addGlobalErrorInstrumentationHandler(handler12) {
+ const type = "error";
+ addHandler$1(type, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maybeInstrument(type, instrumentError);
}
__name(addGlobalErrorInstrumentationHandler, "addGlobalErrorInstrumentationHandler");
@@ -6781,9 +7322,15 @@ function instrumentError() {
}
__name(instrumentError, "instrumentError");
let _oldOnUnhandledRejectionHandler = null;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addGlobalUnhandledRejectionInstrumentationHandler(handler10) {
const type = "unhandledrejection";
addHandler$1(type, handler10);
+========
+function addGlobalUnhandledRejectionInstrumentationHandler(handler12) {
+ const type = "unhandledrejection";
+ addHandler$1(type, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maybeInstrument(type, instrumentUnhandledRejection);
}
__name(addGlobalUnhandledRejectionInstrumentationHandler, "addGlobalUnhandledRejectionInstrumentationHandler");
@@ -7564,6 +8111,7 @@ class SyncPromise {
}
const cachedHandlers = this._handlers.slice();
this._handlers = [];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
cachedHandlers.forEach((handler10) => {
if (handler10[0]) {
return;
@@ -7575,6 +8123,19 @@ class SyncPromise {
handler10[2](this._value);
}
handler10[0] = true;
+========
+ cachedHandlers.forEach((handler12) => {
+ if (handler12[0]) {
+ return;
+ }
+ if (this._state === States.RESOLVED) {
+ handler12[1](this._value);
+ }
+ if (this._state === States.REJECTED) {
+ handler12[2](this._value);
+ }
+ handler12[0] = true;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
};
}
@@ -7700,7 +8261,7 @@ function generateSpanId() {
return uuid4().substring(16);
}
__name(generateSpanId, "generateSpanId");
-function merge$1(initialObj, mergeObj, levels = 2) {
+function merge$2(initialObj, mergeObj, levels = 2) {
if (!mergeObj || typeof mergeObj !== "object" || levels <= 0) {
return mergeObj;
}
@@ -7710,12 +8271,12 @@ function merge$1(initialObj, mergeObj, levels = 2) {
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);
+ output[key] = merge$2(output[key], mergeObj[key], levels - 1);
}
}
return output;
}
-__name(merge$1, "merge$1");
+__name(merge$2, "merge$2");
const SCOPE_SPAN_FIELD = "_sentrySpan";
function _setSpanForScope(scope, span) {
if (span) {
@@ -8094,7 +8655,7 @@ class ScopeClass {
* @inheritDoc
*/
setSDKProcessingMetadata(newData) {
- this._sdkProcessingMetadata = merge$1(this._sdkProcessingMetadata, newData, 2);
+ this._sdkProcessingMetadata = merge$2(this._sdkProcessingMetadata, newData, 2);
return this;
}
/**
@@ -10528,7 +11089,11 @@ function mergeScopeData(data26, mergeData) {
mergeAndOverwriteScopeData(data26, "tags", tags);
mergeAndOverwriteScopeData(data26, "user", user);
mergeAndOverwriteScopeData(data26, "contexts", contexts);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
data26.sdkProcessingMetadata = merge$1(data26.sdkProcessingMetadata, sdkProcessingMetadata, 2);
+========
+ data26.sdkProcessingMetadata = merge$2(data26.sdkProcessingMetadata, sdkProcessingMetadata, 2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (level) {
data26.level = level;
}
@@ -10554,7 +11119,11 @@ function mergeScopeData(data26, mergeData) {
}
__name(mergeScopeData, "mergeScopeData");
function mergeAndOverwriteScopeData(data26, prop2, mergeVal) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
data26[prop2] = merge$1(data26[prop2], mergeVal, 1);
+========
+ data26[prop2] = merge$2(data26[prop2], mergeVal, 1);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(mergeAndOverwriteScopeData, "mergeAndOverwriteScopeData");
function applyDataToEvent(event, data26) {
@@ -10941,10 +11510,10 @@ async function close$1(timeout) {
return Promise.resolve(false);
}
__name(close$1, "close$1");
-function isInitialized() {
+function isInitialized$1() {
return !!getClient();
}
-__name(isInitialized, "isInitialized");
+__name(isInitialized$1, "isInitialized$1");
function isEnabled() {
const client = getClient();
return !!client && client.getOptions().enabled !== false && !!client.getTransport();
@@ -13321,7 +13890,11 @@ function extractRequestData(req, options4 = {}) {
}
const body = req.body;
if (body !== void 0) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const stringBody = isString$a(body) ? body : isPlainObject$5(body) ? JSON.stringify(normalize$3(body)) : truncate(`${body}`, 1024);
+========
+ const stringBody = isString$a(body) ? body : isPlainObject$5(body) ? JSON.stringify(normalize$2(body)) : truncate(`${body}`, 1024);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (stringBody) {
requestData.data = stringBody;
}
@@ -13617,9 +14190,15 @@ function convertReqDataIntegrationOptsToAddReqDataOpts(integrationOptions) {
};
}
__name(convertReqDataIntegrationOptsToAddReqDataOpts, "convertReqDataIntegrationOptsToAddReqDataOpts");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addConsoleInstrumentationHandler(handler10) {
const type = "console";
addHandler$1(type, handler10);
+========
+function addConsoleInstrumentationHandler(handler12) {
+ const type = "console";
+ addHandler$1(type, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maybeInstrument(type, instrumentConsole);
}
__name(addConsoleInstrumentationHandler, "addConsoleInstrumentationHandler");
@@ -13955,7 +14534,7 @@ function splitPath(filename) {
return parts2 ? parts2.slice(1) : [];
}
__name(splitPath, "splitPath");
-function resolve$1(...args) {
+function resolve$3(...args) {
let resolvedPath = "";
let resolvedAbsolute = false;
for (let i2 = args.length - 1; i2 >= -1 && !resolvedAbsolute; i2--) {
@@ -13972,7 +14551,7 @@ function resolve$1(...args) {
).join("/");
return (resolvedAbsolute ? "/" : "") + resolvedPath || ".";
}
-__name(resolve$1, "resolve$1");
+__name(resolve$3, "resolve$3");
function trim$1(arr) {
let start2 = 0;
for (; start2 < arr.length; start2++) {
@@ -13993,8 +14572,8 @@ function trim$1(arr) {
}
__name(trim$1, "trim$1");
function relative(from2, to) {
- from2 = resolve$1(from2).slice(1);
- to = resolve$1(to).slice(1);
+ from2 = resolve$3(from2).slice(1);
+ to = resolve$3(to).slice(1);
const fromParts = trim$1(from2.split("/"));
const toParts = trim$1(to.split("/"));
const length = Math.min(fromParts.length, toParts.length);
@@ -14353,10 +14932,17 @@ function timing$2(aggregator, name2, value4, unit = "second", data26) {
distribution$2(aggregator, name2, value4, { ...data26, unit });
}
__name(timing$2, "timing$2");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function set$4(aggregator, name2, value4, data26) {
addToMetricsAggregator(aggregator, SET_METRIC_TYPE, name2, value4, data26);
}
__name(set$4, "set$4");
+========
+function set$6(aggregator, name2, value4, data26) {
+ addToMetricsAggregator(aggregator, SET_METRIC_TYPE, name2, value4, data26);
+}
+__name(set$6, "set$6");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function gauge$2(aggregator, name2, value4, data26) {
addToMetricsAggregator(aggregator, GAUGE_METRIC_TYPE, name2, ensureNumber(value4), data26);
}
@@ -14364,7 +14950,11 @@ __name(gauge$2, "gauge$2");
const metrics$1 = {
increment: increment$2,
distribution: distribution$2,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
set: set$4,
+========
+ set: set$6,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
gauge: gauge$2,
timing: timing$2,
/**
@@ -14751,10 +15341,17 @@ function distribution$1(name2, value4, data26) {
metrics$1.distribution(MetricsAggregator, name2, value4, data26);
}
__name(distribution$1, "distribution$1");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function set$3(name2, value4, data26) {
metrics$1.set(MetricsAggregator, name2, value4, data26);
}
__name(set$3, "set$3");
+========
+function set$5(name2, value4, data26) {
+ metrics$1.set(MetricsAggregator, name2, value4, data26);
+}
+__name(set$5, "set$5");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function gauge$1(name2, value4, data26) {
metrics$1.gauge(MetricsAggregator, name2, value4, data26);
}
@@ -14770,7 +15367,11 @@ __name(getMetricsAggregatorForClient, "getMetricsAggregatorForClient");
const metricsDefault = {
increment: increment$1,
distribution: distribution$1,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
set: set$3,
+========
+ set: set$5,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
gauge: gauge$1,
timing: timing$1,
/**
@@ -15250,6 +15851,7 @@ function supportsReferrerPolicy() {
}
}
__name(supportsReferrerPolicy, "supportsReferrerPolicy");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addFetchInstrumentationHandler(handler10, skipNativeFetchCheck) {
const type = "fetch";
addHandler$1(type, handler10);
@@ -15259,6 +15861,17 @@ __name(addFetchInstrumentationHandler, "addFetchInstrumentationHandler");
function addFetchEndInstrumentationHandler(handler10) {
const type = "fetch-body-resolved";
addHandler$1(type, handler10);
+========
+function addFetchInstrumentationHandler(handler12, skipNativeFetchCheck) {
+ const type = "fetch";
+ addHandler$1(type, handler12);
+ maybeInstrument(type, () => instrumentFetch(void 0, skipNativeFetchCheck));
+}
+__name(addFetchInstrumentationHandler, "addFetchInstrumentationHandler");
+function addFetchEndInstrumentationHandler(handler12) {
+ const type = "fetch-body-resolved";
+ addHandler$1(type, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maybeInstrument(type, () => instrumentFetch(streamHandler));
}
__name(addFetchEndInstrumentationHandler, "addFetchEndInstrumentationHandler");
@@ -16622,14 +17235,24 @@ function triggerHandlers(type, data26) {
if (!typeHandlers || !typeHandlers.length) {
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
for (const handler10 of typeHandlers) {
try {
handler10(data26);
+========
+ for (const handler12 of typeHandlers) {
+ try {
+ handler12(data26);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} catch (e2) {
DEBUG_BUILD$3 && logger$2.error(
`Error while triggering instrumentation handler.
Type: ${type}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
Name: ${getFunctionName(handler10)}
+========
+Name: ${getFunctionName(handler12)}
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Error:`,
e2
);
@@ -16719,9 +17342,15 @@ function instrumentPerformanceObserver(type) {
);
}
__name(instrumentPerformanceObserver, "instrumentPerformanceObserver");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addHandler(type, handler10) {
handlers$3[type] = handlers$3[type] || [];
handlers$3[type].push(handler10);
+========
+function addHandler(type, handler12) {
+ handlers$3[type] = handlers$3[type] || [];
+ handlers$3[type].push(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(addHandler, "addHandler");
function getCleanupCallback(type, callback, stopListening) {
@@ -17327,9 +17956,15 @@ const DEBOUNCE_DURATION = 1e3;
let debounceTimerID;
let lastCapturedEventType;
let lastCapturedEventTargetId;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addClickKeypressInstrumentationHandler(handler10) {
const type = "dom";
addHandler$1(type, handler10);
+========
+function addClickKeypressInstrumentationHandler(handler12) {
+ const type = "dom";
+ addHandler$1(type, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maybeInstrument(type, instrumentDOM);
}
__name(addClickKeypressInstrumentationHandler, "addClickKeypressInstrumentationHandler");
@@ -17355,9 +17990,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-BsGgXmrT.js
const handler10 = makeDOMEventHandler(triggerDOMHandler);
handlerForType.handler = handler10;
originalAddEventListener.call(this, type, handler10, options4);
+========
+ const handler12 = makeDOMEventHandler(triggerDOMHandler);
+ handlerForType.handler = handler12;
+ originalAddEventListener.call(this, type, handler12, options4);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
handlerForType.refCount++;
} catch (e2) {
@@ -17422,7 +18063,11 @@ function shouldSkipDOMEvent(eventType, target2) {
return true;
}
__name(shouldSkipDOMEvent, "shouldSkipDOMEvent");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function makeDOMEventHandler(handler10, globalListener = false) {
+========
+function makeDOMEventHandler(handler12, globalListener = false) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return (event) => {
if (!event || event["_sentryCaptured"]) {
return;
@@ -17438,7 +18083,11 @@ function makeDOMEventHandler(handler10, globalListener = false) {
const name2 = event.type === "keypress" ? "input" : event.type;
if (!isSimilarToLastCapturedEvent(event)) {
const handlerData = { event, name: name2, global: globalListener };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler10(handlerData);
+========
+ handler12(handlerData);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
lastCapturedEventType = event.type;
lastCapturedEventTargetId = target2 ? target2._sentryId : void 0;
}
@@ -17459,9 +18108,15 @@ function getEventTarget$1(event) {
}
__name(getEventTarget$1, "getEventTarget$1");
let lastHref;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addHistoryInstrumentationHandler(handler10) {
const type = "history";
addHandler$1(type, handler10);
+========
+function addHistoryInstrumentationHandler(handler12) {
+ const type = "history";
+ addHandler$1(type, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maybeInstrument(type, instrumentHistory);
}
__name(addHistoryInstrumentationHandler, "addHistoryInstrumentationHandler");
@@ -17545,9 +18200,15 @@ function setTimeout$3(...rest) {
}
__name(setTimeout$3, "setTimeout$3");
const SENTRY_XHR_DATA_KEY = "__sentry_xhr_v3__";
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addXhrInstrumentationHandler(handler10) {
const type = "xhr";
addHandler$1(type, handler10);
+========
+function addXhrInstrumentationHandler(handler12) {
+ const type = "xhr";
+ addHandler$1(type, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maybeInstrument(type, instrumentXHR);
}
__name(addXhrInstrumentationHandler, "addXhrInstrumentationHandler");
@@ -18750,7 +19411,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-BsGgXmrT.js
function handler10(reports) {
+========
+ function handler12(reports) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!SETUP_CLIENTS.has(getClient())) {
return;
}
@@ -18777,7 +19442,11 @@ const _reportingObserverIntegration = /* @__PURE__ */ __name((options4 = {}) =>
});
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(handler10, "handler");
+========
+ __name(handler12, "handler");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
name: INTEGRATION_NAME$6,
setupOnce() {
@@ -18785,7 +19454,11 @@ const _reportingObserverIntegration = /* @__PURE__ */ __name((options4 = {}) =>
return;
}
const observer = new WINDOW$3.ReportingObserver(
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler10,
+========
+ handler12,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
{
buffered: true,
types
@@ -19143,10 +19816,10 @@ var NodeType$3;
NodeType3[NodeType3["CDATA"] = 4] = "CDATA";
NodeType3[NodeType3["Comment"] = 5] = "Comment";
})(NodeType$3 || (NodeType$3 = {}));
-function isElement$1(n2) {
+function isElement$1$1(n2) {
return n2.nodeType === n2.ELEMENT_NODE;
}
-__name(isElement$1, "isElement$1");
+__name(isElement$1$1, "isElement$1$1");
function isShadowRoot(n2) {
const host = _optionalChain$5([n2, "optionalAccess", (_2) => _2.host]);
return Boolean(_optionalChain$5([host, "optionalAccess", (_2) => _2.shadowRoot]) === n2);
@@ -19325,16 +19998,16 @@ function toUpperCase(str) {
}
__name(toUpperCase, "toUpperCase");
const ORIGINAL_ATTRIBUTE_NAME = "__rrweb_original__";
-function is2DCanvasBlank(canvas) {
- const ctx = canvas.getContext("2d");
+function is2DCanvasBlank(canvas2) {
+ const ctx = canvas2.getContext("2d");
if (!ctx)
return true;
const chunkSize = 50;
- for (let x2 = 0; x2 < canvas.width; x2 += chunkSize) {
- for (let y2 = 0; y2 < canvas.height; y2 += chunkSize) {
+ for (let x2 = 0; x2 < canvas2.width; x2 += chunkSize) {
+ for (let y2 = 0; y2 < canvas2.height; y2 += chunkSize) {
const getImageData = ctx.getImageData;
const originalGetImageData = ORIGINAL_ATTRIBUTE_NAME in getImageData ? getImageData[ORIGINAL_ATTRIBUTE_NAME] : getImageData;
- const pixelBuffer = new Uint32Array(originalGetImageData.call(ctx, x2, y2, Math.min(chunkSize, canvas.width - x2), Math.min(chunkSize, canvas.height - y2)).data.buffer);
+ const pixelBuffer = new Uint32Array(originalGetImageData.call(ctx, x2, y2, Math.min(chunkSize, canvas2.width - x2), Math.min(chunkSize, canvas2.height - y2)).data.buffer);
if (pixelBuffer.some((pixel) => pixel !== 0))
return false;
}
@@ -19405,11 +20078,11 @@ function getIframeContentDocument(iframe) {
}
}
__name(getIframeContentDocument, "getIframeContentDocument");
-let _id$2 = 1;
+let _id$3 = 1;
const tagNameRegex = new RegExp("[^a-z0-9-_:]");
const IGNORED_NODE = -2;
function genId() {
- return _id$2++;
+ return _id$3++;
}
__name(genId, "genId");
function getValidTagName(element) {
@@ -19478,13 +20151,20 @@ function getAbsoluteSrcsetString(doc2, attributeValue) {
if (attributeValue.trim() === "") {
return attributeValue;
}
- let pos2 = 0;
+ let pos = 0;
function collectCharacters(regEx) {
let chars2;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const match3 = regEx.exec(attributeValue.substring(pos2));
if (match3) {
chars2 = match3[0];
pos2 += chars2.length;
+========
+ const match2 = regEx.exec(attributeValue.substring(pos));
+ if (match2) {
+ chars2 = match2[0];
+ pos += chars2.length;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return chars2;
}
return "";
@@ -19493,7 +20173,7 @@ function getAbsoluteSrcsetString(doc2, attributeValue) {
const output = [];
while (true) {
collectCharacters(SRCSET_COMMAS_OR_SPACES);
- if (pos2 >= attributeValue.length) {
+ if (pos >= attributeValue.length) {
break;
}
let url = collectCharacters(SRCSET_NOT_SPACES);
@@ -19505,13 +20185,13 @@ function getAbsoluteSrcsetString(doc2, attributeValue) {
url = absoluteToDoc(doc2, url);
let inParens = false;
while (true) {
- const c2 = attributeValue.charAt(pos2);
+ const c2 = attributeValue.charAt(pos);
if (c2 === "") {
output.push((url + descriptorsStr).trim());
break;
} else if (!inParens) {
if (c2 === ",") {
- pos2 += 1;
+ pos += 1;
output.push((url + descriptorsStr).trim());
break;
} else if (c2 === "(") {
@@ -19523,7 +20203,7 @@ function getAbsoluteSrcsetString(doc2, attributeValue) {
}
}
descriptorsStr += c2;
- pos2 += 1;
+ pos += 1;
}
}
}
@@ -20170,7 +20850,7 @@ function serializeNodeWithId(n2, options4) {
serializedNode.childNodes.push(serializedChildNode);
}
}
- if (isElement$1(n2) && n2.shadowRoot) {
+ if (isElement$1$1(n2) && n2.shadowRoot) {
for (const childN of Array.from(n2.shadowRoot.childNodes)) {
const serializedChildNode = serializeNodeWithId(childN, bypassOptions);
if (serializedChildNode) {
@@ -21336,8 +22016,13 @@ function _isAncestorInSet(set4, n2) {
}
__name(_isAncestorInSet, "_isAncestorInSet");
let errorHandler$1;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function registerErrorHandler$1(handler10) {
errorHandler$1 = handler10;
+========
+function registerErrorHandler$1(handler12) {
+ errorHandler$1 = handler12;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(registerErrorHandler$1, "registerErrorHandler$1");
function unregisterErrorHandler() {
@@ -21533,7 +22218,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-BsGgXmrT.js
const handler10 = getHandler(eventKey);
+========
+ const handler12 = getHandler(eventKey);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (window.PointerEvent) {
switch (MouseInteractions[eventKey]) {
case MouseInteractions.MouseDown:
@@ -21545,7 +22234,11 @@ function initMouseInteractionObserver({ mouseInteractionCb, doc: doc2, mirror: m
return;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handlers2.push(on(eventName, handler10, doc2));
+========
+ handlers2.push(on(eventName, handler12, doc2));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
return callbackWrapper$1(() => {
handlers2.forEach((h2) => h2());
@@ -21692,17 +22385,17 @@ function initInputObserver({ inputCb, doc: doc2, mirror: mirror2, blockClass, bl
__name(initInputObserver, "initInputObserver");
function getNestedCSSRulePositions(rule) {
const positions = [];
- function recurse(childRule, pos2) {
+ function recurse(childRule, pos) {
if (hasNestedCSSRule("CSSGroupingRule") && childRule.parentRule instanceof CSSGroupingRule || hasNestedCSSRule("CSSMediaRule") && childRule.parentRule instanceof CSSMediaRule || hasNestedCSSRule("CSSSupportsRule") && childRule.parentRule instanceof CSSSupportsRule || hasNestedCSSRule("CSSConditionRule") && childRule.parentRule instanceof CSSConditionRule) {
const rules = Array.from(childRule.parentRule.cssRules);
const index2 = rules.indexOf(childRule);
- pos2.unshift(index2);
+ pos.unshift(index2);
} else if (childRule.parentStyleSheet) {
const rules = Array.from(childRule.parentStyleSheet.cssRules);
const index2 = rules.indexOf(childRule);
- pos2.unshift(index2);
+ pos.unshift(index2);
}
- return pos2;
+ return pos;
}
__name(recurse, "recurse");
return recurse(rule, positions);
@@ -21954,7 +22647,11 @@ 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-BsGgXmrT.js
const handler10 = callbackWrapper$1((type) => throttle$1(callbackWrapper$1((event) => {
+========
+ const handler12 = callbackWrapper$1((type) => throttle$1(callbackWrapper$1((event) => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const target2 = getEventTarget(event);
if (!target2 || isBlocked$1(target2, blockClass, blockSelector, unblockSelector, true)) {
return;
@@ -21970,11 +22667,19 @@ function initMediaInteractionObserver({ mediaInteractionCb, blockClass, blockSel
});
}), sampling.media || 500));
const handlers2 = [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
on("play", handler10(0), doc2),
on("pause", handler10(1), doc2),
on("seeked", handler10(2), doc2),
on("volumechange", handler10(3), doc2),
on("ratechange", handler10(4), doc2)
+========
+ on("play", handler12(0), doc2),
+ on("pause", handler12(1), doc2),
+ on("seeked", handler12(2), doc2),
+ on("volumechange", handler12(3), doc2),
+ on("ratechange", handler12(4), doc2)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
];
return callbackWrapper$1(() => {
handlers2.forEach((h2) => h2());
@@ -22527,9 +23232,15 @@ class ShadowDomManager {
}));
}
reset() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
this.restoreHandlers.forEach((handler10) => {
try {
handler10();
+========
+ this.restoreHandlers.forEach((handler12) => {
+ try {
+ handler12();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} catch (e2) {
}
});
@@ -23205,9 +23916,9 @@ function onWindowOpen(cb) {
}
handlers$2.push(cb);
return () => {
- const pos2 = handlers$2 ? handlers$2.indexOf(cb) : -1;
- if (pos2 > -1) {
- handlers$2.splice(pos2, 1);
+ const pos = handlers$2 ? handlers$2.indexOf(cb) : -1;
+ if (pos > -1) {
+ handlers$2.splice(pos, 1);
}
};
}
@@ -23217,7 +23928,11 @@ function monkeyPatchWindowOpen() {
return function(...args) {
if (handlers$2) {
try {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handlers$2.forEach((handler10) => handler10());
+========
+ handlers$2.forEach((handler12) => handler12());
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} catch (e2) {
}
}
@@ -23335,10 +24050,10 @@ class ClickDetector {
}
});
for (const click2 of timedOutClicks) {
- const pos2 = this._clicks.indexOf(click2);
- if (pos2 > -1) {
+ const pos = this._clicks.indexOf(click2);
+ if (pos > -1) {
this._generateBreadcrumbs(click2);
- this._clicks.splice(pos2, 1);
+ this._clicks.splice(pos, 1);
}
}
if (this._clicks.length) {
@@ -27253,8 +27968,13 @@ var CanvasContext = /* @__PURE__ */ ((CanvasContext2) => {
return CanvasContext2;
})(CanvasContext || {});
let errorHandler;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function registerErrorHandler(handler10) {
errorHandler = handler10;
+========
+function registerErrorHandler(handler12) {
+ errorHandler = handler12;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(registerErrorHandler, "registerErrorHandler");
const callbackWrapper = /* @__PURE__ */ __name((cb) => {
@@ -27552,9 +28272,15 @@ class CanvasManager {
}
reset() {
this.pendingCanvasMutations.clear();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
this.restoreHandlers.forEach((handler10) => {
try {
handler10();
+========
+ this.restoreHandlers.forEach((handler12) => {
+ try {
+ handler12();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} catch (e2) {
}
});
@@ -27727,9 +28453,15 @@ class CanvasManager {
}
const matchedCanvas = [];
const searchCanvas = /* @__PURE__ */ __name((root29) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
root29.querySelectorAll("canvas").forEach((canvas) => {
if (!isBlocked(canvas, blockClass, blockSelector, unblockSelector)) {
matchedCanvas.push(canvas);
+========
+ root29.querySelectorAll("canvas").forEach((canvas2) => {
+ if (!isBlocked(canvas2, blockClass, blockSelector, unblockSelector)) {
+ matchedCanvas.push(canvas2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
});
}, "searchCanvas");
@@ -27756,28 +28488,28 @@ class CanvasManager {
return;
}
lastSnapshotTime = timestamp2;
- getCanvas(canvasElement).forEach((canvas) => {
- if (!this.mirror.hasNode(canvas)) {
+ getCanvas(canvasElement).forEach((canvas2) => {
+ if (!this.mirror.hasNode(canvas2)) {
return;
}
- const id3 = this.mirror.getId(canvas);
+ const id3 = this.mirror.getId(canvas2);
if (this.snapshotInProgressMap.get(id3))
return;
- if (!canvas.width || !canvas.height)
+ if (!canvas2.width || !canvas2.height)
return;
this.snapshotInProgressMap.set(id3, true);
- if (!isManualSnapshot && ["webgl", "webgl2"].includes(canvas.__context)) {
- const context = canvas.getContext(canvas.__context);
+ if (!isManualSnapshot && ["webgl", "webgl2"].includes(canvas2.__context)) {
+ const context = canvas2.getContext(canvas2.__context);
if (_optionalChain([context, "optionalAccess", (_4) => _4.getContextAttributes, "call", (_5) => _5(), "optionalAccess", (_6) => _6.preserveDrawingBuffer]) === false) {
context.clear(context.COLOR_BUFFER_BIT);
}
}
- createImageBitmap(canvas).then((bitmap) => {
+ createImageBitmap(canvas2).then((bitmap) => {
_optionalChain([this, "access", (_7) => _7.worker, "optionalAccess", (_8) => _8.postMessage, "call", (_9) => _9({
id: id3,
bitmap,
- width: canvas.width,
- height: canvas.height,
+ width: canvas2.width,
+ height: canvas2.height,
dataURLOptions,
maxCanvasSize
}, [bitmap])]);
@@ -27805,17 +28537,17 @@ class CanvasManager {
onRequestAnimationFrame(setLatestRAFTimestamp);
}
flushPendingCanvasMutations() {
- this.pendingCanvasMutations.forEach((values, canvas) => {
- const id3 = this.mirror.getId(canvas);
- this.flushPendingCanvasMutationFor(canvas, id3);
+ this.pendingCanvasMutations.forEach((values, canvas2) => {
+ const id3 = this.mirror.getId(canvas2);
+ this.flushPendingCanvasMutationFor(canvas2, id3);
});
onRequestAnimationFrame(() => this.flushPendingCanvasMutations());
}
- flushPendingCanvasMutationFor(canvas, id3) {
+ flushPendingCanvasMutationFor(canvas2, id3) {
if (this.frozen || this.locked) {
return;
}
- const valuesWithType = this.pendingCanvasMutations.get(canvas);
+ const valuesWithType = this.pendingCanvasMutations.get(canvas2);
if (!valuesWithType || id3 === -1)
return;
const values = valuesWithType.map((value4) => {
@@ -27824,7 +28556,7 @@ class CanvasManager {
});
const { type } = valuesWithType[0];
this.mutationCb({ id: id3, type, commands: values });
- this.pendingCanvasMutations.delete(canvas);
+ this.pendingCanvasMutations.delete(canvas2);
}
}
const CANVAS_QUALITY = {
@@ -28184,18 +28916,18 @@ const DEFAULT_DARK = {
outline: "1px auto var(--accent-background)",
interactiveFilter: "brightness(150%)"
};
-function getThemedCssVariables(theme42) {
+function getThemedCssVariables(theme43) {
return `
- --foreground: ${theme42.foreground};
- --background: ${theme42.background};
- --accent-foreground: ${theme42.accentForeground};
- --accent-background: ${theme42.accentBackground};
- --success-color: ${theme42.successColor};
- --error-color: ${theme42.errorColor};
- --border: ${theme42.border};
- --box-shadow: ${theme42.boxShadow};
- --outline: ${theme42.outline};
- --interactive-filter: ${theme42.interactiveFilter};
+ --foreground: ${theme43.foreground};
+ --background: ${theme43.background};
+ --accent-foreground: ${theme43.accentForeground};
+ --accent-background: ${theme43.accentBackground};
+ --success-color: ${theme43.successColor};
+ --error-color: ${theme43.errorColor};
+ --border: ${theme43.border};
+ --box-shadow: ${theme43.boxShadow};
+ --outline: ${theme43.outline};
+ --interactive-filter: ${theme43.interactiveFilter};
`;
}
__name(getThemedCssVariables, "getThemedCssVariables");
@@ -30240,10 +30972,17 @@ function distribution(name2, value4, data26) {
metrics$1.distribution(BrowserMetricsAggregator, name2, value4, data26);
}
__name(distribution, "distribution");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function set$2(name2, value4, data26) {
metrics$1.set(BrowserMetricsAggregator, name2, value4, data26);
}
__name(set$2, "set$2");
+========
+function set$4(name2, value4, data26) {
+ metrics$1.set(BrowserMetricsAggregator, name2, value4, data26);
+}
+__name(set$4, "set$4");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function gauge(name2, value4, data26) {
metrics$1.gauge(BrowserMetricsAggregator, name2, value4, data26);
}
@@ -30255,7 +30994,11 @@ __name(timing, "timing");
const metrics = {
increment,
distribution,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
set: set$2,
+========
+ set: set$4,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
gauge,
timing
};
@@ -31975,17 +32718,18 @@ const isOn = /* @__PURE__ */ __name((key) => key.charCodeAt(0) === 111 && key.ch
(key.charCodeAt(2) > 122 || key.charCodeAt(2) < 97), "isOn");
const isModelListener = /* @__PURE__ */ __name((key) => key.startsWith("onUpdate:"), "isModelListener");
const extend$1 = Object.assign;
-const remove$1 = /* @__PURE__ */ __name((arr, el) => {
+const remove$2 = /* @__PURE__ */ __name((arr, el) => {
const i2 = arr.indexOf(el);
if (i2 > -1) {
arr.splice(i2, 1);
}
-}, "remove$1");
+}, "remove$2");
const hasOwnProperty$d = Object.prototype.hasOwnProperty;
const hasOwn$3 = /* @__PURE__ */ __name((val, key) => hasOwnProperty$d.call(val, key), "hasOwn$3");
-const isArray$9 = Array.isArray;
+const isArray$b = 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");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isDate$2 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object Date]", "isDate$2");
const isRegExp$5 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object RegExp]", "isRegExp$5");
const isFunction$a = /* @__PURE__ */ __name((val) => typeof val === "function", "isFunction$a");
@@ -31994,6 +32738,16 @@ 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 isDate$4 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object Date]", "isDate$4");
+const isRegExp$4 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object RegExp]", "isRegExp$4");
+const isFunction$c = /* @__PURE__ */ __name((val) => typeof val === "function", "isFunction$c");
+const isString$9 = /* @__PURE__ */ __name((val) => typeof val === "string", "isString$9");
+const isSymbol$1 = /* @__PURE__ */ __name((val) => typeof val === "symbol", "isSymbol$1");
+const isObject$f = /* @__PURE__ */ __name((val) => val !== null && typeof val === "object", "isObject$f");
+const isPromise$1 = /* @__PURE__ */ __name((val) => {
+ return (isObject$f(val) || isFunction$c(val)) && isFunction$c(val.then) && isFunction$c(val.catch);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "isPromise$1");
const objectToString$3 = Object.prototype.toString;
const toTypeString$1 = /* @__PURE__ */ __name((value4) => objectToString$3.call(value4), "toTypeString$1");
@@ -32035,7 +32789,11 @@ const toHandlerKey = cacheStringFunction$1(
return s2;
}
);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const hasChanged = /* @__PURE__ */ __name((value4, oldValue2) => !Object.is(value4, oldValue2), "hasChanged");
+========
+const hasChanged = /* @__PURE__ */ __name((value4, oldValue) => !Object.is(value4, oldValue), "hasChanged");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const invokeArrayFns = /* @__PURE__ */ __name((fns, ...arg) => {
for (let i2 = 0; i2 < fns.length; i2++) {
fns[i2](...arg);
@@ -32202,7 +32960,7 @@ function generateCodeFrame$1(source, start2 = 0, end = source.length) {
}
__name(generateCodeFrame$1, "generateCodeFrame$1");
function normalizeStyle(value4) {
- if (isArray$9(value4)) {
+ if (isArray$b(value4)) {
const res = {};
for (let i2 = 0; i2 < value4.length; i2++) {
const item3 = value4[i2];
@@ -32214,7 +32972,11 @@ function normalizeStyle(value4) {
}
}
return res;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isString$9(value4) || isObject$e(value4)) {
+========
+ } else if (isString$9(value4) || isObject$f(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return value4;
}
}
@@ -32251,14 +33013,18 @@ function normalizeClass(value4) {
let res = "";
if (isString$9(value4)) {
res = value4;
- } else if (isArray$9(value4)) {
+ } else if (isArray$b(value4)) {
for (let i2 = 0; i2 < value4.length; i2++) {
const normalized = normalizeClass(value4[i2]);
if (normalized) {
res += normalized + " ";
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isObject$e(value4)) {
+========
+ } else if (isObject$f(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
for (const name2 in value4) {
if (value4[name2]) {
res += name2 + " ";
@@ -32397,8 +33163,8 @@ function looseCompareArrays(a2, b2) {
__name(looseCompareArrays, "looseCompareArrays");
function looseEqual(a2, b2) {
if (a2 === b2) return true;
- let aValidType = isDate$2(a2);
- let bValidType = isDate$2(b2);
+ let aValidType = isDate$4(a2);
+ let bValidType = isDate$4(b2);
if (aValidType || bValidType) {
return aValidType && bValidType ? a2.getTime() === b2.getTime() : false;
}
@@ -32407,13 +33173,18 @@ function looseEqual(a2, b2) {
if (aValidType || bValidType) {
return a2 === b2;
}
- aValidType = isArray$9(a2);
- bValidType = isArray$9(b2);
+ aValidType = isArray$b(a2);
+ bValidType = isArray$b(b2);
if (aValidType || bValidType) {
return aValidType && bValidType ? looseCompareArrays(a2, b2) : false;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
aValidType = isObject$e(a2);
bValidType = isObject$e(b2);
+========
+ aValidType = isObject$f(a2);
+ bValidType = isObject$f(b2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (aValidType || bValidType) {
if (!aValidType || !bValidType) {
return false;
@@ -32442,7 +33213,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-BsGgXmrT.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$9(val) ? val : val == null ? "" : isArray$b(val) || isObject$f(val) && (val.toString === objectToString$3 || !isFunction$c(val.toString)) ? isRef$1(val) ? toDisplayString$1(val.value) : JSON.stringify(val, replacer, 2) : String(val);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "toDisplayString$1");
const replacer = /* @__PURE__ */ __name((_key, val) => {
if (isRef$1(val)) {
@@ -32463,7 +33238,11 @@ const replacer = /* @__PURE__ */ __name((_key, val) => {
};
} else if (isSymbol$1(val)) {
return stringifySymbol(val);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isObject$e(val) && !isArray$9(val) && !isPlainObject$4(val)) {
+========
+ } else if (isObject$f(val) && !isArray$b(val) && !isPlainObject$4(val)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return String(val);
}
return val;
@@ -33123,7 +33902,11 @@ function track(target2, type, key) {
}
}
__name(track, "track");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function trigger(target2, type, key, newValue2, oldValue2, oldTarget) {
+========
+function trigger(target2, type, key, newValue2, oldValue, oldTarget) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const depsMap = targetMap.get(target2);
if (!depsMap) {
globalVersion++;
@@ -33137,7 +33920,7 @@ function trigger(target2, type, key, newValue2, oldValue2, oldTarget) {
type,
key,
newValue: newValue2,
- oldValue: oldValue2,
+ oldValue,
oldTarget
});
} else {
@@ -33149,7 +33932,11 @@ function trigger(target2, type, key, newValue2, oldValue2, oldTarget) {
if (type === "clear") {
depsMap.forEach(run2);
} else {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const targetIsArray = isArray$9(target2);
+========
+ const targetIsArray = isArray$b(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const isArrayIndex = targetIsArray && isIntegerKey(key);
if (targetIsArray && key === "length") {
const newLength = Number(newValue2);
@@ -33219,7 +34006,11 @@ const arrayInstrumentations = {
},
concat(...args) {
return reactiveReadArray(this).concat(
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
...args.map((x2) => isArray$9(x2) ? reactiveReadArray(x2) : x2)
+========
+ ...args.map((x2) => isArray$b(x2) ? reactiveReadArray(x2) : x2)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
},
entries() {
@@ -33418,7 +34209,11 @@ class BaseReactiveHandler {
}
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const targetIsArray = isArray$9(target2);
+========
+ const targetIsArray = isArray$b(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!isReadonly2) {
let fn;
if (targetIsArray && (fn = arrayInstrumentations[key])) {
@@ -33448,7 +34243,11 @@ class BaseReactiveHandler {
if (isRef(res)) {
return targetIsArray && isIntegerKey(key) ? res : res.value;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(res)) {
+========
+ if (isObject$f(res)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return isReadonly2 ? readonly(res) : reactive(res);
}
return res;
@@ -33462,23 +34261,35 @@ class MutableReactiveHandler extends BaseReactiveHandler {
super(false, isShallow2);
}
set(target2, key, value4, receiver) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let oldValue2 = target2[key];
+========
+ let oldValue = target2[key];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!this._isShallow) {
- const isOldValueReadonly = isReadonly(oldValue2);
+ const isOldValueReadonly = isReadonly(oldValue);
if (!isShallow(value4) && !isReadonly(value4)) {
- oldValue2 = toRaw(oldValue2);
+ oldValue = toRaw(oldValue);
value4 = toRaw(value4);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isArray$9(target2) && isRef(oldValue2) && !isRef(value4)) {
+========
+ if (!isArray$b(target2) && isRef(oldValue) && !isRef(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (isOldValueReadonly) {
return false;
} else {
- oldValue2.value = value4;
+ oldValue.value = value4;
return true;
}
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const hadKey = isArray$9(target2) && isIntegerKey(key) ? Number(key) < target2.length : hasOwn$3(target2, key);
+========
+ const hadKey = isArray$b(target2) && isIntegerKey(key) ? Number(key) < target2.length : hasOwn$3(target2, key);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const result = Reflect.set(
target2,
key,
@@ -33488,18 +34299,30 @@ class MutableReactiveHandler extends BaseReactiveHandler {
if (target2 === toRaw(receiver)) {
if (!hadKey) {
trigger(target2, "add", key, value4);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (hasChanged(value4, oldValue2)) {
trigger(target2, "set", key, value4, oldValue2);
+========
+ } else if (hasChanged(value4, oldValue)) {
+ trigger(target2, "set", key, value4, oldValue);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
return result;
}
deleteProperty(target2, key) {
const hadKey = hasOwn$3(target2, key);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const oldValue2 = target2[key];
const result = Reflect.deleteProperty(target2, key);
if (result && hadKey) {
trigger(target2, "delete", key, void 0, oldValue2);
+========
+ const oldValue = target2[key];
+ const result = Reflect.deleteProperty(target2, key);
+ if (result && hadKey) {
+ trigger(target2, "delete", key, void 0, oldValue);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return result;
}
@@ -33514,7 +34337,11 @@ class MutableReactiveHandler extends BaseReactiveHandler {
track(
target2,
"iterate",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isArray$9(target2) ? "length" : ITERATE_KEY
+========
+ isArray$b(target2) ? "length" : ITERATE_KEY
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
return Reflect.ownKeys(target2);
}
@@ -33679,12 +34506,21 @@ function createInstrumentations(readonly2, shallow) {
} else if (false) {
checkIdentityKeys(target2, has2, key);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const oldValue2 = get3.call(target2, key);
target2.set(key, value4);
if (!hadKey) {
trigger(target2, "add", key, value4);
} else if (hasChanged(value4, oldValue2)) {
trigger(target2, "set", key, value4, oldValue2);
+========
+ const oldValue = get3.call(target2, key);
+ target2.set(key, value4);
+ if (!hadKey) {
+ trigger(target2, "add", key, value4);
+ } else if (hasChanged(value4, oldValue)) {
+ trigger(target2, "set", key, value4, oldValue);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return this;
},
@@ -33698,10 +34534,17 @@ function createInstrumentations(readonly2, shallow) {
} else if (false) {
checkIdentityKeys(target2, has2, key);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const oldValue2 = get3 ? get3.call(target2, key) : void 0;
const result = target2.delete(key);
if (hadKey) {
trigger(target2, "delete", key, void 0, oldValue2);
+========
+ const oldValue = get3 ? get3.call(target2, key) : void 0;
+ const result = target2.delete(key);
+ if (hadKey) {
+ trigger(target2, "delete", key, void 0, oldValue);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return result;
},
@@ -33842,7 +34685,11 @@ function shallowReadonly(target2) {
}
__name(shallowReadonly, "shallowReadonly");
function createReactiveObject(target2, isReadonly2, baseHandlers, collectionHandlers, proxyMap) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isObject$e(target2)) {
+========
+ if (!isObject$f(target2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (false) {
warn$4(
`value cannot be made ${isReadonly2 ? "readonly" : "reactive"}: ${String(
@@ -33902,8 +34749,13 @@ function markRaw(value4) {
return value4;
}
__name(markRaw, "markRaw");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.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");
+========
+const toReactive$1 = /* @__PURE__ */ __name((value4) => isObject$f(value4) ? reactive(value4) : value4, "toReactive$1");
+const toReadonly = /* @__PURE__ */ __name((value4) => isObject$f(value4) ? readonly(value4) : value4, "toReadonly");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function isRef(r2) {
return r2 ? r2["__v_isRef"] === true : false;
}
@@ -33948,10 +34800,17 @@ class RefImpl {
return this._value;
}
set value(newValue2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const oldValue2 = this._rawValue;
const useDirectValue = this["__v_isShallow"] || isShallow(newValue2) || isReadonly(newValue2);
newValue2 = useDirectValue ? newValue2 : toRaw(newValue2);
if (hasChanged(newValue2, oldValue2)) {
+========
+ const oldValue = this._rawValue;
+ const useDirectValue = this["__v_isShallow"] || isShallow(newValue2) || isReadonly(newValue2);
+ newValue2 = useDirectValue ? newValue2 : toRaw(newValue2);
+ if (hasChanged(newValue2, oldValue)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this._rawValue = newValue2;
this._value = useDirectValue ? newValue2 : toReactive$1(newValue2);
if (false) {
@@ -33960,7 +34819,11 @@ class RefImpl {
type: "set",
key: "value",
newValue: newValue2,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
oldValue: oldValue2
+========
+ oldValue
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
} else {
this.dep.trigger();
@@ -33987,16 +34850,27 @@ function unref(ref2) {
return isRef(ref2) ? ref2.value : ref2;
}
__name(unref, "unref");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function toValue$1(source) {
return isFunction$a(source) ? source() : unref(source);
+========
+function toValue$4(source) {
+ return isFunction$c(source) ? source() : unref(source);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
-__name(toValue$1, "toValue$1");
+__name(toValue$4, "toValue$4");
const shallowUnwrapHandlers = {
get: /* @__PURE__ */ __name((target2, key, receiver) => key === "__v_raw" ? target2 : unref(Reflect.get(target2, key, receiver)), "get"),
set: /* @__PURE__ */ __name((target2, key, value4, receiver) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const oldValue2 = target2[key];
if (isRef(oldValue2) && !isRef(value4)) {
oldValue2.value = value4;
+========
+ const oldValue = target2[key];
+ if (isRef(oldValue) && !isRef(value4)) {
+ oldValue.value = value4;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return true;
} else {
return Reflect.set(target2, key, value4, receiver);
@@ -34015,9 +34889,15 @@ class CustomRefImpl {
this["__v_isRef"] = true;
this._value = void 0;
const dep = this.dep = new Dep();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const { get: get3, set: set4 } = factory(dep.track.bind(dep), dep.trigger.bind(dep));
this._get = get3;
this._set = set4;
+========
+ const { get: get3, set: set3 } = factory(dep.track.bind(dep), dep.trigger.bind(dep));
+ this._get = get3;
+ this._set = set3;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
get value() {
return this._value = this._get();
@@ -34034,7 +34914,7 @@ function toRefs$1(object) {
if (false) {
warn$4(`toRefs() expects a reactive object but received a plain one.`);
}
- const ret = isArray$9(object) ? new Array(object.length) : {};
+ const ret = isArray$b(object) ? new Array(object.length) : {};
for (const key in object) {
ret[key] = propertyToRef(object, key);
}
@@ -34080,9 +34960,15 @@ class GetterRefImpl {
function toRef$1(source, key, defaultValue2) {
if (isRef(source)) {
return source;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isFunction$a(source)) {
return new GetterRefImpl(source);
} else if (isObject$e(source) && arguments.length > 1) {
+========
+ } else if (isFunction$c(source)) {
+ return new GetterRefImpl(source);
+ } else if (isObject$f(source) && arguments.length > 1) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return propertyToRef(source, key, defaultValue2);
} else {
return ref(source);
@@ -34147,7 +35033,11 @@ class ComputedRefImpl {
function computed$1(getterOrOptions, debugOptions, isSSR = false) {
let getter;
let setter;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(getterOrOptions)) {
+========
+ if (isFunction$c(getterOrOptions)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
getter = getterOrOptions;
} else {
getter = getterOrOptions.get;
@@ -34234,7 +35124,11 @@ function watch$1(source, cb, options4 = EMPTY_OBJ) {
} else if (isReactive(source)) {
getter = /* @__PURE__ */ __name(() => reactiveGetter(source), "getter");
forceTrigger = true;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isArray$9(source)) {
+========
+ } else if (isArray$b(source)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
isMultiSource = true;
forceTrigger = source.some((s2) => isReactive(s2) || isShallow(s2));
getter = /* @__PURE__ */ __name(() => source.map((s2) => {
@@ -34242,12 +35136,20 @@ function watch$1(source, cb, options4 = EMPTY_OBJ) {
return s2.value;
} else if (isReactive(s2)) {
return reactiveGetter(s2);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isFunction$a(s2)) {
+========
+ } else if (isFunction$c(s2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return call ? call(s2, 2) : s2();
} else {
}
}), "getter");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isFunction$a(source)) {
+========
+ } else if (isFunction$c(source)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (cb) {
getter = call ? () => call(source, 2) : source;
} else {
@@ -34281,7 +35183,11 @@ function watch$1(source, cb, options4 = EMPTY_OBJ) {
const watchHandle = /* @__PURE__ */ __name(() => {
effect2.stop();
if (scope && scope.active) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
remove$1(scope.effects, effect2);
+========
+ remove$2(scope.effects, effect2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}, "watchHandle");
if (once2 && cb) {
@@ -34291,14 +35197,22 @@ function watch$1(source, cb, options4 = EMPTY_OBJ) {
watchHandle();
}, "cb");
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let oldValue2 = isMultiSource ? new Array(source.length).fill(INITIAL_WATCHER_VALUE) : INITIAL_WATCHER_VALUE;
+========
+ let oldValue = isMultiSource ? new Array(source.length).fill(INITIAL_WATCHER_VALUE) : INITIAL_WATCHER_VALUE;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const job = /* @__PURE__ */ __name((immediateFirstRun) => {
if (!(effect2.flags & 1) || !effect2.dirty && !immediateFirstRun) {
return;
}
if (cb) {
const newValue2 = effect2.run();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (deep || forceTrigger || (isMultiSource ? newValue2.some((v2, i2) => hasChanged(v2, oldValue2[i2])) : hasChanged(newValue2, oldValue2))) {
+========
+ if (deep || forceTrigger || (isMultiSource ? newValue2.some((v2, i2) => hasChanged(v2, oldValue[i2])) : hasChanged(newValue2, oldValue))) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (cleanup) {
cleanup();
}
@@ -34308,14 +35222,22 @@ function watch$1(source, cb, options4 = EMPTY_OBJ) {
const args = [
newValue2,
// pass undefined as the old value when it's changed for the first time
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
oldValue2 === INITIAL_WATCHER_VALUE ? void 0 : isMultiSource && oldValue2[0] === INITIAL_WATCHER_VALUE ? [] : oldValue2,
+========
+ oldValue === INITIAL_WATCHER_VALUE ? void 0 : isMultiSource && oldValue[0] === INITIAL_WATCHER_VALUE ? [] : oldValue,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
boundCleanup
];
call ? call(cb, 3, args) : (
// @ts-expect-error
cb(...args)
);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
oldValue2 = newValue2;
+========
+ oldValue = newValue2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} finally {
activeWatcher = currentWatcher;
}
@@ -34349,7 +35271,11 @@ function watch$1(source, cb, options4 = EMPTY_OBJ) {
if (immediate) {
job(true);
} else {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
oldValue2 = effect2.run();
+========
+ oldValue = effect2.run();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
} else if (scheduler) {
scheduler(job.bind(null, true), true);
@@ -34363,7 +35289,11 @@ function watch$1(source, cb, options4 = EMPTY_OBJ) {
}
__name(watch$1, "watch$1");
function traverse(value4, depth = Infinity, seen2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (depth <= 0 || !isObject$e(value4) || value4["__v_skip"]) {
+========
+ if (depth <= 0 || !isObject$f(value4) || value4["__v_skip"]) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return value4;
}
seen2 = seen2 || /* @__PURE__ */ new Set();
@@ -34374,7 +35304,11 @@ function traverse(value4, depth = Infinity, seen2) {
depth--;
if (isRef(value4)) {
traverse(value4.value, depth, seen2);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isArray$9(value4)) {
+========
+ } else if (isArray$b(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
for (let i2 = 0; i2 < value4.length; i2++) {
traverse(value4[i2], depth, seen2);
}
@@ -34512,7 +35446,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-BsGgXmrT.js
} else if (isFunction$a(value4)) {
+========
+ } else if (isFunction$c(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return [`${key}=fn${value4.name ? `<${value4.name}>` : ``}`];
} else {
value4 = toRaw(value4);
@@ -34603,7 +35541,11 @@ function callWithErrorHandling(fn, instance, type, args) {
}
__name(callWithErrorHandling, "callWithErrorHandling");
function callWithAsyncErrorHandling(fn, instance, type, args) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(fn)) {
+========
+ if (isFunction$c(fn)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const res = callWithErrorHandling(fn, instance, type, args);
if (res && isPromise$1(res)) {
res.catch((err) => {
@@ -34612,7 +35554,7 @@ function callWithAsyncErrorHandling(fn, instance, type, args) {
}
return res;
}
- if (isArray$9(fn)) {
+ if (isArray$b(fn)) {
const values = [];
for (let i2 = 0; i2 < fn.length; i2++) {
values.push(callWithAsyncErrorHandling(fn[i2], instance, type, args));
@@ -34730,7 +35672,11 @@ function queueFlush() {
}
__name(queueFlush, "queueFlush");
function queuePostFlushCb(cb) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isArray$9(cb)) {
+========
+ if (!isArray$b(cb)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (activePostFlushCbs && cb.id === -1) {
activePostFlushCbs.splice(postFlushIndex + 1, 0, cb);
} else if (!(cb.flags & 1)) {
@@ -35162,7 +36108,11 @@ function withDirectives(vnode, directives) {
for (let i2 = 0; i2 < directives.length; i2++) {
let [dir, value4, arg, modifiers2 = EMPTY_OBJ] = directives[i2];
if (dir) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(dir)) {
+========
+ if (isFunction$c(dir)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
dir = {
mounted: dir,
updated: dir
@@ -35744,7 +36694,11 @@ function resolveTransitionHooks(vnode, props, state, instance, postClone) {
const callAsyncHook = /* @__PURE__ */ __name((hook, args) => {
const done = args[1];
callHook2(hook, args);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(hook)) {
+========
+ if (isArray$b(hook)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (hook.every((hook2) => hook2.length <= 1)) done();
} else if (hook.length <= 1) {
done();
@@ -35879,7 +36833,11 @@ function getInnerChild$1(vnode) {
if (shapeFlag & 16) {
return children[0];
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (shapeFlag & 32 && isFunction$a(children.default)) {
+========
+ if (shapeFlag & 32 && isFunction$c(children.default)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return children.default();
}
}
@@ -35923,7 +36881,11 @@ __name(getTransitionRawChildren, "getTransitionRawChildren");
/*! #__NO_SIDE_EFFECTS__ */
// @__NO_SIDE_EFFECTS__
function defineComponent(options4, extraOptions) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isFunction$a(options4) ? (
+========
+ return isFunction$c(options4) ? (
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
// #8236: 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 }))()
@@ -35975,11 +36937,11 @@ function useTemplateRef(key) {
}
__name(useTemplateRef, "useTemplateRef");
function setRef(rawRef, oldRawRef, parentSuspense, vnode, isUnmount = false) {
- if (isArray$9(rawRef)) {
+ if (isArray$b(rawRef)) {
rawRef.forEach(
(r2, i2) => setRef(
r2,
- oldRawRef && (isArray$9(oldRawRef) ? oldRawRef[i2] : oldRawRef),
+ oldRawRef && (isArray$b(oldRawRef) ? oldRawRef[i2] : oldRawRef),
parentSuspense,
vnode,
isUnmount
@@ -36029,7 +36991,11 @@ function setRef(rawRef, oldRawRef, parentSuspense, vnode, isUnmount = false) {
oldRef.value = null;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(ref3)) {
+========
+ if (isFunction$c(ref3)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
callWithErrorHandling(ref3, owner, 12, [value4, refs]);
} else {
const _isString = isString$9(ref3);
@@ -36039,9 +37005,9 @@ function setRef(rawRef, oldRawRef, parentSuspense, vnode, isUnmount = false) {
if (rawRef.f) {
const existing = _isString ? canSetSetupRef(ref3) ? setupState[ref3] : refs[ref3] : ref3.value;
if (isUnmount) {
- isArray$9(existing) && remove$1(existing, refValue);
+ isArray$b(existing) && remove$2(existing, refValue);
} else {
- if (!isArray$9(existing)) {
+ if (!isArray$b(existing)) {
if (_isString) {
refs[ref3] = [refValue];
if (canSetSetupRef(ref3)) {
@@ -36828,7 +37794,11 @@ const isAsyncWrapper = /* @__PURE__ */ __name((i2) => !!i2.type.__asyncLoader, "
/*! #__NO_SIDE_EFFECTS__ */
// @__NO_SIDE_EFFECTS__
function defineAsyncComponent(source) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(source)) {
+========
+ if (isFunction$c(source)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
source = { loader: source };
}
const {
@@ -36848,9 +37818,15 @@ function defineAsyncComponent(source) {
const retry = /* @__PURE__ */ __name(() => {
retries++;
pendingRequest = null;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return load2();
}, "retry");
const load2 = /* @__PURE__ */ __name(() => {
+========
+ return load3();
+ }, "retry");
+ const load3 = /* @__PURE__ */ __name(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let thisRequest;
return pendingRequest || (thisRequest = pendingRequest = loader().catch((err) => {
err = err instanceof Error ? err : new Error(String(err));
@@ -36884,7 +37860,11 @@ function defineAsyncComponent(source) {
}, "load");
return /* @__PURE__ */ defineComponent({
name: "AsyncComponentWrapper",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__asyncLoader: load2,
+========
+ __asyncLoader: load3,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
__asyncHydrate(el, instance, hydrate2) {
const doHydrate = hydrateStrategy ? () => {
const teardown = hydrateStrategy(
@@ -36898,7 +37878,11 @@ function defineAsyncComponent(source) {
if (resolvedComp) {
doHydrate();
} else {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
load2().then(() => !instance.isUnmounted && doHydrate());
+========
+ load3().then(() => !instance.isUnmounted && doHydrate());
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
},
get __asyncResolved() {
@@ -36920,7 +37904,11 @@ function defineAsyncComponent(source) {
);
}, "onError");
if (suspensible && instance.suspense || isInSSRComponentSetup) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return load2().then((comp) => {
+========
+ return load3().then((comp) => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return () => createInnerComp(comp, instance);
}).catch((err) => {
onError(err);
@@ -36948,7 +37936,11 @@ function defineAsyncComponent(source) {
}
}, timeout);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
load2().then(() => {
+========
+ load3().then(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
loaded.value = true;
if (instance.parent && isKeepAlive(instance.parent.vnode)) {
instance.parent.update();
@@ -37190,11 +38182,19 @@ const KeepAliveImpl = {
};
const KeepAlive = KeepAliveImpl;
function matches$1(pattern, name2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(pattern)) {
return pattern.some((p2) => matches$1(p2, name2));
} else if (isString$9(pattern)) {
return pattern.split(",").includes(name2);
} else if (isRegExp$5(pattern)) {
+========
+ if (isArray$b(pattern)) {
+ return pattern.some((p2) => matches$1(p2, name2));
+ } else if (isString$9(pattern)) {
+ return pattern.split(",").includes(name2);
+ } else if (isRegExp$4(pattern)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
pattern.lastIndex = 0;
return pattern.test(name2);
}
@@ -37241,7 +38241,11 @@ function injectToKeepAliveRoot(hook, type, target2, keepAliveRoot) {
/* prepend */
);
onUnmounted(() => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
remove$1(keepAliveRoot[type], injected);
+========
+ remove$2(keepAliveRoot[type], injected);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, target2);
}
__name(injectToKeepAliveRoot, "injectToKeepAliveRoot");
@@ -37338,8 +38342,13 @@ function resolveAsset(type, name2, warnMissing = true, maybeSelfReference = fals
const res = (
// local registration
// check instance[type] first which is resolved for options API
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
resolve(instance[type] || Component[type], name2) || // global registration
resolve(instance.appContext[type], name2)
+========
+ resolve$2(instance[type] || Component[type], name2) || // global registration
+ resolve$2(instance.appContext[type], name2)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
if (!res && maybeSelfReference) {
return Component;
@@ -37357,6 +38366,7 @@ If this is a native custom element, make sure to exclude it from component resol
}
}
__name(resolveAsset, "resolveAsset");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function resolve(registry, name2) {
return registry && (registry[name2] || registry[camelize$1(name2)] || registry[capitalize$1(camelize$1(name2))]);
}
@@ -37365,6 +38375,16 @@ function renderList(source, renderItem, cache2, index2) {
let ret;
const cached = cache2 && cache2[index2];
const sourceIsArray = isArray$9(source);
+========
+function resolve$2(registry, name2) {
+ return registry && (registry[name2] || registry[camelize$1(name2)] || registry[capitalize$1(camelize$1(name2))]);
+}
+__name(resolve$2, "resolve$2");
+function renderList(source, renderItem, cache2, index2) {
+ let ret;
+ const cached = cache2 && cache2[index2];
+ const sourceIsArray = isArray$b(source);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (sourceIsArray || isString$9(source)) {
const sourceIsReactiveArray = sourceIsArray && isReactive(source);
let needsWrap = false;
@@ -37389,7 +38409,11 @@ function renderList(source, renderItem, cache2, index2) {
for (let i2 = 0; i2 < source; i2++) {
ret[i2] = renderItem(i2 + 1, i2, void 0, cached && cached[i2]);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isObject$e(source)) {
+========
+ } else if (isObject$f(source)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (source[Symbol.iterator]) {
ret = Array.from(
source,
@@ -37415,7 +38439,11 @@ __name(renderList, "renderList");
function createSlots(slots, dynamicSlots) {
for (let i2 = 0; i2 < dynamicSlots.length; i2++) {
const slot = dynamicSlots[i2];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(slot)) {
+========
+ if (isArray$b(slot)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
for (let j2 = 0; j2 < slot.length; j2++) {
slots[slot[j2].name] = slot[j2].fn;
}
@@ -37802,7 +38830,11 @@ function getContext() {
}
__name(getContext, "getContext");
function normalizePropsOrEmits(props) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isArray$9(props) ? props.reduce(
+========
+ return isArray$b(props) ? props.reduce(
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
(normalized, p2) => (normalized[p2] = null, normalized),
{}
) : props;
@@ -37814,7 +38846,11 @@ function mergeDefaults(raw, defaults2) {
if (key.startsWith("__skip")) continue;
let opt = props[key];
if (opt) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(opt) || isFunction$a(opt)) {
+========
+ if (isArray$b(opt) || isFunction$c(opt)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
opt = props[key] = { type: opt, default: defaults2[key] };
} else {
opt.default = defaults2[key];
@@ -37833,7 +38869,11 @@ function mergeDefaults(raw, defaults2) {
__name(mergeDefaults, "mergeDefaults");
function mergeModels(a2, b2) {
if (!a2 || !b2) return a2 || b2;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(a2) && isArray$9(b2)) return a2.concat(b2);
+========
+ if (isArray$b(a2) && isArray$b(b2)) return a2.concat(b2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return extend$1({}, normalizePropsOrEmits(a2), normalizePropsOrEmits(b2));
}
__name(mergeModels, "mergeModels");
@@ -37897,6 +38937,7 @@ function applyOptions(instance) {
provide: provideOptions,
inject: injectOptions,
// lifecycle
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
created: created3,
beforeMount: beforeMount4,
mounted: mounted25,
@@ -37908,6 +38949,19 @@ function applyOptions(instance) {
beforeUnmount: beforeUnmount16,
destroyed,
unmounted: unmounted6,
+========
+ created: created4,
+ beforeMount: beforeMount5,
+ mounted: mounted26,
+ beforeUpdate: beforeUpdate3,
+ updated: updated15,
+ activated,
+ deactivated,
+ beforeDestroy,
+ beforeUnmount: beforeUnmount17,
+ destroyed,
+ unmounted: unmounted7,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
render: render2,
renderTracked,
renderTriggered,
@@ -37936,7 +38990,11 @@ function applyOptions(instance) {
if (methods) {
for (const key in methods) {
const methodHandler = methods[key];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(methodHandler)) {
+========
+ if (isFunction$c(methodHandler)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (false) {
Object.defineProperty(ctx, key, {
value: methodHandler.bind(publicThis),
@@ -37969,7 +39027,11 @@ function applyOptions(instance) {
`data() returned a Promise - note data() cannot be async; If you intend to perform data fetching before component renders, use async setup() + .`
);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isObject$e(data26)) {
+========
+ if (!isObject$f(data26)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} else {
instance.data = reactive(data26);
if (false) {
@@ -37991,18 +39053,30 @@ function applyOptions(instance) {
if (computedOptions) {
for (const key in computedOptions) {
const opt = computedOptions[key];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const get3 = isFunction$a(opt) ? opt.bind(publicThis, publicThis) : isFunction$a(opt.get) ? opt.get.bind(publicThis, publicThis) : NOOP;
if (false) {
warn$1$1(`Computed property "${key}" has no getter.`);
}
const set4 = !isFunction$a(opt) && isFunction$a(opt.set) ? opt.set.bind(publicThis) : false ? () => {
+========
+ const get3 = isFunction$c(opt) ? opt.bind(publicThis, publicThis) : isFunction$c(opt.get) ? opt.get.bind(publicThis, publicThis) : NOOP;
+ if (false) {
+ warn$1$1(`Computed property "${key}" has no getter.`);
+ }
+ const set3 = !isFunction$c(opt) && isFunction$c(opt.set) ? opt.set.bind(publicThis) : false ? () => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
warn$1$1(
`Write operation failed: computed property "${key}" is readonly.`
);
} : NOOP;
const c2 = computed({
get: get3,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
set: set4
+========
+ set: set3
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
Object.defineProperty(ctx, key, {
enumerable: true,
@@ -38021,35 +39095,62 @@ function applyOptions(instance) {
}
}
if (provideOptions) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const provides = isFunction$a(provideOptions) ? provideOptions.call(publicThis) : provideOptions;
+========
+ const provides = isFunction$c(provideOptions) ? provideOptions.call(publicThis) : provideOptions;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Reflect.ownKeys(provides).forEach((key) => {
provide(key, provides[key]);
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (created3) {
callHook$1(created3, instance, "c");
}
function registerLifecycleHook(register3, hook) {
if (isArray$9(hook)) {
hook.forEach((_hook3) => register3(_hook3.bind(publicThis)));
+========
+ if (created4) {
+ callHook$1(created4, instance, "c");
+ }
+ function registerLifecycleHook(register3, hook) {
+ if (isArray$b(hook)) {
+ hook.forEach((_hook4) => register3(_hook4.bind(publicThis)));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} else if (hook) {
register3(hook.bind(publicThis));
}
}
__name(registerLifecycleHook, "registerLifecycleHook");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
registerLifecycleHook(onBeforeMount, beforeMount4);
registerLifecycleHook(onMounted, mounted25);
registerLifecycleHook(onBeforeUpdate, beforeUpdate2);
registerLifecycleHook(onUpdated, updated14);
+========
+ registerLifecycleHook(onBeforeMount, beforeMount5);
+ registerLifecycleHook(onMounted, mounted26);
+ registerLifecycleHook(onBeforeUpdate, beforeUpdate3);
+ registerLifecycleHook(onUpdated, updated15);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
registerLifecycleHook(onActivated, activated);
registerLifecycleHook(onDeactivated, deactivated);
registerLifecycleHook(onErrorCaptured, errorCaptured);
registerLifecycleHook(onRenderTracked, renderTracked);
registerLifecycleHook(onRenderTriggered, renderTriggered);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
registerLifecycleHook(onBeforeUnmount, beforeUnmount16);
registerLifecycleHook(onUnmounted, unmounted6);
registerLifecycleHook(onServerPrefetch, serverPrefetch);
if (isArray$9(expose)) {
+========
+ registerLifecycleHook(onBeforeUnmount, beforeUnmount17);
+ registerLifecycleHook(onUnmounted, unmounted7);
+ registerLifecycleHook(onServerPrefetch, serverPrefetch);
+ if (isArray$b(expose)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (expose.length) {
const exposed = instance.exposed || (instance.exposed = {});
expose.forEach((key) => {
@@ -38076,13 +39177,21 @@ function applyOptions(instance) {
}
__name(applyOptions, "applyOptions");
function resolveInjections(injectOptions, ctx, checkDuplicateProperties = NOOP) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(injectOptions)) {
+========
+ if (isArray$b(injectOptions)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
injectOptions = normalizeInject(injectOptions);
}
for (const key in injectOptions) {
const opt = injectOptions[key];
let injected;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(opt)) {
+========
+ if (isObject$f(opt)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if ("default" in opt) {
injected = inject(
opt.from || key,
@@ -38113,7 +39222,11 @@ function resolveInjections(injectOptions, ctx, checkDuplicateProperties = NOOP)
__name(resolveInjections, "resolveInjections");
function callHook$1(hook, instance, type) {
callWithAsyncErrorHandling(
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isArray$9(hook) ? hook.map((h2) => h2.bind(instance.proxy)) : hook.bind(instance.proxy),
+========
+ isArray$b(hook) ? hook.map((h2) => h2.bind(instance.proxy)) : hook.bind(instance.proxy),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
instance,
type
);
@@ -38122,6 +39235,7 @@ __name(callHook$1, "callHook$1");
function createWatcher(raw, ctx, publicThis, key) {
let getter = key.includes(".") ? createPathGetter(publicThis, key) : () => publicThis[key];
if (isString$9(raw)) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const handler10 = ctx[raw];
if (isFunction$a(handler10)) {
{
@@ -38143,6 +39257,29 @@ function createWatcher(raw, ctx, publicThis, key) {
watch(getter, handler10, raw);
} else if (false) {
warn$1$1(`Invalid watch handler specified by key "${raw.handler}"`, handler10);
+========
+ const handler12 = ctx[raw];
+ if (isFunction$c(handler12)) {
+ {
+ watch(getter, handler12);
+ }
+ } else if (false) {
+ warn$1$1(`Invalid watch handler specified by key "${raw}"`, handler12);
+ }
+ } else if (isFunction$c(raw)) {
+ {
+ watch(getter, raw.bind(publicThis));
+ }
+ } else if (isObject$f(raw)) {
+ if (isArray$b(raw)) {
+ raw.forEach((r2) => createWatcher(r2, ctx, publicThis, key));
+ } else {
+ const handler12 = isFunction$c(raw.handler) ? raw.handler.bind(publicThis) : ctx[raw.handler];
+ if (isFunction$c(handler12)) {
+ watch(getter, handler12, raw);
+ } else if (false) {
+ warn$1$1(`Invalid watch handler specified by key "${raw.handler}"`, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
} else if (false) {
@@ -38175,7 +39312,11 @@ function resolveMergedOptions(instance) {
}
mergeOptions$1(resolved, base2, optionMergeStrategies);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(base2)) {
+========
+ if (isObject$f(base2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
cache2.set(base2, resolved);
}
return resolved;
@@ -38241,8 +39382,13 @@ function mergeDataFn(to, from2) {
}
return /* @__PURE__ */ __name(function mergedDataFn() {
return extend$1(
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isFunction$a(to) ? to.call(this, this) : to,
isFunction$a(from2) ? from2.call(this, this) : from2
+========
+ isFunction$c(to) ? to.call(this, this) : to,
+ isFunction$c(from2) ? from2.call(this, this) : from2
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
}, "mergedDataFn");
}
@@ -38252,7 +39398,11 @@ function mergeInject(to, from2) {
}
__name(mergeInject, "mergeInject");
function normalizeInject(raw) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(raw)) {
+========
+ if (isArray$b(raw)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const res = {};
for (let i2 = 0; i2 < raw.length; i2++) {
res[raw[i2]] = raw[i2];
@@ -38272,7 +39422,11 @@ function mergeObjectOptions(to, from2) {
__name(mergeObjectOptions, "mergeObjectOptions");
function mergeEmitsOrPropsOptions(to, from2) {
if (to) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(to) && isArray$9(from2)) {
+========
+ if (isArray$b(to) && isArray$b(from2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return [.../* @__PURE__ */ new Set([...to, ...from2])];
}
return extend$1(
@@ -38320,10 +39474,17 @@ __name(createAppContext, "createAppContext");
let uid$1 = 0;
function createAppAPI(render2, hydrate2) {
return /* @__PURE__ */ __name(function createApp2(rootComponent, rootProps = null) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isFunction$a(rootComponent)) {
rootComponent = extend$1({}, rootComponent);
}
if (rootProps != null && !isObject$e(rootProps)) {
+========
+ if (!isFunction$c(rootComponent)) {
+ rootComponent = extend$1({}, rootComponent);
+ }
+ if (rootProps != null && !isObject$f(rootProps)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
rootProps = null;
}
const context = createAppContext();
@@ -38350,10 +39511,17 @@ function createAppAPI(render2, hydrate2) {
},
use(plugin, ...options4) {
if (installedPlugins.has(plugin)) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (plugin && isFunction$a(plugin.install)) {
installedPlugins.add(plugin);
plugin.install(app2, ...options4);
} else if (isFunction$a(plugin)) {
+========
+ } else if (plugin && isFunction$c(plugin.install)) {
+ installedPlugins.add(plugin);
+ plugin.install(app2, ...options4);
+ } else if (isFunction$c(plugin)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
installedPlugins.add(plugin);
plugin(app2, ...options4);
} else if (false) {
@@ -38518,7 +39686,11 @@ function inject(key, defaultValue2, treatDefaultAsFactory = false) {
if (provides && key in provides) {
return provides[key];
} else if (arguments.length > 1) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return treatDefaultAsFactory && isFunction$a(defaultValue2) ? defaultValue2.call(instance && instance.proxy) : defaultValue2;
+========
+ return treatDefaultAsFactory && isFunction$c(defaultValue2) ? defaultValue2.call(instance && instance.proxy) : defaultValue2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} else if (false) {
warn$1$1(`injection "${String(key)}" not found.`);
}
@@ -38708,7 +39880,11 @@ function resolvePropValue(options4, props, key, value4, instance, isAbsent) {
const hasDefault = hasOwn$3(opt, "default");
if (hasDefault && value4 === void 0) {
const defaultValue2 = opt.default;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (opt.type !== Function && !opt.skipFactory && isFunction$a(defaultValue2)) {
+========
+ if (opt.type !== Function && !opt.skipFactory && isFunction$c(defaultValue2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const { propsDefaults } = instance;
if (key in propsDefaults) {
value4 = propsDefaults[key];
@@ -38755,7 +39931,11 @@ function normalizePropsOptions(comp, appContext, asMixin = false) {
const normalized = {};
const needCastKeys = [];
let hasExtends = false;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isFunction$a(comp)) {
+========
+ if (!isFunction$c(comp)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const extendProps = /* @__PURE__ */ __name((raw2) => {
hasExtends = true;
const [props, keys2] = normalizePropsOptions(raw2, appContext, true);
@@ -38773,12 +39953,20 @@ function normalizePropsOptions(comp, appContext, asMixin = false) {
}
}
if (!raw && !hasExtends) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(comp)) {
+========
+ if (isObject$f(comp)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
cache2.set(comp, EMPTY_ARR);
}
return EMPTY_ARR;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(raw)) {
+========
+ if (isArray$b(raw)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
for (let i2 = 0; i2 < raw.length; i2++) {
if (false) {
warn$1$1(`props must be strings when using array syntax.`, raw[i2]);
@@ -38796,6 +39984,7 @@ function normalizePropsOptions(comp, appContext, asMixin = false) {
const normalizedKey = camelize$1(key);
if (validatePropName(normalizedKey)) {
const opt = raw[key];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const prop2 = normalized[normalizedKey] = isArray$9(opt) || isFunction$a(opt) ? { type: opt } : extend$1({}, opt);
const propType = prop2.type;
let shouldCast = false;
@@ -38804,6 +39993,16 @@ function normalizePropsOptions(comp, appContext, asMixin = false) {
for (let index2 = 0; index2 < propType.length; ++index2) {
const type = propType[index2];
const typeName = isFunction$a(type) && type.name;
+========
+ const prop2 = normalized[normalizedKey] = isArray$b(opt) || isFunction$c(opt) ? { type: opt } : extend$1({}, opt);
+ const propType = prop2.type;
+ let shouldCast = false;
+ let shouldCastTrue = true;
+ if (isArray$b(propType)) {
+ for (let index2 = 0; index2 < propType.length; ++index2) {
+ const type = propType[index2];
+ const typeName = isFunction$c(type) && type.name;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (typeName === "Boolean") {
shouldCast = true;
break;
@@ -38812,7 +40011,11 @@ function normalizePropsOptions(comp, appContext, asMixin = false) {
}
}
} else {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
shouldCast = isFunction$a(propType) && propType.name === "Boolean";
+========
+ shouldCast = isFunction$c(propType) && propType.name === "Boolean";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
prop2[
0
@@ -38829,7 +40032,11 @@ function normalizePropsOptions(comp, appContext, asMixin = false) {
}
}
const res = [normalized, needCastKeys];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(comp)) {
+========
+ if (isObject$f(comp)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
cache2.set(comp, res);
}
return res;
@@ -38885,7 +40092,11 @@ function validateProp(name2, value4, prop2, props, isAbsent) {
}
if (type != null && type !== true && !skipCheck) {
let isValid2 = false;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const types = isArray$9(type) ? type : [type];
+========
+ const types = isArray$b(type) ? type : [type];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const expectedTypes = [];
for (let i2 = 0; i2 < types.length && !isValid2; i2++) {
const { valid, expectedType } = assertType(value4, types[i2]);
@@ -38917,9 +40128,15 @@ function assertType(value4, type) {
valid = value4 instanceof type;
}
} else if (expectedType === "Object") {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
valid = isObject$e(value4);
} else if (expectedType === "Array") {
valid = isArray$9(value4);
+========
+ valid = isObject$f(value4);
+ } else if (expectedType === "Array") {
+ valid = isArray$b(value4);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} else {
valid = value4 instanceof type;
}
@@ -38968,7 +40185,11 @@ function isBoolean$3(...args) {
}
__name(isBoolean$3, "isBoolean$3");
const isInternalKey = /* @__PURE__ */ __name((key) => key[0] === "_" || key === "$stable", "isInternalKey");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const normalizeSlotValue = /* @__PURE__ */ __name((value4) => isArray$9(value4) ? value4.map(normalizeVNode) : [normalizeVNode(value4)], "normalizeSlotValue");
+========
+const normalizeSlotValue = /* @__PURE__ */ __name((value4) => isArray$b(value4) ? value4.map(normalizeVNode) : [normalizeVNode(value4)], "normalizeSlotValue");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const normalizeSlot$1 = /* @__PURE__ */ __name((key, rawSlot, ctx) => {
if (rawSlot._n) {
return rawSlot;
@@ -38989,7 +40210,11 @@ const normalizeObjectSlots = /* @__PURE__ */ __name((rawSlots, slots, instance)
for (const key in rawSlots) {
if (isInternalKey(key)) continue;
const value4 = rawSlots[key];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(value4)) {
+========
+ if (isFunction$c(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
slots[key] = normalizeSlot$1(key, value4, ctx);
} else if (value4 != null) {
if (false) {
@@ -40559,7 +41784,7 @@ __name(needTransition, "needTransition");
function traverseStaticChildren(n1, n2, shallow = false) {
const ch1 = n1.children;
const ch2 = n2.children;
- if (isArray$9(ch1) && isArray$9(ch2)) {
+ if (isArray$b(ch1) && isArray$b(ch2)) {
for (let i2 = 0; i2 < ch1.length; i2++) {
const c1 = ch1[i2];
let c2 = ch2[i2];
@@ -40758,7 +41983,11 @@ function instanceWatch(source, value4, options4) {
const publicThis = this.proxy;
const getter = isString$9(source) ? source.includes(".") ? createPathGetter(publicThis, source) : () => publicThis[source] : source.bind(publicThis, publicThis);
let cb;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(value4)) {
+========
+ if (isFunction$c(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
cb = value4;
} else {
cb = value4.handler;
@@ -40865,7 +42094,11 @@ function emit(instance, event, ...rawArgs) {
}
} else {
const validator3 = emitsOptions[event];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(validator3)) {
+========
+ if (isFunction$c(validator3)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const isValid2 = validator3(...rawArgs);
if (!isValid2) {
warn$1$1(
@@ -40904,6 +42137,7 @@ function emit(instance, event, ...rawArgs) {
}
}
let handlerName;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let handler10 = props[handlerName = toHandlerKey(event)] || // also try camelCase event handler (#2249)
props[handlerName = toHandlerKey(camelize$1(event))];
if (!handler10 && isModelListener2) {
@@ -40912,6 +42146,16 @@ function emit(instance, event, ...rawArgs) {
if (handler10) {
callWithAsyncErrorHandling(
handler10,
+========
+ let handler12 = props[handlerName = toHandlerKey(event)] || // also try camelCase event handler (#2249)
+ props[handlerName = toHandlerKey(camelize$1(event))];
+ if (!handler12 && isModelListener2) {
+ handler12 = props[handlerName = toHandlerKey(hyphenate$1(event))];
+ }
+ if (handler12) {
+ callWithAsyncErrorHandling(
+ handler12,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
instance,
6,
args
@@ -40943,7 +42187,11 @@ function normalizeEmitsOptions(comp, appContext, asMixin = false) {
const raw = comp.emits;
let normalized = {};
let hasExtends = false;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isFunction$a(comp)) {
+========
+ if (!isFunction$c(comp)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const extendEmits = /* @__PURE__ */ __name((raw2) => {
const normalizedFromExtend = normalizeEmitsOptions(raw2, appContext, true);
if (normalizedFromExtend) {
@@ -40962,17 +42210,29 @@ function normalizeEmitsOptions(comp, appContext, asMixin = false) {
}
}
if (!raw && !hasExtends) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(comp)) {
+========
+ if (isObject$f(comp)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
cache2.set(comp, null);
}
return null;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(raw)) {
+========
+ if (isArray$b(raw)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
raw.forEach((key) => normalized[key] = null);
} else {
extend$1(normalized, raw);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(comp)) {
+========
+ if (isObject$f(comp)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
cache2.set(comp, normalized);
}
return normalized;
@@ -41329,7 +42589,11 @@ const SuspenseImpl = {
const Suspense = SuspenseImpl;
function triggerEvent(vnode, name2) {
const eventListener = vnode.props && vnode.props[name2];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(eventListener)) {
+========
+ if (isFunction$c(eventListener)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
eventListener();
}
}
@@ -41824,7 +43088,11 @@ function normalizeSuspenseChildren(vnode) {
__name(normalizeSuspenseChildren, "normalizeSuspenseChildren");
function normalizeSuspenseSlot(s2) {
let block3;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(s2)) {
+========
+ if (isFunction$c(s2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const trackBlock = isBlockTreeEnabled && s2._c;
if (trackBlock) {
s2._d = false;
@@ -41837,7 +43105,11 @@ function normalizeSuspenseSlot(s2) {
closeBlock();
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(s2)) {
+========
+ if (isArray$b(s2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const singleChild = filterSingleRoot(s2);
if (false) {
warn$1$1(` slots expect a single root node.`);
@@ -41853,7 +43125,11 @@ function normalizeSuspenseSlot(s2) {
__name(normalizeSuspenseSlot, "normalizeSuspenseSlot");
function queueEffectWithSuspense(fn, suspense) {
if (suspense && suspense.pendingBranch) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(fn)) {
+========
+ if (isArray$b(fn)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
suspense.effects.push(...fn);
} else {
suspense.effects.push(fn);
@@ -41977,7 +43253,11 @@ const normalizeRef = /* @__PURE__ */ __name(({
if (typeof ref3 === "number") {
ref3 = "" + ref3;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return ref3 != null ? isString$9(ref3) || isRef(ref3) || isFunction$a(ref3) ? { i: currentRenderingInstance, r: ref3, k: ref_key, f: !!ref_for } : ref3 : null;
+========
+ return ref3 != null ? isString$9(ref3) || isRef(ref3) || isFunction$c(ref3) ? { i: currentRenderingInstance, r: ref3, k: ref_key, f: !!ref_for } : ref3 : null;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "normalizeRef");
function createBaseVNode(type, props = null, children = null, patchFlag = 0, dynamicProps = null, shapeFlag = type === Fragment$1 ? 0 : 1, isBlockNode2 = false, needFullChildrenNormalization = false) {
const vnode = {
@@ -42071,14 +43351,23 @@ function _createVNode(type, props = null, children = null, patchFlag = 0, dynami
if (klass && !isString$9(klass)) {
props.class = normalizeClass(klass);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(style2)) {
if (isProxy(style2) && !isArray$9(style2)) {
+========
+ if (isObject$f(style2)) {
+ if (isProxy(style2) && !isArray$b(style2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
style2 = extend$1({}, style2);
}
props.style = normalizeStyle(style2);
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const shapeFlag = isString$9(type) ? 1 : isSuspense(type) ? 128 : isTeleport(type) ? 64 : isObject$e(type) ? 4 : isFunction$a(type) ? 2 : 0;
+========
+ const shapeFlag = isString$9(type) ? 1 : isSuspense(type) ? 128 : isTeleport(type) ? 64 : isObject$f(type) ? 4 : isFunction$c(type) ? 2 : 0;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (false) {
type = toRaw(type);
warn$1$1(
@@ -42107,7 +43396,11 @@ function guardReactiveProps(props) {
__name(guardReactiveProps, "guardReactiveProps");
function cloneVNode(vnode, extraProps, mergeRef = false, cloneTransition = false) {
const { props, ref: ref3, patchFlag, children, transition } = vnode;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const mergedProps = extraProps ? mergeProps$1(props || {}, extraProps) : props;
+========
+ const mergedProps = extraProps ? mergeProps$2(props || {}, extraProps) : props;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const cloned = {
__v_isVNode: true,
__v_skip: true,
@@ -42118,7 +43411,7 @@ function cloneVNode(vnode, extraProps, mergeRef = false, cloneTransition = false
// #2078 in the case of
// if the vnode itself already has a ref, cloneVNode will need to merge
// the refs so the single vnode can be set on multiple refs
- mergeRef && ref3 ? isArray$9(ref3) ? ref3.concat(normalizeRef(extraProps)) : [ref3, normalizeRef(extraProps)] : normalizeRef(extraProps)
+ mergeRef && ref3 ? isArray$b(ref3) ? ref3.concat(normalizeRef(extraProps)) : [ref3, normalizeRef(extraProps)] : normalizeRef(extraProps)
) : ref3,
scopeId: vnode.scopeId,
slotScopeIds: vnode.slotScopeIds,
@@ -42162,7 +43455,7 @@ function cloneVNode(vnode, extraProps, mergeRef = false, cloneTransition = false
__name(cloneVNode, "cloneVNode");
function deepCloneVNode(vnode) {
const cloned = cloneVNode(vnode);
- if (isArray$9(vnode.children)) {
+ if (isArray$b(vnode.children)) {
cloned.children = vnode.children.map(deepCloneVNode);
}
return cloned;
@@ -42185,7 +43478,7 @@ __name(createCommentVNode, "createCommentVNode");
function normalizeVNode(child) {
if (child == null || typeof child === "boolean") {
return createVNode(Comment);
- } else if (isArray$9(child)) {
+ } else if (isArray$b(child)) {
return createVNode(
Fragment$1,
null,
@@ -42208,7 +43501,7 @@ function normalizeChildren(vnode, children) {
const { shapeFlag } = vnode;
if (children == null) {
children = null;
- } else if (isArray$9(children)) {
+ } else if (isArray$b(children)) {
type = 16;
} else if (typeof children === "object") {
if (shapeFlag & (1 | 64)) {
@@ -42233,7 +43526,11 @@ function normalizeChildren(vnode, children) {
}
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isFunction$a(children)) {
+========
+ } else if (isFunction$c(children)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
children = { default: children, _ctx: currentRenderingInstance };
type = 32;
} else {
@@ -42249,7 +43546,11 @@ function normalizeChildren(vnode, children) {
vnode.shapeFlag |= type;
}
__name(normalizeChildren, "normalizeChildren");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function mergeProps$1(...args) {
+========
+function mergeProps$2(...args) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const ret = {};
for (let i2 = 0; i2 < args.length; i2++) {
const toMerge = args[i2];
@@ -42263,7 +43564,7 @@ function mergeProps$1(...args) {
} else if (isOn(key)) {
const existing = ret[key];
const incoming = toMerge[key];
- if (incoming && existing !== incoming && !(isArray$9(existing) && existing.includes(incoming))) {
+ if (incoming && existing !== incoming && !(isArray$b(existing) && existing.includes(incoming))) {
ret[key] = existing ? [].concat(existing, incoming) : incoming;
}
} else if (key !== "") {
@@ -42273,7 +43574,11 @@ function mergeProps$1(...args) {
}
return ret;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(mergeProps$1, "mergeProps$1");
+========
+__name(mergeProps$2, "mergeProps$2");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function invokeVNodeHook(hook, instance, vnode, prevVNode = null) {
callWithAsyncErrorHandling(hook, instance, 7, [
vnode,
@@ -42513,13 +43818,21 @@ function setupStatefulComponent(instance, isSSR) {
}
__name(setupStatefulComponent, "setupStatefulComponent");
function handleSetupResult(instance, setupResult, isSSR) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(setupResult)) {
+========
+ if (isFunction$c(setupResult)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (instance.type.__ssrInlineRender) {
instance.ssrRender = setupResult;
} else {
instance.render = setupResult;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isObject$e(setupResult)) {
+========
+ } else if (isObject$f(setupResult)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (false) {
warn$1$1(
`setup() should not return VNodes directly - return a render function instead.`
@@ -42643,7 +43956,7 @@ function createSetupContext(instance) {
if (exposed != null) {
let exposedType = typeof exposed;
if (exposedType === "object") {
- if (isArray$9(exposed)) {
+ if (isArray$b(exposed)) {
exposedType = "array";
} else if (isRef(exposed)) {
exposedType = "ref";
@@ -42705,7 +44018,11 @@ __name(getComponentPublicInstance, "getComponentPublicInstance");
const classifyRE = /(?:^|[-_])(\w)/g;
const classify = /* @__PURE__ */ __name((str) => str.replace(classifyRE, (c2) => c2.toUpperCase()).replace(/[-_]/g, ""), "classify");
function getComponentName(Component, includeInferred = true) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isFunction$a(Component) ? Component.displayName || Component.name : Component.name || includeInferred && Component.__name;
+========
+ return isFunction$c(Component) ? Component.displayName || Component.name : Component.name || includeInferred && Component.__name;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(getComponentName, "getComponentName");
function formatComponentName(instance, Component, isRoot = false) {
@@ -42732,7 +44049,11 @@ function formatComponentName(instance, Component, isRoot = false) {
}
__name(formatComponentName, "formatComponentName");
function isClassComponent(value4) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isFunction$a(value4) && "__vccOpts" in value4;
+========
+ return isFunction$c(value4) && "__vccOpts" in value4;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(isClassComponent, "isClassComponent");
const computed = /* @__PURE__ */ __name((getterOrOptions, debugOptions) => {
@@ -42748,7 +44069,11 @@ const computed = /* @__PURE__ */ __name((getterOrOptions, debugOptions) => {
function h(type, propsOrChildren, children) {
const l2 = arguments.length;
if (l2 === 2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$e(propsOrChildren) && !isArray$9(propsOrChildren)) {
+========
+ if (isObject$f(propsOrChildren) && !isArray$b(propsOrChildren)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (isVNode$1(propsOrChildren)) {
return createVNode(type, null, [propsOrChildren]);
}
@@ -42777,7 +44102,11 @@ function initCustomFormatter() {
const formatter = {
__vue_custom_formatter: true,
header(obj) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isObject$e(obj)) {
+========
+ if (!isObject$f(obj)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return null;
}
if (obj.__isVue) {
@@ -42899,7 +44228,11 @@ function initCustomFormatter() {
return ["span", stringStyle, JSON.stringify(v2)];
} else if (typeof v2 === "boolean") {
return ["span", keywordStyle, v2];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isObject$e(v2)) {
+========
+ } else if (isObject$f(v2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return ["object", { object: asRaw ? toRaw(v2) : v2 }];
} else {
return ["span", stringStyle, String(v2)];
@@ -42908,7 +44241,11 @@ function initCustomFormatter() {
__name(formatValue2, "formatValue");
function extractKeys(instance, type) {
const Comp = instance.type;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(Comp)) {
+========
+ if (isFunction$c(Comp)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return;
}
const extracted = {};
@@ -42922,7 +44259,11 @@ function initCustomFormatter() {
__name(extractKeys, "extractKeys");
function isKeyOfType(Comp, key, type) {
const opts = Comp[type];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(opts) && opts.includes(key) || isObject$e(opts) && key in opts) {
+========
+ if (isArray$b(opts) && opts.includes(key) || isObject$f(opts) && key in opts) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return true;
}
if (Comp.extends && isKeyOfType(Comp.extends, key, type)) {
@@ -43117,14 +44458,14 @@ const Transition = /* @__PURE__ */ decorate$1(
(props, { slots }) => h(BaseTransition, resolveTransitionProps(props), slots)
);
const callHook = /* @__PURE__ */ __name((hook, args = []) => {
- if (isArray$9(hook)) {
+ if (isArray$b(hook)) {
hook.forEach((h2) => h2(...args));
} else if (hook) {
hook(...args);
}
}, "callHook");
const hasExplicitCallback = /* @__PURE__ */ __name((hook) => {
- return hook ? isArray$9(hook) ? hook.some((h2) => h2.length > 1) : hook.length > 1 : false;
+ return hook ? isArray$b(hook) ? hook.some((h2) => h2.length > 1) : hook.length > 1 : false;
}, "hasExplicitCallback");
function resolveTransitionProps(rawProps) {
const baseProps = {};
@@ -43244,7 +44585,11 @@ __name(resolveTransitionProps, "resolveTransitionProps");
function normalizeDuration(duration) {
if (duration == null) {
return null;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isObject$e(duration)) {
+========
+ } else if (isObject$f(duration)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return [NumberOf(duration.enter), NumberOf(duration.leave)];
} else {
const n2 = NumberOf(duration);
@@ -43402,8 +44747,8 @@ const vShow = {
transition.enter(el);
}
},
- updated(el, { value: value4, oldValue: oldValue2 }, { transition }) {
- if (!value4 === !oldValue2) return;
+ updated(el, { value: value4, oldValue }, { transition }) {
+ if (!value4 === !oldValue) return;
if (transition) {
if (value4) {
transition.beforeEnter(el);
@@ -43564,7 +44909,7 @@ __name(patchStyle, "patchStyle");
const semicolonRE = /[^\\];\s*$/;
const importantRE = /\s*!important$/;
function setStyle(style2, name2, val) {
- if (isArray$9(val)) {
+ if (isArray$b(val)) {
val.forEach((v2) => setStyle(style2, name2, v2));
} else {
if (val == null) val = "";
@@ -43643,13 +44988,21 @@ function patchDOMProp(el, key, value4, parentComponent, attrName) {
const tag = el.tagName;
if (key === "value" && tag !== "PROGRESS" && // custom elements may use _value internally
!tag.includes("-")) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const oldValue2 = tag === "OPTION" ? el.getAttribute("value") || "" : el.value;
+========
+ const oldValue = tag === "OPTION" ? el.getAttribute("value") || "" : el.value;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const newValue2 = value4 == null ? (
// #11647: value should be set as empty string for null and undefined,
// but should be set as 'on'.
el.type === "checkbox" ? "on" : ""
) : String(value4);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (oldValue2 !== newValue2 || !("_value" in el)) {
+========
+ if (oldValue !== newValue2 || !("_value" in el)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
el.value = newValue2;
}
if (value4 == null) {
@@ -43684,12 +45037,21 @@ function patchDOMProp(el, key, value4, parentComponent, attrName) {
needRemove && el.removeAttribute(attrName || key);
}
__name(patchDOMProp, "patchDOMProp");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addEventListener$1(el, event, handler10, options4) {
el.addEventListener(event, handler10, options4);
}
__name(addEventListener$1, "addEventListener$1");
function removeEventListener$1(el, event, handler10, options4) {
el.removeEventListener(event, handler10, options4);
+========
+function addEventListener$1(el, event, handler12, options4) {
+ el.addEventListener(event, handler12, options4);
+}
+__name(addEventListener$1, "addEventListener$1");
+function removeEventListener$1(el, event, handler12, options4) {
+ el.removeEventListener(event, handler12, options4);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(removeEventListener$1, "removeEventListener$1");
const veiKey = Symbol("_vei");
@@ -43751,7 +45113,11 @@ function createInvoker(initialValue, instance) {
}
__name(createInvoker, "createInvoker");
function sanitizeEventValue(value4, propName) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$a(value4) || isArray$9(value4)) {
+========
+ if (isFunction$c(value4) || isArray$b(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return value4;
}
warn$3(
@@ -43762,7 +45128,7 @@ Expected function or array of functions, received type ${typeof value4}.`
}
__name(sanitizeEventValue, "sanitizeEventValue");
function patchStopImmediatePropagation(e2, value4) {
- if (isArray$9(value4)) {
+ if (isArray$b(value4)) {
const originalStop = e2.stopImmediatePropagation;
e2.stopImmediatePropagation = () => {
originalStop.call(e2);
@@ -43812,7 +45178,11 @@ function shouldSetAsProp(el, key, value4, isSVG) {
if (key === "innerHTML" || key === "textContent") {
return true;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (key in el && isNativeOn(key) && isFunction$a(value4)) {
+========
+ if (key in el && isNativeOn(key) && isFunction$c(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return true;
}
return false;
@@ -43972,7 +45342,7 @@ class VueElement extends BaseClass {
this._pendingResolve = void 0;
const { props, styles } = def2;
let numberProps;
- if (props && !isArray$9(props)) {
+ if (props && !isArray$b(props)) {
for (const key in props) {
const opt = props[key];
if (opt === Number || opt && opt.type === Number) {
@@ -44030,7 +45400,7 @@ class VueElement extends BaseClass {
}
_resolveProps(def2) {
const { props } = def2;
- const declaredPropKeys = isArray$9(props) ? props : Object.keys(props || {});
+ const declaredPropKeys = isArray$b(props) ? props : Object.keys(props || {});
for (const key of Object.keys(this)) {
if (key[0] !== "_" && declaredPropKeys.includes(key)) {
this._setProp(key, this[key]);
@@ -44415,7 +45785,7 @@ function hasCSSTransform(el, root29, moveClass) {
__name(hasCSSTransform, "hasCSSTransform");
const getModelAssigner = /* @__PURE__ */ __name((vnode) => {
const fn = vnode.props["onUpdate:modelValue"] || false;
- return isArray$9(fn) ? (value4) => invokeArrayFns(fn, value4) : fn;
+ return isArray$b(fn) ? (value4) => invokeArrayFns(fn, value4) : fn;
}, "getModelAssigner");
function onCompositionStart(e2) {
e2.target.composing = true;
@@ -44460,7 +45830,7 @@ const vModelText = {
mounted(el, { value: value4 }) {
el.value = value4 == null ? "" : value4;
},
- beforeUpdate(el, { value: value4, oldValue: oldValue2, modifiers: { lazy, trim: trim2, number: number2 } }, vnode) {
+ beforeUpdate(el, { value: value4, oldValue, modifiers: { lazy, trim: trim2, number: number2 } }, vnode) {
el[assignKey] = getModelAssigner(vnode);
if (el.composing) return;
const elValue = (number2 || el.type === "number") && !/^0\d/.test(el.value) ? looseToNumber(el.value) : el.value;
@@ -44469,7 +45839,7 @@ const vModelText = {
return;
}
if (document.activeElement === el && el.type !== "range") {
- if (lazy && value4 === oldValue2) {
+ if (lazy && value4 === oldValue) {
return;
}
if (trim2 && el.value.trim() === newValue2) {
@@ -44489,7 +45859,7 @@ const vModelCheckbox = {
const elementValue = getValue$3(el);
const checked4 = el.checked;
const assign2 = el[assignKey];
- if (isArray$9(modelValue3)) {
+ if (isArray$b(modelValue3)) {
const index2 = looseIndexOf(modelValue3, elementValue);
const found2 = index2 !== -1;
if (checked4 && !found2) {
@@ -44519,15 +45889,23 @@ const vModelCheckbox = {
setChecked(el, binding, vnode);
}
};
-function setChecked(el, { value: value4, oldValue: oldValue2 }, vnode) {
+function setChecked(el, { value: value4, oldValue }, vnode) {
el._modelValue = value4;
let checked4;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$9(value4)) {
+========
+ if (isArray$b(value4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
checked4 = looseIndexOf(value4, vnode.props.value) > -1;
} else if (isSet$3(value4)) {
checked4 = value4.has(vnode.props.value);
} else {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (value4 === oldValue2) return;
+========
+ if (value4 === oldValue) return;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
checked4 = looseEqual(value4, getCheckboxValue(el, true));
}
if (el.checked !== checked4) {
@@ -44543,9 +45921,9 @@ const vModelRadio = {
el[assignKey](getValue$3(el));
});
},
- beforeUpdate(el, { value: value4, oldValue: oldValue2 }, vnode) {
+ beforeUpdate(el, { value: value4, oldValue }, vnode) {
el[assignKey] = getModelAssigner(vnode);
- if (value4 !== oldValue2) {
+ if (value4 !== oldValue) {
el.checked = looseEqual(value4, vnode.props.value);
}
}
@@ -44585,7 +45963,7 @@ const vModelSelect = {
};
function setSelected(el, value4) {
const isMultiple = el.multiple;
- const isArrayValue = isArray$9(value4);
+ const isArrayValue = isArray$b(value4);
if (isMultiple && !isArrayValue && !isSet$3(value4)) {
return;
}
@@ -44671,7 +46049,7 @@ function initVModelForSSR() {
}
};
vModelCheckbox.getSSRProps = ({ value: value4 }, vnode) => {
- if (isArray$9(value4)) {
+ if (isArray$b(value4)) {
if (vnode.props && looseIndexOf(value4, vnode.props.value) > -1) {
return { checked: true };
}
@@ -44777,7 +46155,11 @@ const createApp = /* @__PURE__ */ __name((...args) => {
const container = normalizeContainer(containerOrSelector);
if (!container) return;
const component = app2._component;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isFunction$a(component) && !component.render && !component.template) {
+========
+ if (!isFunction$c(component) && !component.render && !component.template) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
component.template = container.innerHTML;
}
if (container.nodeType === 1) {
@@ -44984,7 +46366,11 @@ const vue_runtime_esmBundler = /* @__PURE__ */ Object.freeze(/* @__PURE__ */ Obj
markRaw,
mergeDefaults,
mergeModels,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mergeProps: mergeProps$1,
+========
+ mergeProps: mergeProps$2,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
nextTick,
normalizeClass,
normalizeProps,
@@ -45036,7 +46422,7 @@ const vue_runtime_esmBundler = /* @__PURE__ */ Object.freeze(/* @__PURE__ */ Obj
toRaw,
toRef: toRef$1,
toRefs: toRefs$1,
- toValue: toValue$1,
+ toValue: toValue$4,
transformVNodeArgs,
triggerRef,
unref,
@@ -45077,8 +46463,13 @@ var isVue3 = true;
var Vue2 = void 0;
function install$6() {
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(install$6, "install$6");
function set$1(target2, key, val) {
+========
+__name(install$8, "install$8");
+function set$3(target2, key, val) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (Array.isArray(target2)) {
target2.length = Math.max(target2.length, key);
target2.splice(key, 1, val);
@@ -45087,8 +46478,13 @@ function set$1(target2, key, val) {
target2[key] = val;
return val;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(set$1, "set$1");
function del$1(target2, key) {
+========
+__name(set$3, "set$3");
+function del$3(target2, key) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (Array.isArray(target2)) {
target2.splice(key, 1);
return;
@@ -45288,7 +46684,7 @@ function download(url, name2, opts) {
xhr.open("GET", url);
xhr.responseType = "blob";
xhr.onload = function() {
- saveAs$1(xhr.response, name2, opts);
+ saveAs$2(xhr.response, name2, opts);
};
xhr.onerror = function() {
console.error("could not download file");
@@ -45316,9 +46712,15 @@ function click(node3) {
}
}
__name(click, "click");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _navigator$1 = typeof navigator === "object" ? navigator : { userAgent: "" };
const isMacOSWebView = /* @__PURE__ */ (() => /Macintosh/.test(_navigator$1.userAgent) && /AppleWebKit/.test(_navigator$1.userAgent) && !/Safari/.test(_navigator$1.userAgent))();
const saveAs$1 = !IS_CLIENT ? () => {
+========
+const _navigator = typeof navigator === "object" ? navigator : { userAgent: "" };
+const isMacOSWebView = /* @__PURE__ */ (() => /Macintosh/.test(_navigator.userAgent) && /AppleWebKit/.test(_navigator.userAgent) && !/Safari/.test(_navigator.userAgent))();
+const saveAs$2 = !IS_CLIENT ? () => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} : (
// Use download attribute first if possible (#193 Lumia mobile) unless this is a macOS WebView or mini program
typeof HTMLAnchorElement !== "undefined" && "download" in HTMLAnchorElement.prototype && !isMacOSWebView ? downloadSaveAs : (
@@ -45475,7 +46877,7 @@ async function actionGlobalPasteState(pinia2) {
__name(actionGlobalPasteState, "actionGlobalPasteState");
async function actionGlobalSaveState(pinia2) {
try {
- saveAs$1(new Blob([JSON.stringify(pinia2.state.value)], {
+ saveAs$2(new Blob([JSON.stringify(pinia2.state.value)], {
type: "text/plain;charset=utf-8"
}), "pinia-state.json");
} catch (error2) {
@@ -45914,7 +47316,7 @@ function addStoreToDevtools(app2, store) {
});
}, true);
store._customProperties.forEach((name2) => {
- watch(() => unref(store[name2]), (newValue2, oldValue2) => {
+ watch(() => unref(store[name2]), (newValue2, oldValue) => {
api2.notifyComponentUpdate();
api2.sendInspectorState(INSPECTOR_ID);
if (isTimelineActive) {
@@ -45926,7 +47328,7 @@ function addStoreToDevtools(app2, store) {
subtitle: name2,
data: {
newValue: newValue2,
- oldValue: oldValue2
+ oldValue
},
groupId: activeAction
}
@@ -46646,7 +48048,11 @@ This will fail in production.`);
const store = pinia2._s.get(id3);
if (false) {
const hotId = "__hot:" + id3;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const newStore = isSetupStore ? createSetupStore(hotId, setup3, options4, pinia2, true) : createOptionsStore(hotId, assign$8({}, options4), pinia2, true);
+========
+ const newStore = isSetupStore ? createSetupStore(hotId, setup3, options4, pinia2, true) : createOptionsStore(hotId, assign$6({}, options4), pinia2, true);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
hot._hotUpdate(newStore);
delete pinia2.state.value[hotId];
pinia2._s.delete(hotId);
@@ -46798,7 +48204,11 @@ const PiniaVuePlugin = /* @__PURE__ */ __name(function(_Vue) {
}
});
}, "PiniaVuePlugin");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function classNames(...args) {
+========
+function classNames$1(...args) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (args) {
let classes2 = [];
for (let i2 = 0; i2 < args.length; i2++) {
@@ -46810,14 +48220,1059 @@ function classNames(...args) {
if (type === "string" || type === "number") {
classes2.push(className);
} else if (type === "object") {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _classes = Array.isArray(className) ? [classNames(...className)] : Object.entries(className).map(([key, value4]) => value4 ? key : void 0);
classes2 = _classes.length ? classes2.concat(_classes.filter((c2) => !!c2)) : classes2;
}
+========
+ const _classes = Array.isArray(className) ? [classNames$1(...className)] : Object.entries(className).map(([key, value4]) => value4 ? key : void 0);
+ classes2 = _classes.length ? classes2.concat(_classes.filter((c2) => !!c2)) : classes2;
+ }
}
return classes2.join(" ").trim();
}
return void 0;
}
+__name(classNames$1, "classNames$1");
+function hasClass$1(element, className) {
+ if (element) {
+ if (element.classList) return element.classList.contains(className);
+ else return new RegExp("(^| )" + className + "( |$)", "gi").test(element.className);
+ }
+ return false;
+}
+__name(hasClass$1, "hasClass$1");
+function addClass$1(element, className) {
+ if (element && className) {
+ const fn = /* @__PURE__ */ __name((_className) => {
+ if (!hasClass$1(element, _className)) {
+ if (element.classList) element.classList.add(_className);
+ else element.className += " " + _className;
+ }
+ }, "fn");
+ [className].flat().filter(Boolean).forEach((_classNames) => _classNames.split(" ").forEach(fn));
+ }
+}
+__name(addClass$1, "addClass$1");
+function calculateBodyScrollbarWidth$1() {
+ return window.innerWidth - document.documentElement.offsetWidth;
+}
+__name(calculateBodyScrollbarWidth$1, "calculateBodyScrollbarWidth$1");
+function getCSSVariableByRegex$1(variableRegex) {
+ for (const sheet of document == null ? void 0 : document.styleSheets) {
+ try {
+ for (const rule of sheet == null ? void 0 : sheet.cssRules) {
+ for (const property of rule == null ? void 0 : rule.style) {
+ if (variableRegex.test(property)) {
+ return { name: property, value: rule.style.getPropertyValue(property).trim() };
+ }
+ }
+ }
+ } catch (e2) {
+ }
+ }
+ return null;
+}
+__name(getCSSVariableByRegex$1, "getCSSVariableByRegex$1");
+function blockBodyScroll$1(className = "p-overflow-hidden") {
+ const variableData = getCSSVariableByRegex$1(/-scrollbar-width$/);
+ (variableData == null ? void 0 : variableData.name) && document.body.style.setProperty(variableData.name, calculateBodyScrollbarWidth$1() + "px");
+ addClass$1(document.body, className);
+}
+__name(blockBodyScroll$1, "blockBodyScroll$1");
+function saveAs$1(file) {
+ if (file) {
+ let link2 = document.createElement("a");
+ if (link2.download !== void 0) {
+ const { name: name2, src } = file;
+ link2.setAttribute("href", src);
+ link2.setAttribute("download", name2);
+ link2.style.display = "none";
+ document.body.appendChild(link2);
+ link2.click();
+ document.body.removeChild(link2);
+ return true;
+ }
+ }
+ return false;
+}
+__name(saveAs$1, "saveAs$1");
+function exportCSV$1(csv, filename) {
+ let blob = new Blob([csv], {
+ type: "application/csv;charset=utf-8;"
+ });
+ if (window.navigator.msSaveOrOpenBlob) {
+ navigator.msSaveOrOpenBlob(blob, filename + ".csv");
+ } else {
+ const isDownloaded = saveAs$1({ name: filename + ".csv", src: URL.createObjectURL(blob) });
+ if (!isDownloaded) {
+ csv = "data:text/csv;charset=utf-8," + csv;
+ window.open(encodeURI(csv));
+ }
+ }
+}
+__name(exportCSV$1, "exportCSV$1");
+function removeClass$1(element, className) {
+ if (element && className) {
+ const fn = /* @__PURE__ */ __name((_className) => {
+ if (element.classList) element.classList.remove(_className);
+ else element.className = element.className.replace(new RegExp("(^|\\b)" + _className.split(" ").join("|") + "(\\b|$)", "gi"), " ");
+ }, "fn");
+ [className].flat().filter(Boolean).forEach((_classNames) => _classNames.split(" ").forEach(fn));
+ }
+}
+__name(removeClass$1, "removeClass$1");
+function unblockBodyScroll$1(className = "p-overflow-hidden") {
+ const variableData = getCSSVariableByRegex$1(/-scrollbar-width$/);
+ (variableData == null ? void 0 : variableData.name) && document.body.style.removeProperty(variableData.name);
+ removeClass$1(document.body, className);
+}
+__name(unblockBodyScroll$1, "unblockBodyScroll$1");
+function getHiddenElementDimensions$1(element) {
+ let dimensions = { width: 0, height: 0 };
+ if (element) {
+ element.style.visibility = "hidden";
+ element.style.display = "block";
+ dimensions.width = element.offsetWidth;
+ dimensions.height = element.offsetHeight;
+ element.style.display = "none";
+ element.style.visibility = "visible";
+ }
+ return dimensions;
+}
+__name(getHiddenElementDimensions$1, "getHiddenElementDimensions$1");
+function getViewport$1() {
+ let win = window, d2 = document, e2 = d2.documentElement, g2 = d2.getElementsByTagName("body")[0], w2 = win.innerWidth || e2.clientWidth || g2.clientWidth, h2 = win.innerHeight || e2.clientHeight || g2.clientHeight;
+ return { width: w2, height: h2 };
+}
+__name(getViewport$1, "getViewport$1");
+function getWindowScrollLeft$1() {
+ let doc2 = document.documentElement;
+ return (window.pageXOffset || doc2.scrollLeft) - (doc2.clientLeft || 0);
+}
+__name(getWindowScrollLeft$1, "getWindowScrollLeft$1");
+function getWindowScrollTop$1() {
+ let doc2 = document.documentElement;
+ return (window.pageYOffset || doc2.scrollTop) - (doc2.clientTop || 0);
+}
+__name(getWindowScrollTop$1, "getWindowScrollTop$1");
+function absolutePosition$1(element, target2, gutter = true) {
+ var _a2, _b, _c, _d;
+ if (element) {
+ const elementDimensions = element.offsetParent ? { width: element.offsetWidth, height: element.offsetHeight } : getHiddenElementDimensions$1(element);
+ const elementOuterHeight = elementDimensions.height;
+ const elementOuterWidth = elementDimensions.width;
+ const targetOuterHeight = target2.offsetHeight;
+ const targetOuterWidth = target2.offsetWidth;
+ const targetOffset = target2.getBoundingClientRect();
+ const windowScrollTop = getWindowScrollTop$1();
+ const windowScrollLeft = getWindowScrollLeft$1();
+ const viewport = getViewport$1();
+ let top, left, origin2 = "top";
+ if (targetOffset.top + targetOuterHeight + elementOuterHeight > viewport.height) {
+ top = targetOffset.top + windowScrollTop - elementOuterHeight;
+ origin2 = "bottom";
+ if (top < 0) {
+ top = windowScrollTop;
+ }
+ } else {
+ top = targetOuterHeight + targetOffset.top + windowScrollTop;
+ }
+ if (targetOffset.left + elementOuterWidth > viewport.width) left = Math.max(0, targetOffset.left + windowScrollLeft + targetOuterWidth - elementOuterWidth);
+ else left = targetOffset.left + windowScrollLeft;
+ element.style.top = top + "px";
+ element.style.left = left + "px";
+ element.style.transformOrigin = origin2;
+ gutter && (element.style.marginTop = origin2 === "bottom" ? `calc(${(_b = (_a2 = getCSSVariableByRegex$1(/-anchor-gutter$/)) == null ? void 0 : _a2.value) != null ? _b : "2px"} * -1)` : (_d = (_c = getCSSVariableByRegex$1(/-anchor-gutter$/)) == null ? void 0 : _c.value) != null ? _d : "");
+ }
+}
+__name(absolutePosition$1, "absolutePosition$1");
+function addStyle$1(element, style2) {
+ if (element) {
+ if (typeof style2 === "string") {
+ element.style.cssText = style2;
+ } else {
+ Object.entries(style2 || {}).forEach(([key, value4]) => element.style[key] = value4);
+ }
+ }
+}
+__name(addStyle$1, "addStyle$1");
+function getOuterWidth$1(element, margin) {
+ if (element instanceof HTMLElement) {
+ let width2 = element.offsetWidth;
+ if (margin) {
+ let style2 = getComputedStyle(element);
+ width2 += parseFloat(style2.marginLeft) + parseFloat(style2.marginRight);
+ }
+ return width2;
+ }
+ return 0;
+}
+__name(getOuterWidth$1, "getOuterWidth$1");
+function relativePosition$1(element, target2, gutter = true) {
+ var _a2, _b, _c, _d;
+ if (element) {
+ const elementDimensions = element.offsetParent ? { width: element.offsetWidth, height: element.offsetHeight } : getHiddenElementDimensions$1(element);
+ const targetHeight = target2.offsetHeight;
+ const targetOffset = target2.getBoundingClientRect();
+ const viewport = getViewport$1();
+ let top, left, origin2 = "top";
+ if (targetOffset.top + targetHeight + elementDimensions.height > viewport.height) {
+ top = -1 * elementDimensions.height;
+ origin2 = "bottom";
+ if (targetOffset.top + top < 0) {
+ top = -1 * targetOffset.top;
+ }
+ } else {
+ top = targetHeight;
+ }
+ if (elementDimensions.width > viewport.width) {
+ left = targetOffset.left * -1;
+ } else if (targetOffset.left + elementDimensions.width > viewport.width) {
+ left = (targetOffset.left + elementDimensions.width - viewport.width) * -1;
+ } else {
+ left = 0;
+ }
+ element.style.top = top + "px";
+ element.style.left = left + "px";
+ element.style.transformOrigin = origin2;
+ gutter && (element.style.marginTop = origin2 === "bottom" ? `calc(${(_b = (_a2 = getCSSVariableByRegex$1(/-anchor-gutter$/)) == null ? void 0 : _a2.value) != null ? _b : "2px"} * -1)` : (_d = (_c = getCSSVariableByRegex$1(/-anchor-gutter$/)) == null ? void 0 : _c.value) != null ? _d : "");
+ }
+}
+__name(relativePosition$1, "relativePosition$1");
+function alignOverlay$1(overlay, target2, appendTo2, calculateMinWidth = true) {
+ if (overlay && target2) {
+ if (appendTo2 === "self") {
+ relativePosition$1(overlay, target2);
+ } else {
+ calculateMinWidth && (overlay.style.minWidth = getOuterWidth$1(target2) + "px");
+ absolutePosition$1(overlay, target2);
+ }
+ }
+}
+__name(alignOverlay$1, "alignOverlay$1");
+function isElement$1(element) {
+ return typeof HTMLElement === "object" ? element instanceof HTMLElement : element && typeof element === "object" && element !== null && element.nodeType === 1 && typeof element.nodeName === "string";
+}
+__name(isElement$1, "isElement$1");
+function toElement$1(element) {
+ let target2 = element;
+ if (element && typeof element === "object") {
+ if (element.hasOwnProperty("current")) {
+ target2 = element.current;
+ } else if (element.hasOwnProperty("el")) {
+ if (element.el.hasOwnProperty("nativeElement")) {
+ target2 = element.el.nativeElement;
+ } else {
+ target2 = element.el;
+ }
+ }
+ }
+ return isElement$1(target2) ? target2 : void 0;
+}
+__name(toElement$1, "toElement$1");
+function appendChild$1(element, child) {
+ const target2 = toElement$1(element);
+ if (target2) target2.appendChild(child);
+ else throw new Error("Cannot append " + child + " to " + element);
+}
+__name(appendChild$1, "appendChild$1");
+var calculatedScrollbarHeight$1 = void 0;
+function calculateScrollbarHeight$1(element) {
+ if (element) {
+ let style2 = getComputedStyle(element);
+ return element.offsetHeight - element.clientHeight - parseFloat(style2.borderTopWidth) - parseFloat(style2.borderBottomWidth);
+ } else {
+ if (calculatedScrollbarHeight$1 != null) return calculatedScrollbarHeight$1;
+ let scrollDiv = document.createElement("div");
+ addStyle$1(scrollDiv, {
+ width: "100px",
+ height: "100px",
+ overflow: "scroll",
+ position: "absolute",
+ top: "-9999px"
+ });
+ document.body.appendChild(scrollDiv);
+ let scrollbarHeight = scrollDiv.offsetHeight - scrollDiv.clientHeight;
+ document.body.removeChild(scrollDiv);
+ calculatedScrollbarHeight$1 = scrollbarHeight;
+ return scrollbarHeight;
+ }
+}
+__name(calculateScrollbarHeight$1, "calculateScrollbarHeight$1");
+var calculatedScrollbarWidth$1 = void 0;
+function calculateScrollbarWidth$1(element) {
+ if (element) {
+ let style2 = getComputedStyle(element);
+ return element.offsetWidth - element.clientWidth - parseFloat(style2.borderLeftWidth) - parseFloat(style2.borderRightWidth);
+ } else {
+ if (calculatedScrollbarWidth$1 != null) return calculatedScrollbarWidth$1;
+ let scrollDiv = document.createElement("div");
+ addStyle$1(scrollDiv, {
+ width: "100px",
+ height: "100px",
+ overflow: "scroll",
+ position: "absolute",
+ top: "-9999px"
+ });
+ document.body.appendChild(scrollDiv);
+ let scrollbarWidth = scrollDiv.offsetWidth - scrollDiv.clientWidth;
+ document.body.removeChild(scrollDiv);
+ calculatedScrollbarWidth$1 = scrollbarWidth;
+ return scrollbarWidth;
+ }
+}
+__name(calculateScrollbarWidth$1, "calculateScrollbarWidth$1");
+function clearSelection$1() {
+ if (window.getSelection) {
+ const selection = window.getSelection() || {};
+ if (selection.empty) {
+ selection.empty();
+ } else if (selection.removeAllRanges && selection.rangeCount > 0 && selection.getRangeAt(0).getClientRects().length > 0) {
+ selection.removeAllRanges();
+ }
+ }
+}
+__name(clearSelection$1, "clearSelection$1");
+function setAttributes$1(element, attributes = {}) {
+ if (isElement$1(element)) {
+ const computedStyles = /* @__PURE__ */ __name((rule, value4) => {
+ var _a2, _b;
+ const styles = ((_a2 = element == null ? void 0 : element.$attrs) == null ? void 0 : _a2[rule]) ? [(_b = element == null ? void 0 : element.$attrs) == null ? void 0 : _b[rule]] : [];
+ return [value4].flat().reduce((cv, v2) => {
+ if (v2 !== null && v2 !== void 0) {
+ const type = typeof v2;
+ if (type === "string" || type === "number") {
+ cv.push(v2);
+ } else if (type === "object") {
+ const _cv = Array.isArray(v2) ? computedStyles(rule, v2) : Object.entries(v2).map(([_k, _v]) => rule === "style" && (!!_v || _v === 0) ? `${_k.replace(/([a-z])([A-Z])/g, "$1-$2").toLowerCase()}:${_v}` : !!_v ? _k : void 0);
+ cv = _cv.length ? cv.concat(_cv.filter((c2) => !!c2)) : cv;
+ }
+ }
+ return cv;
+ }, styles);
+ }, "computedStyles");
+ Object.entries(attributes).forEach(([key, value4]) => {
+ if (value4 !== void 0 && value4 !== null) {
+ const matchedEvent = key.match(/^on(.+)/);
+ if (matchedEvent) {
+ element.addEventListener(matchedEvent[1].toLowerCase(), value4);
+ } else if (key === "p-bind" || key === "pBind") {
+ setAttributes$1(element, value4);
+ } else {
+ value4 = key === "class" ? [...new Set(computedStyles("class", value4))].join(" ").trim() : key === "style" ? computedStyles("style", value4).join(";").trim() : value4;
+ (element.$attrs = element.$attrs || {}) && (element.$attrs[key] = value4);
+ element.setAttribute(key, value4);
+ }
+ }
+ });
+ }
+}
+__name(setAttributes$1, "setAttributes$1");
+function createElement$1(type, attributes = {}, ...children) {
+ if (type) {
+ const element = document.createElement(type);
+ setAttributes$1(element, attributes);
+ element.append(...children);
+ return element;
+ }
+ return void 0;
+}
+__name(createElement$1, "createElement$1");
+function createStyleAsString$1(css4, options4 = {}) {
+ return css4 ? `''` : "";
+}
+__name(createStyleAsString$1, "createStyleAsString$1");
+function createStyleTag$2(attributes = {}, container) {
+ let element = document.createElement("style");
+ setAttributes$1(element, attributes);
+ if (!container) {
+ container = document.head;
+ }
+ container.appendChild(element);
+ return element;
+}
+__name(createStyleTag$2, "createStyleTag$2");
+function fadeIn$1(element, duration) {
+ if (element) {
+ element.style.opacity = "0";
+ let last = +/* @__PURE__ */ new Date();
+ let opacity = "0";
+ let tick = /* @__PURE__ */ __name(function() {
+ opacity = `${+element.style.opacity + ((/* @__PURE__ */ new Date()).getTime() - last) / duration}`;
+ element.style.opacity = opacity;
+ last = +/* @__PURE__ */ new Date();
+ if (+opacity < 1) {
+ !!window.requestAnimationFrame && requestAnimationFrame(tick) || setTimeout(tick, 16);
+ }
+ }, "tick");
+ tick();
+ }
+}
+__name(fadeIn$1, "fadeIn$1");
+function fadeOut$1(element, duration) {
+ if (element) {
+ let opacity = 1, interval = 50, gap = interval / duration;
+ let fading = setInterval(() => {
+ opacity -= gap;
+ if (opacity <= 0) {
+ opacity = 0;
+ clearInterval(fading);
+ }
+ element.style.opacity = opacity.toString();
+ }, interval);
+ }
+}
+__name(fadeOut$1, "fadeOut$1");
+function find$2(element, selector) {
+ return isElement$1(element) ? Array.from(element.querySelectorAll(selector)) : [];
+}
+__name(find$2, "find$2");
+function findSingle$1(element, selector) {
+ return isElement$1(element) ? element.matches(selector) ? element : element.querySelector(selector) : null;
+}
+__name(findSingle$1, "findSingle$1");
+function focus$2(element, options4) {
+ element && document.activeElement !== element && element.focus(options4);
+}
+__name(focus$2, "focus$2");
+function getAttribute$1(element, name2) {
+ if (isElement$1(element)) {
+ const value4 = element.getAttribute(name2);
+ if (!isNaN(value4)) {
+ return +value4;
+ }
+ if (value4 === "true" || value4 === "false") {
+ return value4 === "true";
+ }
+ return value4;
+ }
+ return void 0;
+}
+__name(getAttribute$1, "getAttribute$1");
+function resolveUserAgent$1() {
+ let ua = navigator.userAgent.toLowerCase();
+ let match2 = /(chrome)[ ]([\w.]+)/.exec(ua) || /(webkit)[ ]([\w.]+)/.exec(ua) || /(opera)(?:.*version|)[ ]([\w.]+)/.exec(ua) || /(msie) ([\w.]+)/.exec(ua) || ua.indexOf("compatible") < 0 && /(mozilla)(?:.*? rv:([\w.]+)|)/.exec(ua) || [];
+ return {
+ browser: match2[1] || "",
+ version: match2[2] || "0"
+ };
+}
+__name(resolveUserAgent$1, "resolveUserAgent$1");
+var browser$1 = null;
+function getBrowser$1() {
+ if (!browser$1) {
+ browser$1 = {};
+ let matched = resolveUserAgent$1();
+ if (matched.browser) {
+ browser$1[matched.browser] = true;
+ browser$1["version"] = matched.version;
+ }
+ if (browser$1["chrome"]) {
+ browser$1["webkit"] = true;
+ } else if (browser$1["webkit"]) {
+ browser$1["safari"] = true;
+ }
+ }
+ return browser$1;
+}
+__name(getBrowser$1, "getBrowser$1");
+function getBrowserLanguage$1() {
+ return navigator.languages && navigator.languages.length && navigator.languages[0] || navigator.language || "en";
+}
+__name(getBrowserLanguage$1, "getBrowserLanguage$1");
+function getCSSProperty$1(element, property, inline3) {
+ var _a2;
+ if (element && property) {
+ return inline3 ? (_a2 = element == null ? void 0 : element.style) == null ? void 0 : _a2.getPropertyValue(property) : getComputedStyle(element).getPropertyValue(property);
+ }
+ return null;
+}
+__name(getCSSProperty$1, "getCSSProperty$1");
+function getCursorOffset$1(element, prevText, nextText, currentText) {
+ if (element) {
+ let style2 = getComputedStyle(element);
+ let ghostDiv = document.createElement("div");
+ ghostDiv.style.position = "absolute";
+ ghostDiv.style.top = "0px";
+ ghostDiv.style.left = "0px";
+ ghostDiv.style.visibility = "hidden";
+ ghostDiv.style.pointerEvents = "none";
+ ghostDiv.style.overflow = style2.overflow;
+ ghostDiv.style.width = style2.width;
+ ghostDiv.style.height = style2.height;
+ ghostDiv.style.padding = style2.padding;
+ ghostDiv.style.border = style2.border;
+ ghostDiv.style.overflowWrap = style2.overflowWrap;
+ ghostDiv.style.whiteSpace = style2.whiteSpace;
+ ghostDiv.style.lineHeight = style2.lineHeight;
+ ghostDiv.innerHTML = prevText.replace(/\r\n|\r|\n/g, "
");
+ let ghostSpan = document.createElement("span");
+ ghostSpan.textContent = currentText;
+ ghostDiv.appendChild(ghostSpan);
+ let text2 = document.createTextNode(nextText);
+ ghostDiv.appendChild(text2);
+ document.body.appendChild(ghostDiv);
+ const { offsetLeft, offsetTop, clientHeight } = ghostSpan;
+ document.body.removeChild(ghostDiv);
+ return {
+ left: Math.abs(offsetLeft - element.scrollLeft),
+ top: Math.abs(offsetTop - element.scrollTop) + clientHeight
+ };
+ }
+ return {
+ top: "auto",
+ left: "auto"
+ };
+}
+__name(getCursorOffset$1, "getCursorOffset$1");
+function getFocusableElements$1(element, selector = "") {
+ let focusableElements = find$2(
+ element,
+ `button:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [href][clientHeight][clientWidth]:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ input:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ select:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ textarea:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [tabIndex]:not([tabIndex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [contenteditable]:not([tabIndex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector}`
+ );
+ let visibleFocusableElements = [];
+ for (let focusableElement of focusableElements) {
+ if (getComputedStyle(focusableElement).display != "none" && getComputedStyle(focusableElement).visibility != "hidden") visibleFocusableElements.push(focusableElement);
+ }
+ return visibleFocusableElements;
+}
+__name(getFocusableElements$1, "getFocusableElements$1");
+function getFirstFocusableElement$1(element, selector) {
+ const focusableElements = getFocusableElements$1(element, selector);
+ return focusableElements.length > 0 ? focusableElements[0] : null;
+}
+__name(getFirstFocusableElement$1, "getFirstFocusableElement$1");
+function getHeight$1(element) {
+ if (element) {
+ let height = element.offsetHeight;
+ let style2 = getComputedStyle(element);
+ height -= parseFloat(style2.paddingTop) + parseFloat(style2.paddingBottom) + parseFloat(style2.borderTopWidth) + parseFloat(style2.borderBottomWidth);
+ return height;
+ }
+ return 0;
+}
+__name(getHeight$1, "getHeight$1");
+function getHiddenElementOuterHeight$1(element) {
+ if (element) {
+ element.style.visibility = "hidden";
+ element.style.display = "block";
+ let elementHeight = element.offsetHeight;
+ element.style.display = "none";
+ element.style.visibility = "visible";
+ return elementHeight;
+ }
+ return 0;
+}
+__name(getHiddenElementOuterHeight$1, "getHiddenElementOuterHeight$1");
+function getHiddenElementOuterWidth$1(element) {
+ if (element) {
+ element.style.visibility = "hidden";
+ element.style.display = "block";
+ let elementWidth = element.offsetWidth;
+ element.style.display = "none";
+ element.style.visibility = "visible";
+ return elementWidth;
+ }
+ return 0;
+}
+__name(getHiddenElementOuterWidth$1, "getHiddenElementOuterWidth$1");
+function getParentNode$1(element) {
+ if (element) {
+ let parent = element.parentNode;
+ if (parent && parent instanceof ShadowRoot && parent.host) {
+ parent = parent.host;
+ }
+ return parent;
+ }
+ return null;
+}
+__name(getParentNode$1, "getParentNode$1");
+function getIndex$1(element) {
+ var _a2;
+ if (element) {
+ let children = (_a2 = getParentNode$1(element)) == null ? void 0 : _a2.childNodes;
+ let num = 0;
+ if (children) {
+ for (let i2 = 0; i2 < children.length; i2++) {
+ if (children[i2] === element) return num;
+ if (children[i2].nodeType === 1) num++;
+ }
+ }
+ }
+ return -1;
+}
+__name(getIndex$1, "getIndex$1");
+function getInnerWidth$1(element) {
+ if (element) {
+ let width2 = element.offsetWidth;
+ let style2 = getComputedStyle(element);
+ width2 -= parseFloat(style2.borderLeft) + parseFloat(style2.borderRight);
+ return width2;
+ }
+ return 0;
+}
+__name(getInnerWidth$1, "getInnerWidth$1");
+function getLastFocusableElement$1(element, selector) {
+ const focusableElements = getFocusableElements$1(element, selector);
+ return focusableElements.length > 0 ? focusableElements[focusableElements.length - 1] : null;
+}
+__name(getLastFocusableElement$1, "getLastFocusableElement$1");
+function getNextElementSibling$1(element, selector) {
+ let nextElement = element.nextElementSibling;
+ while (nextElement) {
+ if (nextElement.matches(selector)) {
+ return nextElement;
+ } else {
+ nextElement = nextElement.nextElementSibling;
+ }
+ }
+ return null;
+}
+__name(getNextElementSibling$1, "getNextElementSibling$1");
+function getNextFocusableElement$1(container, element, selector) {
+ const focusableElements = getFocusableElements$1(container, selector);
+ const index2 = focusableElements.length > 0 ? focusableElements.findIndex((el) => el === element) : -1;
+ const nextIndex = index2 > -1 && focusableElements.length >= index2 + 1 ? index2 + 1 : -1;
+ return nextIndex > -1 ? focusableElements[nextIndex] : null;
+}
+__name(getNextFocusableElement$1, "getNextFocusableElement$1");
+function getOffset$1(element) {
+ if (element) {
+ let rect = element.getBoundingClientRect();
+ return {
+ top: rect.top + (window.pageYOffset || document.documentElement.scrollTop || document.body.scrollTop || 0),
+ left: rect.left + (window.pageXOffset || document.documentElement.scrollLeft || document.body.scrollLeft || 0)
+ };
+ }
+ return {
+ top: "auto",
+ left: "auto"
+ };
+}
+__name(getOffset$1, "getOffset$1");
+function getOuterHeight$1(element, margin) {
+ if (element) {
+ let height = element.offsetHeight;
+ if (margin) {
+ let style2 = getComputedStyle(element);
+ height += parseFloat(style2.marginTop) + parseFloat(style2.marginBottom);
+ }
+ return height;
+ }
+ return 0;
+}
+__name(getOuterHeight$1, "getOuterHeight$1");
+function getParents$1(element, parents = []) {
+ const parent = getParentNode$1(element);
+ return parent === null ? parents : getParents$1(parent, parents.concat([parent]));
+}
+__name(getParents$1, "getParents$1");
+function getPreviousElementSibling$1(element, selector) {
+ let previousElement = element.previousElementSibling;
+ while (previousElement) {
+ if (previousElement.matches(selector)) {
+ return previousElement;
+ } else {
+ previousElement = previousElement.previousElementSibling;
+ }
+ }
+ return null;
+}
+__name(getPreviousElementSibling$1, "getPreviousElementSibling$1");
+function getScrollableParents$1(element) {
+ let scrollableParents = [];
+ if (element) {
+ let parents = getParents$1(element);
+ const overflowRegex = /(auto|scroll)/;
+ const overflowCheck = /* @__PURE__ */ __name((node3) => {
+ try {
+ let styleDeclaration = window["getComputedStyle"](node3, null);
+ return overflowRegex.test(styleDeclaration.getPropertyValue("overflow")) || overflowRegex.test(styleDeclaration.getPropertyValue("overflowX")) || overflowRegex.test(styleDeclaration.getPropertyValue("overflowY"));
+ } catch (err) {
+ return false;
+ }
+ }, "overflowCheck");
+ for (let parent of parents) {
+ let scrollSelectors = parent.nodeType === 1 && parent.dataset["scrollselectors"];
+ if (scrollSelectors) {
+ let selectors = scrollSelectors.split(",");
+ for (let selector of selectors) {
+ let el = findSingle$1(parent, selector);
+ if (el && overflowCheck(el)) {
+ scrollableParents.push(el);
+ }
+ }
+ }
+ if (parent.nodeType !== 9 && overflowCheck(parent)) {
+ scrollableParents.push(parent);
+ }
+ }
+ }
+ return scrollableParents;
+}
+__name(getScrollableParents$1, "getScrollableParents$1");
+function getSelection$2() {
+ if (window.getSelection) return window.getSelection().toString();
+ else if (document.getSelection) return document.getSelection().toString();
+ return void 0;
+}
+__name(getSelection$2, "getSelection$2");
+function isExist$1(element) {
+ return !!(element !== null && typeof element !== "undefined" && element.nodeName && getParentNode$1(element));
+}
+__name(isExist$1, "isExist$1");
+function getTargetElement$1(target2, currentElement) {
+ var _a2;
+ if (!target2) return void 0;
+ switch (target2) {
+ case "document":
+ return document;
+ case "window":
+ return window;
+ case "body":
+ return document.body;
+ case "@next":
+ return currentElement == null ? void 0 : currentElement.nextElementSibling;
+ case "@prev":
+ return currentElement == null ? void 0 : currentElement.previousElementSibling;
+ case "@parent":
+ return currentElement == null ? void 0 : currentElement.parentElement;
+ case "@grandparent":
+ return (_a2 = currentElement == null ? void 0 : currentElement.parentElement) == null ? void 0 : _a2.parentElement;
+ default:
+ if (typeof target2 === "string") {
+ return document.querySelector(target2);
+ }
+ const isFunction2 = /* @__PURE__ */ __name((obj) => !!(obj && obj.constructor && obj.call && obj.apply), "isFunction");
+ const element = toElement$1(isFunction2(target2) ? target2() : target2);
+ return (element == null ? void 0 : element.nodeType) === 9 || isExist$1(element) ? element : void 0;
+ }
+}
+__name(getTargetElement$1, "getTargetElement$1");
+function getUserAgent$1() {
+ return navigator.userAgent;
+}
+__name(getUserAgent$1, "getUserAgent$1");
+function getWidth$1(element) {
+ if (element) {
+ let width2 = element.offsetWidth;
+ let style2 = getComputedStyle(element);
+ width2 -= parseFloat(style2.paddingLeft) + parseFloat(style2.paddingRight) + parseFloat(style2.borderLeftWidth) + parseFloat(style2.borderRightWidth);
+ return width2;
+ }
+ return 0;
+}
+__name(getWidth$1, "getWidth$1");
+function hasCSSAnimation$1(element) {
+ if (element) {
+ const style2 = getComputedStyle(element);
+ const animationDuration = parseFloat(style2.getPropertyValue("animation-duration") || "0");
+ return animationDuration > 0;
+ }
+ return false;
+}
+__name(hasCSSAnimation$1, "hasCSSAnimation$1");
+function hasCSSTransition$1(element) {
+ if (element) {
+ const style2 = getComputedStyle(element);
+ const transitionDuration = parseFloat(style2.getPropertyValue("transition-duration") || "0");
+ return transitionDuration > 0;
+ }
+ return false;
+}
+__name(hasCSSTransition$1, "hasCSSTransition$1");
+function invokeElementMethod$1(element, methodName, args) {
+ element[methodName].apply(element, args);
+}
+__name(invokeElementMethod$1, "invokeElementMethod$1");
+function isAndroid$3() {
+ return /(android)/i.test(navigator.userAgent);
+}
+__name(isAndroid$3, "isAndroid$3");
+function isAttributeEquals$1(element, name2, value4) {
+ return isElement$1(element) ? getAttribute$1(element, name2) === value4 : false;
+}
+__name(isAttributeEquals$1, "isAttributeEquals$1");
+function isAttributeNotEquals$1(element, name2, value4) {
+ return !isAttributeEquals$1(element, name2, value4);
+}
+__name(isAttributeNotEquals$1, "isAttributeNotEquals$1");
+function isClickable$1(element) {
+ if (element) {
+ const targetNode = element.nodeName;
+ const parentNode2 = element.parentElement && element.parentElement.nodeName;
+ return targetNode === "INPUT" || targetNode === "TEXTAREA" || targetNode === "BUTTON" || targetNode === "A" || parentNode2 === "INPUT" || parentNode2 === "TEXTAREA" || parentNode2 === "BUTTON" || parentNode2 === "A" || !!element.closest(".p-button, .p-checkbox, .p-radiobutton");
+ }
+ return false;
+}
+__name(isClickable$1, "isClickable$1");
+function isClient$2() {
+ return !!(typeof window !== "undefined" && window.document && window.document.createElement);
+}
+__name(isClient$2, "isClient$2");
+function isFocusableElement$1(element, selector = "") {
+ return isElement$1(element) ? element.matches(`button:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [href][clientHeight][clientWidth]:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ input:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ select:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ textarea:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [tabIndex]:not([tabIndex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [contenteditable]:not([tabIndex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector}`) : false;
+}
+__name(isFocusableElement$1, "isFocusableElement$1");
+function isVisible$1(element) {
+ return !!(element && element.offsetParent != null);
+}
+__name(isVisible$1, "isVisible$1");
+function isHidden$1(element) {
+ return !isVisible$1(element);
+}
+__name(isHidden$1, "isHidden$1");
+function isIOS$2() {
+ return /iPad|iPhone|iPod/.test(navigator.userAgent) && !window["MSStream"];
+}
+__name(isIOS$2, "isIOS$2");
+function isRTL$1(element) {
+ return element ? getComputedStyle(element).direction === "rtl" : false;
+}
+__name(isRTL$1, "isRTL$1");
+function isServer$1() {
+ return !isClient$2();
+}
+__name(isServer$1, "isServer$1");
+function isTouchDevice$1() {
+ return "ontouchstart" in window || navigator.maxTouchPoints > 0 || navigator.msMaxTouchPoints > 0;
+}
+__name(isTouchDevice$1, "isTouchDevice$1");
+function nestedPosition$1(element, level) {
+ var _a2, _b;
+ if (element) {
+ const parentItem = element.parentElement;
+ const elementOffset = getOffset$1(parentItem);
+ const viewport = getViewport$1();
+ const sublistWidth = element.offsetParent ? element.offsetWidth : getHiddenElementOuterWidth$1(element);
+ const sublistHeight = element.offsetParent ? element.offsetHeight : getHiddenElementOuterHeight$1(element);
+ const itemOuterWidth = getOuterWidth$1((_a2 = parentItem == null ? void 0 : parentItem.children) == null ? void 0 : _a2[0]);
+ const itemOuterHeight = getOuterHeight$1((_b = parentItem == null ? void 0 : parentItem.children) == null ? void 0 : _b[0]);
+ let left = "";
+ let top = "";
+ if (elementOffset.left + itemOuterWidth + sublistWidth > viewport.width - calculateScrollbarWidth$1()) {
+ if (elementOffset.left < sublistWidth) {
+ if (level % 2 === 1) {
+ left = elementOffset.left ? "-" + elementOffset.left + "px" : "100%";
+ } else if (level % 2 === 0) {
+ left = viewport.width - sublistWidth - calculateScrollbarWidth$1() + "px";
+ }
+ } else {
+ left = "-100%";
+ }
+ } else {
+ left = "100%";
+ }
+ if (element.getBoundingClientRect().top + itemOuterHeight + sublistHeight > viewport.height) {
+ top = `-${sublistHeight - itemOuterHeight}px`;
+ } else {
+ top = "0px";
+ }
+ element.style.top = top;
+ element.style.left = left;
+ }
+}
+__name(nestedPosition$1, "nestedPosition$1");
+function remove$1(element) {
+ var _a2;
+ if (element) {
+ if (!("remove" in Element.prototype)) (_a2 = element.parentNode) == null ? void 0 : _a2.removeChild(element);
+ else element.remove();
+ }
+}
+__name(remove$1, "remove$1");
+function removeChild$1(element, child) {
+ const target2 = toElement$1(element);
+ if (target2) target2.removeChild(child);
+ else throw new Error("Cannot remove " + child + " from " + element);
+}
+__name(removeChild$1, "removeChild$1");
+function removeStyleTag$1(element) {
+ var _a2;
+ if (isExist$1(element)) {
+ try {
+ (_a2 = element.parentNode) == null ? void 0 : _a2.removeChild(element);
+ } catch (error2) {
+ }
+ return null;
+ }
+ return element;
+}
+__name(removeStyleTag$1, "removeStyleTag$1");
+function scrollInView$1(container, item3) {
+ let borderTopValue = getComputedStyle(container).getPropertyValue("borderTopWidth");
+ let borderTop = borderTopValue ? parseFloat(borderTopValue) : 0;
+ let paddingTopValue = getComputedStyle(container).getPropertyValue("paddingTop");
+ let paddingTop = paddingTopValue ? parseFloat(paddingTopValue) : 0;
+ let containerRect = container.getBoundingClientRect();
+ let itemRect = item3.getBoundingClientRect();
+ let offset = itemRect.top + document.body.scrollTop - (containerRect.top + document.body.scrollTop) - borderTop - paddingTop;
+ let scroll = container.scrollTop;
+ let elementHeight = container.clientHeight;
+ let itemHeight = getOuterHeight$1(item3);
+ if (offset < 0) {
+ container.scrollTop = scroll + offset;
+ } else if (offset + itemHeight > elementHeight) {
+ container.scrollTop = scroll + offset - elementHeight + itemHeight;
+ }
+}
+__name(scrollInView$1, "scrollInView$1");
+function setAttribute$1(element, attribute2 = "", value4) {
+ if (isElement$1(element) && value4 !== null && value4 !== void 0) {
+ element.setAttribute(attribute2, value4);
+ }
+}
+__name(setAttribute$1, "setAttribute$1");
+function setCSSProperty$1(element, property, value4 = null, priority) {
+ var _a2;
+ property && ((_a2 = element == null ? void 0 : element.style) == null ? void 0 : _a2.setProperty(property, value4, priority));
+}
+__name(setCSSProperty$1, "setCSSProperty$1");
+var __defProp$5 = Object.defineProperty;
+var __getOwnPropSymbols$4 = Object.getOwnPropertySymbols;
+var __hasOwnProp$4 = Object.prototype.hasOwnProperty;
+var __propIsEnum$4 = Object.prototype.propertyIsEnumerable;
+var __defNormalProp$5 = /* @__PURE__ */ __name((obj, key, value4) => key in obj ? __defProp$5(obj, key, { enumerable: true, configurable: true, writable: true, value: value4 }) : obj[key] = value4, "__defNormalProp$5");
+var __spreadValues$4 = /* @__PURE__ */ __name((a2, b2) => {
+ for (var prop2 in b2 || (b2 = {}))
+ if (__hasOwnProp$4.call(b2, prop2))
+ __defNormalProp$5(a2, prop2, b2[prop2]);
+ if (__getOwnPropSymbols$4)
+ for (var prop2 of __getOwnPropSymbols$4(b2)) {
+ if (__propIsEnum$4.call(b2, prop2))
+ __defNormalProp$5(a2, prop2, b2[prop2]);
+ }
+ return a2;
+}, "__spreadValues$4");
+function isFunction$b(value4) {
+ return !!(value4 && value4.constructor && value4.call && value4.apply);
+}
+__name(isFunction$b, "isFunction$b");
+function mergeProps$1(...props) {
+ return props == null ? void 0 : props.reduce((merged, ps = {}) => {
+ for (const key in ps) {
+ const value4 = ps[key];
+ if (key === "style") {
+ merged["style"] = __spreadValues$4(__spreadValues$4({}, merged["style"]), ps["style"]);
+ } else if (key === "class") {
+ merged["class"] = [merged["class"], ps["class"]].join(" ").trim() || void 0;
+ } else if (key === "className") {
+ merged["className"] = [merged["className"], ps["className"]].join(" ").trim() || void 0;
+ } else if (isFunction$b(value4)) {
+ const fn = merged[key];
+ merged[key] = fn ? (...args) => {
+ fn(...args);
+ value4(...args);
+ } : value4;
+ } else {
+ merged[key] = value4;
+ }
+ }
+ return merged;
+ }, {});
+}
+__name(mergeProps$1, "mergeProps$1");
+var lastIds$1 = {};
+function uuid$1(prefix2 = "pui_id_") {
+ if (!lastIds$1.hasOwnProperty(prefix2)) {
+ lastIds$1[prefix2] = 0;
+ }
+ lastIds$1[prefix2]++;
+ return `${prefix2}${lastIds$1[prefix2]}`;
+}
+__name(uuid$1, "uuid$1");
+function handler$1() {
+ let zIndexes = [];
+ const generateZIndex = /* @__PURE__ */ __name((key, autoZIndex, baseZIndex = 999) => {
+ const lastZIndex = getLastZIndex(key, autoZIndex, baseZIndex);
+ const newZIndex = lastZIndex.value + (lastZIndex.key === key ? 0 : baseZIndex) + 1;
+ zIndexes.push({ key, value: newZIndex });
+ return newZIndex;
+ }, "generateZIndex");
+ const revertZIndex = /* @__PURE__ */ __name((zIndex) => {
+ zIndexes = zIndexes.filter((obj) => obj.value !== zIndex);
+ }, "revertZIndex");
+ const getCurrentZIndex = /* @__PURE__ */ __name((key, autoZIndex) => {
+ return getLastZIndex(key, autoZIndex).value;
+ }, "getCurrentZIndex");
+ const getLastZIndex = /* @__PURE__ */ __name((key, autoZIndex, baseZIndex = 0) => {
+ return [...zIndexes].reverse().find((obj) => autoZIndex ? true : obj.key === key) || { key, value: baseZIndex };
+ }, "getLastZIndex");
+ const getZIndex = /* @__PURE__ */ __name((element) => {
+ return element ? parseInt(element.style.zIndex, 10) || 0 : 0;
+ }, "getZIndex");
+ return {
+ get: getZIndex,
+ set: /* @__PURE__ */ __name((key, element, baseZIndex) => {
+ if (element) {
+ element.style.zIndex = String(generateZIndex(key, true, baseZIndex));
+ }
+ }, "set"),
+ clear: /* @__PURE__ */ __name((element) => {
+ if (element) {
+ revertZIndex(getZIndex(element));
+ element.style.zIndex = "";
+ }
+ }, "clear"),
+ getCurrent: /* @__PURE__ */ __name((key) => getCurrentZIndex(key, true), "getCurrent")
+ };
+}
+__name(handler$1, "handler$1");
+var ZIndex$1 = handler$1();
+var FilterMatchMode = {
+ STARTS_WITH: "startsWith",
+ CONTAINS: "contains",
+ NOT_CONTAINS: "notContains",
+ ENDS_WITH: "endsWith",
+ EQUALS: "equals",
+ NOT_EQUALS: "notEquals",
+ IN: "in",
+ LESS_THAN: "lt",
+ LESS_THAN_OR_EQUAL_TO: "lte",
+ GREATER_THAN: "gt",
+ GREATER_THAN_OR_EQUAL_TO: "gte",
+ BETWEEN: "between",
+ DATE_IS: "dateIs",
+ DATE_IS_NOT: "dateIsNot",
+ DATE_BEFORE: "dateBefore",
+ DATE_AFTER: "dateAfter"
+};
+var FilterOperator = {
+ AND: "and",
+ OR: "or"
+};
+function _createForOfIteratorHelper$4(r2, e2) {
+ var t2 = "undefined" != typeof Symbol && r2[Symbol.iterator] || r2["@@iterator"];
+ if (!t2) {
+ if (Array.isArray(r2) || (t2 = _unsupportedIterableToArray$n(r2)) || e2) {
+ t2 && (r2 = t2);
+ var _n = 0, F2 = /* @__PURE__ */ __name(function F3() {
+ }, "F");
+ return { s: F2, n: /* @__PURE__ */ __name(function n2() {
+ return _n >= r2.length ? { done: true } : { done: false, value: r2[_n++] };
+ }, "n"), e: /* @__PURE__ */ __name(function e3(r3) {
+ throw r3;
+ }, "e"), f: F2 };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
+ }
+ return classes2.join(" ").trim();
+ }
+ return void 0;
+}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(classNames, "classNames");
function hasClass(element, className) {
if (element) {
@@ -47764,11 +50219,667 @@ function mergeProps(...props) {
} : value4;
} else {
merged[key] = value4;
+========
+__name(_createForOfIteratorHelper$4, "_createForOfIteratorHelper$4");
+function _unsupportedIterableToArray$n(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$n(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$n(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$n, "_unsupportedIterableToArray$n");
+function _arrayLikeToArray$n(r2, a2) {
+ (null == a2 || a2 > r2.length) && (a2 = r2.length);
+ for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
+ return n2;
+}
+__name(_arrayLikeToArray$n, "_arrayLikeToArray$n");
+var FilterService = {
+ filter: /* @__PURE__ */ __name(function filter2(value4, fields, filterValue, filterMatchMode, filterLocale) {
+ var filteredItems = [];
+ if (!value4) {
+ return filteredItems;
+ }
+ var _iterator = _createForOfIteratorHelper$4(value4), _step;
+ try {
+ for (_iterator.s(); !(_step = _iterator.n()).done; ) {
+ var item3 = _step.value;
+ if (typeof item3 === "string") {
+ if (this.filters[filterMatchMode](item3, filterValue, filterLocale)) {
+ filteredItems.push(item3);
+ continue;
+ }
+ } else {
+ var _iterator2 = _createForOfIteratorHelper$4(fields), _step2;
+ try {
+ for (_iterator2.s(); !(_step2 = _iterator2.n()).done; ) {
+ var field2 = _step2.value;
+ var fieldValue = resolveFieldData$2(item3, field2);
+ if (this.filters[filterMatchMode](fieldValue, filterValue, filterLocale)) {
+ filteredItems.push(item3);
+ break;
+ }
+ }
+ } catch (err) {
+ _iterator2.e(err);
+ } finally {
+ _iterator2.f();
+ }
+ }
+ }
+ } catch (err) {
+ _iterator.e(err);
+ } finally {
+ _iterator.f();
+ }
+ return filteredItems;
+ }, "filter"),
+ filters: {
+ startsWith: /* @__PURE__ */ __name(function startsWith(value4, filter4, filterLocale) {
+ if (filter4 === void 0 || filter4 === null || filter4 === "") {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ var filterValue = removeAccents$2(filter4.toString()).toLocaleLowerCase(filterLocale);
+ var stringValue = removeAccents$2(value4.toString()).toLocaleLowerCase(filterLocale);
+ return stringValue.slice(0, filterValue.length) === filterValue;
+ }, "startsWith"),
+ contains: /* @__PURE__ */ __name(function contains2(value4, filter4, filterLocale) {
+ if (filter4 === void 0 || filter4 === null || filter4 === "") {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ var filterValue = removeAccents$2(filter4.toString()).toLocaleLowerCase(filterLocale);
+ var stringValue = removeAccents$2(value4.toString()).toLocaleLowerCase(filterLocale);
+ return stringValue.indexOf(filterValue) !== -1;
+ }, "contains"),
+ notContains: /* @__PURE__ */ __name(function notContains(value4, filter4, filterLocale) {
+ if (filter4 === void 0 || filter4 === null || filter4 === "") {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ var filterValue = removeAccents$2(filter4.toString()).toLocaleLowerCase(filterLocale);
+ var stringValue = removeAccents$2(value4.toString()).toLocaleLowerCase(filterLocale);
+ return stringValue.indexOf(filterValue) === -1;
+ }, "notContains"),
+ endsWith: /* @__PURE__ */ __name(function endsWith2(value4, filter4, filterLocale) {
+ if (filter4 === void 0 || filter4 === null || filter4 === "") {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ var filterValue = removeAccents$2(filter4.toString()).toLocaleLowerCase(filterLocale);
+ var stringValue = removeAccents$2(value4.toString()).toLocaleLowerCase(filterLocale);
+ return stringValue.indexOf(filterValue, stringValue.length - filterValue.length) !== -1;
+ }, "endsWith"),
+ equals: /* @__PURE__ */ __name(function equals2(value4, filter4, filterLocale) {
+ if (filter4 === void 0 || filter4 === null || filter4 === "") {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ if (value4.getTime && filter4.getTime) return value4.getTime() === filter4.getTime();
+ else return removeAccents$2(value4.toString()).toLocaleLowerCase(filterLocale) == removeAccents$2(filter4.toString()).toLocaleLowerCase(filterLocale);
+ }, "equals"),
+ notEquals: /* @__PURE__ */ __name(function notEquals(value4, filter4, filterLocale) {
+ if (filter4 === void 0 || filter4 === null || filter4 === "") {
+ return false;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return true;
+ }
+ if (value4.getTime && filter4.getTime) return value4.getTime() !== filter4.getTime();
+ else return removeAccents$2(value4.toString()).toLocaleLowerCase(filterLocale) != removeAccents$2(filter4.toString()).toLocaleLowerCase(filterLocale);
+ }, "notEquals"),
+ "in": /* @__PURE__ */ __name(function _in(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null || filter4.length === 0) {
+ return true;
+ }
+ for (var i2 = 0; i2 < filter4.length; i2++) {
+ if (equals$2(value4, filter4[i2])) {
+ return true;
+ }
+ }
+ return false;
+ }, "_in"),
+ between: /* @__PURE__ */ __name(function between(value4, filter4) {
+ if (filter4 == null || filter4[0] == null || filter4[1] == null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ if (value4.getTime) return filter4[0].getTime() <= value4.getTime() && value4.getTime() <= filter4[1].getTime();
+ else return filter4[0] <= value4 && value4 <= filter4[1];
+ }, "between"),
+ lt: /* @__PURE__ */ __name(function lt(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ if (value4.getTime && filter4.getTime) return value4.getTime() < filter4.getTime();
+ else return value4 < filter4;
+ }, "lt"),
+ lte: /* @__PURE__ */ __name(function lte(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ if (value4.getTime && filter4.getTime) return value4.getTime() <= filter4.getTime();
+ else return value4 <= filter4;
+ }, "lte"),
+ gt: /* @__PURE__ */ __name(function gt(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ if (value4.getTime && filter4.getTime) return value4.getTime() > filter4.getTime();
+ else return value4 > filter4;
+ }, "gt"),
+ gte: /* @__PURE__ */ __name(function gte(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ if (value4.getTime && filter4.getTime) return value4.getTime() >= filter4.getTime();
+ else return value4 >= filter4;
+ }, "gte"),
+ dateIs: /* @__PURE__ */ __name(function dateIs(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ return value4.toDateString() === filter4.toDateString();
+ }, "dateIs"),
+ dateIsNot: /* @__PURE__ */ __name(function dateIsNot(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ return value4.toDateString() !== filter4.toDateString();
+ }, "dateIsNot"),
+ dateBefore: /* @__PURE__ */ __name(function dateBefore(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ return value4.getTime() < filter4.getTime();
+ }, "dateBefore"),
+ dateAfter: /* @__PURE__ */ __name(function dateAfter(value4, filter4) {
+ if (filter4 === void 0 || filter4 === null) {
+ return true;
+ }
+ if (value4 === void 0 || value4 === null) {
+ return false;
+ }
+ return value4.getTime() > filter4.getTime();
+ }, "dateAfter")
+ },
+ register: /* @__PURE__ */ __name(function register2(rule, fn) {
+ this.filters[rule] = fn;
+ }, "register")
+};
+var PrimeIcons = {
+ ALIGN_CENTER: "pi pi-align-center",
+ ALIGN_JUSTIFY: "pi pi-align-justify",
+ ALIGN_LEFT: "pi pi-align-left",
+ ALIGN_RIGHT: "pi pi-align-right",
+ AMAZON: "pi pi-amazon",
+ ANDROID: "pi pi-android",
+ ANGLE_DOUBLE_DOWN: "pi pi-angle-double-down",
+ ANGLE_DOUBLE_LEFT: "pi pi-angle-double-left",
+ ANGLE_DOUBLE_RIGHT: "pi pi-angle-double-right",
+ ANGLE_DOUBLE_UP: "pi pi-angle-double-up",
+ ANGLE_DOWN: "pi pi-angle-down",
+ ANGLE_LEFT: "pi pi-angle-left",
+ ANGLE_RIGHT: "pi pi-angle-right",
+ ANGLE_UP: "pi pi-angle-up",
+ APPLE: "pi pi-apple",
+ ARROW_CIRCLE_DOWN: "pi pi-arrow-circle-down",
+ ARROW_CIRCLE_LEFT: "pi pi-arrow-circle-left",
+ ARROW_CIRCLE_RIGHT: "pi pi-arrow-circle-right",
+ ARROW_CIRCLE_UP: "pi pi-arrow-circle-up",
+ ARROW_DOWN: "pi pi-arrow-down",
+ ARROW_DOWN_LEFT: "pi pi-arrow-down-left",
+ ARROW_DOWN_RIGHT: "pi pi-arrow-down-right",
+ ARROW_LEFT: "pi pi-arrow-left",
+ ARROW_RIGHT: "pi pi-arrow-right",
+ ARROW_RIGHT_ARROW_LEFT: "pi pi-arrow-right-arrow-left",
+ ARROW_UP: "pi pi-arrow-up",
+ ARROW_UP_LEFT: "pi pi-arrow-up-left",
+ ARROW_UP_RIGHT: "pi pi-arrow-up-right",
+ ARROWS_H: "pi pi-arrows-h",
+ ARROWS_V: "pi pi-arrows-v",
+ ARROWS_ALT: "pi pi-arrows-alt",
+ AT: "pi pi-at",
+ BACKWARD: "pi pi-backward",
+ BAN: "pi pi-ban",
+ BARS: "pi pi-bars",
+ BELL: "pi pi-bell",
+ BITCOIN: "pi pi-bitcoin",
+ BOLT: "pi pi-bolt",
+ BOOK: "pi pi-book",
+ BOOKMARK: "pi pi-bookmark",
+ BOOKMARK_FILL: "pi pi-bookmark-fill",
+ BOX: "pi pi-box",
+ BRIEFCASE: "pi pi-briefcase",
+ BUILDING: "pi pi-building",
+ CALENDAR: "pi pi-calendar",
+ CALENDAR_MINUS: "pi pi-calendar-minus",
+ CALENDAR_PLUS: "pi pi-calendar-plus",
+ CALENDAR_TIMES: "pi pi-calendar-times",
+ CALCULATOR: "pi pi-calculator",
+ CAMERA: "pi pi-camera",
+ CAR: "pi pi-car",
+ CARET_DOWN: "pi pi-caret-down",
+ CARET_LEFT: "pi pi-caret-left",
+ CARET_RIGHT: "pi pi-caret-right",
+ CARET_UP: "pi pi-caret-up",
+ CART_PLUS: "pi pi-cart-plus",
+ CHART_BAR: "pi pi-chart-bar",
+ CHART_LINE: "pi pi-chart-line",
+ CHART_PIE: "pi pi-chart-pie",
+ CHECK: "pi pi-check",
+ CHECK_CIRCLE: "pi pi-check-circle",
+ CHECK_SQUARE: "pi pi-check-square",
+ CHEVRON_CIRCLE_DOWN: "pi pi-chevron-circle-down",
+ CHEVRON_CIRCLE_LEFT: "pi pi-chevron-circle-left",
+ CHEVRON_CIRCLE_RIGHT: "pi pi-chevron-circle-right",
+ CHEVRON_CIRCLE_UP: "pi pi-chevron-circle-up",
+ CHEVRON_DOWN: "pi pi-chevron-down",
+ CHEVRON_LEFT: "pi pi-chevron-left",
+ CHEVRON_RIGHT: "pi pi-chevron-right",
+ CHEVRON_UP: "pi pi-chevron-up",
+ CIRCLE: "pi pi-circle",
+ CIRCLE_FILL: "pi pi-circle-fill",
+ CLOCK: "pi pi-clock",
+ CLONE: "pi pi-clone",
+ CLOUD: "pi pi-cloud",
+ CLOUD_DOWNLOAD: "pi pi-cloud-download",
+ CLOUD_UPLOAD: "pi pi-cloud-upload",
+ CODE: "pi pi-code",
+ COG: "pi pi-cog",
+ COMMENT: "pi pi-comment",
+ COMMENTS: "pi pi-comments",
+ COMPASS: "pi pi-compass",
+ COPY: "pi pi-copy",
+ CREDIT_CARD: "pi pi-credit-card",
+ DATABASE: "pi pi-database",
+ DELETELEFT: "pi pi-delete-left",
+ DESKTOP: "pi pi-desktop",
+ DIRECTIONS: "pi pi-directions",
+ DIRECTIONS_ALT: "pi pi-directions-alt",
+ DISCORD: "pi pi-discord",
+ DOLLAR: "pi pi-dollar",
+ DOWNLOAD: "pi pi-download",
+ EJECT: "pi pi-eject",
+ ELLIPSIS_H: "pi pi-ellipsis-h",
+ ELLIPSIS_V: "pi pi-ellipsis-v",
+ ENVELOPE: "pi pi-envelope",
+ ERASER: "pi pi-eraser",
+ EURO: "pi pi-euro",
+ EXCLAMATION_CIRCLE: "pi pi-exclamation-circle",
+ EXCLAMATION_TRIANGLE: "pi pi-exclamation-triangle",
+ EXTERNAL_LINK: "pi pi-external-link",
+ EYE: "pi pi-eye",
+ EYE_SLASH: "pi pi-eye-slash",
+ FACEBOOK: "pi pi-facebook",
+ FAST_BACKWARD: "pi pi-fast-backward",
+ FAST_FORWARD: "pi pi-fast-forward",
+ FILE: "pi pi-file",
+ FILE_EDIT: "pi pi-file-edit",
+ FILE_EXCEL: "pi pi-file-excel",
+ FILE_EXPORT: "pi pi-file-export",
+ FILE_IMPORT: "pi pi-file-import",
+ FILE_PDF: "pi pi-file-pdf",
+ FILE_WORD: "pi pi-file-word",
+ FILTER: "pi pi-filter",
+ FILTER_FILL: "pi pi-filter-fill",
+ FILTER_SLASH: "pi pi-filter-slash",
+ FLAG: "pi pi-flag",
+ FLAG_FILL: "pi pi-flag-fill",
+ FOLDER: "pi pi-folder",
+ FOLDER_OPEN: "pi pi-folder-open",
+ FORWARD: "pi pi-forward",
+ GIFT: "pi pi-gift",
+ GITHUB: "pi pi-github",
+ GLOBE: "pi pi-globe",
+ GOOGLE: "pi pi-google",
+ HASHTAG: "pi pi-hashtag",
+ HEART: "pi pi-heart",
+ HEART_FILL: "pi pi-heart-fill",
+ HISTORY: "pi pi-history",
+ HOURGLASS: "pi pi-hourglass",
+ HOME: "pi pi-home",
+ ID_CARD: "pi pi-id-card",
+ IMAGE: "pi pi-image",
+ IMAGES: "pi pi-images",
+ INBOX: "pi pi-inbox",
+ INFO: "pi pi-info",
+ INFO_CIRCLE: "pi pi-info-circle",
+ INSTAGRAM: "pi pi-instagram",
+ KEY: "pi pi-key",
+ LANGUAGE: "pi pi-language",
+ LINK: "pi pi-link",
+ LINKEDIN: "pi pi-linkedin",
+ LIST: "pi pi-list",
+ LOCK: "pi pi-lock",
+ LOCK_OPEN: "pi pi-lock-open",
+ MAP: "pi pi-map",
+ MAP_MARKER: "pi pi-map-marker",
+ MEGAPHONE: "pi pi-megaphone",
+ MICROPHONE: "pi pi-microphone",
+ MICROSOFT: "pi pi-microsoft",
+ MINUS: "pi pi-minus",
+ MINUS_CIRCLE: "pi pi-minus-circle",
+ MOBILE: "pi pi-mobile",
+ MONEY_BILL: "pi pi-money-bill",
+ MOON: "pi pi-moon",
+ PALETTE: "pi pi-palette",
+ PAPERCLIP: "pi pi-paperclip",
+ PAUSE: "pi pi-pause",
+ PAYPAL: "pi pi-paypal",
+ PENCIL: "pi pi-pencil",
+ PERCENTAGE: "pi pi-percentage",
+ PHONE: "pi pi-phone",
+ PLAY: "pi pi-play",
+ PLUS: "pi pi-plus",
+ PLUS_CIRCLE: "pi pi-plus-circle",
+ POUND: "pi pi-pound",
+ POWER_OFF: "pi pi-power-off",
+ PRIME: "pi pi-prime",
+ PRINT: "pi pi-print",
+ QRCODE: "pi pi-qrcode",
+ QUESTION: "pi pi-question",
+ QUESTION_CIRCLE: "pi pi-question-circle",
+ REDDIT: "pi pi-reddit",
+ REFRESH: "pi pi-refresh",
+ REPLAY: "pi pi-replay",
+ REPLY: "pi pi-reply",
+ SAVE: "pi pi-save",
+ SEARCH: "pi pi-search",
+ SEARCH_MINUS: "pi pi-search-minus",
+ SEARCH_PLUS: "pi pi-search-plus",
+ SEND: "pi pi-send",
+ SERVER: "pi pi-server",
+ SHARE_ALT: "pi pi-share-alt",
+ SHIELD: "pi pi-shield",
+ SHOPPING_BAG: "pi pi-shopping-bag",
+ SHOPPING_CART: "pi pi-shopping-cart",
+ SIGN_IN: "pi pi-sign-in",
+ SIGN_OUT: "pi pi-sign-out",
+ SITEMAP: "pi pi-sitemap",
+ SLACK: "pi pi-slack",
+ SLIDERS_H: "pi pi-sliders-h",
+ SLIDERS_V: "pi pi-sliders-v",
+ SORT: "pi pi-sort",
+ SORT_ALPHA_DOWN: "pi pi-sort-alpha-down",
+ SORT_ALPHA_DOWN_ALT: "pi pi-sort-alpha-down-alt",
+ SORT_ALPHA_UP: "pi pi-sort-alpha-up",
+ SORT_ALPHA_UP_ALT: "pi pi-sort-alpha-up-alt",
+ SORT_ALT: "pi pi-sort-alt",
+ SORT_ALT_SLASH: "pi pi-sort-alt-slash",
+ SORT_AMOUNT_DOWN: "pi pi-sort-amount-down",
+ SORT_AMOUNT_DOWN_ALT: "pi pi-sort-amount-down-alt",
+ SORT_AMOUNT_UP: "pi pi-sort-amount-up",
+ SORT_AMOUNT_UP_ALT: "pi pi-sort-amount-up-alt",
+ SORT_DOWN: "pi pi-sort-down",
+ SORT_NUMERIC_DOWN: "pi pi-sort-numeric-down",
+ SORT_NUMERIC_DOWN_ALT: "pi pi-sort-numeric-down-alt",
+ SORT_NUMERIC_UP: "pi pi-sort-numeric-up",
+ SORT_NUMERIC_UP_ALT: "pi pi-sort-numeric-up-alt",
+ SORT_UP: "pi pi-sort-up",
+ SPINNER: "pi pi-spinner",
+ STAR: "pi pi-star",
+ STAR_FILL: "pi pi-star-fill",
+ STEP_BACKWARD: "pi pi-step-backward",
+ STEP_BACKWARD_ALT: "pi pi-step-backward-alt",
+ STEP_FORWARD: "pi pi-step-forward",
+ STEP_FORWARD_ALT: "pi pi-step-forward-alt",
+ STOP: "pi pi-stop",
+ STOPWATCH: "pi pi-stopwatch",
+ STOP_CIRCLE: "pi pi-stop-circle",
+ SUN: "pi pi-sun",
+ SYNC: "pi pi-sync",
+ TABLE: "pi pi-table",
+ TABLET: "pi pi-tablet",
+ TAG: "pi pi-tag",
+ TAGS: "pi pi-tags",
+ TELEGRAM: "pi pi-telegram",
+ TH_LARGE: "pi pi-th-large",
+ THUMBS_DOWN: "pi pi-thumbs-down",
+ THUMBS_DOWN_FILL: "pi pi-thumbs-down-fill",
+ THUMBS_UP: "pi pi-thumbs-up",
+ THUMBS_UP_FILL: "pi pi-thumbs-up-fill",
+ TICKET: "pi pi-ticket",
+ TIMES: "pi pi-times",
+ TIMES_CIRCLE: "pi pi-times-circle",
+ TRASH: "pi pi-trash",
+ TRUCK: "pi pi-truck",
+ TWITTER: "pi pi-twitter",
+ UNDO: "pi pi-undo",
+ UNLOCK: "pi pi-unlock",
+ UPLOAD: "pi pi-upload",
+ USER: "pi pi-user",
+ USER_EDIT: "pi pi-user-edit",
+ USER_MINUS: "pi pi-user-minus",
+ USER_PLUS: "pi pi-user-plus",
+ USERS: "pi pi-users",
+ VERIFIED: "pi pi-verified",
+ VIDEO: "pi pi-video",
+ VIMEO: "pi pi-vimeo",
+ VOLUME_DOWN: "pi pi-volume-down",
+ VOLUME_OFF: "pi pi-volume-off",
+ VOLUME_UP: "pi pi-volume-up",
+ WALLET: "pi pi-wallet",
+ WHATSAPP: "pi pi-whatsapp",
+ WIFI: "pi pi-wifi",
+ WINDOW_MAXIMIZE: "pi pi-window-maximize",
+ WINDOW_MINIMIZE: "pi pi-window-minimize",
+ WRENCH: "pi pi-wrench",
+ YOUTUBE: "pi pi-youtube"
+};
+var ToastSeverities = {
+ INFO: "info",
+ WARN: "warn",
+ ERROR: "error",
+ SUCCESS: "success"
+};
+function _typeof$s(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$s = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$s(o2);
+}
+__name(_typeof$s, "_typeof$s");
+function ownKeys$q(e2, r2) {
+ var t2 = Object.keys(e2);
+ if (Object.getOwnPropertySymbols) {
+ var o2 = Object.getOwnPropertySymbols(e2);
+ r2 && (o2 = o2.filter(function(r3) {
+ return Object.getOwnPropertyDescriptor(e2, r3).enumerable;
+ })), t2.push.apply(t2, o2);
+ }
+ return t2;
+}
+__name(ownKeys$q, "ownKeys$q");
+function _objectSpread$q(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$q(Object(t2), true).forEach(function(r3) {
+ _defineProperty$u(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$q(Object(t2)).forEach(function(r3) {
+ Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
+ });
+ }
+ return e2;
+}
+__name(_objectSpread$q, "_objectSpread$q");
+function _defineProperty$u(e2, r2, t2) {
+ return (r2 = _toPropertyKey$r(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$u, "_defineProperty$u");
+function _toPropertyKey$r(t2) {
+ var i2 = _toPrimitive$r(t2, "string");
+ return "symbol" == _typeof$s(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$r, "_toPropertyKey$r");
+function _toPrimitive$r(t2, r2) {
+ if ("object" != _typeof$s(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$s(i2)) return i2;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r2 ? String : Number)(t2);
+}
+__name(_toPrimitive$r, "_toPrimitive$r");
+function tryOnMounted$3(fn) {
+ var sync = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : true;
+ if (getCurrentInstance()) onMounted(fn);
+ else if (sync) fn();
+ else nextTick(fn);
+}
+__name(tryOnMounted$3, "tryOnMounted$3");
+var _id$2 = 0;
+function useStyle$1(css4) {
+ var options4 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ var isLoaded = ref(false);
+ var cssRef = ref(css4);
+ var styleRef = ref(null);
+ var defaultDocument2 = isClient$2() ? window.document : void 0;
+ var _options$document = options4.document, document2 = _options$document === void 0 ? defaultDocument2 : _options$document, _options$immediate = options4.immediate, immediate = _options$immediate === void 0 ? true : _options$immediate, _options$manual = options4.manual, manual = _options$manual === void 0 ? false : _options$manual, _options$name = options4.name, name2 = _options$name === void 0 ? "style_".concat(++_id$2) : _options$name, _options$id = options4.id, id3 = _options$id === void 0 ? void 0 : _options$id, _options$media = options4.media, media = _options$media === void 0 ? void 0 : _options$media, _options$nonce = options4.nonce, nonce = _options$nonce === void 0 ? void 0 : _options$nonce, _options$first = options4.first, first2 = _options$first === void 0 ? false : _options$first, _options$onMounted = options4.onMounted, onStyleMounted = _options$onMounted === void 0 ? void 0 : _options$onMounted, _options$onUpdated = options4.onUpdated, onStyleUpdated = _options$onUpdated === void 0 ? void 0 : _options$onUpdated, _options$onLoad = options4.onLoad, onStyleLoaded = _options$onLoad === void 0 ? void 0 : _options$onLoad, _options$props = options4.props, props = _options$props === void 0 ? {} : _options$props;
+ var stop2 = /* @__PURE__ */ __name(function stop3() {
+ }, "stop");
+ var load3 = /* @__PURE__ */ __name(function load4(_css) {
+ var _props = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ if (!document2) return;
+ var _styleProps = _objectSpread$q(_objectSpread$q({}, props), _props);
+ var _name = _styleProps.name || name2, _id2 = _styleProps.id || id3, _nonce = _styleProps.nonce || nonce;
+ styleRef.value = document2.querySelector('style[data-primevue-style-id="'.concat(_name, '"]')) || document2.getElementById(_id2) || document2.createElement("style");
+ if (!styleRef.value.isConnected) {
+ cssRef.value = _css || css4;
+ setAttributes$1(styleRef.value, {
+ type: "text/css",
+ id: _id2,
+ media,
+ nonce: _nonce
+ });
+ first2 ? document2.head.prepend(styleRef.value) : document2.head.appendChild(styleRef.value);
+ setAttribute$1(styleRef.value, "data-primevue-style-id", _name);
+ setAttributes$1(styleRef.value, _styleProps);
+ styleRef.value.onload = function(event) {
+ return onStyleLoaded === null || onStyleLoaded === void 0 ? void 0 : onStyleLoaded(event, {
+ name: _name
+ });
+ };
+ onStyleMounted === null || onStyleMounted === void 0 || onStyleMounted(_name);
+ }
+ if (isLoaded.value) return;
+ stop2 = watch(cssRef, function(value4) {
+ styleRef.value.textContent = value4;
+ onStyleUpdated === null || onStyleUpdated === void 0 || onStyleUpdated(_name);
+ }, {
+ immediate: true
+ });
+ isLoaded.value = true;
+ }, "load");
+ var unload = /* @__PURE__ */ __name(function unload2() {
+ if (!document2 || !isLoaded.value) return;
+ stop2();
+ isExist$1(styleRef.value) && document2.head.removeChild(styleRef.value);
+ isLoaded.value = false;
+ }, "unload");
+ if (immediate && !manual) tryOnMounted$3(load3);
+ return {
+ id: id3,
+ name: name2,
+ el: styleRef,
+ css: cssRef,
+ unload,
+ load: load3,
+ isLoaded: readonly(isLoaded)
+ };
+}
+__name(useStyle$1, "useStyle$1");
+function _typeof$r(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$r = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$r(o2);
+}
+__name(_typeof$r, "_typeof$r");
+function _slicedToArray$8(r2, e2) {
+ return _arrayWithHoles$8(r2) || _iterableToArrayLimit$8(r2, e2) || _unsupportedIterableToArray$m(r2, e2) || _nonIterableRest$8();
+}
+__name(_slicedToArray$8, "_slicedToArray$8");
+function _nonIterableRest$8() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest$8, "_nonIterableRest$8");
+function _unsupportedIterableToArray$m(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$m(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$m(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$m, "_unsupportedIterableToArray$m");
+function _arrayLikeToArray$m(r2, a2) {
+ (null == a2 || a2 > r2.length) && (a2 = r2.length);
+ for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
+ return n2;
+}
+__name(_arrayLikeToArray$m, "_arrayLikeToArray$m");
+function _iterableToArrayLimit$8(r2, l2) {
+ var t2 = null == r2 ? null : "undefined" != typeof Symbol && r2[Symbol.iterator] || r2["@@iterator"];
+ if (null != t2) {
+ var e2, n2, i2, u2, a2 = [], f2 = true, o2 = false;
+ try {
+ if (i2 = (t2 = t2.call(r2)).next, 0 === l2) ;
+ else for (; !(f2 = (e2 = i2.call(t2)).done) && (a2.push(e2.value), a2.length !== l2); f2 = true) ;
+ } catch (r3) {
+ o2 = true, n2 = r3;
+ } finally {
+ try {
+ if (!f2 && null != t2["return"] && (u2 = t2["return"](), Object(u2) !== u2)) return;
+ } finally {
+ if (o2) throw n2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
return merged;
}, {});
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(mergeProps, "mergeProps");
var lastIds = {};
function uuid(prefix2 = "pui_id_") {
@@ -48368,6 +51479,13 @@ function _typeof$p(o2) {
}
__name(_typeof$p, "_typeof$p");
function ownKeys$n(e2, r2) {
+========
+__name(_iterableToArrayLimit$8, "_iterableToArrayLimit$8");
+function _arrayWithHoles$8(r2) {
+ if (Array.isArray(r2)) return r2;
+}
+__name(_arrayWithHoles$8, "_arrayWithHoles$8");
+function ownKeys$p(e2, r2) {
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -48377,6 +51495,161 @@ function ownKeys$n(e2, r2) {
}
return t2;
}
+__name(ownKeys$p, "ownKeys$p");
+function _objectSpread$p(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$p(Object(t2), true).forEach(function(r3) {
+ _defineProperty$t(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$p(Object(t2)).forEach(function(r3) {
+ Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
+ });
+ }
+ return e2;
+}
+__name(_objectSpread$p, "_objectSpread$p");
+function _defineProperty$t(e2, r2, t2) {
+ return (r2 = _toPropertyKey$q(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$t, "_defineProperty$t");
+function _toPropertyKey$q(t2) {
+ var i2 = _toPrimitive$q(t2, "string");
+ return "symbol" == _typeof$r(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$q, "_toPropertyKey$q");
+function _toPrimitive$q(t2, r2) {
+ if ("object" != _typeof$r(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$r(i2)) return i2;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r2 ? String : Number)(t2);
+}
+__name(_toPrimitive$q, "_toPrimitive$q");
+var theme$E = /* @__PURE__ */ __name(function theme2(_ref) {
+ var dt2 = _ref.dt;
+ return "\n*,\n::before,\n::after {\n box-sizing: border-box;\n}\n\n/* Non vue overlay animations */\n.p-connected-overlay {\n opacity: 0;\n transform: scaleY(0.8);\n transition: transform 0.12s cubic-bezier(0, 0, 0.2, 1),\n opacity 0.12s cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-connected-overlay-visible {\n opacity: 1;\n transform: scaleY(1);\n}\n\n.p-connected-overlay-hidden {\n opacity: 0;\n transform: scaleY(1);\n transition: opacity 0.1s linear;\n}\n\n/* Vue based overlay animations */\n.p-connected-overlay-enter-from {\n opacity: 0;\n transform: scaleY(0.8);\n}\n\n.p-connected-overlay-leave-to {\n opacity: 0;\n}\n\n.p-connected-overlay-enter-active {\n transition: transform 0.12s cubic-bezier(0, 0, 0.2, 1),\n opacity 0.12s cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-connected-overlay-leave-active {\n transition: opacity 0.1s linear;\n}\n\n/* Toggleable Content */\n.p-toggleable-content-enter-from,\n.p-toggleable-content-leave-to {\n max-height: 0;\n}\n\n.p-toggleable-content-enter-to,\n.p-toggleable-content-leave-from {\n max-height: 1000px;\n}\n\n.p-toggleable-content-leave-active {\n overflow: hidden;\n transition: max-height 0.45s cubic-bezier(0, 1, 0, 1);\n}\n\n.p-toggleable-content-enter-active {\n overflow: hidden;\n transition: max-height 1s ease-in-out;\n}\n\n.p-disabled,\n.p-disabled * {\n cursor: default;\n pointer-events: none;\n user-select: none;\n}\n\n.p-disabled,\n.p-component:disabled {\n opacity: ".concat(dt2("disabled.opacity"), ";\n}\n\n.pi {\n font-size: ").concat(dt2("icon.size"), ";\n}\n\n.p-icon {\n width: ").concat(dt2("icon.size"), ";\n height: ").concat(dt2("icon.size"), ";\n}\n\n.p-overlay-mask {\n background: ").concat(dt2("mask.background"), ";\n color: ").concat(dt2("mask.color"), ";\n position: fixed;\n top: 0;\n left: 0;\n width: 100%;\n height: 100%;\n}\n\n.p-overlay-mask-enter {\n animation: p-overlay-mask-enter-animation ").concat(dt2("mask.transition.duration"), " forwards;\n}\n\n.p-overlay-mask-leave {\n animation: p-overlay-mask-leave-animation ").concat(dt2("mask.transition.duration"), " forwards;\n}\n\n@keyframes p-overlay-mask-enter-animation {\n from {\n background: transparent;\n }\n to {\n background: ").concat(dt2("mask.background"), ";\n }\n}\n@keyframes p-overlay-mask-leave-animation {\n from {\n background: ").concat(dt2("mask.background"), ";\n }\n to {\n background: transparent;\n }\n}\n");
+}, "theme");
+var css$4 = /* @__PURE__ */ __name(function css2(_ref2) {
+ var dt2 = _ref2.dt;
+ return "\n.p-hidden-accessible {\n border: 0;\n clip: rect(0 0 0 0);\n height: 1px;\n margin: -1px;\n overflow: hidden;\n padding: 0;\n position: absolute;\n width: 1px;\n}\n\n.p-hidden-accessible input,\n.p-hidden-accessible select {\n transform: scale(0);\n}\n\n.p-overflow-hidden {\n overflow: hidden;\n padding-right: ".concat(dt2("scrollbar.width"), ";\n}\n");
+}, "css");
+var classes$I = {};
+var inlineStyles$5 = {};
+var BaseStyle$1 = {
+ name: "base",
+ css: css$4,
+ theme: theme$E,
+ classes: classes$I,
+ inlineStyles: inlineStyles$5,
+ load: /* @__PURE__ */ __name(function load(style2) {
+ var options4 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ var transform2 = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : function(cs) {
+ return cs;
+ };
+ var computedStyle = transform2(resolve$4(style2, {
+ dt: dt$1
+ }));
+ return isNotEmpty$2(computedStyle) ? useStyle$1(minifyCSS$2(computedStyle), _objectSpread$p({
+ name: this.name
+ }, options4)) : {};
+ }, "load"),
+ loadCSS: /* @__PURE__ */ __name(function loadCSS() {
+ var options4 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
+ return this.load(this.css, options4);
+ }, "loadCSS"),
+ loadTheme: /* @__PURE__ */ __name(function loadTheme() {
+ var _this = this;
+ var options4 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
+ var style2 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
+ return this.load(this.theme, options4, function() {
+ var computedStyle = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ return config_default$1.transformCSS(options4.name || _this.name, "".concat(computedStyle).concat(style2));
+ });
+ }, "loadTheme"),
+ getCommonTheme: /* @__PURE__ */ __name(function getCommonTheme(params) {
+ return config_default$1.getCommon(this.name, params);
+ }, "getCommonTheme"),
+ getComponentTheme: /* @__PURE__ */ __name(function getComponentTheme(params) {
+ return config_default$1.getComponent(this.name, params);
+ }, "getComponentTheme"),
+ getDirectiveTheme: /* @__PURE__ */ __name(function getDirectiveTheme(params) {
+ return config_default$1.getDirective(this.name, params);
+ }, "getDirectiveTheme"),
+ getPresetTheme: /* @__PURE__ */ __name(function getPresetTheme(preset, selector, params) {
+ return config_default$1.getCustomPreset(this.name, preset, selector, params);
+ }, "getPresetTheme"),
+ getLayerOrderThemeCSS: /* @__PURE__ */ __name(function getLayerOrderThemeCSS() {
+ return config_default$1.getLayerOrderCSS(this.name);
+ }, "getLayerOrderThemeCSS"),
+ getStyleSheet: /* @__PURE__ */ __name(function getStyleSheet() {
+ var extendedCSS = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ var props = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ if (this.css) {
+ var _css = resolve$4(this.css, {
+ dt: dt$1
+ }) || "";
+ var _style = minifyCSS$2("".concat(_css).concat(extendedCSS));
+ var _props = Object.entries(props).reduce(function(acc, _ref3) {
+ var _ref4 = _slicedToArray$8(_ref3, 2), k2 = _ref4[0], v2 = _ref4[1];
+ return acc.push("".concat(k2, '="').concat(v2, '"')) && acc;
+ }, []).join(" ");
+ return isNotEmpty$2(_style) ? '") : "";
+ }
+ return "";
+ }, "getStyleSheet"),
+ getCommonThemeStyleSheet: /* @__PURE__ */ __name(function getCommonThemeStyleSheet(params) {
+ var props = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ return config_default$1.getCommonStyleSheet(this.name, params, props);
+ }, "getCommonThemeStyleSheet"),
+ getThemeStyleSheet: /* @__PURE__ */ __name(function getThemeStyleSheet(params) {
+ var props = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ var css4 = [config_default$1.getStyleSheet(this.name, params, props)];
+ if (this.theme) {
+ var name2 = this.name === "base" ? "global-style" : "".concat(this.name, "-style");
+ var _css = resolve$4(this.theme, {
+ dt: dt$1
+ });
+ var _style = minifyCSS$2(config_default$1.transformCSS(name2, _css));
+ var _props = Object.entries(props).reduce(function(acc, _ref5) {
+ var _ref6 = _slicedToArray$8(_ref5, 2), k2 = _ref6[0], v2 = _ref6[1];
+ return acc.push("".concat(k2, '="').concat(v2, '"')) && acc;
+ }, []).join(" ");
+ isNotEmpty$2(_style) && css4.push('"));
+ }
+ return css4.join("");
+ }, "getThemeStyleSheet"),
+ extend: /* @__PURE__ */ __name(function extend2(style2) {
+ return _objectSpread$p(_objectSpread$p({}, this), {}, {
+ css: void 0,
+ theme: void 0
+ }, style2);
+ }, "extend")
+};
+var PrimeVueService = EventBus$1();
+function _typeof$q(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$q = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$q(o2);
+}
+__name(_typeof$q, "_typeof$q");
+function ownKeys$o(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
+ var t2 = Object.keys(e2);
+ if (Object.getOwnPropertySymbols) {
+ var o2 = Object.getOwnPropertySymbols(e2);
+ r2 && (o2 = o2.filter(function(r3) {
+ return Object.getOwnPropertyDescriptor(e2, r3).enumerable;
+ })), t2.push.apply(t2, o2);
+ }
+ return t2;
+}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$n, "ownKeys$n");
function _objectSpread$n(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -48384,11 +51657,21 @@ function _objectSpread$n(e2) {
r2 % 2 ? ownKeys$n(Object(t2), true).forEach(function(r3) {
_defineProperty$r(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$n(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$o, "ownKeys$o");
+function _objectSpread$o(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$o(Object(t2), true).forEach(function(r3) {
+ _defineProperty$s(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$o(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$n, "_objectSpread$n");
function _defineProperty$r(e2, r2, t2) {
return (r2 = _toPropertyKey$p(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -48405,11 +51688,30 @@ function _toPrimitive$p(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$p(i2)) return i2;
+========
+__name(_objectSpread$o, "_objectSpread$o");
+function _defineProperty$s(e2, r2, t2) {
+ return (r2 = _toPropertyKey$p(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$s, "_defineProperty$s");
+function _toPropertyKey$p(t2) {
+ var i2 = _toPrimitive$p(t2, "string");
+ return "symbol" == _typeof$q(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$p, "_toPropertyKey$p");
+function _toPrimitive$p(t2, r2) {
+ if ("object" != _typeof$q(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$q(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
__name(_toPrimitive$p, "_toPrimitive$p");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function tryOnMounted$2(fn) {
var sync = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : true;
if (getCurrentInstance()) onMounted(fn);
@@ -48730,6 +52032,9 @@ function _toPrimitive$n(t2, r2) {
}
__name(_toPrimitive$n, "_toPrimitive$n");
var defaultOptions$3 = {
+========
+var defaultOptions$2 = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ripple: false,
inputStyle: null,
inputVariant: null,
@@ -48898,7 +52203,7 @@ function setup(app2, options4) {
__name(setup, "setup");
var stopWatchers = [];
function clearConfig() {
- service_default.clear();
+ service_default$1.clear();
stopWatchers.forEach(function(fn) {
return fn === null || fn === void 0 ? void 0 : fn();
});
@@ -48910,6 +52215,7 @@ function setupConfig(app2, PrimeVue2) {
var loadCommonTheme = /* @__PURE__ */ __name(function loadCommonTheme2() {
var _PrimeVue$config;
if (((_PrimeVue$config = PrimeVue2.config) === null || _PrimeVue$config === void 0 ? void 0 : _PrimeVue$config.theme) === "none") return;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!config_default.isStyleNameLoaded("common")) {
var _BaseStyle$getCommonT, _PrimeVue$config2;
var _ref = ((_BaseStyle$getCommonT = BaseStyle.getCommonTheme) === null || _BaseStyle$getCommonT === void 0 ? void 0 : _BaseStyle$getCommonT.call(BaseStyle)) || {}, primitive = _ref.primitive, semantic = _ref.semantic, global2 = _ref.global, style2 = _ref.style;
@@ -48929,18 +52235,39 @@ function setupConfig(app2, PrimeVue2) {
name: "global-style"
}, styleOptions), style2);
config_default.setLoadedStyleName("common");
+========
+ if (!config_default$1.isStyleNameLoaded("common")) {
+ var _BaseStyle$getCommonT, _PrimeVue$config2;
+ var _ref = ((_BaseStyle$getCommonT = BaseStyle$1.getCommonTheme) === null || _BaseStyle$getCommonT === void 0 ? void 0 : _BaseStyle$getCommonT.call(BaseStyle$1)) || {}, primitive = _ref.primitive, semantic = _ref.semantic, global2 = _ref.global, style2 = _ref.style;
+ var styleOptions = {
+ nonce: (_PrimeVue$config2 = PrimeVue2.config) === null || _PrimeVue$config2 === void 0 || (_PrimeVue$config2 = _PrimeVue$config2.csp) === null || _PrimeVue$config2 === void 0 ? void 0 : _PrimeVue$config2.nonce
+ };
+ BaseStyle$1.load(primitive === null || primitive === void 0 ? void 0 : primitive.css, _objectSpread$o({
+ name: "primitive-variables"
+ }, styleOptions));
+ BaseStyle$1.load(semantic === null || semantic === void 0 ? void 0 : semantic.css, _objectSpread$o({
+ name: "semantic-variables"
+ }, styleOptions));
+ BaseStyle$1.load(global2 === null || global2 === void 0 ? void 0 : global2.css, _objectSpread$o({
+ name: "global-variables"
+ }, styleOptions));
+ BaseStyle$1.loadTheme(_objectSpread$o({
+ name: "global-style"
+ }, styleOptions), style2);
+ config_default$1.setLoadedStyleName("common");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}, "loadCommonTheme");
- service_default.on("theme:change", function(newTheme) {
+ service_default$1.on("theme:change", function(newTheme) {
if (!isThemeChanged.value) {
app2.config.globalProperties.$primevue.config.theme = newTheme;
isThemeChanged.value = true;
}
});
- var stopConfigWatcher = watch(PrimeVue2.config, function(newValue2, oldValue2) {
+ var stopConfigWatcher = watch(PrimeVue2.config, function(newValue2, oldValue) {
PrimeVueService.emit("config:change", {
newValue: newValue2,
- oldValue: oldValue2
+ oldValue
});
}, {
immediate: true,
@@ -48948,10 +52275,10 @@ function setupConfig(app2, PrimeVue2) {
});
var stopRippleWatcher = watch(function() {
return PrimeVue2.config.ripple;
- }, function(newValue2, oldValue2) {
+ }, function(newValue2, oldValue) {
PrimeVueService.emit("config:ripple:change", {
newValue: newValue2,
- oldValue: oldValue2
+ oldValue
});
}, {
immediate: true,
@@ -48959,9 +52286,9 @@ function setupConfig(app2, PrimeVue2) {
});
var stopThemeWatcher = watch(function() {
return PrimeVue2.config.theme;
- }, function(newValue2, oldValue2) {
+ }, function(newValue2, oldValue) {
if (!isThemeChanged.value) {
- config_default.setTheme(newValue2);
+ config_default$1.setTheme(newValue2);
}
if (!PrimeVue2.config.unstyled) {
loadCommonTheme();
@@ -48969,7 +52296,7 @@ function setupConfig(app2, PrimeVue2) {
isThemeChanged.value = false;
PrimeVueService.emit("config:theme:change", {
newValue: newValue2,
- oldValue: oldValue2
+ oldValue
});
}, {
immediate: true,
@@ -48977,13 +52304,13 @@ function setupConfig(app2, PrimeVue2) {
});
var stopUnstyledWatcher = watch(function() {
return PrimeVue2.config.unstyled;
- }, function(newValue2, oldValue2) {
+ }, function(newValue2, oldValue) {
if (!newValue2 && PrimeVue2.config.theme) {
loadCommonTheme();
}
PrimeVueService.emit("config:unstyled:change", {
newValue: newValue2,
- oldValue: oldValue2
+ oldValue
});
}, {
immediate: true,
@@ -48997,11 +52324,15 @@ function setupConfig(app2, PrimeVue2) {
__name(setupConfig, "setupConfig");
var PrimeVue = {
install: /* @__PURE__ */ __name(function install2(app2, options4) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var configOptions = mergeKeys(defaultOptions$3, options4);
+========
+ var configOptions = mergeKeys$2(defaultOptions$2, options4);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
setup(app2, configOptions);
}, "install")
};
-var ConfirmationEventBus = EventBus();
+var ConfirmationEventBus = EventBus$1();
var PrimeVueConfirmSymbol = Symbol();
function useConfirm() {
var PrimeVueConfirm = inject(PrimeVueConfirmSymbol);
@@ -49025,7 +52356,7 @@ var ConfirmationService = {
app2.provide(PrimeVueConfirmSymbol, ConfirmationService2);
}, "install")
};
-var ToastEventBus = EventBus();
+var ToastEventBus = EventBus$1();
var PrimeVueToastSymbol = Symbol();
function useToast() {
var PrimeVueToast = inject(PrimeVueToastSymbol);
@@ -49107,7 +52438,7 @@ var ConnectedOverlayScrollHandler = /* @__PURE__ */ function() {
return _createClass$1(ConnectedOverlayScrollHandler2, [{
key: "bindScrollListener",
value: /* @__PURE__ */ __name(function bindScrollListener6() {
- this.scrollableParents = getScrollableParents(this.element);
+ this.scrollableParents = getScrollableParents$1(this.element);
for (var i2 = 0; i2 < this.scrollableParents.length; i2++) {
this.scrollableParents[i2].addEventListener("scroll", this.listener);
}
@@ -49131,6 +52462,7 @@ var ConnectedOverlayScrollHandler = /* @__PURE__ */ function() {
}, "destroy")
}]);
}();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$m(o2) {
"@babel/helpers - typeof";
return _typeof$m = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -49142,12 +52474,26 @@ function _typeof$m(o2) {
__name(_typeof$m, "_typeof$m");
function _toConsumableArray$c(r2) {
return _arrayWithoutHoles$c(r2) || _iterableToArray$d(r2) || _unsupportedIterableToArray$j(r2) || _nonIterableSpread$c();
+========
+function _typeof$p(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$p = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$p(o2);
+}
+__name(_typeof$p, "_typeof$p");
+function _toConsumableArray$c(r2) {
+ return _arrayWithoutHoles$c(r2) || _iterableToArray$e(r2) || _unsupportedIterableToArray$l(r2) || _nonIterableSpread$c();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(_toConsumableArray$c, "_toConsumableArray$c");
function _nonIterableSpread$c() {
throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
}
__name(_nonIterableSpread$c, "_nonIterableSpread$c");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _unsupportedIterableToArray$j(r2, a2) {
if (r2) {
if ("string" == typeof r2) return _arrayLikeToArray$j(r2, a2);
@@ -49157,19 +52503,41 @@ function _unsupportedIterableToArray$j(r2, a2) {
}
__name(_unsupportedIterableToArray$j, "_unsupportedIterableToArray$j");
function _iterableToArray$d(r2) {
+========
+function _unsupportedIterableToArray$l(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$l(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$l(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$l, "_unsupportedIterableToArray$l");
+function _iterableToArray$e(r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if ("undefined" != typeof Symbol && null != r2[Symbol.iterator] || null != r2["@@iterator"]) return Array.from(r2);
}
-__name(_iterableToArray$d, "_iterableToArray$d");
+__name(_iterableToArray$e, "_iterableToArray$e");
function _arrayWithoutHoles$c(r2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (Array.isArray(r2)) return _arrayLikeToArray$j(r2);
}
__name(_arrayWithoutHoles$c, "_arrayWithoutHoles$c");
function _arrayLikeToArray$j(r2, a2) {
+========
+ if (Array.isArray(r2)) return _arrayLikeToArray$l(r2);
+}
+__name(_arrayWithoutHoles$c, "_arrayWithoutHoles$c");
+function _arrayLikeToArray$l(r2, a2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
(null == a2 || a2 > r2.length) && (a2 = r2.length);
for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
return n2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_arrayLikeToArray$j, "_arrayLikeToArray$j");
+========
+__name(_arrayLikeToArray$l, "_arrayLikeToArray$l");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function _classCallCheck(a2, n2) {
if (!(a2 instanceof n2)) throw new TypeError("Cannot call a class as a function");
}
@@ -49177,7 +52545,11 @@ __name(_classCallCheck, "_classCallCheck");
function _defineProperties(e2, r2) {
for (var t2 = 0; t2 < r2.length; t2++) {
var o2 = r2[t2];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
o2.enumerable = o2.enumerable || false, o2.configurable = true, "value" in o2 && (o2.writable = true), Object.defineProperty(e2, _toPropertyKey$m(o2.key), o2);
+========
+ o2.enumerable = o2.enumerable || false, o2.configurable = true, "value" in o2 && (o2.writable = true), Object.defineProperty(e2, _toPropertyKey$o(o2.key), o2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
__name(_defineProperties, "_defineProperties");
@@ -49185,6 +52557,7 @@ function _createClass(e2, r2, t2) {
return r2 && _defineProperties(e2.prototype, r2), Object.defineProperty(e2, "prototype", { writable: false }), e2;
}
__name(_createClass, "_createClass");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _defineProperty$o(e2, r2, t2) {
return (r2 = _toPropertyKey$m(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
}
@@ -49200,17 +52573,43 @@ function _toPrimitive$m(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2);
if ("object" != _typeof$m(i2)) return i2;
+========
+function _defineProperty$r(e2, r2, t2) {
+ return (r2 = _toPropertyKey$o(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$r, "_defineProperty$r");
+function _toPropertyKey$o(t2) {
+ var i2 = _toPrimitive$o(t2, "string");
+ return "symbol" == _typeof$p(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$o, "_toPropertyKey$o");
+function _toPrimitive$o(t2, r2) {
+ if ("object" != _typeof$p(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2);
+ if ("object" != _typeof$p(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return String(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$m, "_toPrimitive$m");
+========
+__name(_toPrimitive$o, "_toPrimitive$o");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _default = /* @__PURE__ */ function() {
function _default7(_ref) {
var init3 = _ref.init, type = _ref.type;
_classCallCheck(this, _default7);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
_defineProperty$o(this, "helpers", void 0);
_defineProperty$o(this, "type", void 0);
+========
+ _defineProperty$r(this, "helpers", void 0);
+ _defineProperty$r(this, "type", void 0);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.helpers = new Set(init3);
this.type = type;
}
@@ -49239,7 +52638,7 @@ var _default = /* @__PURE__ */ function() {
value: /* @__PURE__ */ __name(function get3(parentInstance, slots) {
var children = this._get(parentInstance, slots);
var computed2 = children ? this._recursive(_toConsumableArray$c(this.helpers), children) : null;
- return isNotEmpty(computed2) ? computed2 : null;
+ return isNotEmpty$2(computed2) ? computed2 : null;
}, "get")
}, {
key: "_isMatched",
@@ -49266,7 +52665,7 @@ var _default = /* @__PURE__ */ function() {
components = components.concat(_this._recursive(components, child.children));
} else if (child.type.name === _this.type) {
components.push(child);
- } else if (isNotEmpty(child.key)) {
+ } else if (isNotEmpty$2(child.key)) {
components = components.concat(helpers2.filter(function(c2) {
return _this._isMatched(c2, child.key);
}).map(function(c2) {
@@ -49280,7 +52679,7 @@ var _default = /* @__PURE__ */ function() {
}();
function UniqueComponentId() {
var prefix2 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "pv_id_";
- return uuid(prefix2);
+ return uuid$1(prefix2);
}
__name(UniqueComponentId, "UniqueComponentId");
function getVNodeProp(vnode, prop2) {
@@ -49295,7 +52694,7 @@ function getVNodeProp(vnode, prop2) {
return null;
}
__name(getVNodeProp, "getVNodeProp");
-var Base = {
+var Base$1 = {
_loadedStyleNames: /* @__PURE__ */ new Set(),
getLoadedStyleNames: /* @__PURE__ */ __name(function getLoadedStyleNames() {
return this._loadedStyleNames;
@@ -49313,6 +52712,7 @@ var Base = {
this._loadedStyleNames.clear();
}, "clearLoadedStyleNames")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$l(o2) {
"@babel/helpers - typeof";
return _typeof$l = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -49339,12 +52739,45 @@ function _unsupportedIterableToArray$i(r2, a2) {
}
__name(_unsupportedIterableToArray$i, "_unsupportedIterableToArray$i");
function _arrayLikeToArray$i(r2, a2) {
+========
+function _typeof$o(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$o = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$o(o2);
+}
+__name(_typeof$o, "_typeof$o");
+function _slicedToArray$7(r2, e2) {
+ return _arrayWithHoles$7(r2) || _iterableToArrayLimit$7(r2, e2) || _unsupportedIterableToArray$k(r2, e2) || _nonIterableRest$7();
+}
+__name(_slicedToArray$7, "_slicedToArray$7");
+function _nonIterableRest$7() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest$7, "_nonIterableRest$7");
+function _unsupportedIterableToArray$k(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$k(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$k(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$k, "_unsupportedIterableToArray$k");
+function _arrayLikeToArray$k(r2, a2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
(null == a2 || a2 > r2.length) && (a2 = r2.length);
for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
return n2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_arrayLikeToArray$i, "_arrayLikeToArray$i");
function _iterableToArrayLimit$5(r2, l2) {
+========
+__name(_arrayLikeToArray$k, "_arrayLikeToArray$k");
+function _iterableToArrayLimit$7(r2, l2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = null == r2 ? null : "undefined" != typeof Symbol && r2[Symbol.iterator] || r2["@@iterator"];
if (null != t2) {
var e2, n2, i2, u2, a2 = [], f2 = true, o2 = false;
@@ -49363,12 +52796,21 @@ function _iterableToArrayLimit$5(r2, l2) {
return a2;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_iterableToArrayLimit$5, "_iterableToArrayLimit$5");
function _arrayWithHoles$5(r2) {
if (Array.isArray(r2)) return r2;
}
__name(_arrayWithHoles$5, "_arrayWithHoles$5");
function ownKeys$k(e2, r2) {
+========
+__name(_iterableToArrayLimit$7, "_iterableToArrayLimit$7");
+function _arrayWithHoles$7(r2) {
+ if (Array.isArray(r2)) return r2;
+}
+__name(_arrayWithHoles$7, "_arrayWithHoles$7");
+function ownKeys$n(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -49378,6 +52820,7 @@ function ownKeys$k(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$k, "ownKeys$k");
function _objectSpread$k(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -49385,11 +52828,21 @@ function _objectSpread$k(e2) {
r2 % 2 ? ownKeys$k(Object(t2), true).forEach(function(r3) {
_defineProperty$n(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$k(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$n, "ownKeys$n");
+function _objectSpread$n(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$n(Object(t2), true).forEach(function(r3) {
+ _defineProperty$q(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$n(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$k, "_objectSpread$k");
function _defineProperty$n(e2, r2, t2) {
return (r2 = _toPropertyKey$l(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -49406,20 +52859,45 @@ function _toPrimitive$l(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$l(i2)) return i2;
+========
+__name(_objectSpread$n, "_objectSpread$n");
+function _defineProperty$q(e2, r2, t2) {
+ return (r2 = _toPropertyKey$n(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$q, "_defineProperty$q");
+function _toPropertyKey$n(t2) {
+ var i2 = _toPrimitive$n(t2, "string");
+ return "symbol" == _typeof$o(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$n, "_toPropertyKey$n");
+function _toPrimitive$n(t2, r2) {
+ if ("object" != _typeof$o(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$o(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$l, "_toPrimitive$l");
var BaseDirective = {
_getMeta: /* @__PURE__ */ __name(function _getMeta() {
return [isObject$f(arguments.length <= 0 ? void 0 : arguments[0]) ? void 0 : arguments.length <= 0 ? void 0 : arguments[0], resolve$2(isObject$f(arguments.length <= 0 ? void 0 : arguments[0]) ? arguments.length <= 0 ? void 0 : arguments[0] : arguments.length <= 1 ? void 0 : arguments[1])];
+========
+__name(_toPrimitive$n, "_toPrimitive$n");
+var BaseDirective = {
+ _getMeta: /* @__PURE__ */ __name(function _getMeta() {
+ return [isObject$g(arguments.length <= 0 ? void 0 : arguments[0]) ? void 0 : arguments.length <= 0 ? void 0 : arguments[0], resolve$4(isObject$g(arguments.length <= 0 ? void 0 : arguments[0]) ? arguments.length <= 0 ? void 0 : arguments[0] : arguments.length <= 1 ? void 0 : arguments[1])];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "_getMeta"),
_getConfig: /* @__PURE__ */ __name(function _getConfig(binding, vnode) {
var _ref, _binding$instance, _vnode$ctx;
return (_ref = (binding === null || binding === void 0 || (_binding$instance = binding.instance) === null || _binding$instance === void 0 ? void 0 : _binding$instance.$primevue) || (vnode === null || vnode === void 0 || (_vnode$ctx = vnode.ctx) === null || _vnode$ctx === void 0 || (_vnode$ctx = _vnode$ctx.appContext) === null || _vnode$ctx === void 0 || (_vnode$ctx = _vnode$ctx.config) === null || _vnode$ctx === void 0 || (_vnode$ctx = _vnode$ctx.globalProperties) === null || _vnode$ctx === void 0 ? void 0 : _vnode$ctx.$primevue)) === null || _ref === void 0 ? void 0 : _ref.config;
}, "_getConfig"),
- _getOptionValue: getKeyValue,
+ _getOptionValue: getKeyValue$2,
_getPTValue: /* @__PURE__ */ __name(function _getPTValue() {
var _instance$binding, _instance$$primevueCo;
var instance = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
@@ -49429,23 +52907,39 @@ var BaseDirective = {
var searchInDefaultPT = arguments.length > 4 && arguments[4] !== void 0 ? arguments[4] : true;
var getValue2 = /* @__PURE__ */ __name(function getValue3() {
var value4 = BaseDirective._getOptionValue.apply(BaseDirective, arguments);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isString$b(value4) || isArray$a(value4) ? {
+========
+ return isString$b(value4) || isArray$c(value4) ? {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": value4
} : value4;
}, "getValue");
var _ref2 = ((_instance$binding = instance.binding) === null || _instance$binding === void 0 || (_instance$binding = _instance$binding.value) === null || _instance$binding === void 0 ? void 0 : _instance$binding.ptOptions) || ((_instance$$primevueCo = instance.$primevueConfig) === null || _instance$$primevueCo === void 0 ? void 0 : _instance$$primevueCo.ptOptions) || {}, _ref2$mergeSections = _ref2.mergeSections, mergeSections = _ref2$mergeSections === void 0 ? true : _ref2$mergeSections, _ref2$mergeProps = _ref2.mergeProps, useMergeProps = _ref2$mergeProps === void 0 ? false : _ref2$mergeProps;
var global2 = searchInDefaultPT ? BaseDirective._useDefaultPT(instance, instance.defaultPT(), getValue2, key, params) : void 0;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var self2 = BaseDirective._usePT(instance, BaseDirective._getPT(obj, instance.$name), getValue2, key, _objectSpread$k(_objectSpread$k({}, params), {}, {
global: global2 || {}
}));
var datasets = BaseDirective._getPTDatasets(instance, key);
return mergeSections || !mergeSections && self2 ? useMergeProps ? BaseDirective._mergeProps(instance, useMergeProps, global2, self2, datasets) : _objectSpread$k(_objectSpread$k(_objectSpread$k({}, global2), self2), datasets) : _objectSpread$k(_objectSpread$k({}, self2), datasets);
+========
+ var self2 = BaseDirective._usePT(instance, BaseDirective._getPT(obj, instance.$name), getValue2, key, _objectSpread$n(_objectSpread$n({}, params), {}, {
+ global: global2 || {}
+ }));
+ var datasets = BaseDirective._getPTDatasets(instance, key);
+ return mergeSections || !mergeSections && self2 ? useMergeProps ? BaseDirective._mergeProps(instance, useMergeProps, global2, self2, datasets) : _objectSpread$n(_objectSpread$n(_objectSpread$n({}, global2), self2), datasets) : _objectSpread$n(_objectSpread$n({}, self2), datasets);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "_getPTValue"),
_getPTDatasets: /* @__PURE__ */ __name(function _getPTDatasets() {
var instance = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
var datasetPrefix = "data-pc-";
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return _objectSpread$k(_objectSpread$k({}, key === "root" && _defineProperty$n({}, "".concat(datasetPrefix, "name"), toFlatCase(instance.$name))), {}, _defineProperty$n({}, "".concat(datasetPrefix, "section"), toFlatCase(key)));
+========
+ return _objectSpread$n(_objectSpread$n({}, key === "root" && _defineProperty$q({}, "".concat(datasetPrefix, "name"), toFlatCase$2(instance.$name))), {}, _defineProperty$q({}, "".concat(datasetPrefix, "section"), toFlatCase$2(key)));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "_getPTDatasets"),
_getPT: /* @__PURE__ */ __name(function _getPT(pt) {
var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
@@ -49453,7 +52947,7 @@ var BaseDirective = {
var getValue2 = /* @__PURE__ */ __name(function getValue3(value4) {
var _computedValue$_key;
var computedValue = callback ? callback(value4) : value4;
- var _key = toFlatCase(key);
+ var _key = toFlatCase$2(key);
return (_computedValue$_key = computedValue === null || computedValue === void 0 ? void 0 : computedValue[_key]) !== null && _computedValue$_key !== void 0 ? _computedValue$_key : computedValue;
}, "getValue");
return pt !== null && pt !== void 0 && pt.hasOwnProperty("_usept") ? {
@@ -49479,17 +52973,21 @@ var BaseDirective = {
if (originalValue === void 0 && value4 === void 0) return void 0;
else if (isString$b(value4)) return value4;
else if (isString$b(originalValue)) return originalValue;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeSections || !mergeSections && value4 ? useMergeProps ? BaseDirective._mergeProps(instance, useMergeProps, originalValue, value4) : _objectSpread$k(_objectSpread$k({}, originalValue), value4) : value4;
+========
+ return mergeSections || !mergeSections && value4 ? useMergeProps ? BaseDirective._mergeProps(instance, useMergeProps, originalValue, value4) : _objectSpread$n(_objectSpread$n({}, originalValue), value4) : value4;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return fn(pt);
}, "_usePT"),
_useDefaultPT: /* @__PURE__ */ __name(function _useDefaultPT() {
var instance = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
- var defaultPT2 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ var defaultPT3 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
var callback = arguments.length > 2 ? arguments[2] : void 0;
var key = arguments.length > 3 ? arguments[3] : void 0;
var params = arguments.length > 4 ? arguments[4] : void 0;
- return BaseDirective._usePT(instance, defaultPT2, callback, key, params);
+ return BaseDirective._usePT(instance, defaultPT3, callback, key, params);
}, "_useDefaultPT"),
_loadStyles: /* @__PURE__ */ __name(function _loadStyles(el, binding, vnode) {
var _config$csp;
@@ -49508,11 +53006,17 @@ var BaseDirective = {
var _instance$$style, _instance$$style2;
var instance = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
var useStyleOptions = arguments.length > 1 ? arguments[1] : void 0;
- if (!Base.isStyleNameLoaded((_instance$$style = instance.$style) === null || _instance$$style === void 0 ? void 0 : _instance$$style.name) && (_instance$$style2 = instance.$style) !== null && _instance$$style2 !== void 0 && _instance$$style2.name) {
+ if (!Base$1.isStyleNameLoaded((_instance$$style = instance.$style) === null || _instance$$style === void 0 ? void 0 : _instance$$style.name) && (_instance$$style2 = instance.$style) !== null && _instance$$style2 !== void 0 && _instance$$style2.name) {
var _instance$$style3;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
BaseStyle.loadCSS(useStyleOptions);
(_instance$$style3 = instance.$style) === null || _instance$$style3 === void 0 || _instance$$style3.loadCSS(useStyleOptions);
Base.setLoadedStyleName(instance.$style.name);
+========
+ BaseStyle$1.loadCSS(useStyleOptions);
+ (_instance$$style3 = instance.$style) === null || _instance$$style3 === void 0 || _instance$$style3.loadCSS(useStyleOptions);
+ Base$1.setLoadedStyleName(instance.$style.name);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}, "_loadCoreStyles"),
_loadThemeStyles: /* @__PURE__ */ __name(function _loadThemeStyles() {
@@ -49520,6 +53024,7 @@ var BaseDirective = {
var instance = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
var useStyleOptions = arguments.length > 1 ? arguments[1] : void 0;
if (instance !== null && instance !== void 0 && instance.isUnstyled() || (instance === null || instance === void 0 || (_instance$theme = instance.theme) === null || _instance$theme === void 0 ? void 0 : _instance$theme.call(instance)) === "none") return;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!config_default.isStyleNameLoaded("common")) {
var _instance$$style4, _instance$$style4$get;
var _ref5 = ((_instance$$style4 = instance.$style) === null || _instance$$style4 === void 0 || (_instance$$style4$get = _instance$$style4.getCommonTheme) === null || _instance$$style4$get === void 0 ? void 0 : _instance$$style4$get.call(_instance$$style4)) || {}, primitive = _ref5.primitive, semantic = _ref5.semantic, global2 = _ref5.global, style2 = _ref5.style;
@@ -49536,9 +53041,28 @@ var BaseDirective = {
name: "global-style"
}, useStyleOptions), style2);
config_default.setLoadedStyleName("common");
+========
+ if (!config_default$1.isStyleNameLoaded("common")) {
+ var _instance$$style4, _instance$$style4$get;
+ var _ref5 = ((_instance$$style4 = instance.$style) === null || _instance$$style4 === void 0 || (_instance$$style4$get = _instance$$style4.getCommonTheme) === null || _instance$$style4$get === void 0 ? void 0 : _instance$$style4$get.call(_instance$$style4)) || {}, primitive = _ref5.primitive, semantic = _ref5.semantic, global2 = _ref5.global, style2 = _ref5.style;
+ BaseStyle$1.load(primitive === null || primitive === void 0 ? void 0 : primitive.css, _objectSpread$n({
+ name: "primitive-variables"
+ }, useStyleOptions));
+ BaseStyle$1.load(semantic === null || semantic === void 0 ? void 0 : semantic.css, _objectSpread$n({
+ name: "semantic-variables"
+ }, useStyleOptions));
+ BaseStyle$1.load(global2 === null || global2 === void 0 ? void 0 : global2.css, _objectSpread$n({
+ name: "global-variables"
+ }, useStyleOptions));
+ BaseStyle$1.loadTheme(_objectSpread$n({
+ name: "global-style"
+ }, useStyleOptions), style2);
+ config_default$1.setLoadedStyleName("common");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
- if (!config_default.isStyleNameLoaded((_instance$$style5 = instance.$style) === null || _instance$$style5 === void 0 ? void 0 : _instance$$style5.name) && (_instance$$style6 = instance.$style) !== null && _instance$$style6 !== void 0 && _instance$$style6.name) {
+ if (!config_default$1.isStyleNameLoaded((_instance$$style5 = instance.$style) === null || _instance$$style5 === void 0 ? void 0 : _instance$$style5.name) && (_instance$$style6 = instance.$style) !== null && _instance$$style6 !== void 0 && _instance$$style6.name) {
var _instance$$style7, _instance$$style7$get, _instance$$style8, _instance$$style9;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _ref6 = ((_instance$$style7 = instance.$style) === null || _instance$$style7 === void 0 || (_instance$$style7$get = _instance$$style7.getDirectiveTheme) === null || _instance$$style7$get === void 0 ? void 0 : _instance$$style7$get.call(_instance$$style7)) || {}, css3 = _ref6.css, _style = _ref6.style;
(_instance$$style8 = instance.$style) === null || _instance$$style8 === void 0 || _instance$$style8.load(css3, _objectSpread$k({
name: "".concat(instance.$style.name, "-variables")
@@ -49547,15 +53071,29 @@ var BaseDirective = {
name: "".concat(instance.$style.name, "-style")
}, useStyleOptions), _style);
config_default.setLoadedStyleName(instance.$style.name);
+========
+ var _ref6 = ((_instance$$style7 = instance.$style) === null || _instance$$style7 === void 0 || (_instance$$style7$get = _instance$$style7.getDirectiveTheme) === null || _instance$$style7$get === void 0 ? void 0 : _instance$$style7$get.call(_instance$$style7)) || {}, css4 = _ref6.css, _style = _ref6.style;
+ (_instance$$style8 = instance.$style) === null || _instance$$style8 === void 0 || _instance$$style8.load(css4, _objectSpread$n({
+ name: "".concat(instance.$style.name, "-variables")
+ }, useStyleOptions));
+ (_instance$$style9 = instance.$style) === null || _instance$$style9 === void 0 || _instance$$style9.loadTheme(_objectSpread$n({
+ name: "".concat(instance.$style.name, "-style")
+ }, useStyleOptions), _style);
+ config_default$1.setLoadedStyleName(instance.$style.name);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
- if (!config_default.isStyleNameLoaded("layer-order")) {
+ if (!config_default$1.isStyleNameLoaded("layer-order")) {
var _instance$$style10, _instance$$style10$ge;
var layerOrder = (_instance$$style10 = instance.$style) === null || _instance$$style10 === void 0 || (_instance$$style10$ge = _instance$$style10.getLayerOrderThemeCSS) === null || _instance$$style10$ge === void 0 ? void 0 : _instance$$style10$ge.call(_instance$$style10);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
BaseStyle.load(layerOrder, _objectSpread$k({
+========
+ BaseStyle$1.load(layerOrder, _objectSpread$n({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "layer-order",
first: true
}, useStyleOptions));
- config_default.setLoadedStyleName("layer-order");
+ config_default$1.setLoadedStyleName("layer-order");
}
}, "_loadThemeStyles"),
_loadScopedThemeStyles: /* @__PURE__ */ __name(function _loadScopedThemeStyles() {
@@ -49564,8 +53102,13 @@ var BaseDirective = {
var preset = instance.preset();
if (preset && instance.$attrSelector) {
var _instance$$style11, _instance$$style11$ge, _instance$$style12;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _ref7 = ((_instance$$style11 = instance.$style) === null || _instance$$style11 === void 0 || (_instance$$style11$ge = _instance$$style11.getPresetTheme) === null || _instance$$style11$ge === void 0 ? void 0 : _instance$$style11$ge.call(_instance$$style11, preset, "[".concat(instance.$attrSelector, "]"))) || {}, css3 = _ref7.css;
var scopedStyle = (_instance$$style12 = instance.$style) === null || _instance$$style12 === void 0 ? void 0 : _instance$$style12.load(css3, _objectSpread$k({
+========
+ var _ref7 = ((_instance$$style11 = instance.$style) === null || _instance$$style11 === void 0 || (_instance$$style11$ge = _instance$$style11.getPresetTheme) === null || _instance$$style11$ge === void 0 ? void 0 : _instance$$style11$ge.call(_instance$$style11, preset, "[".concat(instance.$attrSelector, "]"))) || {}, css4 = _ref7.css;
+ var scopedStyle = (_instance$$style12 = instance.$style) === null || _instance$$style12 === void 0 ? void 0 : _instance$$style12.load(css4, _objectSpread$n({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "".concat(instance.$attrSelector, "-").concat(instance.$style.name)
}, useStyleOptions));
instance.scopedStyleEl = scopedStyle.el;
@@ -49574,12 +53117,12 @@ var BaseDirective = {
_themeChangeListener: /* @__PURE__ */ __name(function _themeChangeListener() {
var callback = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : function() {
};
- Base.clearLoadedStyleNames();
- service_default.on("theme:change", callback);
+ Base$1.clearLoadedStyleNames();
+ service_default$1.on("theme:change", callback);
}, "_themeChangeListener"),
_hook: /* @__PURE__ */ __name(function _hook(directiveName, hookName, el, binding, vnode, prevVnode) {
var _binding$value, _config$pt;
- var name2 = "on".concat(toCapitalCase(hookName));
+ var name2 = "on".concat(toCapitalCase$2(hookName));
var config2 = BaseDirective._getConfig(binding, vnode);
var instance = el === null || el === void 0 ? void 0 : el.$instance;
var selfHook = BaseDirective._usePT(instance, BaseDirective._getPT(binding === null || binding === void 0 || (_binding$value = binding.value) === null || _binding$value === void 0 ? void 0 : _binding$value.pt, directiveName), BaseDirective._getOptionValue, "hooks.".concat(name2));
@@ -49598,7 +53141,11 @@ var BaseDirective = {
for (var _len = arguments.length, args = new Array(_len > 2 ? _len - 2 : 0), _key2 = 2; _key2 < _len; _key2++) {
args[_key2 - 2] = arguments[_key2];
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isFunction$b(fn) ? fn.apply(void 0, args) : mergeProps$1.apply(void 0, args);
+========
+ return isFunction$d(fn) ? fn.apply(void 0, args) : mergeProps$2.apply(void 0, args);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "_mergeProps"),
_extend: /* @__PURE__ */ __name(function _extend(name2) {
var options4 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
@@ -49607,8 +53154,13 @@ var BaseDirective = {
el._$instances = el._$instances || {};
var config2 = BaseDirective._getConfig(binding, vnode);
var $prevInstance = el._$instances[name2] || {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var $options = isEmpty$1($prevInstance) ? _objectSpread$k(_objectSpread$k({}, options4), options4 === null || options4 === void 0 ? void 0 : options4.methods) : {};
el._$instances[name2] = _objectSpread$k(_objectSpread$k({}, $prevInstance), {}, {
+========
+ var $options = isEmpty$3($prevInstance) ? _objectSpread$n(_objectSpread$n({}, options4), options4 === null || options4 === void 0 ? void 0 : options4.methods) : {};
+ el._$instances[name2] = _objectSpread$n(_objectSpread$n({}, $prevInstance), {}, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
/* new instance variables to pass in directive methods */
$name: name2,
$host: el,
@@ -49616,30 +53168,34 @@ var BaseDirective = {
$modifiers: binding === null || binding === void 0 ? void 0 : binding.modifiers,
$value: binding === null || binding === void 0 ? void 0 : binding.value,
$el: $prevInstance["$el"] || el || void 0,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
$style: _objectSpread$k({
+========
+ $style: _objectSpread$n({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
classes: void 0,
inlineStyles: void 0,
- load: /* @__PURE__ */ __name(function load2() {
+ load: /* @__PURE__ */ __name(function load3() {
}, "load"),
- loadCSS: /* @__PURE__ */ __name(function loadCSS2() {
+ loadCSS: /* @__PURE__ */ __name(function loadCSS3() {
}, "loadCSS"),
- loadTheme: /* @__PURE__ */ __name(function loadTheme2() {
+ loadTheme: /* @__PURE__ */ __name(function loadTheme3() {
}, "loadTheme")
}, options4 === null || options4 === void 0 ? void 0 : options4.style),
$primevueConfig: config2,
$attrSelector: (_el$$pd = el.$pd) === null || _el$$pd === void 0 || (_el$$pd = _el$$pd[name2]) === null || _el$$pd === void 0 ? void 0 : _el$$pd.attrSelector,
/* computed instance variables */
- defaultPT: /* @__PURE__ */ __name(function defaultPT2() {
+ defaultPT: /* @__PURE__ */ __name(function defaultPT3() {
return BaseDirective._getPT(config2 === null || config2 === void 0 ? void 0 : config2.pt, void 0, function(value4) {
var _value$directives;
return value4 === null || value4 === void 0 || (_value$directives = value4.directives) === null || _value$directives === void 0 ? void 0 : _value$directives[name2];
});
}, "defaultPT"),
- isUnstyled: /* @__PURE__ */ __name(function isUnstyled2() {
+ isUnstyled: /* @__PURE__ */ __name(function isUnstyled3() {
var _el$$instance, _el$$instance2;
return ((_el$$instance = el.$instance) === null || _el$$instance === void 0 || (_el$$instance = _el$$instance.$binding) === null || _el$$instance === void 0 || (_el$$instance = _el$$instance.value) === null || _el$$instance === void 0 ? void 0 : _el$$instance.unstyled) !== void 0 ? (_el$$instance2 = el.$instance) === null || _el$$instance2 === void 0 || (_el$$instance2 = _el$$instance2.$binding) === null || _el$$instance2 === void 0 || (_el$$instance2 = _el$$instance2.value) === null || _el$$instance2 === void 0 ? void 0 : _el$$instance2.unstyled : config2 === null || config2 === void 0 ? void 0 : config2.unstyled;
}, "isUnstyled"),
- theme: /* @__PURE__ */ __name(function theme42() {
+ theme: /* @__PURE__ */ __name(function theme43() {
var _el$$instance3;
return (_el$$instance3 = el.$instance) === null || _el$$instance3 === void 0 || (_el$$instance3 = _el$$instance3.$primevueConfig) === null || _el$$instance3 === void 0 ? void 0 : _el$$instance3.theme;
}, "theme"),
@@ -49648,30 +53204,42 @@ var BaseDirective = {
return (_el$$instance4 = el.$instance) === null || _el$$instance4 === void 0 || (_el$$instance4 = _el$$instance4.$binding) === null || _el$$instance4 === void 0 || (_el$$instance4 = _el$$instance4.value) === null || _el$$instance4 === void 0 ? void 0 : _el$$instance4.dt;
}, "preset"),
/* instance's methods */
- ptm: /* @__PURE__ */ __name(function ptm2() {
+ ptm: /* @__PURE__ */ __name(function ptm3() {
var _el$$instance5;
var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
var params = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return BaseDirective._getPTValue(el.$instance, (_el$$instance5 = el.$instance) === null || _el$$instance5 === void 0 || (_el$$instance5 = _el$$instance5.$binding) === null || _el$$instance5 === void 0 || (_el$$instance5 = _el$$instance5.value) === null || _el$$instance5 === void 0 ? void 0 : _el$$instance5.pt, key, _objectSpread$k({}, params));
+========
+ return BaseDirective._getPTValue(el.$instance, (_el$$instance5 = el.$instance) === null || _el$$instance5 === void 0 || (_el$$instance5 = _el$$instance5.$binding) === null || _el$$instance5 === void 0 || (_el$$instance5 = _el$$instance5.value) === null || _el$$instance5 === void 0 ? void 0 : _el$$instance5.pt, key, _objectSpread$n({}, params));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "ptm"),
- ptmo: /* @__PURE__ */ __name(function ptmo2() {
+ ptmo: /* @__PURE__ */ __name(function ptmo3() {
var obj = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
return BaseDirective._getPTValue(el.$instance, obj, key, params, false);
}, "ptmo"),
- cx: /* @__PURE__ */ __name(function cx2() {
+ cx: /* @__PURE__ */ __name(function cx3() {
var _el$$instance6, _el$$instance7;
var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
var params = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return !((_el$$instance6 = el.$instance) !== null && _el$$instance6 !== void 0 && _el$$instance6.isUnstyled()) ? BaseDirective._getOptionValue((_el$$instance7 = el.$instance) === null || _el$$instance7 === void 0 || (_el$$instance7 = _el$$instance7.$style) === null || _el$$instance7 === void 0 ? void 0 : _el$$instance7.classes, key, _objectSpread$k({}, params)) : void 0;
+========
+ return !((_el$$instance6 = el.$instance) !== null && _el$$instance6 !== void 0 && _el$$instance6.isUnstyled()) ? BaseDirective._getOptionValue((_el$$instance7 = el.$instance) === null || _el$$instance7 === void 0 || (_el$$instance7 = _el$$instance7.$style) === null || _el$$instance7 === void 0 ? void 0 : _el$$instance7.classes, key, _objectSpread$n({}, params)) : void 0;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "cx"),
- sx: /* @__PURE__ */ __name(function sx2() {
+ sx: /* @__PURE__ */ __name(function sx3() {
var _el$$instance8;
var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
var when = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : true;
var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return when ? BaseDirective._getOptionValue((_el$$instance8 = el.$instance) === null || _el$$instance8 === void 0 || (_el$$instance8 = _el$$instance8.$style) === null || _el$$instance8 === void 0 ? void 0 : _el$$instance8.inlineStyles, key, _objectSpread$k({}, params)) : void 0;
+========
+ return when ? BaseDirective._getOptionValue((_el$$instance8 = el.$instance) === null || _el$$instance8 === void 0 || (_el$$instance8 = _el$$instance8.$style) === null || _el$$instance8 === void 0 ? void 0 : _el$$instance8.inlineStyles, key, _objectSpread$n({}, params)) : void 0;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "sx")
}, $options);
el.$instance = el._$instances[name2];
@@ -49679,7 +53247,11 @@ var BaseDirective = {
el["$".concat(name2)] = el.$instance;
BaseDirective._hook(name2, hook, el, binding, vnode, prevVnode);
el.$pd || (el.$pd = {});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
el.$pd[name2] = _objectSpread$k(_objectSpread$k({}, (_el$$pd2 = el.$pd) === null || _el$$pd2 === void 0 ? void 0 : _el$$pd2[name2]), {}, {
+========
+ el.$pd[name2] = _objectSpread$n(_objectSpread$n({}, (_el$$pd2 = el.$pd) === null || _el$$pd2 === void 0 ? void 0 : _el$$pd2[name2]), {}, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: name2,
instance: el.$instance
});
@@ -49690,17 +53262,18 @@ var BaseDirective = {
watchers === null || watchers === void 0 || (_watchers$config = watchers["config"]) === null || _watchers$config === void 0 || _watchers$config.call(el.$instance, (_el$$instance11 = el.$instance) === null || _el$$instance11 === void 0 ? void 0 : _el$$instance11.$primevueConfig);
PrimeVueService.on("config:change", function(_ref8) {
var _watchers$config2;
- var newValue2 = _ref8.newValue, oldValue2 = _ref8.oldValue;
- return watchers === null || watchers === void 0 || (_watchers$config2 = watchers["config"]) === null || _watchers$config2 === void 0 ? void 0 : _watchers$config2.call(el.$instance, newValue2, oldValue2);
+ var newValue2 = _ref8.newValue, oldValue = _ref8.oldValue;
+ return watchers === null || watchers === void 0 || (_watchers$config2 = watchers["config"]) === null || _watchers$config2 === void 0 ? void 0 : _watchers$config2.call(el.$instance, newValue2, oldValue);
});
watchers === null || watchers === void 0 || (_watchers$configRipp = watchers["config.ripple"]) === null || _watchers$configRipp === void 0 || _watchers$configRipp.call(el.$instance, (_el$$instance12 = el.$instance) === null || _el$$instance12 === void 0 || (_el$$instance12 = _el$$instance12.$primevueConfig) === null || _el$$instance12 === void 0 ? void 0 : _el$$instance12.ripple);
PrimeVueService.on("config:ripple:change", function(_ref9) {
var _watchers$configRipp2;
- var newValue2 = _ref9.newValue, oldValue2 = _ref9.oldValue;
- return watchers === null || watchers === void 0 || (_watchers$configRipp2 = watchers["config.ripple"]) === null || _watchers$configRipp2 === void 0 ? void 0 : _watchers$configRipp2.call(el.$instance, newValue2, oldValue2);
+ var newValue2 = _ref9.newValue, oldValue = _ref9.oldValue;
+ return watchers === null || watchers === void 0 || (_watchers$configRipp2 = watchers["config.ripple"]) === null || _watchers$configRipp2 === void 0 ? void 0 : _watchers$configRipp2.call(el.$instance, newValue2, oldValue);
});
}, "handleWatch");
return {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
created: /* @__PURE__ */ __name(function created3(el, binding, vnode, prevVnode) {
el.$pd || (el.$pd = {});
el.$pd[name2] = {
@@ -49710,25 +53283,40 @@ var BaseDirective = {
handleHook("created", el, binding, vnode, prevVnode);
}, "created"),
beforeMount: /* @__PURE__ */ __name(function beforeMount4(el, binding, vnode, prevVnode) {
+========
+ created: /* @__PURE__ */ __name(function created4(el, binding, vnode, prevVnode) {
+ el.$pd || (el.$pd = {});
+ el.$pd[name2] = {
+ name: name2,
+ attrSelector: uuid$1("pd")
+ };
+ handleHook("created", el, binding, vnode, prevVnode);
+ }, "created"),
+ beforeMount: /* @__PURE__ */ __name(function beforeMount5(el, binding, vnode, prevVnode) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
BaseDirective._loadStyles(el, binding, vnode);
handleHook("beforeMount", el, binding, vnode, prevVnode);
handleWatch(el);
}, "beforeMount"),
- mounted: /* @__PURE__ */ __name(function mounted25(el, binding, vnode, prevVnode) {
+ mounted: /* @__PURE__ */ __name(function mounted26(el, binding, vnode, prevVnode) {
BaseDirective._loadStyles(el, binding, vnode);
handleHook("mounted", el, binding, vnode, prevVnode);
}, "mounted"),
- beforeUpdate: /* @__PURE__ */ __name(function beforeUpdate2(el, binding, vnode, prevVnode) {
+ beforeUpdate: /* @__PURE__ */ __name(function beforeUpdate3(el, binding, vnode, prevVnode) {
handleHook("beforeUpdate", el, binding, vnode, prevVnode);
}, "beforeUpdate"),
- updated: /* @__PURE__ */ __name(function updated14(el, binding, vnode, prevVnode) {
+ updated: /* @__PURE__ */ __name(function updated15(el, binding, vnode, prevVnode) {
BaseDirective._loadStyles(el, binding, vnode);
handleHook("updated", el, binding, vnode, prevVnode);
}, "updated"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount16(el, binding, vnode, prevVnode) {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount17(el, binding, vnode, prevVnode) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
handleHook("beforeUnmount", el, binding, vnode, prevVnode);
}, "beforeUnmount"),
- unmounted: /* @__PURE__ */ __name(function unmounted6(el, binding, vnode, prevVnode) {
+ unmounted: /* @__PURE__ */ __name(function unmounted7(el, binding, vnode, prevVnode) {
var _el$$instance13;
(_el$$instance13 = el.$instance) === null || _el$$instance13 === void 0 || (_el$$instance13 = _el$$instance13.scopedStyleEl) === null || _el$$instance13 === void 0 || (_el$$instance13 = _el$$instance13.value) === null || _el$$instance13 === void 0 || _el$$instance13.remove();
handleHook("unmounted", el, binding, vnode, prevVnode);
@@ -49736,32 +53324,50 @@ var BaseDirective = {
};
}, "_extend"),
extend: /* @__PURE__ */ __name(function extend3() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _BaseDirective$_getMe = BaseDirective._getMeta.apply(BaseDirective, arguments), _BaseDirective$_getMe2 = _slicedToArray$5(_BaseDirective$_getMe, 2), name2 = _BaseDirective$_getMe2[0], options4 = _BaseDirective$_getMe2[1];
return _objectSpread$k({
extend: /* @__PURE__ */ __name(function extend4() {
var _BaseDirective$_getMe3 = BaseDirective._getMeta.apply(BaseDirective, arguments), _BaseDirective$_getMe4 = _slicedToArray$5(_BaseDirective$_getMe3, 2), _name = _BaseDirective$_getMe4[0], _options = _BaseDirective$_getMe4[1];
return BaseDirective.extend(_name, _objectSpread$k(_objectSpread$k(_objectSpread$k({}, options4), options4 === null || options4 === void 0 ? void 0 : options4.methods), _options));
+========
+ var _BaseDirective$_getMe = BaseDirective._getMeta.apply(BaseDirective, arguments), _BaseDirective$_getMe2 = _slicedToArray$7(_BaseDirective$_getMe, 2), name2 = _BaseDirective$_getMe2[0], options4 = _BaseDirective$_getMe2[1];
+ return _objectSpread$n({
+ extend: /* @__PURE__ */ __name(function extend5() {
+ var _BaseDirective$_getMe3 = BaseDirective._getMeta.apply(BaseDirective, arguments), _BaseDirective$_getMe4 = _slicedToArray$7(_BaseDirective$_getMe3, 2), _name = _BaseDirective$_getMe4[0], _options = _BaseDirective$_getMe4[1];
+ return BaseDirective.extend(_name, _objectSpread$n(_objectSpread$n(_objectSpread$n({}, options4), options4 === null || options4 === void 0 ? void 0 : options4.methods), _options));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "extend")
}, BaseDirective._extend(name2, options4));
}, "extend")
};
-var theme$C = /* @__PURE__ */ __name(function theme3(_ref) {
+var theme$D = /* @__PURE__ */ __name(function theme3(_ref) {
var dt2 = _ref.dt;
return "\n.p-tooltip {\n position: absolute;\n display: none;\n max-width: ".concat(dt2("tooltip.max.width"), ";\n}\n\n.p-tooltip-right,\n.p-tooltip-left {\n padding: 0 ").concat(dt2("tooltip.gutter"), ";\n}\n\n.p-tooltip-top,\n.p-tooltip-bottom {\n padding: ").concat(dt2("tooltip.gutter"), " 0;\n}\n\n.p-tooltip-text {\n white-space: pre-line;\n word-break: break-word;\n background: ").concat(dt2("tooltip.background"), ";\n color: ").concat(dt2("tooltip.color"), ";\n padding: ").concat(dt2("tooltip.padding"), ";\n box-shadow: ").concat(dt2("tooltip.shadow"), ";\n border-radius: ").concat(dt2("tooltip.border.radius"), ";\n}\n\n.p-tooltip-arrow {\n position: absolute;\n width: 0;\n height: 0;\n border-color: transparent;\n border-style: solid;\n}\n\n.p-tooltip-right .p-tooltip-arrow {\n margin-top: calc(-1 * ").concat(dt2("tooltip.gutter"), ");\n border-width: ").concat(dt2("tooltip.gutter"), " ").concat(dt2("tooltip.gutter"), " ").concat(dt2("tooltip.gutter"), " 0;\n border-right-color: ").concat(dt2("tooltip.background"), ";\n}\n\n.p-tooltip-left .p-tooltip-arrow {\n margin-top: calc(-1 * ").concat(dt2("tooltip.gutter"), ");\n border-width: ").concat(dt2("tooltip.gutter"), " 0 ").concat(dt2("tooltip.gutter"), " ").concat(dt2("tooltip.gutter"), ";\n border-left-color: ").concat(dt2("tooltip.background"), ";\n}\n\n.p-tooltip-top .p-tooltip-arrow {\n margin-left: calc(-1 * ").concat(dt2("tooltip.gutter"), ");\n border-width: ").concat(dt2("tooltip.gutter"), " ").concat(dt2("tooltip.gutter"), " 0 ").concat(dt2("tooltip.gutter"), ";\n border-top-color: ").concat(dt2("tooltip.background"), ";\n border-bottom-color: ").concat(dt2("tooltip.background"), ";\n}\n\n.p-tooltip-bottom .p-tooltip-arrow {\n margin-left: calc(-1 * ").concat(dt2("tooltip.gutter"), ");\n border-width: 0 ").concat(dt2("tooltip.gutter"), " ").concat(dt2("tooltip.gutter"), " ").concat(dt2("tooltip.gutter"), ";\n border-top-color: ").concat(dt2("tooltip.background"), ";\n border-bottom-color: ").concat(dt2("tooltip.background"), ";\n}\n");
}, "theme");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var classes$G = {
+========
+var classes$H = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root: "p-tooltip p-component",
arrow: "p-tooltip-arrow",
text: "p-tooltip-text"
};
-var TooltipStyle = BaseStyle.extend({
+var TooltipStyle = BaseStyle$1.extend({
name: "tooltip-directive",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
theme: theme$C,
classes: classes$G
+========
+ theme: theme$D,
+ classes: classes$H
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
var BaseTooltip = BaseDirective.extend({
style: TooltipStyle
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _slicedToArray$4(r2, e2) {
return _arrayWithHoles$4(r2) || _iterableToArrayLimit$4(r2, e2) || _unsupportedIterableToArray$h(r2, e2) || _nonIterableRest$4();
}
@@ -49779,12 +53385,36 @@ function _unsupportedIterableToArray$h(r2, a2) {
}
__name(_unsupportedIterableToArray$h, "_unsupportedIterableToArray$h");
function _arrayLikeToArray$h(r2, a2) {
+========
+function _slicedToArray$6(r2, e2) {
+ return _arrayWithHoles$6(r2) || _iterableToArrayLimit$6(r2, e2) || _unsupportedIterableToArray$j(r2, e2) || _nonIterableRest$6();
+}
+__name(_slicedToArray$6, "_slicedToArray$6");
+function _nonIterableRest$6() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest$6, "_nonIterableRest$6");
+function _unsupportedIterableToArray$j(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$j(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$j(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$j, "_unsupportedIterableToArray$j");
+function _arrayLikeToArray$j(r2, a2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
(null == a2 || a2 > r2.length) && (a2 = r2.length);
for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
return n2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_arrayLikeToArray$h, "_arrayLikeToArray$h");
function _iterableToArrayLimit$4(r2, l2) {
+========
+__name(_arrayLikeToArray$j, "_arrayLikeToArray$j");
+function _iterableToArrayLimit$6(r2, l2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = null == r2 ? null : "undefined" != typeof Symbol && r2[Symbol.iterator] || r2["@@iterator"];
if (null != t2) {
var e2, n2, i2, u2, a2 = [], f2 = true, o2 = false;
@@ -49803,6 +53433,7 @@ function _iterableToArrayLimit$4(r2, l2) {
return a2;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_iterableToArrayLimit$4, "_iterableToArrayLimit$4");
function _arrayWithHoles$4(r2) {
if (Array.isArray(r2)) return r2;
@@ -49823,10 +53454,33 @@ function _toPrimitive$k(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$k(i2)) return i2;
+========
+__name(_iterableToArrayLimit$6, "_iterableToArrayLimit$6");
+function _arrayWithHoles$6(r2) {
+ if (Array.isArray(r2)) return r2;
+}
+__name(_arrayWithHoles$6, "_arrayWithHoles$6");
+function _defineProperty$p(e2, r2, t2) {
+ return (r2 = _toPropertyKey$m(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$p, "_defineProperty$p");
+function _toPropertyKey$m(t2) {
+ var i2 = _toPrimitive$m(t2, "string");
+ return "symbol" == _typeof$n(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$m, "_toPropertyKey$m");
+function _toPrimitive$m(t2, r2) {
+ if ("object" != _typeof$n(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$n(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$k, "_toPrimitive$k");
function _typeof$k(o2) {
"@babel/helpers - typeof";
@@ -49837,6 +53491,18 @@ function _typeof$k(o2) {
}, _typeof$k(o2);
}
__name(_typeof$k, "_typeof$k");
+========
+__name(_toPrimitive$m, "_toPrimitive$m");
+function _typeof$n(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$n = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$n(o2);
+}
+__name(_typeof$n, "_typeof$n");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var Tooltip = BaseTooltip.extend("tooltip", {
beforeMount: /* @__PURE__ */ __name(function beforeMount(el, options4) {
var _options$instance$$pr;
@@ -49853,8 +53519,13 @@ var Tooltip = BaseTooltip.extend("tooltip", {
target2.$_ptooltipShowDelay = 0;
target2.$_ptooltipHideDelay = 0;
target2.$_ptooltipAutoHide = true;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (_typeof$k(options4.value) === "object" && options4.value) {
if (isEmpty$1(options4.value.value) || options4.value.value.trim() === "") return;
+========
+ } else if (_typeof$n(options4.value) === "object" && options4.value) {
+ if (isEmpty$3(options4.value.value) || options4.value.value.trim() === "") return;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
else {
target2.$_ptooltipValue = options4.value.value;
target2.$_ptooltipDisabled = !!options4.value.disabled === options4.value.disabled ? options4.value.disabled : false;
@@ -49888,8 +53559,13 @@ var Tooltip = BaseTooltip.extend("tooltip", {
target2.$_ptooltipHideDelay = 0;
target2.$_ptooltipAutoHide = true;
this.bindEvents(target2, options4);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (_typeof$k(options4.value) === "object" && options4.value) {
if (isEmpty$1(options4.value.value) || options4.value.value.trim() === "") {
+========
+ } else if (_typeof$n(options4.value) === "object" && options4.value) {
+ if (isEmpty$3(options4.value.value) || options4.value.value.trim() === "") {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.unbindEvents(target2, options4);
return;
} else {
@@ -49974,7 +53650,7 @@ var Tooltip = BaseTooltip.extend("tooltip", {
var hideDelay = el.$_ptooltipHideDelay;
var autoHide = el.$_ptooltipAutoHide;
if (!autoHide) {
- var valid = getAttribute(event.target, "data-pc-name") === "tooltip" || getAttribute(event.target, "data-pc-section") === "arrow" || getAttribute(event.target, "data-pc-section") === "text" || getAttribute(event.relatedTarget, "data-pc-name") === "tooltip" || getAttribute(event.relatedTarget, "data-pc-section") === "arrow" || getAttribute(event.relatedTarget, "data-pc-section") === "text";
+ var valid = getAttribute$1(event.target, "data-pc-name") === "tooltip" || getAttribute$1(event.target, "data-pc-section") === "arrow" || getAttribute$1(event.target, "data-pc-section") === "text" || getAttribute$1(event.relatedTarget, "data-pc-name") === "tooltip" || getAttribute$1(event.relatedTarget, "data-pc-section") === "arrow" || getAttribute$1(event.relatedTarget, "data-pc-section") === "text";
!valid && this.hide(el, hideDelay);
} else {
this.hide(el, hideDelay);
@@ -50001,15 +53677,15 @@ var Tooltip = BaseTooltip.extend("tooltip", {
event.code === "Escape" && this.hide(event.currentTarget, hideDelay);
}, "onKeydown"),
tooltipActions: /* @__PURE__ */ __name(function tooltipActions(el, options4) {
- if (el.$_ptooltipDisabled || !isExist(el)) {
+ if (el.$_ptooltipDisabled || !isExist$1(el)) {
return;
}
var tooltipElement = this.create(el, options4);
this.align(el);
- !this.isUnstyled() && fadeIn(tooltipElement, 250);
+ !this.isUnstyled() && fadeIn$1(tooltipElement, 250);
var $this = this;
window.addEventListener("resize", /* @__PURE__ */ __name(function onWindowResize() {
- if (!isTouchDevice()) {
+ if (!isTouchDevice$1()) {
$this.hide(el);
}
window.removeEventListener("resize", onWindowResize);
@@ -50023,7 +53699,7 @@ var Tooltip = BaseTooltip.extend("tooltip", {
}, 50);
}, "onTooltipLeave"));
this.bindScrollListener(el);
- ZIndex.set("tooltip", tooltipElement, el.$_ptooltipZIndex);
+ ZIndex$1.set("tooltip", tooltipElement, el.$_ptooltipZIndex);
}, "tooltipActions"),
show: /* @__PURE__ */ __name(function show(el, options4, showDelay) {
var _this3 = this;
@@ -50055,13 +53731,13 @@ var Tooltip = BaseTooltip.extend("tooltip", {
}, "getTooltipElement"),
create: /* @__PURE__ */ __name(function create2(el) {
var modifiers2 = el.$_ptooltipModifiers;
- var tooltipArrow = createElement("div", {
+ var tooltipArrow = createElement$1("div", {
"class": !this.isUnstyled() && this.cx("arrow"),
"p-bind": this.ptm("arrow", {
context: modifiers2
})
});
- var tooltipText = createElement("div", {
+ var tooltipText = createElement$1("div", {
"class": !this.isUnstyled() && this.cx("text"),
"p-bind": this.ptm("text", {
context: modifiers2
@@ -50073,7 +53749,11 @@ var Tooltip = BaseTooltip.extend("tooltip", {
tooltipText.innerHTML = "";
tooltipText.appendChild(document.createTextNode(el.$_ptooltipValue));
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var container = createElement("div", _defineProperty$m(_defineProperty$m({
+========
+ var container = createElement$1("div", _defineProperty$p(_defineProperty$p({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: el.$_ptooltipIdAttr,
role: "tooltip",
style: {
@@ -50094,7 +53774,7 @@ var Tooltip = BaseTooltip.extend("tooltip", {
if (el) {
var tooltipElement = this.getTooltipElement(el);
if (tooltipElement && tooltipElement.parentElement) {
- ZIndex.clear(tooltipElement);
+ ZIndex$1.clear(tooltipElement);
document.body.removeChild(tooltipElement);
}
el.$_ptooltipId = null;
@@ -50150,8 +53830,8 @@ var Tooltip = BaseTooltip.extend("tooltip", {
}, "align"),
getHostOffset: /* @__PURE__ */ __name(function getHostOffset(el) {
var offset = el.getBoundingClientRect();
- var targetLeft = offset.left + getWindowScrollLeft();
- var targetTop = offset.top + getWindowScrollTop();
+ var targetLeft = offset.left + getWindowScrollLeft$1();
+ var targetTop = offset.top + getWindowScrollTop$1();
return {
left: targetLeft,
top: targetTop
@@ -50161,8 +53841,8 @@ var Tooltip = BaseTooltip.extend("tooltip", {
this.preAlign(el, "right");
var tooltipElement = this.getTooltipElement(el);
var hostOffset = this.getHostOffset(el);
- var left = hostOffset.left + getOuterWidth(el);
- var top = hostOffset.top + (getOuterHeight(el) - getOuterHeight(tooltipElement)) / 2;
+ var left = hostOffset.left + getOuterWidth$1(el);
+ var top = hostOffset.top + (getOuterHeight$1(el) - getOuterHeight$1(tooltipElement)) / 2;
tooltipElement.style.left = left + "px";
tooltipElement.style.top = top + "px";
}, "alignRight"),
@@ -50170,8 +53850,8 @@ var Tooltip = BaseTooltip.extend("tooltip", {
this.preAlign(el, "left");
var tooltipElement = this.getTooltipElement(el);
var hostOffset = this.getHostOffset(el);
- var left = hostOffset.left - getOuterWidth(tooltipElement);
- var top = hostOffset.top + (getOuterHeight(el) - getOuterHeight(tooltipElement)) / 2;
+ var left = hostOffset.left - getOuterWidth$1(tooltipElement);
+ var top = hostOffset.top + (getOuterHeight$1(el) - getOuterHeight$1(tooltipElement)) / 2;
tooltipElement.style.left = left + "px";
tooltipElement.style.top = top + "px";
}, "alignLeft"),
@@ -50179,8 +53859,8 @@ var Tooltip = BaseTooltip.extend("tooltip", {
this.preAlign(el, "top");
var tooltipElement = this.getTooltipElement(el);
var hostOffset = this.getHostOffset(el);
- var left = hostOffset.left + (getOuterWidth(el) - getOuterWidth(tooltipElement)) / 2;
- var top = hostOffset.top - getOuterHeight(tooltipElement);
+ var left = hostOffset.left + (getOuterWidth$1(el) - getOuterWidth$1(tooltipElement)) / 2;
+ var top = hostOffset.top - getOuterHeight$1(tooltipElement);
tooltipElement.style.left = left + "px";
tooltipElement.style.top = top + "px";
}, "alignTop"),
@@ -50188,8 +53868,8 @@ var Tooltip = BaseTooltip.extend("tooltip", {
this.preAlign(el, "bottom");
var tooltipElement = this.getTooltipElement(el);
var hostOffset = this.getHostOffset(el);
- var left = hostOffset.left + (getOuterWidth(el) - getOuterWidth(tooltipElement)) / 2;
- var top = hostOffset.top + getOuterHeight(el);
+ var left = hostOffset.left + (getOuterWidth$1(el) - getOuterWidth$1(tooltipElement)) / 2;
+ var top = hostOffset.top + getOuterHeight$1(el);
tooltipElement.style.left = left + "px";
tooltipElement.style.top = top + "px";
}, "alignBottom"),
@@ -50197,11 +53877,11 @@ var Tooltip = BaseTooltip.extend("tooltip", {
var tooltipElement = this.getTooltipElement(el);
tooltipElement.style.left = "-999px";
tooltipElement.style.top = "-999px";
- removeClass(tooltipElement, "p-tooltip-".concat(tooltipElement.$_ptooltipPosition));
- !this.isUnstyled() && addClass(tooltipElement, "p-tooltip-".concat(position3));
+ removeClass$1(tooltipElement, "p-tooltip-".concat(tooltipElement.$_ptooltipPosition));
+ !this.isUnstyled() && addClass$1(tooltipElement, "p-tooltip-".concat(position3));
tooltipElement.$_ptooltipPosition = position3;
tooltipElement.setAttribute("data-p-position", position3);
- var arrowElement = findSingle(tooltipElement, '[data-pc-section="arrow"]');
+ var arrowElement = findSingle$1(tooltipElement, '[data-pc-section="arrow"]');
arrowElement.style.top = position3 === "bottom" ? "0" : position3 === "right" || position3 === "left" || position3 !== "right" && position3 !== "left" && position3 !== "top" && position3 !== "bottom" ? "50%" : null;
arrowElement.style.bottom = position3 === "top" ? "0" : null;
arrowElement.style.left = position3 === "right" || position3 !== "right" && position3 !== "left" && position3 !== "top" && position3 !== "bottom" ? "0" : position3 === "top" || position3 === "bottom" ? "50%" : null;
@@ -50212,22 +53892,32 @@ var Tooltip = BaseTooltip.extend("tooltip", {
var offset = tooltipElement.getBoundingClientRect();
var targetTop = offset.top;
var targetLeft = offset.left;
- var width2 = getOuterWidth(tooltipElement);
- var height = getOuterHeight(tooltipElement);
- var viewport = getViewport();
+ var width2 = getOuterWidth$1(tooltipElement);
+ var height = getOuterHeight$1(tooltipElement);
+ var viewport = getViewport$1();
return targetLeft + width2 > viewport.width || targetLeft < 0 || targetTop < 0 || targetTop + height > viewport.height;
}, "isOutOfBounds"),
getTarget: /* @__PURE__ */ __name(function getTarget2(el) {
var _findSingle;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return hasClass(el, "p-inputwrapper") ? (_findSingle = findSingle(el, "input")) !== null && _findSingle !== void 0 ? _findSingle : el : el;
+========
+ return hasClass$1(el, "p-inputwrapper") ? (_findSingle = findSingle$1(el, "input")) !== null && _findSingle !== void 0 ? _findSingle : el : el;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "getTarget"),
getModifiers: /* @__PURE__ */ __name(function getModifiers(options4) {
if (options4.modifiers && Object.keys(options4.modifiers).length) {
return options4.modifiers;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (options4.arg && _typeof$k(options4.arg) === "object") {
return Object.entries(options4.arg).reduce(function(acc, _ref) {
var _ref2 = _slicedToArray$4(_ref, 2), key = _ref2[0], val = _ref2[1];
+========
+ if (options4.arg && _typeof$n(options4.arg) === "object") {
+ return Object.entries(options4.arg).reduce(function(acc, _ref) {
+ var _ref2 = _slicedToArray$6(_ref, 2), key = _ref2[0], val = _ref2[1];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (key === "event" || key === "position") acc[val] = true;
return acc;
}, {});
@@ -50330,14 +54020,14 @@ function applyToParams(fn, params) {
const newParams = {};
for (const key in params) {
const value4 = params[key];
- newParams[key] = isArray$8(value4) ? value4.map(fn) : fn(value4);
+ newParams[key] = isArray$a(value4) ? value4.map(fn) : fn(value4);
}
return newParams;
}
__name(applyToParams, "applyToParams");
const noop$3 = /* @__PURE__ */ __name(() => {
}, "noop$3");
-const isArray$8 = Array.isArray;
+const isArray$a = Array.isArray;
function warn$2(msg) {
const args = Array.from(arguments).slice(1);
console.warn.apply(console, ["[Vue Router warn]: " + msg].concat(args));
@@ -50448,11 +54138,11 @@ function isSameRouteLocationParams(a2, b2) {
}
__name(isSameRouteLocationParams, "isSameRouteLocationParams");
function isSameRouteLocationParamsValue(a2, b2) {
- return isArray$8(a2) ? isEquivalentArray(a2, b2) : isArray$8(b2) ? isEquivalentArray(b2, a2) : a2 === b2;
+ return isArray$a(a2) ? isEquivalentArray(a2, b2) : isArray$a(b2) ? isEquivalentArray(b2, a2) : a2 === b2;
}
__name(isSameRouteLocationParamsValue, "isSameRouteLocationParamsValue");
function isEquivalentArray(a2, b2) {
- return isArray$8(b2) ? a2.length === b2.length && a2.every((value4, i2) => value4 === b2[i2]) : a2.length === 1 && a2[0] === b2;
+ return isArray$a(b2) ? a2.length === b2.length && a2.every((value4, i2) => value4 === b2[i2]) : a2.length === 1 && a2[0] === b2;
}
__name(isEquivalentArray, "isEquivalentArray");
function resolveRelativePath(to, from2) {
@@ -50725,7 +54415,11 @@ function useHistoryStateNavigation(base2) {
}
__name(changeLocation, "changeLocation");
function replace2(to, data26) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const state = assign$7({}, history2.state, buildState(
+========
+ const state = assign$5({}, history2.state, buildState(
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
historyState.value.back,
// keep back and forward entries but override current position
to,
@@ -50737,7 +54431,11 @@ function useHistoryStateNavigation(base2) {
}
__name(replace2, "replace");
function push2(to, data26) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const currentState = assign$7(
+========
+ const currentState = assign$5(
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
{},
// use current history state to gracefully handle a wrong call to
// history.replaceState
@@ -50757,7 +54455,11 @@ history.replaceState(history.state, '', url)
You can find more information at https://router.vuejs.org/guide/migration/#Usage-of-history-state`);
}
changeLocation(currentState.current, currentState, true);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const state = assign$7({}, buildState(currentLocation.value, to, null), { position: currentState.position + 1 }, data26);
+========
+ const state = assign$5({}, buildState(currentLocation.value, to, null), { position: currentState.position + 1 }, data26);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
changeLocation(to, state, false);
currentLocation.value = to;
}
@@ -51065,10 +54767,10 @@ function tokensToParser(segments, extraOptions) {
} else if (token.type === 1) {
const { value: value4, repeatable, optional } = token;
const param = value4 in params ? params[value4] : "";
- if (isArray$8(param) && !repeatable) {
+ if (isArray$a(param) && !repeatable) {
throw new Error(`Provided param "${value4}" is an array but it is not repeatable (* or + modifiers)`);
}
- const text2 = isArray$8(param) ? param.join("/") : param;
+ const text2 = isArray$a(param) ? param.join("/") : param;
if (!text2) {
if (optional) {
if (segment.length < 2) {
@@ -51622,7 +55324,7 @@ function parseQuery$1(search2) {
const value4 = eqPos < 0 ? null : decode$4(searchParam.slice(eqPos + 1));
if (key in query) {
let currentValue = query[key];
- if (!isArray$8(currentValue)) {
+ if (!isArray$a(currentValue)) {
currentValue = query[key] = [currentValue];
}
currentValue.push(value4);
@@ -51644,7 +55346,7 @@ function stringifyQuery(query) {
}
continue;
}
- const values = isArray$8(value4) ? value4.map((v2) => v2 && encodeQueryValue(v2)) : [value4 && encodeQueryValue(value4)];
+ const values = isArray$a(value4) ? value4.map((v2) => v2 && encodeQueryValue(v2)) : [value4 && encodeQueryValue(value4)];
values.forEach((value22) => {
if (value22 !== void 0) {
search2 += (search2.length ? "&" : "") + key;
@@ -51661,7 +55363,7 @@ function normalizeQuery(query) {
for (const key in query) {
const value4 = query[key];
if (value4 !== void 0) {
- normalizedQuery[key] = isArray$8(value4) ? value4.map((v2) => v2 == null ? null : "" + v2) : value4 == null ? value4 : "" + value4;
+ normalizedQuery[key] = isArray$a(value4) ? value4.map((v2) => v2 == null ? null : "" + v2) : value4 == null ? value4 : "" + value4;
}
}
return normalizedQuery;
@@ -51674,10 +55376,17 @@ const routeLocationKey = Symbol(false ? "route location" : "");
const routerViewLocationKey = Symbol(false ? "router view location" : "");
function useCallbacks() {
let handlers2 = [];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function add4(handler10) {
handlers2.push(handler10);
return () => {
const i2 = handlers2.indexOf(handler10);
+========
+ function add3(handler12) {
+ handlers2.push(handler12);
+ return () => {
+ const i2 = handlers2.indexOf(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (i2 > -1)
handlers2.splice(i2, 1);
};
@@ -52024,7 +55733,7 @@ function includesParams(outer, inner) {
if (innerValue !== outerValue)
return false;
} else {
- if (!isArray$8(outerValue) || outerValue.length !== innerValue.length || innerValue.some((value4, i2) => value4 !== outerValue[i2]))
+ if (!isArray$a(outerValue) || outerValue.length !== innerValue.length || innerValue.some((value4, i2) => value4 !== outerValue[i2]))
return false;
}
}
@@ -52101,7 +55810,11 @@ const RouterViewImpl = /* @__PURE__ */ defineComponent({
matchedRoute.instances[currentName] = null;
}
}, "onVnodeUnmounted");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const component = h(ViewComponent, assign$7({}, routeProps, attrs6, {
+========
+ const component = h(ViewComponent, assign$5({}, routeProps, attrs6, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
onVnodeUnmounted,
ref: viewRef
}));
@@ -52112,7 +55825,7 @@ const RouterViewImpl = /* @__PURE__ */ defineComponent({
path: matchedRoute.path,
meta: matchedRoute.meta
};
- const internalInstances = isArray$8(component.ref) ? component.ref.map((r2) => r2.i) : [component.ref.i];
+ const internalInstances = isArray$a(component.ref) ? component.ref.map((r2) => r2.i) : [component.ref.i];
internalInstances.forEach((instance) => {
instance.__vrv_devtools = info;
});
@@ -52153,7 +55866,7 @@ __name(warnDeprecatedUsage, "warnDeprecatedUsage");
function formatRouteLocation(routeLocation, tooltip) {
const copy2 = assign$7({}, routeLocation, {
// remove variables that can contain vue instances
- matched: routeLocation.matched.map((matched) => omit(matched, ["instances", "children", "aliasOf"]))
+ matched: routeLocation.matched.map((matched) => omit$2(matched, ["instances", "children", "aliasOf"]))
});
return {
_custom: {
@@ -52212,7 +55925,7 @@ function addDevtools(app2, router2, matcher) {
backgroundColor: PINK_500
});
}
- if (isArray$8(componentInstance.__vrl_devtools)) {
+ if (isArray$a(componentInstance.__vrl_devtools)) {
componentInstance.__devtoolsApi = api2;
componentInstance.__vrl_devtools.forEach((devtoolsData) => {
let label5 = devtoolsData.route.path;
@@ -52546,7 +56259,7 @@ function isRouteMatching(route, filter4) {
return route.children.some((child) => isRouteMatching(child, filter4));
}
__name(isRouteMatching, "isRouteMatching");
-function omit(obj, keys2) {
+function omit$2(obj, keys2) {
const ret = {};
for (const key in obj) {
if (!keys2.includes(key)) {
@@ -52555,7 +56268,7 @@ function omit(obj, keys2) {
}
return ret;
}
-__name(omit, "omit");
+__name(omit$2, "omit$2");
function createRouter(options4) {
const matcher = createRouterMatcher(options4.routes, options4);
const parseQuery$1$1 = options4.parseQuery || parseQuery$1;
@@ -52748,8 +56461,13 @@ ${JSON.stringify(newTargetLocation, null, 2)}
const shouldRedirect = handleRedirectRecord(targetLocation);
if (shouldRedirect)
return pushWithRedirect(
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
assign$7(locationAsObject(shouldRedirect), {
state: typeof shouldRedirect === "object" ? assign$7({}, data26, shouldRedirect.state) : data26,
+========
+ assign$5(locationAsObject(shouldRedirect), {
+ state: typeof shouldRedirect === "object" ? assign$5({}, data26, shouldRedirect.state) : data26,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
force,
replace: replace22
}),
@@ -52800,7 +56518,11 @@ ${JSON.stringify(newTargetLocation, null, 2)}
// preserve an existing replacement but allow the redirect to override it
replace: replace22
}, locationAsObject(failure2.to), {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
state: typeof failure2.to === "object" ? assign$7({}, data26, failure2.to.state) : data26,
+========
+ state: typeof failure2.to === "object" ? assign$5({}, data26, failure2.to.state) : data26,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
force
}),
// preserve the original redirectedFrom if any
@@ -52856,7 +56578,7 @@ ${JSON.stringify(newTargetLocation, null, 2)}
guards = [];
for (const record2 of enteringRecords) {
if (record2.beforeEnter) {
- if (isArray$8(record2.beforeEnter)) {
+ if (isArray$a(record2.beforeEnter)) {
for (const beforeEnter of record2.beforeEnter)
guards.push(guardToPromiseFn(beforeEnter, to, from2));
} else {
@@ -52994,7 +56716,11 @@ ${JSON.stringify(newTargetLocation, null, 2)}
markAsReady(error2);
const list2 = errorListeners.list();
if (list2.length) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
list2.forEach((handler10) => handler10(error2, to, from2));
+========
+ list2.forEach((handler12) => handler12(error2, to, from2));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
} else {
if (false) {
warn$2("uncaught error during route navigation:");
@@ -53174,10 +56900,14 @@ const kindOfTest = /* @__PURE__ */ __name((type) => {
return (thing) => kindOf(thing) === type;
}, "kindOfTest");
const typeOfTest = /* @__PURE__ */ __name((type) => (thing) => typeof thing === type, "typeOfTest");
-const { isArray: isArray$7 } = Array;
+const { isArray: isArray$9 } = Array;
const isUndefined = typeOfTest("undefined");
function isBuffer$4(val) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return val !== null && !isUndefined(val) && val.constructor !== null && !isUndefined(val.constructor) && isFunction$8(val.constructor.isBuffer) && val.constructor.isBuffer(val);
+========
+ return val !== null && !isUndefined(val) && val.constructor !== null && !isUndefined(val.constructor) && isFunction$a(val.constructor.isBuffer) && val.constructor.isBuffer(val);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(isBuffer$4, "isBuffer$4");
const isArrayBuffer = kindOfTest("ArrayBuffer");
@@ -53192,9 +56922,15 @@ function isArrayBufferView(val) {
}
__name(isArrayBufferView, "isArrayBufferView");
const isString$8 = typeOfTest("string");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isFunction$8 = typeOfTest("function");
const isNumber$4 = typeOfTest("number");
const isObject$d = /* @__PURE__ */ __name((thing) => thing !== null && typeof thing === "object", "isObject$d");
+========
+const isFunction$a = typeOfTest("function");
+const isNumber$6 = typeOfTest("number");
+const isObject$e = /* @__PURE__ */ __name((thing) => thing !== null && typeof thing === "object", "isObject$e");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const isBoolean$2 = /* @__PURE__ */ __name((thing) => thing === true || thing === false, "isBoolean$2");
const isPlainObject$2 = /* @__PURE__ */ __name((val) => {
if (kindOf(val) !== "object") {
@@ -53203,15 +56939,23 @@ const isPlainObject$2 = /* @__PURE__ */ __name((val) => {
const prototype2 = getPrototypeOf(val);
return (prototype2 === null || prototype2 === Object.prototype || Object.getPrototypeOf(prototype2) === null) && !(Symbol.toStringTag in val) && !(Symbol.iterator in val);
}, "isPlainObject$2");
-const isDate$1 = kindOfTest("Date");
+const isDate$3 = kindOfTest("Date");
const isFile = kindOfTest("File");
const isBlob = kindOfTest("Blob");
const isFileList = kindOfTest("FileList");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isStream = /* @__PURE__ */ __name((val) => isObject$d(val) && isFunction$8(val.pipe), "isStream");
const isFormData = /* @__PURE__ */ __name((thing) => {
let kind;
return thing && (typeof FormData === "function" && thing instanceof FormData || isFunction$8(thing.append) && ((kind = kindOf(thing)) === "formdata" || // detect form-data instance
kind === "object" && isFunction$8(thing.toString) && thing.toString() === "[object FormData]"));
+========
+const isStream = /* @__PURE__ */ __name((val) => isObject$e(val) && isFunction$a(val.pipe), "isStream");
+const isFormData = /* @__PURE__ */ __name((thing) => {
+ let kind;
+ return thing && (typeof FormData === "function" && thing instanceof FormData || isFunction$a(thing.append) && ((kind = kindOf(thing)) === "formdata" || // detect form-data instance
+ kind === "object" && isFunction$a(thing.toString) && thing.toString() === "[object FormData]"));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "isFormData");
const isURLSearchParams = kindOfTest("URLSearchParams");
const [isReadableStream, isRequest, isResponse, isHeaders] = ["ReadableStream", "Request", "Response", "Headers"].map(kindOfTest);
@@ -53225,7 +56969,7 @@ function forEach$1(obj, fn, { allOwnKeys = false } = {}) {
if (typeof obj !== "object") {
obj = [obj];
}
- if (isArray$7(obj)) {
+ if (isArray$9(obj)) {
for (i2 = 0, l2 = obj.length; i2 < l2; i2++) {
fn.call(null, obj[i2], i2, obj);
}
@@ -53259,16 +57003,16 @@ const _global$1 = (() => {
return typeof self !== "undefined" ? self : typeof window !== "undefined" ? window : global;
})();
const isContextDefined = /* @__PURE__ */ __name((context) => !isUndefined(context) && context !== _global$1, "isContextDefined");
-function merge() {
+function merge$1() {
const { caseless } = isContextDefined(this) && this || {};
const result = {};
const assignValue2 = /* @__PURE__ */ __name((val, key) => {
const targetKey = caseless && findKey(result, key) || key;
if (isPlainObject$2(result[targetKey]) && isPlainObject$2(val)) {
- result[targetKey] = merge(result[targetKey], val);
+ result[targetKey] = merge$1(result[targetKey], val);
} else if (isPlainObject$2(val)) {
- result[targetKey] = merge({}, val);
- } else if (isArray$7(val)) {
+ result[targetKey] = merge$1({}, val);
+ } else if (isArray$9(val)) {
result[targetKey] = val.slice();
} else {
result[targetKey] = val;
@@ -53279,10 +57023,14 @@ function merge() {
}
return result;
}
-__name(merge, "merge");
+__name(merge$1, "merge$1");
const extend = /* @__PURE__ */ __name((a2, b2, thisArg, { allOwnKeys } = {}) => {
forEach$1(b2, (val, key) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (thisArg && isFunction$8(val)) {
+========
+ if (thisArg && isFunction$a(val)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
a2[key] = bind$3(val, thisArg);
} else {
a2[key] = val;
@@ -53336,9 +57084,9 @@ const endsWith = /* @__PURE__ */ __name((str, searchString, position3) => {
}, "endsWith");
const toArray = /* @__PURE__ */ __name((thing) => {
if (!thing) return null;
- if (isArray$7(thing)) return thing;
+ if (isArray$9(thing)) return thing;
let i2 = thing.length;
- if (!isNumber$4(i2)) return null;
+ if (!isNumber$6(i2)) return null;
const arr = new Array(i2);
while (i2-- > 0) {
arr[i2] = thing[i2];
@@ -53391,11 +57139,19 @@ const reduceDescriptors = /* @__PURE__ */ __name((obj, reducer) => {
}, "reduceDescriptors");
const freezeMethods = /* @__PURE__ */ __name((obj) => {
reduceDescriptors(obj, (descriptor, name2) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$8(obj) && ["arguments", "caller", "callee"].indexOf(name2) !== -1) {
return false;
}
const value4 = obj[name2];
if (!isFunction$8(value4)) return;
+========
+ if (isFunction$a(obj) && ["arguments", "caller", "callee"].indexOf(name2) !== -1) {
+ return false;
+ }
+ const value4 = obj[name2];
+ if (!isFunction$a(value4)) return;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
descriptor.enumerable = false;
if ("writable" in descriptor) {
descriptor.writable = false;
@@ -53415,7 +57171,7 @@ const toObjectSet = /* @__PURE__ */ __name((arrayOrString, delimiter2) => {
obj[value4] = true;
});
}, "define");
- isArray$7(arrayOrString) ? define(arrayOrString) : define(String(arrayOrString).split(delimiter2));
+ isArray$9(arrayOrString) ? define(arrayOrString) : define(String(arrayOrString).split(delimiter2));
return obj;
}, "toObjectSet");
const noop$2 = /* @__PURE__ */ __name(() => {
@@ -53439,19 +57195,31 @@ const generateString = /* @__PURE__ */ __name((size = 16, alphabet = ALPHABET.AL
return str;
}, "generateString");
function isSpecCompliantForm(thing) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return !!(thing && isFunction$8(thing.append) && thing[Symbol.toStringTag] === "FormData" && thing[Symbol.iterator]);
+========
+ return !!(thing && isFunction$a(thing.append) && thing[Symbol.toStringTag] === "FormData" && thing[Symbol.iterator]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(isSpecCompliantForm, "isSpecCompliantForm");
const toJSONObject = /* @__PURE__ */ __name((obj) => {
const stack2 = new Array(10);
const visit2 = /* @__PURE__ */ __name((source, i2) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$d(source)) {
+========
+ if (isObject$e(source)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (stack2.indexOf(source) >= 0) {
return;
}
if (!("toJSON" in source)) {
stack2[i2] = source;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const target2 = isArray$7(source) ? [] : {};
+========
+ const target2 = isArray$9(source) ? [] : {};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
forEach$1(source, (value4, key) => {
const reducedValue = visit2(value4, i2 + 1);
!isUndefined(reducedValue) && (target2[key] = reducedValue);
@@ -53465,7 +57233,11 @@ const toJSONObject = /* @__PURE__ */ __name((obj) => {
return visit2(obj, 0);
}, "toJSONObject");
const isAsyncFn = kindOfTest("AsyncFunction");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isThenable = /* @__PURE__ */ __name((thing) => thing && (isObject$d(thing) || isFunction$8(thing)) && isFunction$8(thing.then) && isFunction$8(thing.catch), "isThenable");
+========
+const isThenable = /* @__PURE__ */ __name((thing) => thing && (isObject$e(thing) || isFunction$a(thing)) && isFunction$a(thing.then) && isFunction$a(thing.catch), "isThenable");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _setImmediate = ((setImmediateSupported, postMessageSupported) => {
if (setImmediateSupported) {
return setImmediate;
@@ -53483,36 +57255,55 @@ const _setImmediate = ((setImmediateSupported, postMessageSupported) => {
})(`axios@${Math.random()}`, []) : (cb) => setTimeout(cb);
})(
typeof setImmediate === "function",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isFunction$8(_global$1.postMessage)
);
const asap = typeof queueMicrotask !== "undefined" ? queueMicrotask.bind(_global$1) : typeof process !== "undefined" && process.nextTick || _setImmediate;
const utils$3 = {
isArray: isArray$7,
+========
+ isFunction$a(_global$1.postMessage)
+);
+const asap = typeof queueMicrotask !== "undefined" ? queueMicrotask.bind(_global$1) : typeof process !== "undefined" && process.nextTick || _setImmediate;
+const utils$2 = {
+ isArray: isArray$9,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
isArrayBuffer,
isBuffer: isBuffer$4,
isFormData,
isArrayBufferView,
isString: isString$8,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isNumber: isNumber$4,
isBoolean: isBoolean$2,
isObject: isObject$d,
+========
+ isNumber: isNumber$6,
+ isBoolean: isBoolean$2,
+ isObject: isObject$e,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
isPlainObject: isPlainObject$2,
isReadableStream,
isRequest,
isResponse,
isHeaders,
isUndefined,
- isDate: isDate$1,
+ isDate: isDate$3,
isFile,
isBlob,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isRegExp: isRegExp$4,
isFunction: isFunction$8,
+========
+ isRegExp: isRegExp$3,
+ isFunction: isFunction$a,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
isStream,
isURLSearchParams,
isTypedArray: isTypedArray$3,
isFileList,
forEach: forEach$1,
- merge,
+ merge: merge$1,
extend,
trim,
stripBOM,
@@ -53944,20 +57735,34 @@ function formDataToJSON(formData) {
if (name2 === "__proto__") return true;
const isNumericKey = Number.isFinite(+name2);
const isLast = index2 >= path.length;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
name2 = !name2 && utils$3.isArray(target2) ? target2.length : name2;
if (isLast) {
if (utils$3.hasOwnProp(target2, name2)) {
+========
+ name2 = !name2 && utils$2.isArray(target2) ? target2.length : name2;
+ if (isLast) {
+ if (utils$2.hasOwnProp(target2, name2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
target2[name2] = [target2[name2], value4];
} else {
target2[name2] = value4;
}
return !isNumericKey;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!target2[name2] || !utils$3.isObject(target2[name2])) {
target2[name2] = [];
}
const result = buildPath(path, value4, target2[name2], index2);
if (result && utils$3.isArray(target2[name2])) {
+========
+ if (!target2[name2] || !utils$2.isObject(target2[name2])) {
+ target2[name2] = [];
+ }
+ const result = buildPath(path, value4, target2[name2], index2);
+ if (result && utils$2.isArray(target2[name2])) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
target2[name2] = arrayToObject(target2[name2]);
}
return !isNumericKey;
@@ -53994,6 +57799,7 @@ const defaults$2 = {
transformRequest: [/* @__PURE__ */ __name(function transformRequest(data26, headers) {
const contentType = headers.getContentType() || "";
const hasJSONContentType = contentType.indexOf("application/json") > -1;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isObjectPayload = utils$3.isObject(data26);
if (isObjectPayload && utils$3.isHTMLForm(data26)) {
data26 = new FormData(data26);
@@ -54009,6 +57815,23 @@ const defaults$2 = {
return data26.buffer;
}
if (utils$3.isURLSearchParams(data26)) {
+========
+ const isObjectPayload = utils$2.isObject(data26);
+ if (isObjectPayload && utils$2.isHTMLForm(data26)) {
+ data26 = new FormData(data26);
+ }
+ const isFormData2 = utils$2.isFormData(data26);
+ if (isFormData2) {
+ return hasJSONContentType ? JSON.stringify(formDataToJSON(data26)) : data26;
+ }
+ if (utils$2.isArrayBuffer(data26) || utils$2.isBuffer(data26) || utils$2.isStream(data26) || utils$2.isFile(data26) || utils$2.isBlob(data26) || utils$2.isReadableStream(data26)) {
+ return data26;
+ }
+ if (utils$2.isArrayBufferView(data26)) {
+ return data26.buffer;
+ }
+ if (utils$2.isURLSearchParams(data26)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
headers.setContentType("application/x-www-form-urlencoded;charset=utf-8", false);
return data26.toString();
}
@@ -54017,7 +57840,11 @@ const defaults$2 = {
if (contentType.indexOf("application/x-www-form-urlencoded") > -1) {
return toURLEncodedForm(data26, this.formSerializer).toString();
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if ((isFileList2 = utils$3.isFileList(data26)) || contentType.indexOf("multipart/form-data") > -1) {
+========
+ if ((isFileList2 = utils$2.isFileList(data26)) || contentType.indexOf("multipart/form-data") > -1) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _FormData = this.env && this.env.FormData;
return toFormData$1(
isFileList2 ? { "files[]": data26 } : data26,
@@ -54036,10 +57863,17 @@ const defaults$2 = {
const transitional2 = this.transitional || defaults$2.transitional;
const forcedJSONParsing = transitional2 && transitional2.forcedJSONParsing;
const JSONRequested = this.responseType === "json";
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (utils$3.isResponse(data26) || utils$3.isReadableStream(data26)) {
return data26;
}
if (data26 && utils$3.isString(data26) && (forcedJSONParsing && !this.responseType || JSONRequested)) {
+========
+ if (utils$2.isResponse(data26) || utils$2.isReadableStream(data26)) {
+ return data26;
+ }
+ if (data26 && utils$2.isString(data26) && (forcedJSONParsing && !this.responseType || JSONRequested)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const silentJSONParsing = transitional2 && transitional2.silentJSONParsing;
const strictJSONParsing = !silentJSONParsing && JSONRequested;
try {
@@ -54362,7 +58196,11 @@ function transformData(fns, response) {
const context = response || config2;
const headers = AxiosHeaders$1.from(context.headers);
let data26 = context.data;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
utils$3.forEach(fns, /* @__PURE__ */ __name(function transform2(fn) {
+========
+ utils$2.forEach(fns, /* @__PURE__ */ __name(function transform2(fn) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
data26 = fn.call(config2, data26, headers.normalize(), response ? response.status : void 0);
}, "transform"));
headers.normalize();
@@ -54602,11 +58440,19 @@ function mergeConfig$1(config1, config2) {
config2 = config2 || {};
const config3 = {};
function getMergedValue(target2, source, caseless) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (utils$3.isPlainObject(target2) && utils$3.isPlainObject(source)) {
return utils$3.merge.call({ caseless }, target2, source);
} else if (utils$3.isPlainObject(source)) {
return utils$3.merge({}, source);
} else if (utils$3.isArray(source)) {
+========
+ if (utils$2.isPlainObject(target2) && utils$2.isPlainObject(source)) {
+ return utils$2.merge.call({ caseless }, target2, source);
+ } else if (utils$2.isPlainObject(source)) {
+ return utils$2.merge({}, source);
+ } else if (utils$2.isArray(source)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return source.slice();
}
return source;
@@ -54693,7 +58539,11 @@ const resolveConfig = /* @__PURE__ */ __name((config2) => {
);
}
let contentType;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (utils$3.isFormData(data26)) {
+========
+ if (utils$2.isFormData(data26)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (platform.hasStandardBrowserEnv || platform.hasStandardBrowserWebWorkerEnv) {
headers.setContentType(void 0);
} else if ((contentType = headers.getContentType()) !== false) {
@@ -54878,12 +58728,12 @@ const streamChunk = /* @__PURE__ */ __name(function* (chunk, chunkSize) {
yield chunk;
return;
}
- let pos2 = 0;
+ let pos = 0;
let end;
- while (pos2 < len) {
- end = pos2 + chunkSize;
- yield chunk.slice(pos2, end);
- pos2 = end;
+ while (pos < len) {
+ end = pos + chunkSize;
+ yield chunk.slice(pos, end);
+ pos = end;
}
}, "streamChunk");
const readBytes = /* @__PURE__ */ __name(async function* (iterable, chunkSize) {
@@ -54891,6 +58741,7 @@ const readBytes = /* @__PURE__ */ __name(async function* (iterable, chunkSize) {
yield* streamChunk(chunk, chunkSize);
}
}, "readBytes");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const readStream = /* @__PURE__ */ __name(async function* (stream) {
if (stream[Symbol.asyncIterator]) {
yield* stream;
@@ -54911,6 +58762,10 @@ const readStream = /* @__PURE__ */ __name(async function* (stream) {
}, "readStream");
const trackStream = /* @__PURE__ */ __name((stream, chunkSize, onProgress, onFinish) => {
const iterator2 = readBytes(stream, chunkSize);
+========
+const trackStream = /* @__PURE__ */ __name((stream, chunkSize, onProgress, onFinish, encode2) => {
+ const iterator2 = readBytes(stream, chunkSize, encode2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let bytes = 0;
let done;
let _onFinish = /* @__PURE__ */ __name((e2) => {
@@ -55039,7 +58894,11 @@ const fetchAdapter = isFetchSupported && (async (config2) => {
duplex: "half"
});
let contentTypeHeader;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (utils$3.isFormData(data26) && (contentTypeHeader = _request.headers.get("content-type"))) {
+========
+ if (utils$2.isFormData(data26) && (contentTypeHeader = _request.headers.get("content-type"))) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
headers.setContentType(contentTypeHeader);
}
if (_request.body) {
@@ -55047,7 +58906,11 @@ const fetchAdapter = isFetchSupported && (async (config2) => {
requestContentLength,
progressEventReducer(asyncDecorator(onUploadProgress))
);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
data26 = trackStream(_request.body, DEFAULT_CHUNK_SIZE, onProgress, flush2);
+========
+ data26 = trackStream(_request.body, DEFAULT_CHUNK_SIZE, onProgress, flush2, encodeText);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
if (!utils$3.isString(withCredentials)) {
@@ -55954,10 +59817,10 @@ function createBounds(objects, padding = 10) {
];
}
__name(createBounds, "createBounds");
-function snapPoint(pos2, snapTo) {
+function snapPoint(pos, snapTo) {
if (!snapTo) return false;
- pos2[0] = snapTo * Math.round(pos2[0] / snapTo);
- pos2[1] = snapTo * Math.round(pos2[1] / snapTo);
+ pos[0] = snapTo * Math.round(pos[0] / snapTo);
+ pos[1] = snapTo * Math.round(pos[1] / snapTo);
return true;
}
__name(snapPoint, "snapPoint");
@@ -55972,10 +59835,10 @@ class Reroute {
* @param pos Position in graph coordinates
* @param linkIds Link IDs ({@link LLink.id}) of all links that use this reroute
*/
- constructor(id3, network, pos2, parentId, linkIds) {
+ constructor(id3, network, pos, parentId, linkIds) {
this.id = id3;
this.#network = new WeakRef(network);
- this.update(parentId, pos2, linkIds);
+ this.update(parentId, pos, linkIds);
this.linkIds ??= /* @__PURE__ */ new Set();
}
static radius = 10;
@@ -56051,9 +59914,9 @@ class Reroute {
* @param pos The position of this reroute
* @param linkIds All link IDs that pass through this reroute
*/
- update(parentId, pos2, linkIds) {
+ update(parentId, pos, linkIds) {
this.parentId = parentId;
- if (pos2) this.pos = pos2;
+ if (pos) this.pos = pos;
if (linkIds) this.linkIds = new Set(linkIds);
}
/**
@@ -56109,9 +59972,9 @@ class Reroute {
/** @inheritdoc */
snapToGrid(snapTo) {
if (!snapTo) return false;
- const { pos: pos2 } = this;
- pos2[0] = snapTo * Math.round(pos2[0] / snapTo);
- pos2[1] = snapTo * Math.round(pos2[1] / snapTo);
+ const { pos } = this;
+ pos[0] = snapTo * Math.round(pos[0] / snapTo);
+ pos[1] = snapTo * Math.round(pos[1] / snapTo);
return true;
}
calculateAngle(lastRenderTime, network, linkStart) {
@@ -56124,9 +59987,9 @@ class Reroute {
for (const linkId of linkIds) {
const link2 = links.get(linkId);
if (!link2) continue;
- const pos2 = LLink.findNextReroute(network, link2, id3)?.pos ?? network.getNodeById(link2.target_id)?.getConnectionPos(true, link2.target_slot, this.#buffer);
- if (!pos2) continue;
- const angle = Math.atan2(pos2[1] - this.#pos[1], pos2[0] - this.#pos[0]);
+ const pos = LLink.findNextReroute(network, link2, id3)?.pos ?? network.getNodeById(link2.target_id)?.getConnectionPos(true, link2.target_slot, this.#buffer);
+ if (!pos) continue;
+ const angle = Math.atan2(pos[1] - this.#pos[1], pos[0] - this.#pos[0]);
angles.push(angle);
sum += angle;
}
@@ -56155,10 +60018,10 @@ class Reroute {
* @remarks Leaves {@link ctx}.fillStyle, strokeStyle, and lineWidth dirty (perf.).
*/
draw(ctx) {
- const { pos: pos2 } = this;
+ const { pos } = this;
ctx.fillStyle = this._colour;
ctx.beginPath();
- ctx.arc(pos2[0], pos2[1], Reroute.radius, 0, 2 * Math.PI);
+ ctx.arc(pos[0], pos[1], Reroute.radius, 0, 2 * Math.PI);
ctx.fill();
ctx.lineWidth = Reroute.radius * 0.1;
ctx.strokeStyle = "rgb(0,0,0,0.5)";
@@ -56166,13 +60029,13 @@ class Reroute {
ctx.fillStyle = "#ffffff55";
ctx.strokeStyle = "rgb(0,0,0,0.3)";
ctx.beginPath();
- ctx.arc(pos2[0], pos2[1], Reroute.radius * 0.8, 0, 2 * Math.PI);
+ ctx.arc(pos[0], pos[1], Reroute.radius * 0.8, 0, 2 * Math.PI);
ctx.fill();
ctx.stroke();
if (this.selected) {
ctx.strokeStyle = "#fff";
ctx.beginPath();
- ctx.arc(pos2[0], pos2[1], Reroute.radius * 1.2, 0, 2 * Math.PI);
+ ctx.arc(pos[0], pos[1], Reroute.radius * 1.2, 0, 2 * Math.PI);
ctx.stroke();
}
}
@@ -56253,6 +60116,900 @@ class LGraphBadge {
ctx.fillStyle = fillStyle;
}
}
+var SlotType = /* @__PURE__ */ ((SlotType2) => {
+ SlotType2["Array"] = "array";
+ SlotType2[SlotType2["Event"] = -1] = "Event";
+ return SlotType2;
+})(SlotType || {});
+var SlotShape = ((SlotShape2) => {
+ SlotShape2[SlotShape2["Box"] = RenderShape.BOX] = "Box";
+ SlotShape2[SlotShape2["Arrow"] = RenderShape.ARROW] = "Arrow";
+ SlotShape2[SlotShape2["Grid"] = RenderShape.GRID] = "Grid";
+ SlotShape2[SlotShape2["Circle"] = RenderShape.CIRCLE] = "Circle";
+ SlotShape2[SlotShape2["HollowCircle"] = RenderShape.HollowCircle] = "HollowCircle";
+ return SlotShape2;
+})(SlotShape || {});
+var SlotDirection = ((SlotDirection2) => {
+ SlotDirection2[SlotDirection2["Up"] = LinkDirection.UP] = "Up";
+ SlotDirection2[SlotDirection2["Right"] = LinkDirection.RIGHT] = "Right";
+ SlotDirection2[SlotDirection2["Down"] = LinkDirection.DOWN] = "Down";
+ SlotDirection2[SlotDirection2["Left"] = LinkDirection.LEFT] = "Left";
+ return SlotDirection2;
+})(SlotDirection || {});
+var LabelPosition = /* @__PURE__ */ ((LabelPosition2) => {
+ LabelPosition2["Left"] = "left";
+ LabelPosition2["Right"] = "right";
+ return LabelPosition2;
+})(LabelPosition || {});
+function strokeShape(ctx, area, options22 = {}) {
+ const {
+ shape = RenderShape.BOX,
+ round_radius = LiteGraph.ROUND_RADIUS,
+ title_height = LiteGraph.NODE_TITLE_HEIGHT,
+ title_mode = TitleMode.NORMAL_TITLE,
+ colour = LiteGraph.NODE_BOX_OUTLINE_COLOR,
+ padding = 6,
+ collapsed: collapsed2 = false,
+ thickness = 1
+ } = options22;
+ if (title_mode === TitleMode.TRANSPARENT_TITLE) {
+ area[1] -= title_height;
+ area[3] += title_height;
+ }
+ const { lineWidth, strokeStyle } = ctx;
+ ctx.lineWidth = thickness;
+ ctx.globalAlpha = 0.8;
+ ctx.strokeStyle = colour;
+ ctx.beginPath();
+ const [x2, y2, width2, height] = area;
+ switch (shape) {
+ case RenderShape.BOX: {
+ ctx.rect(
+ x2 - padding,
+ y2 - padding,
+ width2 + 2 * padding,
+ height + 2 * padding
+ );
+ break;
+ }
+ case RenderShape.ROUND:
+ case RenderShape.CARD: {
+ const radius = round_radius + padding;
+ const isCollapsed = shape === RenderShape.CARD && collapsed2;
+ const cornerRadii = isCollapsed || shape === RenderShape.ROUND ? [radius] : [radius, 2, radius, 2];
+ ctx.roundRect(
+ x2 - padding,
+ y2 - padding,
+ width2 + 2 * padding,
+ height + 2 * padding,
+ cornerRadii
+ );
+ break;
+ }
+ case RenderShape.CIRCLE: {
+ const centerX = x2 + width2 / 2;
+ const centerY = y2 + height / 2;
+ const radius = Math.max(width2, height) / 2 + padding;
+ ctx.arc(centerX, centerY, radius, 0, Math.PI * 2);
+ break;
+ }
+ }
+ ctx.stroke();
+ ctx.lineWidth = lineWidth;
+ ctx.strokeStyle = strokeStyle;
+ ctx.globalAlpha = 1;
+}
+__name(strokeShape, "strokeShape");
+class NodeSlot {
+ static {
+ __name(this, "NodeSlot");
+ }
+ name;
+ localized_name;
+ label;
+ type;
+ dir;
+ removable;
+ shape;
+ color_off;
+ color_on;
+ locked;
+ nameLocked;
+ pos;
+ widget;
+ constructor(slot) {
+ Object.assign(this, slot);
+ this.name = slot.name;
+ this.type = slot.type;
+ }
+ /**
+ * The label to display in the UI.
+ */
+ get renderingLabel() {
+ return this.label || this.localized_name || this.name || "";
+ }
+ connectedColor(context) {
+ return this.color_on || context.default_connection_color_byType[this.type] || context.default_connection_color.output_on;
+ }
+ disconnectedColor(context) {
+ return this.color_off || context.default_connection_color_byTypeOff[this.type] || context.default_connection_color_byType[this.type] || context.default_connection_color.output_off;
+ }
+ renderingColor(context) {
+ return this.isConnected() ? this.connectedColor(context) : this.disconnectedColor(context);
+ }
+ draw(ctx, options22) {
+ const {
+ pos,
+ colorContext,
+ labelColor = "#AAA",
+ labelPosition = LabelPosition.Right,
+ lowQuality = false,
+ renderText = true,
+ highlight = false,
+ doStroke: _doStroke = false
+ } = options22;
+ const originalFillStyle = ctx.fillStyle;
+ const originalStrokeStyle = ctx.strokeStyle;
+ const originalLineWidth = ctx.lineWidth;
+ const slot_type = this.type;
+ const slot_shape = slot_type === SlotType.Array ? SlotShape.Grid : this.shape;
+ ctx.beginPath();
+ let doStroke = _doStroke;
+ let doFill = true;
+ ctx.fillStyle = this.renderingColor(colorContext);
+ ctx.lineWidth = 1;
+ if (slot_type === SlotType.Event || slot_shape === SlotShape.Box) {
+ ctx.rect(pos[0] - 6 + 0.5, pos[1] - 5 + 0.5, 14, 10);
+ } else if (slot_shape === SlotShape.Arrow) {
+ ctx.moveTo(pos[0] + 8, pos[1] + 0.5);
+ ctx.lineTo(pos[0] - 4, pos[1] + 6 + 0.5);
+ ctx.lineTo(pos[0] - 4, pos[1] - 6 + 0.5);
+ ctx.closePath();
+ } else if (slot_shape === SlotShape.Grid) {
+ const gridSize = 3;
+ const cellSize = 2;
+ const spacing = 3;
+ for (let x2 = 0; x2 < gridSize; x2++) {
+ for (let y2 = 0; y2 < gridSize; y2++) {
+ ctx.rect(
+ pos[0] - 4 + x2 * spacing,
+ pos[1] - 4 + y2 * spacing,
+ cellSize,
+ cellSize
+ );
+ }
+ }
+ doStroke = false;
+ } else {
+ if (lowQuality) {
+ ctx.rect(pos[0] - 4, pos[1] - 4, 8, 8);
+ } else {
+ let radius;
+ if (slot_shape === SlotShape.HollowCircle) {
+ doFill = false;
+ doStroke = true;
+ ctx.lineWidth = 3;
+ ctx.strokeStyle = ctx.fillStyle;
+ radius = highlight ? 4 : 3;
+ } else {
+ radius = highlight ? 5 : 4;
+ }
+ ctx.arc(pos[0], pos[1], radius, 0, Math.PI * 2);
+ }
+ }
+ if (doFill) ctx.fill();
+ if (!lowQuality && doStroke) ctx.stroke();
+ if (renderText) {
+ const text2 = this.renderingLabel;
+ if (text2) {
+ ctx.fillStyle = labelColor;
+ if (labelPosition === LabelPosition.Right) {
+ if (this.dir == LinkDirection.UP) {
+ ctx.fillText(text2, pos[0], pos[1] - 10);
+ } else {
+ ctx.fillText(text2, pos[0] + 10, pos[1] + 5);
+ }
+ } else {
+ if (this.dir == LinkDirection.DOWN) {
+ ctx.fillText(text2, pos[0], pos[1] - 8);
+ } else {
+ ctx.fillText(text2, pos[0] - 10, pos[1] + 5);
+ }
+ }
+ }
+ }
+ ctx.fillStyle = originalFillStyle;
+ ctx.strokeStyle = originalStrokeStyle;
+ ctx.lineWidth = originalLineWidth;
+ }
+ drawCollapsed(ctx, options22) {
+ const [x2, y2] = options22.pos;
+ const originalFillStyle = ctx.fillStyle;
+ ctx.fillStyle = "#686";
+ ctx.beginPath();
+ if (this.type === SlotType.Event || this.shape === RenderShape.BOX) {
+ ctx.rect(x2 - 7 + 0.5, y2 - 4, 14, 8);
+ } else if (this.shape === RenderShape.ARROW) {
+ const isInput = this instanceof NodeInputSlot;
+ if (isInput) {
+ ctx.moveTo(x2 + 8, y2);
+ ctx.lineTo(x2 - 4, y2 - 4);
+ ctx.lineTo(x2 - 4, y2 + 4);
+ } else {
+ ctx.moveTo(x2 + 6, y2);
+ ctx.lineTo(x2 - 6, y2 - 4);
+ ctx.lineTo(x2 - 6, y2 + 4);
+ }
+ ctx.closePath();
+ } else {
+ ctx.arc(x2, y2, 4, 0, Math.PI * 2);
+ }
+ ctx.fill();
+ ctx.fillStyle = originalFillStyle;
+ }
+}
+class NodeInputSlot extends NodeSlot {
+ static {
+ __name(this, "NodeInputSlot");
+ }
+ link;
+ constructor(slot) {
+ super(slot);
+ this.link = slot.link;
+ }
+ isConnected() {
+ return this.link != null;
+ }
+ isValidTarget(link2) {
+ if (!link2) return true;
+ return !!link2.output && LiteGraph.isValidConnection(this.type, link2.output.type);
+ }
+ draw(ctx, options22) {
+ const originalTextAlign = ctx.textAlign;
+ ctx.textAlign = "left";
+ super.draw(ctx, {
+ ...options22,
+ labelPosition: LabelPosition.Right,
+ doStroke: false
+ });
+ ctx.textAlign = originalTextAlign;
+ }
+}
+class NodeOutputSlot extends NodeSlot {
+ static {
+ __name(this, "NodeOutputSlot");
+ }
+ links;
+ _data;
+ slot_index;
+ constructor(slot) {
+ super(slot);
+ this.links = slot.links;
+ this._data = slot._data;
+ this.slot_index = slot.slot_index;
+ }
+ isValidTarget(link2) {
+ if (!link2) return true;
+ return !!link2.input && LiteGraph.isValidConnection(this.type, link2.input.type);
+ }
+ isConnected() {
+ return this.links != null && this.links.length > 0;
+ }
+ draw(ctx, options22) {
+ const originalTextAlign = ctx.textAlign;
+ const originalStrokeStyle = ctx.strokeStyle;
+ ctx.textAlign = "right";
+ ctx.strokeStyle = "black";
+ super.draw(ctx, {
+ ...options22,
+ labelPosition: LabelPosition.Left,
+ doStroke: true
+ });
+ ctx.textAlign = originalTextAlign;
+ ctx.strokeStyle = originalStrokeStyle;
+ }
+}
+class BaseWidget {
+ static {
+ __name(this, "BaseWidget");
+ }
+ linkedWidgets;
+ options;
+ marker;
+ label;
+ clicked;
+ name;
+ type;
+ value;
+ y;
+ last_y;
+ width;
+ disabled;
+ hidden;
+ advanced;
+ tooltip;
+ element;
+ constructor(widget) {
+ Object.assign(this, widget);
+ this.options = widget.options;
+ }
+ get outline_color() {
+ return this.advanced ? LiteGraph.WIDGET_ADVANCED_OUTLINE_COLOR : LiteGraph.WIDGET_OUTLINE_COLOR;
+ }
+ get background_color() {
+ return LiteGraph.WIDGET_BGCOLOR;
+ }
+ get height() {
+ return LiteGraph.NODE_WIDGET_HEIGHT;
+ }
+ get text_color() {
+ return LiteGraph.WIDGET_TEXT_COLOR;
+ }
+ get secondary_text_color() {
+ return LiteGraph.WIDGET_SECONDARY_TEXT_COLOR;
+ }
+ /**
+ * Handles the click event for the widget
+ * @param options - The options for handling the click event
+ */
+ onClick(options22) {
+ }
+ /**
+ * Handles the drag event for the widget
+ * @param options - The options for handling the drag event
+ */
+ onDrag(options22) {
+ }
+ /**
+ * Sets the value of the widget
+ * @param value - The value to set
+ * @param options - The options for setting the value
+ */
+ setValue(value4, options22) {
+ const { node: node22, canvas: canvas2, e: e2 } = options22;
+ const oldValue = this.value;
+ const v2 = this.type === "number" ? Number(value4) : value4;
+ this.value = v2;
+ if (this.options?.property && node22.properties[this.options.property] !== void 0) {
+ node22.setProperty(this.options.property, v2);
+ }
+ const pos = canvas2.graph_mouse;
+ this.callback?.(this.value, canvas2, node22, pos, e2);
+ node22.onWidgetChanged?.(this.name ?? "", v2, oldValue, this);
+ if (node22.graph) node22.graph._version++;
+ }
+}
+class BooleanWidget extends BaseWidget {
+ static {
+ __name(this, "BooleanWidget");
+ }
+ constructor(widget) {
+ super(widget);
+ this.type = "toggle";
+ this.value = widget.value;
+ }
+ drawWidget(ctx, options22) {
+ const { y: y2, width: width2, show_text = true, margin = 15 } = options22;
+ const widget_width = width2;
+ const H = this.height;
+ ctx.textAlign = "left";
+ ctx.strokeStyle = this.outline_color;
+ ctx.fillStyle = this.background_color;
+ ctx.beginPath();
+ if (show_text)
+ ctx.roundRect(margin, y2, widget_width - margin * 2, H, [H * 0.5]);
+ else ctx.rect(margin, y2, widget_width - margin * 2, H);
+ ctx.fill();
+ if (show_text && !this.disabled) ctx.stroke();
+ ctx.fillStyle = this.value ? "#89A" : "#333";
+ ctx.beginPath();
+ ctx.arc(
+ widget_width - margin * 2,
+ y2 + H * 0.5,
+ H * 0.36,
+ 0,
+ Math.PI * 2
+ );
+ ctx.fill();
+ if (show_text) {
+ ctx.fillStyle = this.secondary_text_color;
+ const label5 = this.label || this.name;
+ if (label5 != null) {
+ ctx.fillText(label5, margin * 2, y2 + H * 0.7);
+ }
+ ctx.fillStyle = this.value ? this.text_color : this.secondary_text_color;
+ ctx.textAlign = "right";
+ ctx.fillText(
+ this.value ? this.options.on || "true" : this.options.off || "false",
+ widget_width - 40,
+ y2 + H * 0.7
+ );
+ }
+ }
+ onClick(options22) {
+ this.setValue(!this.value, options22);
+ }
+}
+class ButtonWidget extends BaseWidget {
+ static {
+ __name(this, "ButtonWidget");
+ }
+ constructor(widget) {
+ super(widget);
+ this.type = "button";
+ this.value = widget.value ?? "";
+ }
+ /**
+ * Draws the widget
+ * @param ctx - The canvas context
+ * @param options - The options for drawing the widget
+ */
+ drawWidget(ctx, options22) {
+ const originalTextAlign = ctx.textAlign;
+ const originalStrokeStyle = ctx.strokeStyle;
+ const originalFillStyle = ctx.fillStyle;
+ const { y: y2, width: width2, show_text = true, margin = 15 } = options22;
+ const widget_width = width2;
+ const H = this.height;
+ ctx.fillStyle = this.background_color;
+ if (this.clicked) {
+ ctx.fillStyle = "#AAA";
+ this.clicked = false;
+ }
+ ctx.fillRect(margin, y2, widget_width - margin * 2, H);
+ if (show_text && !this.disabled) {
+ ctx.strokeStyle = this.outline_color;
+ ctx.strokeRect(margin, y2, widget_width - margin * 2, H);
+ }
+ if (show_text) {
+ ctx.textAlign = "center";
+ ctx.fillStyle = this.text_color;
+ ctx.fillText(
+ this.label || this.name || "",
+ widget_width * 0.5,
+ y2 + H * 0.7
+ );
+ }
+ ctx.textAlign = originalTextAlign;
+ ctx.strokeStyle = originalStrokeStyle;
+ ctx.fillStyle = originalFillStyle;
+ }
+ onClick(options22) {
+ const { e: e2, node: node22, canvas: canvas2 } = options22;
+ const pos = canvas2.graph_mouse;
+ this.clicked = true;
+ canvas2.setDirty(true);
+ this.callback?.(this, canvas2, node22, pos, e2);
+ }
+}
+class ComboWidget extends BaseWidget {
+ static {
+ __name(this, "ComboWidget");
+ }
+ constructor(widget) {
+ super(widget);
+ this.type = "combo";
+ this.value = widget.value;
+ }
+ /**
+ * Draws the widget
+ * @param ctx - The canvas context
+ * @param options - The options for drawing the widget
+ */
+ drawWidget(ctx, options22) {
+ const originalTextAlign = ctx.textAlign;
+ const originalStrokeStyle = ctx.strokeStyle;
+ const originalFillStyle = ctx.fillStyle;
+ const { y: y2, width: width2, show_text = true, margin = 15 } = options22;
+ const widget_width = width2;
+ const H = this.height;
+ ctx.textAlign = "left";
+ ctx.strokeStyle = this.outline_color;
+ ctx.fillStyle = this.background_color;
+ ctx.beginPath();
+ if (show_text)
+ ctx.roundRect(margin, y2, widget_width - margin * 2, H, [H * 0.5]);
+ else
+ ctx.rect(margin, y2, widget_width - margin * 2, H);
+ ctx.fill();
+ if (show_text) {
+ if (!this.disabled) {
+ ctx.stroke();
+ ctx.fillStyle = this.text_color;
+ ctx.beginPath();
+ ctx.moveTo(margin + 16, y2 + 5);
+ ctx.lineTo(margin + 6, y2 + H * 0.5);
+ ctx.lineTo(margin + 16, y2 + H - 5);
+ ctx.fill();
+ ctx.beginPath();
+ ctx.moveTo(widget_width - margin - 16, y2 + 5);
+ ctx.lineTo(widget_width - margin - 6, y2 + H * 0.5);
+ ctx.lineTo(widget_width - margin - 16, y2 + H - 5);
+ ctx.fill();
+ }
+ ctx.fillStyle = this.secondary_text_color;
+ const label5 = this.label || this.name;
+ if (label5 != null) {
+ ctx.fillText(label5, margin * 2 + 5, y2 + H * 0.7);
+ }
+ ctx.fillStyle = this.text_color;
+ ctx.textAlign = "right";
+ let displayValue = typeof this.value === "number" ? String(this.value) : this.value;
+ if (this.options.values) {
+ let values = this.options.values;
+ if (typeof values === "function") {
+ values = values();
+ }
+ if (values && !Array.isArray(values)) {
+ displayValue = values[this.value];
+ }
+ }
+ const labelWidth = ctx.measureText(label5 || "").width + margin * 2;
+ const inputWidth = widget_width - margin * 4;
+ const availableWidth = inputWidth - labelWidth;
+ const textWidth = ctx.measureText(displayValue).width;
+ if (textWidth > availableWidth) {
+ const ELLIPSIS = "…";
+ const ellipsisWidth = ctx.measureText(ELLIPSIS).width;
+ const charWidthAvg = ctx.measureText("a").width;
+ if (availableWidth <= ellipsisWidth) {
+ displayValue = "․";
+ } else {
+ displayValue = `${displayValue}`;
+ const overflowWidth = textWidth + ellipsisWidth - availableWidth;
+ if (overflowWidth + charWidthAvg * 3 > availableWidth) {
+ const preciseRange = availableWidth + charWidthAvg * 3;
+ const preTruncateCt = Math.floor((preciseRange - ellipsisWidth) / charWidthAvg);
+ displayValue = displayValue.substr(0, preTruncateCt);
+ }
+ while (ctx.measureText(displayValue).width + ellipsisWidth > availableWidth) {
+ displayValue = displayValue.substr(0, displayValue.length - 1);
+ }
+ displayValue += ELLIPSIS;
+ }
+ }
+ ctx.fillText(
+ displayValue,
+ widget_width - margin * 2 - 20,
+ y2 + H * 0.7
+ );
+ }
+ ctx.textAlign = originalTextAlign;
+ ctx.strokeStyle = originalStrokeStyle;
+ ctx.fillStyle = originalFillStyle;
+ }
+ onClick(options22) {
+ const { e: e2, node: node22, canvas: canvas2 } = options22;
+ const x2 = e2.canvasX - node22.pos[0];
+ const width2 = this.width || node22.size[0];
+ const delta2 = x2 < 40 ? -1 : x2 > width2 - 40 ? 1 : 0;
+ let values = this.options.values;
+ if (typeof values === "function") {
+ values = values(this, node22);
+ }
+ const values_list = Array.isArray(values) ? values : Object.keys(values);
+ if (delta2) {
+ let index2 = -1;
+ canvas2.last_mouseclick = 0;
+ index2 = typeof values === "object" ? values_list.indexOf(String(this.value)) + delta2 : values_list.indexOf(this.value) + delta2;
+ if (index2 >= values_list.length) index2 = values_list.length - 1;
+ if (index2 < 0) index2 = 0;
+ this.setValue(
+ Array.isArray(values) ? values[index2] : index2,
+ {
+ e: e2,
+ node: node22,
+ canvas: canvas2
+ }
+ );
+ return;
+ }
+ const text_values = values != values_list ? Object.values(values) : values;
+ new LiteGraph.ContextMenu(text_values, {
+ scale: Math.max(1, canvas2.ds.scale),
+ event: e2,
+ className: "dark",
+ callback: /* @__PURE__ */ __name((value4) => {
+ this.setValue(
+ values != values_list ? text_values.indexOf(value4) : value4,
+ {
+ e: e2,
+ node: node22,
+ canvas: canvas2
+ }
+ );
+ }, "callback")
+ });
+ }
+}
+class NumberWidget extends BaseWidget {
+ static {
+ __name(this, "NumberWidget");
+ }
+ constructor(widget) {
+ super(widget);
+ this.type = "number";
+ this.value = widget.value;
+ }
+ /**
+ * Draws the widget
+ * @param ctx - The canvas context
+ * @param options - The options for drawing the widget
+ */
+ drawWidget(ctx, options22) {
+ const originalTextAlign = ctx.textAlign;
+ const originalStrokeStyle = ctx.strokeStyle;
+ const originalFillStyle = ctx.fillStyle;
+ const { y: y2, width: width2, show_text = true, margin = 15 } = options22;
+ const widget_width = width2;
+ const H = this.height;
+ ctx.textAlign = "left";
+ ctx.strokeStyle = this.outline_color;
+ ctx.fillStyle = this.background_color;
+ ctx.beginPath();
+ if (show_text)
+ ctx.roundRect(margin, y2, widget_width - margin * 2, H, [H * 0.5]);
+ else
+ ctx.rect(margin, y2, widget_width - margin * 2, H);
+ ctx.fill();
+ if (show_text) {
+ if (!this.disabled) {
+ ctx.stroke();
+ ctx.fillStyle = this.text_color;
+ ctx.beginPath();
+ ctx.moveTo(margin + 16, y2 + 5);
+ ctx.lineTo(margin + 6, y2 + H * 0.5);
+ ctx.lineTo(margin + 16, y2 + H - 5);
+ ctx.fill();
+ ctx.beginPath();
+ ctx.moveTo(widget_width - margin - 16, y2 + 5);
+ ctx.lineTo(widget_width - margin - 6, y2 + H * 0.5);
+ ctx.lineTo(widget_width - margin - 16, y2 + H - 5);
+ ctx.fill();
+ }
+ ctx.fillStyle = this.secondary_text_color;
+ const label5 = this.label || this.name;
+ if (label5 != null) {
+ ctx.fillText(label5, margin * 2 + 5, y2 + H * 0.7);
+ }
+ ctx.fillStyle = this.text_color;
+ ctx.textAlign = "right";
+ ctx.fillText(
+ Number(this.value).toFixed(
+ this.options.precision !== void 0 ? this.options.precision : 3
+ ),
+ widget_width - margin * 2 - 20,
+ y2 + H * 0.7
+ );
+ }
+ ctx.textAlign = originalTextAlign;
+ ctx.strokeStyle = originalStrokeStyle;
+ ctx.fillStyle = originalFillStyle;
+ }
+ onClick(options) {
+ const { e, node, canvas } = options;
+ const x = e.canvasX - node.pos[0];
+ const width = this.width || node.size[0];
+ const delta = x < 40 ? -1 : x > width - 40 ? 1 : 0;
+ if (delta) {
+ let newValue2 = this.value + delta * 0.1 * (this.options.step || 1);
+ if (this.options.min != null && newValue2 < this.options.min) {
+ newValue2 = this.options.min;
+ }
+ if (this.options.max != null && newValue2 > this.options.max) {
+ newValue2 = this.options.max;
+ }
+ if (newValue2 !== this.value) {
+ this.setValue(newValue2, { e, node, canvas });
+ }
+ return;
+ }
+ canvas.prompt("Value", this.value, (v) => {
+ if (/^[0-9+\-*/()\s]+|\d+\.\d+$/.test(v)) {
+ try {
+ v = eval(v);
+ } catch {
+ }
+ }
+ const newValue = Number(v);
+ if (!isNaN(newValue)) {
+ this.setValue(newValue, { e, node, canvas });
+ }
+ }, e);
+ }
+ /**
+ * Handles drag events for the number widget
+ * @param options - The options for handling the drag event
+ */
+ onDrag(options22) {
+ const { e: e2, node: node22, canvas: canvas2 } = options22;
+ const width2 = this.width || node22.width;
+ const x2 = e2.canvasX - node22.pos[0];
+ const delta2 = x2 < 40 ? -1 : x2 > width2 - 40 ? 1 : 0;
+ if (delta2 && (x2 > -3 && x2 < width2 + 3)) return;
+ let newValue2 = this.value;
+ if (e2.deltaX) newValue2 += e2.deltaX * 0.1 * (this.options.step || 1);
+ if (this.options.min != null && newValue2 < this.options.min) {
+ newValue2 = this.options.min;
+ }
+ if (this.options.max != null && newValue2 > this.options.max) {
+ newValue2 = this.options.max;
+ }
+ if (newValue2 !== this.value) {
+ this.setValue(newValue2, { e: e2, node: node22, canvas: canvas2 });
+ }
+ }
+}
+class SliderWidget extends BaseWidget {
+ static {
+ __name(this, "SliderWidget");
+ }
+ constructor(widget) {
+ super(widget);
+ this.type = "slider";
+ this.value = widget.value;
+ this.options = widget.options;
+ }
+ /**
+ * Draws the widget
+ * @param ctx - The canvas context
+ * @param options - The options for drawing the widget
+ */
+ drawWidget(ctx, options22) {
+ const originalTextAlign = ctx.textAlign;
+ const originalStrokeStyle = ctx.strokeStyle;
+ const originalFillStyle = ctx.fillStyle;
+ const { y: y2, width: widget_width, show_text = true, margin = 15 } = options22;
+ const H = this.height;
+ ctx.fillStyle = this.background_color;
+ ctx.fillRect(margin, y2, widget_width - margin * 2, H);
+ const range2 = this.options.max - this.options.min;
+ let nvalue = (this.value - this.options.min) / range2;
+ nvalue = clamp$1(nvalue, 0, 1);
+ ctx.fillStyle = this.options.slider_color ?? "#678";
+ ctx.fillRect(margin, y2, nvalue * (widget_width - margin * 2), H);
+ if (show_text && !this.disabled) {
+ ctx.strokeStyle = this.outline_color;
+ ctx.strokeRect(margin, y2, widget_width - margin * 2, H);
+ }
+ if (this.marker != null) {
+ let marker_nvalue = (this.marker - this.options.min) / range2;
+ marker_nvalue = clamp$1(marker_nvalue, 0, 1);
+ ctx.fillStyle = this.options.marker_color ?? "#AA9";
+ ctx.fillRect(
+ margin + marker_nvalue * (widget_width - margin * 2),
+ y2,
+ 2,
+ H
+ );
+ }
+ if (show_text) {
+ ctx.textAlign = "center";
+ ctx.fillStyle = this.text_color;
+ ctx.fillText(
+ (this.label || this.name) + " " + Number(this.value).toFixed(
+ this.options.precision != null ? this.options.precision : 3
+ ),
+ widget_width * 0.5,
+ y2 + H * 0.7
+ );
+ }
+ ctx.textAlign = originalTextAlign;
+ ctx.strokeStyle = originalStrokeStyle;
+ ctx.fillStyle = originalFillStyle;
+ }
+ /**
+ * Handles click events for the slider widget
+ */
+ onClick(options22) {
+ if (this.options.read_only) return;
+ const { e: e2, node: node22 } = options22;
+ const width2 = this.width || node22.size[0];
+ const x2 = e2.canvasX - node22.pos[0];
+ const slideFactor = clamp$1((x2 - 15) / (width2 - 30), 0, 1);
+ const newValue2 = this.options.min + (this.options.max - this.options.min) * slideFactor;
+ if (newValue2 !== this.value) {
+ this.setValue(newValue2, options22);
+ }
+ }
+ /**
+ * Handles drag events for the slider widget
+ */
+ onDrag(options22) {
+ if (this.options.read_only) return false;
+ const { e: e2, node: node22 } = options22;
+ const width2 = this.width || node22.size[0];
+ const x2 = e2.canvasX - node22.pos[0];
+ const slideFactor = clamp$1((x2 - 15) / (width2 - 30), 0, 1);
+ const newValue2 = this.options.min + (this.options.max - this.options.min) * slideFactor;
+ if (newValue2 !== this.value) {
+ this.setValue(newValue2, options22);
+ }
+ }
+}
+class TextWidget extends BaseWidget {
+ static {
+ __name(this, "TextWidget");
+ }
+ constructor(widget) {
+ super(widget);
+ this.type = widget.type;
+ this.value = widget.value?.toString() ?? "";
+ }
+ /**
+ * Draws the widget
+ * @param ctx - The canvas context
+ * @param options - The options for drawing the widget
+ */
+ drawWidget(ctx, options22) {
+ const originalTextAlign = ctx.textAlign;
+ const originalStrokeStyle = ctx.strokeStyle;
+ const originalFillStyle = ctx.fillStyle;
+ const { y: y2, width: width2, show_text = true, margin = 15 } = options22;
+ const widget_width = width2;
+ const H = this.height;
+ ctx.textAlign = "left";
+ ctx.strokeStyle = this.outline_color;
+ ctx.fillStyle = this.background_color;
+ ctx.beginPath();
+ if (show_text)
+ ctx.roundRect(margin, y2, widget_width - margin * 2, H, [H * 0.5]);
+ else
+ ctx.rect(margin, y2, widget_width - margin * 2, H);
+ ctx.fill();
+ if (show_text) {
+ if (!this.disabled) ctx.stroke();
+ ctx.save();
+ ctx.beginPath();
+ ctx.rect(margin, y2, widget_width - margin * 2, H);
+ ctx.clip();
+ ctx.fillStyle = this.secondary_text_color;
+ const label5 = this.label || this.name;
+ if (label5 != null) {
+ ctx.fillText(label5, margin * 2, y2 + H * 0.7);
+ }
+ ctx.fillStyle = this.text_color;
+ ctx.textAlign = "right";
+ ctx.fillText(
+ String(this.value).substr(0, 30),
+ // 30 chars max
+ widget_width - margin * 2,
+ y2 + H * 0.7
+ );
+ ctx.restore();
+ }
+ ctx.textAlign = originalTextAlign;
+ ctx.strokeStyle = originalStrokeStyle;
+ ctx.fillStyle = originalFillStyle;
+ }
+ onClick(options22) {
+ const { e: e2, node: node22, canvas: canvas2 } = options22;
+ canvas2.prompt(
+ "Value",
+ this.value,
+ (v2) => {
+ if (v2 !== null) {
+ this.setValue(v2, { e: e2, node: node22, canvas: canvas2 });
+ }
+ },
+ e2,
+ this.options?.multiline ?? false
+ );
+ }
+}
+const WIDGET_TYPE_MAP = {
+ button: ButtonWidget,
+ toggle: BooleanWidget,
+ slider: SliderWidget,
+ combo: ComboWidget,
+ number: NumberWidget,
+ string: TextWidget,
+ text: TextWidget
+};
+function toClass(cls, obj) {
+ return obj instanceof cls ? obj : new cls(obj);
+}
+__name(toClass, "toClass");
class LGraphNode {
static {
__name(this, "LGraphNode");
@@ -56262,12 +61019,18 @@ class LGraphNode {
static MAX_CONSOLE;
static type;
static category;
- static supported_extensions;
static filter;
static skip_list;
/** Default setting for {@link LGraphNode.connectInputToOutput}. @see {@link INodeFlags.keepAllLinksOnBypass} */
static keepAllLinksOnBypass = false;
+ /** The title text of the node. */
title;
+ /**
+ * The font style used to render the node's title text.
+ */
+ get titleFontStyle() {
+ return `${LiteGraph.NODE_TEXT_SIZE}px Arial`;
+ }
graph = null;
id;
type = null;
@@ -56285,9 +61048,37 @@ class LGraphNode {
mode;
last_serialization;
serialize_widgets;
+ /**
+ * The overridden fg color used to render the node.
+ * @see {@link renderingColor}
+ */
color;
+ /**
+ * The overridden bg color used to render the node.
+ * @see {@link renderingBgColor}
+ */
bgcolor;
+ /**
+ * The overridden box color used to render the node.
+ * @see {@link renderingBoxColor}
+ */
boxcolor;
+ /** The fg color used to render the node. */
+ get renderingColor() {
+ return this.color || this.constructor.color || LiteGraph.NODE_DEFAULT_COLOR;
+ }
+ /** The bg color used to render the node. */
+ get renderingBgColor() {
+ return this.bgcolor || this.constructor.bgcolor || LiteGraph.NODE_DEFAULT_BGCOLOR;
+ }
+ /** The box color used to render the node. */
+ get renderingBoxColor() {
+ let colState = LiteGraph.node_box_coloured_by_mode && LiteGraph.NODE_MODES_COLORS[this.mode] ? LiteGraph.NODE_MODES_COLORS[this.mode] : void 0;
+ if (LiteGraph.node_box_coloured_when_on) {
+ colState = this.action_triggered ? "#FFF" : this.execute_triggered ? "#AAA" : colState;
+ }
+ return this.boxcolor || colState || LiteGraph.NODE_DEFAULT_BOXCOLOR;
+ }
exec_version;
action_call;
execute_triggered;
@@ -56298,13 +61089,14 @@ class LGraphNode {
gotFocusAt;
badges = [];
badgePosition = BadgePosition.TopLeft;
+ /**
+ * The width of the node when collapsed.
+ * Updated by {@link LGraphCanvas.drawNode}
+ */
_collapsed_width;
- horizontal;
console;
_level;
_shape;
- subgraph;
- skip_subgraph_button;
mouseOver;
redraw_on_mouse;
// Appears unused
@@ -56360,6 +61152,12 @@ class LGraphNode {
this._size[0] = value4[0];
this._size[1] = value4[1];
}
+ /**
+ * The size of the node used for rendering.
+ */
+ get renderingSize() {
+ return this.flags.collapsed ? [this._collapsed_width, 0] : this._size;
+ }
get shape() {
return this._shape;
}
@@ -56384,12 +61182,21 @@ class LGraphNode {
this._shape = v2;
}
}
+ /**
+ * The shape of the node used for rendering. @see {@link RenderShape}
+ */
+ get renderingShape() {
+ return this._shape || this.constructor.shape || LiteGraph.NODE_DEFAULT_SHAPE;
+ }
get is_selected() {
return this.selected;
}
set is_selected(value4) {
this.selected = value4;
}
+ get title_mode() {
+ return this.constructor.title_mode ?? TitleMode.NORMAL_TITLE;
+ }
constructor(title) {
this.id = LiteGraph.use_uuids ? LiteGraph.uuidv4() : -1;
this.title = title || "Unnamed";
@@ -56426,30 +61233,27 @@ class LGraphNode {
if (!info.title) {
this.title = this.constructor.title;
}
- if (this.inputs) {
- for (let i2 = 0; i2 < this.inputs.length; ++i2) {
- const input = this.inputs[i2];
- const link2 = this.graph ? this.graph._links.get(input.link) : null;
- this.onConnectionsChange?.(NodeSlotType.INPUT, i2, true, link2, input);
- this.onInputAdded?.(input);
- }
+ this.inputs ??= [];
+ this.inputs = this.inputs.map((input) => toClass(NodeInputSlot, input));
+ for (const [i2, input] of this.inputs.entries()) {
+ const link2 = this.graph ? this.graph._links.get(input.link) : null;
+ this.onConnectionsChange?.(NodeSlotType.INPUT, i2, true, link2, input);
+ this.onInputAdded?.(input);
}
- if (this.outputs) {
- for (let i2 = 0; i2 < this.outputs.length; ++i2) {
- const output = this.outputs[i2];
- if (!output.links) {
- continue;
- }
- for (let j2 = 0; j2 < output.links.length; ++j2) {
- const link2 = this.graph ? this.graph._links.get(output.links[j2]) : null;
- this.onConnectionsChange?.(NodeSlotType.OUTPUT, i2, true, link2, output);
- }
- this.onOutputAdded?.(output);
+ this.outputs ??= [];
+ this.outputs = this.outputs.map((output) => toClass(NodeOutputSlot, output));
+ for (const [i2, output] of this.outputs.entries()) {
+ if (!output.links) {
+ continue;
}
+ for (const linkId of output.links) {
+ const link2 = this.graph ? this.graph._links.get(linkId) : null;
+ this.onConnectionsChange?.(NodeSlotType.OUTPUT, i2, true, link2, output);
+ }
+ this.onOutputAdded?.(output);
}
if (this.widgets) {
- for (let i2 = 0; i2 < this.widgets.length; ++i2) {
- const w2 = this.widgets[i2];
+ for (const w2 of this.widgets) {
if (!w2) continue;
if (w2.options?.property && this.properties[w2.options.property] != void 0)
w2.value = JSON.parse(JSON.stringify(this.properties[w2.options.property]));
@@ -56784,10 +61588,10 @@ class LGraphNode {
}
return trigS;
}
- onAfterExecuteNode(param, options4) {
+ onAfterExecuteNode(param, options22) {
const trigS = this.findOutputSlot("onExecuted");
if (trigS != -1) {
- this.triggerSlot(trigS, param, null, options4);
+ this.triggerSlot(trigS, param, null, options22);
}
}
changeMode(modeTo) {
@@ -56813,46 +61617,46 @@ class LGraphNode {
/**
* Triggers the node code execution, place a boolean/counter to mark the node as being executed
*/
- doExecute(param, options4) {
- options4 = options4 || {};
+ doExecute(param, options22) {
+ options22 = options22 || {};
if (this.onExecute) {
- options4.action_call ||= this.id + "_exec_" + Math.floor(Math.random() * 9999);
+ options22.action_call ||= this.id + "_exec_" + Math.floor(Math.random() * 9999);
this.graph.nodes_executing[this.id] = true;
- this.onExecute(param, options4);
+ this.onExecute(param, options22);
this.graph.nodes_executing[this.id] = false;
this.exec_version = this.graph.iteration;
- if (options4?.action_call) {
- this.action_call = options4.action_call;
- this.graph.nodes_executedAction[this.id] = options4.action_call;
+ if (options22?.action_call) {
+ this.action_call = options22.action_call;
+ this.graph.nodes_executedAction[this.id] = options22.action_call;
}
}
this.execute_triggered = 2;
- this.onAfterExecuteNode?.(param, options4);
+ this.onAfterExecuteNode?.(param, options22);
}
/**
* Triggers an action, wrapped by logics to control execution flow
* @param action name
*/
- actionDo(action, param, options4) {
- options4 = options4 || {};
+ actionDo(action, param, options22) {
+ options22 = options22 || {};
if (this.onAction) {
- options4.action_call ||= this.id + "_" + (action ? action : "action") + "_" + Math.floor(Math.random() * 9999);
+ options22.action_call ||= this.id + "_" + (action ? action : "action") + "_" + Math.floor(Math.random() * 9999);
this.graph.nodes_actioning[this.id] = action ? action : "actioning";
- this.onAction(action, param, options4);
+ this.onAction(action, param, options22);
this.graph.nodes_actioning[this.id] = false;
- if (options4?.action_call) {
- this.action_call = options4.action_call;
- this.graph.nodes_executedAction[this.id] = options4.action_call;
+ if (options22?.action_call) {
+ this.action_call = options22.action_call;
+ this.graph.nodes_executedAction[this.id] = options22.action_call;
}
}
this.action_triggered = 2;
- this.onAfterExecuteNode?.(param, options4);
+ this.onAfterExecuteNode?.(param, options22);
}
/**
* Triggers an event in this node, this will trigger any output with the same name
* @param action name ( "on_play", ... ) if action is equivalent to false then the event is send to all
*/
- trigger(action, param, options4) {
+ trigger(action, param, options22) {
if (!this.outputs || !this.outputs.length) {
return;
}
@@ -56861,7 +61665,7 @@ class LGraphNode {
const output = this.outputs[i2];
if (!output || output.type !== LiteGraph.EVENT || action && output.name != action)
continue;
- this.triggerSlot(i2, param, null, options4);
+ this.triggerSlot(i2, param, null, options22);
}
}
/**
@@ -56869,8 +61673,8 @@ class LGraphNode {
* @param slot the index of the output slot
* @param link_id [optional] in case you want to trigger and specific output link in a slot
*/
- triggerSlot(slot, param, link_id, options4) {
- options4 = options4 || {};
+ triggerSlot(slot, param, link_id, options22) {
+ options22 = options22 || {};
if (!this.outputs) return;
if (slot == null) {
console.error("slot must be a number");
@@ -56892,14 +61696,14 @@ class LGraphNode {
const node22 = this.graph.getNodeById(link_info.target_id);
if (!node22) continue;
if (node22.mode === LGraphEventMode.ON_TRIGGER) {
- if (!options4.action_call)
- options4.action_call = this.id + "_trigg_" + Math.floor(Math.random() * 9999);
- node22.doExecute?.(param, options4);
+ if (!options22.action_call)
+ options22.action_call = this.id + "_trigg_" + Math.floor(Math.random() * 9999);
+ node22.doExecute?.(param, options22);
} else if (node22.onAction) {
- if (!options4.action_call)
- options4.action_call = this.id + "_act_" + Math.floor(Math.random() * 9999);
+ if (!options22.action_call)
+ options22.action_call = this.id + "_act_" + Math.floor(Math.random() * 9999);
const target_connection = node22.inputs[link_info.target_slot];
- node22.actionDo(target_connection.name, param, options4);
+ node22.actionDo(target_connection.name, param, options22);
}
}
}
@@ -56957,7 +61761,7 @@ class LGraphNode {
* @param extra_info this can be used to have special properties of an output (label, special color, position, etc)
*/
addOutput(name2, type, extra_info) {
- const output = { name: name2, type, links: null };
+ const output = new NodeOutputSlot({ name: name2, type, links: null });
if (extra_info) {
for (const i2 in extra_info) {
output[i2] = extra_info[i2];
@@ -56979,7 +61783,7 @@ class LGraphNode {
addOutputs(array) {
for (let i2 = 0; i2 < array.length; ++i2) {
const info = array[i2];
- const o2 = { name: info[0], type: info[1], links: null };
+ const o2 = new NodeOutputSlot({ name: info[0], type: info[1], links: null });
if (array[2]) {
for (const j2 in info[2]) {
o2[j2] = info[2][j2];
@@ -57020,7 +61824,7 @@ class LGraphNode {
*/
addInput(name2, type, extra_info) {
type = type || 0;
- const input = { name: name2, type, link: null };
+ const input = new NodeInputSlot({ name: name2, type, link: null });
if (extra_info) {
for (const i2 in extra_info) {
input[i2] = extra_info[i2];
@@ -57041,7 +61845,7 @@ class LGraphNode {
addInputs(array) {
for (let i2 = 0; i2 < array.length; ++i2) {
const info = array[i2];
- const o2 = { name: info[0], type: info[1], link: null };
+ const o2 = new NodeInputSlot({ name: info[0], type: info[1], link: null });
if (array[2]) {
for (const j2 in info[2]) {
o2[j2] = info[2][j2];
@@ -57077,11 +61881,11 @@ class LGraphNode {
* @param pos position of the connection inside the node
* @param direction if is input or output
*/
- addConnection(name2, type, pos2, direction) {
+ addConnection(name2, type, pos, direction) {
const o2 = {
name: name2,
type,
- pos: pos2,
+ pos,
direction,
links: null
};
@@ -57131,9 +61935,15 @@ class LGraphNode {
let widgets_height = 0;
if (this.widgets?.length) {
for (let i2 = 0, l2 = this.widgets.length; i2 < l2; ++i2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const widget2 = this.widgets[i2];
if (widget2.hidden || widget2.advanced && !this.showAdvanced) continue;
widgets_height += widget2.computeSize ? widget2.computeSize(size[0])[1] + 4 : LiteGraph.NODE_WIDGET_HEIGHT + 4;
+========
+ const widget = this.widgets[i2];
+ if (widget.hidden || widget.advanced && !this.showAdvanced) continue;
+ widgets_height += widget.computeSize ? widget.computeSize(size[0])[1] + 4 : LiteGraph.NODE_WIDGET_HEIGHT + 4;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
widgets_height += 8;
}
@@ -57201,17 +62011,17 @@ class LGraphNode {
* @param options the object that contains special properties of this widget
* @returns the created widget object
*/
- addWidget(type, name2, value4, callback, options4) {
+ addWidget(type, name2, value4, callback, options22) {
this.widgets ||= [];
- if (!options4 && callback && typeof callback === "object") {
- options4 = callback;
+ if (!options22 && callback && typeof callback === "object") {
+ options22 = callback;
callback = null;
}
- if (options4 && typeof options4 === "string")
- options4 = { property: options4 };
+ if (options22 && typeof options22 === "string")
+ options22 = { property: options22 };
if (callback && typeof callback === "string") {
- options4 ||= {};
- options4.property = callback;
+ options22 ||= {};
+ options22.property = callback;
callback = null;
}
if (callback && typeof callback !== "function") {
@@ -57224,7 +62034,7 @@ class LGraphNode {
name: name2,
value: value4,
callback,
- options: options4 || {}
+ options: options22 || {}
};
if (w2.options.y !== void 0) {
w2.y = w2.options.y;
@@ -57235,14 +62045,16 @@ class LGraphNode {
if (type == "combo" && !w2.options.values) {
throw "LiteGraph addWidget('combo',...) requires to pass values in options: { values:['red','blue'] }";
}
- this.widgets.push(w2);
+ const widget = this.addCustomWidget(w2);
this.setSize(this.computeSize());
- return w2;
+ return widget;
}
addCustomWidget(custom_widget) {
this.widgets ||= [];
- this.widgets.push(custom_widget);
- return custom_widget;
+ const WidgetClass = WIDGET_TYPE_MAP[custom_widget.type];
+ const widget = WidgetClass ? new WidgetClass(custom_widget) : custom_widget;
+ this.widgets.push(widget);
+ return widget;
}
move(deltaX, deltaY) {
if (this.pinned) return;
@@ -57258,7 +62070,7 @@ class LGraphNode {
* @param pad Expands the area by this amount on each side. Default: 0
*/
measure(out, pad = 0) {
- const titleMode = this.constructor.title_mode;
+ const titleMode = this.title_mode;
const renderTitle = titleMode != TitleMode.TRANSPARENT_TITLE && titleMode != TitleMode.NO_TITLE;
const titleHeight = renderTitle ? LiteGraph.NODE_TITLE_HEIGHT : 0;
out[0] = this.pos[0] - pad;
@@ -57360,6 +62172,7 @@ class LGraphNode {
* @returns The widget found, otherwise `null`
*/
getWidgetOnPos(canvasX, canvasY, includeDisabled = false) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const { widgets, pos: pos2, size } = this;
if (!widgets?.length) return null;
const x2 = canvasX - pos2[0];
@@ -57367,11 +62180,20 @@ class LGraphNode {
const nodeWidth = size[0];
for (const widget2 of widgets) {
if (!widget2 || widget2.disabled && !includeDisabled || widget2.hidden || widget2.advanced && !this.showAdvanced)
+========
+ const { widgets, pos, size } = this;
+ if (!widgets?.length) return null;
+ const x2 = canvasX - pos[0];
+ const y2 = canvasY - pos[1];
+ const nodeWidth = size[0];
+ for (const widget of widgets) {
+ if (!widget || widget.disabled && !includeDisabled || widget.hidden || widget.advanced && !this.showAdvanced)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
continue;
- const h2 = widget2.computeSize ? widget2.computeSize(nodeWidth)[1] : LiteGraph.NODE_WIDGET_HEIGHT;
- const w2 = widget2.width || nodeWidth;
- if (widget2.last_y !== void 0 && isInRectangle(x2, y2, 6, widget2.last_y, w2 - 12, h2))
- return widget2;
+ const h2 = widget.computeSize ? widget.computeSize(nodeWidth)[1] : LiteGraph.NODE_WIDGET_HEIGHT;
+ const w2 = widget.width || nodeWidth;
+ if (widget.last_y !== void 0 && isInRectangle(x2, y2, 6, widget.last_y, w2 - 12, h2))
+ return widget;
}
return null;
}
@@ -57403,12 +62225,12 @@ class LGraphNode {
* Finds the next free slot
* @param slots The slots to search, i.e. this.inputs or this.outputs
*/
- #findFreeSlot(slots, options4) {
+ #findFreeSlot(slots, options22) {
const defaults2 = {
returnObj: false,
typesNotAccepted: []
};
- const opts = Object.assign(defaults2, options4 || {});
+ const opts = Object.assign(defaults2, options22 || {});
const length = slots?.length;
if (!(length > 0)) return -1;
for (let i2 = 0; i2 < length; ++i2) {
@@ -57498,18 +62320,18 @@ class LGraphNode {
* @see {connectByType}
* @see {connectByTypeOutput}
*/
- findConnectByTypeSlot(findInputs, node22, slotType, options4) {
- if (options4 && typeof options4 === "object") {
- if ("firstFreeIfInputGeneralInCase" in options4) options4.wildcardToTyped = !!options4.firstFreeIfInputGeneralInCase;
- if ("firstFreeIfOutputGeneralInCase" in options4) options4.wildcardToTyped = !!options4.firstFreeIfOutputGeneralInCase;
- if ("generalTypeInCase" in options4) options4.typedToWildcard = !!options4.generalTypeInCase;
+ findConnectByTypeSlot(findInputs, node22, slotType, options22) {
+ if (options22 && typeof options22 === "object") {
+ if ("firstFreeIfInputGeneralInCase" in options22) options22.wildcardToTyped = !!options22.firstFreeIfInputGeneralInCase;
+ if ("firstFreeIfOutputGeneralInCase" in options22) options22.wildcardToTyped = !!options22.firstFreeIfOutputGeneralInCase;
+ if ("generalTypeInCase" in options22) options22.typedToWildcard = !!options22.generalTypeInCase;
}
const optsDef = {
createEventInCase: true,
wildcardToTyped: true,
typedToWildcard: true
};
- const opts = Object.assign(optsDef, options4);
+ const opts = Object.assign(optsDef, options22);
if (node22 && typeof node22 === "number") {
node22 = this.graph.getNodeById(node22);
}
@@ -57864,13 +62686,8 @@ class LGraphNode {
const offset = LiteGraph.NODE_SLOT_HEIGHT * 0.5;
if (this.flags.collapsed) {
const w2 = this._collapsed_width || LiteGraph.NODE_COLLAPSED_WIDTH;
- if (this.horizontal) {
- out[0] = this.pos[0] + w2 * 0.5;
- out[1] = is_input ? this.pos[1] - LiteGraph.NODE_TITLE_HEIGHT : this.pos[1];
- } else {
- out[0] = is_input ? this.pos[0] : this.pos[0] + w2;
- out[1] = this.pos[1] - LiteGraph.NODE_TITLE_HEIGHT * 0.5;
- }
+ out[0] = is_input ? this.pos[0] : this.pos[0] + w2;
+ out[1] = this.pos[1] - LiteGraph.NODE_TITLE_HEIGHT * 0.5;
return out;
}
if (is_input && slot_number == -1) {
@@ -57887,11 +62704,6 @@ class LGraphNode {
out[1] = this.pos[1] + this.outputs[slot_number].pos[1];
return out;
}
- if (this.horizontal) {
- out[0] = this.pos[0] + (slot_number + 0.5) * (this.size[0] / num_slots);
- out[1] = is_input ? this.pos[1] - LiteGraph.NODE_TITLE_HEIGHT : this.pos[1] + this.size[1];
- return out;
- }
out[0] = is_input ? this.pos[0] + offset : this.pos[0] + this.size[0] + 1 - offset;
out[1] = this.pos[1] + (slot_number + 0.7) * LiteGraph.NODE_SLOT_HEIGHT + (this.constructor.slot_start_y || 0);
return out;
@@ -57995,8 +62807,12 @@ class LGraphNode {
get width() {
return this.collapsed ? this._collapsed_width || LiteGraph.NODE_COLLAPSED_WIDTH : this.size[0];
}
+ /**
+ * Returns the height of the node, including the title bar.
+ */
get height() {
- return this.collapsed ? LiteGraph.NODE_COLLAPSED_HEIGHT : this.size[1];
+ const bodyHeight = this.collapsed ? 0 : this.size[1];
+ return LiteGraph.NODE_TITLE_HEIGHT + bodyHeight;
}
drawBadges(ctx, { gap = 2 } = {}) {
const badgeInstances = this.badges.map((badge) => badge instanceof LGraphBadge ? badge : badge());
@@ -58008,6 +62824,168 @@ class LGraphNode {
currentX += badge.getWidth(ctx) + gap;
}
}
+ /**
+ * Renders the node's title bar background
+ */
+ drawTitleBarBackground(ctx, options22) {
+ const {
+ scale,
+ title_height = LiteGraph.NODE_TITLE_HEIGHT,
+ low_quality = false
+ } = options22;
+ const fgcolor = this.renderingColor;
+ const shape = this.renderingShape;
+ const size = this.renderingSize;
+ if (this.onDrawTitleBar) {
+ this.onDrawTitleBar(ctx, title_height, size, scale, fgcolor);
+ return;
+ }
+ if (this.title_mode === TitleMode.TRANSPARENT_TITLE) {
+ return;
+ }
+ if (this.collapsed) {
+ ctx.shadowColor = LiteGraph.DEFAULT_SHADOW_COLOR;
+ }
+ ctx.fillStyle = this.constructor.title_color || fgcolor;
+ ctx.beginPath();
+ if (shape == RenderShape.BOX || low_quality) {
+ ctx.rect(0, -title_height, size[0], title_height);
+ } else if (shape == RenderShape.ROUND || shape == RenderShape.CARD) {
+ ctx.roundRect(
+ 0,
+ -title_height,
+ size[0],
+ title_height,
+ this.collapsed ? [LiteGraph.ROUND_RADIUS] : [LiteGraph.ROUND_RADIUS, LiteGraph.ROUND_RADIUS, 0, 0]
+ );
+ }
+ ctx.fill();
+ ctx.shadowColor = "transparent";
+ }
+ /**
+ * Renders the node's title box, i.e. the dot in front of the title text that
+ * when clicked toggles the node's collapsed state. The term `title box` comes
+ * from the original LiteGraph implementation.
+ */
+ drawTitleBox(ctx, options22) {
+ const {
+ scale,
+ low_quality = false,
+ title_height = LiteGraph.NODE_TITLE_HEIGHT,
+ box_size = 10
+ } = options22;
+ const size = this.renderingSize;
+ const shape = this.renderingShape;
+ if (this.onDrawTitleBox) {
+ this.onDrawTitleBox(ctx, title_height, size, scale);
+ return;
+ }
+ if ([RenderShape.ROUND, RenderShape.CIRCLE, RenderShape.CARD].includes(shape)) {
+ if (low_quality) {
+ ctx.fillStyle = "black";
+ ctx.beginPath();
+ ctx.arc(
+ title_height * 0.5,
+ title_height * -0.5,
+ box_size * 0.5 + 1,
+ 0,
+ Math.PI * 2
+ );
+ ctx.fill();
+ }
+ ctx.fillStyle = this.renderingBoxColor;
+ if (low_quality)
+ ctx.fillRect(
+ title_height * 0.5 - box_size * 0.5,
+ title_height * -0.5 - box_size * 0.5,
+ box_size,
+ box_size
+ );
+ else {
+ ctx.beginPath();
+ ctx.arc(
+ title_height * 0.5,
+ title_height * -0.5,
+ box_size * 0.5,
+ 0,
+ Math.PI * 2
+ );
+ ctx.fill();
+ }
+ } else {
+ if (low_quality) {
+ ctx.fillStyle = "black";
+ ctx.fillRect(
+ (title_height - box_size) * 0.5 - 1,
+ (title_height + box_size) * -0.5 - 1,
+ box_size + 2,
+ box_size + 2
+ );
+ }
+ ctx.fillStyle = this.renderingBoxColor;
+ ctx.fillRect(
+ (title_height - box_size) * 0.5,
+ (title_height + box_size) * -0.5,
+ box_size,
+ box_size
+ );
+ }
+ }
+ /**
+ * Renders the node's title text.
+ */
+ drawTitleText(ctx, options22) {
+ const {
+ scale,
+ default_title_color,
+ low_quality = false,
+ title_height = LiteGraph.NODE_TITLE_HEIGHT
+ } = options22;
+ const size = this.renderingSize;
+ const selected2 = this.selected;
+ if (this.onDrawTitleText) {
+ this.onDrawTitleText(
+ ctx,
+ title_height,
+ size,
+ scale,
+ this.titleFontStyle,
+ selected2
+ );
+ return;
+ }
+ if (low_quality) {
+ return;
+ }
+ ctx.font = this.titleFontStyle;
+ const rawTitle = this.getTitle() ?? `❌ ${this.type}`;
+ const title = String(rawTitle) + (this.pinned ? "📌" : "");
+ if (title) {
+ if (selected2) {
+ ctx.fillStyle = LiteGraph.NODE_SELECTED_TITLE_COLOR;
+ } else {
+ ctx.fillStyle = this.constructor.title_text_color || default_title_color;
+ }
+ if (this.collapsed) {
+ ctx.textAlign = "left";
+ ctx.fillText(
+ title.substr(0, 20),
+ // avoid urls too long
+ title_height,
+ // + measure.width * 0.5,
+ LiteGraph.NODE_TITLE_TEXT_Y - title_height
+ );
+ ctx.textAlign = "left";
+ } else {
+ ctx.textAlign = "left";
+ ctx.fillText(
+ title,
+ title_height,
+ LiteGraph.NODE_TITLE_TEXT_Y - title_height
+ );
+ }
+ }
+ }
/**
* Attempts to gracefully bypass this node in all of its connections by reconnecting all links.
*
@@ -58066,6 +63044,147 @@ class LGraphNode {
}
__name(bypassAllLinks, "bypassAllLinks");
}
+ drawWidgets(ctx, options22) {
+ if (!this.widgets) return;
+ const { y: y2, colorContext, linkOverWidget, linkOverWidgetType, lowQuality = false, editorAlpha = 1 } = options22;
+ let posY = y2;
+ if (this.widgets_up) {
+ posY = 2;
+ }
+ if (this.widgets_start_y != null) posY = this.widgets_start_y;
+ const width2 = this.size[0];
+ const widgets = this.widgets;
+ posY += 2;
+ const H = LiteGraph.NODE_WIDGET_HEIGHT;
+ const show_text = !lowQuality;
+ ctx.save();
+ ctx.globalAlpha = editorAlpha;
+ const margin = 15;
+ for (const w2 of widgets) {
+ if (w2.hidden || w2.advanced && !this.showAdvanced) continue;
+ const y22 = w2.y || posY;
+ const outline_color = w2.advanced ? LiteGraph.WIDGET_ADVANCED_OUTLINE_COLOR : LiteGraph.WIDGET_OUTLINE_COLOR;
+ if (w2 === linkOverWidget) {
+ new NodeInputSlot({
+ name: "",
+ type: linkOverWidgetType,
+ link: 0
+ }).draw(ctx, { pos: [10, y22 + 10], colorContext });
+ }
+ w2.last_y = y22;
+ ctx.strokeStyle = outline_color;
+ ctx.fillStyle = "#222";
+ ctx.textAlign = "left";
+ if (w2.disabled) ctx.globalAlpha *= 0.5;
+ const widget_width = w2.width || width2;
+ const WidgetClass = WIDGET_TYPE_MAP[w2.type];
+ if (WidgetClass) {
+ toClass(WidgetClass, w2).drawWidget(ctx, { y: y22, width: widget_width, show_text, margin });
+ } else {
+ w2.draw?.(ctx, this, widget_width, y22, H);
+ }
+ posY += (w2.computeSize ? w2.computeSize(widget_width)[1] : H) + 4;
+ ctx.globalAlpha = editorAlpha;
+ }
+ ctx.restore();
+ }
+ /**
+ * When {@link LGraphNode.collapsed} is `true`, this method draws the node's collapsed slots.
+ */
+ drawCollapsedSlots(ctx) {
+ let input_slot = null;
+ let output_slot = null;
+ for (const slot of this.inputs ?? []) {
+ if (slot.link == null) {
+ continue;
+ }
+ input_slot = slot;
+ break;
+ }
+ for (const slot of this.outputs ?? []) {
+ if (!slot.links || !slot.links.length) {
+ continue;
+ }
+ output_slot = slot;
+ break;
+ }
+ if (input_slot) {
+ const x2 = 0;
+ const y2 = LiteGraph.NODE_TITLE_HEIGHT * -0.5;
+ toClass(NodeInputSlot, input_slot).drawCollapsed(ctx, {
+ pos: [x2, y2]
+ });
+ }
+ if (output_slot) {
+ const x2 = this._collapsed_width;
+ const y2 = LiteGraph.NODE_TITLE_HEIGHT * -0.5;
+ toClass(NodeOutputSlot, output_slot).drawCollapsed(ctx, {
+ pos: [x2, y2]
+ });
+ }
+ }
+ get highlightColor() {
+ return LiteGraph.NODE_TEXT_HIGHLIGHT_COLOR ?? LiteGraph.NODE_SELECTED_TITLE_COLOR ?? LiteGraph.NODE_TEXT_COLOR;
+ }
+ /**
+ * Draws the node's input and output slots.
+ * @returns The maximum y-coordinate of the slots.
+ * TODO: Calculate the bounding box of the slots and return it instead of the maximum y-coordinate.
+ */
+ drawSlots(ctx, options22) {
+ const { colorContext, connectingLink, editorAlpha, lowQuality } = options22;
+ let max_y = 0;
+ const slot_pos = new Float32Array(2);
+ for (const [i2, input] of (this.inputs ?? []).entries()) {
+ const slot = toClass(NodeInputSlot, input);
+ const isValid2 = slot.isValidTarget(connectingLink);
+ const highlight = isValid2 && this.mouseOver?.inputId === i2;
+ const label_color = highlight ? this.highlightColor : LiteGraph.NODE_TEXT_COLOR;
+ ctx.globalAlpha = isValid2 ? editorAlpha : 0.4 * editorAlpha;
+ const pos = this.getConnectionPos(
+ true,
+ i2,
+ /* out= */
+ slot_pos
+ );
+ pos[0] -= this.pos[0];
+ pos[1] -= this.pos[1];
+ max_y = Math.max(max_y, pos[1] + LiteGraph.NODE_SLOT_HEIGHT * 0.5);
+ slot.draw(ctx, {
+ pos,
+ colorContext,
+ labelColor: label_color,
+ lowQuality,
+ renderText: !lowQuality,
+ highlight
+ });
+ }
+ for (const [i2, output] of (this.outputs ?? []).entries()) {
+ const slot = toClass(NodeOutputSlot, output);
+ const isValid2 = slot.isValidTarget(connectingLink);
+ const highlight = isValid2 && this.mouseOver?.outputId === i2;
+ const label_color = highlight ? this.highlightColor : LiteGraph.NODE_TEXT_COLOR;
+ ctx.globalAlpha = isValid2 ? editorAlpha : 0.4 * editorAlpha;
+ const pos = this.getConnectionPos(
+ false,
+ i2,
+ /* out= */
+ slot_pos
+ );
+ pos[0] -= this.pos[0];
+ pos[1] -= this.pos[1];
+ max_y = Math.max(max_y, pos[1] + LiteGraph.NODE_SLOT_HEIGHT * 0.5);
+ slot.draw(ctx, {
+ pos,
+ colorContext,
+ labelColor: label_color,
+ lowQuality,
+ renderText: !lowQuality,
+ highlight
+ });
+ }
+ return max_y;
+ }
}
class LGraphGroup {
static {
@@ -58196,7 +63315,7 @@ class LGraphGroup {
ctx.textAlign = "left";
ctx.fillText(this.title + (this.pinned ? "📌" : ""), x2 + padding, y2 + font_size);
if (LiteGraph.highlight_selected_group && this.selected) {
- graphCanvas.strokeShape(ctx, this._bounding, {
+ strokeShape(ctx, this._bounding, {
title_height: this.titleHeight,
padding
});
@@ -58310,117 +63429,6 @@ class LGraphGroup {
isPointInside = LGraphNode.prototype.isPointInside;
setDirtyCanvas = LGraphNode.prototype.setDirtyCanvas;
}
-var SlotType = /* @__PURE__ */ ((SlotType2) => {
- SlotType2["Array"] = "array";
- SlotType2[SlotType2["Event"] = -1] = "Event";
- return SlotType2;
-})(SlotType || {});
-var SlotShape = ((SlotShape2) => {
- SlotShape2[SlotShape2["Box"] = RenderShape.BOX] = "Box";
- SlotShape2[SlotShape2["Arrow"] = RenderShape.ARROW] = "Arrow";
- SlotShape2[SlotShape2["Grid"] = RenderShape.GRID] = "Grid";
- SlotShape2[SlotShape2["Circle"] = RenderShape.CIRCLE] = "Circle";
- SlotShape2[SlotShape2["HollowCircle"] = RenderShape.HollowCircle] = "HollowCircle";
- return SlotShape2;
-})(SlotShape || {});
-var SlotDirection = ((SlotDirection2) => {
- SlotDirection2[SlotDirection2["Up"] = LinkDirection.UP] = "Up";
- SlotDirection2[SlotDirection2["Right"] = LinkDirection.RIGHT] = "Right";
- SlotDirection2[SlotDirection2["Down"] = LinkDirection.DOWN] = "Down";
- SlotDirection2[SlotDirection2["Left"] = LinkDirection.LEFT] = "Left";
- return SlotDirection2;
-})(SlotDirection || {});
-var LabelPosition = /* @__PURE__ */ ((LabelPosition2) => {
- LabelPosition2["Left"] = "left";
- LabelPosition2["Right"] = "right";
- return LabelPosition2;
-})(LabelPosition || {});
-function drawSlot(ctx, slot, pos2, {
- label_color = "#AAA",
- label_position = "right",
- horizontal: horizontal2 = false,
- low_quality = false,
- render_text = true,
- do_stroke = false,
- highlight = false
-} = {}) {
- const originalFillStyle = ctx.fillStyle;
- const originalStrokeStyle = ctx.strokeStyle;
- const originalLineWidth = ctx.lineWidth;
- const slot_type = slot.type;
- const slot_shape = slot_type === "array" ? SlotShape.Grid : slot.shape;
- ctx.beginPath();
- let doStroke = do_stroke;
- let doFill = true;
- if (slot_type === -1 || slot_shape === SlotShape.Box) {
- if (horizontal2) {
- ctx.rect(pos2[0] - 5 + 0.5, pos2[1] - 8 + 0.5, 10, 14);
- } else {
- ctx.rect(pos2[0] - 6 + 0.5, pos2[1] - 5 + 0.5, 14, 10);
- }
- } else if (slot_shape === SlotShape.Arrow) {
- ctx.moveTo(pos2[0] + 8, pos2[1] + 0.5);
- ctx.lineTo(pos2[0] - 4, pos2[1] + 6 + 0.5);
- ctx.lineTo(pos2[0] - 4, pos2[1] - 6 + 0.5);
- ctx.closePath();
- } else if (slot_shape === SlotShape.Grid) {
- const gridSize = 3;
- const cellSize = 2;
- const spacing = 3;
- for (let x2 = 0; x2 < gridSize; x2++) {
- for (let y2 = 0; y2 < gridSize; y2++) {
- ctx.rect(
- pos2[0] - 4 + x2 * spacing,
- pos2[1] - 4 + y2 * spacing,
- cellSize,
- cellSize
- );
- }
- }
- doStroke = false;
- } else {
- if (low_quality) {
- ctx.rect(pos2[0] - 4, pos2[1] - 4, 8, 8);
- } else {
- let radius;
- if (slot_shape === SlotShape.HollowCircle) {
- doFill = false;
- doStroke = true;
- ctx.lineWidth = 3;
- ctx.strokeStyle = ctx.fillStyle;
- radius = highlight ? 4 : 3;
- } else {
- radius = highlight ? 5 : 4;
- }
- ctx.arc(pos2[0], pos2[1], radius, 0, Math.PI * 2);
- }
- }
- if (doFill) ctx.fill();
- if (!low_quality && doStroke) ctx.stroke();
- if (render_text) {
- const text2 = slot.label || slot.localized_name || slot.name;
- if (text2) {
- ctx.fillStyle = label_color;
- if (label_position === "right") {
- if (horizontal2 || slot.dir == LinkDirection.UP) {
- ctx.fillText(text2, pos2[0], pos2[1] - 10);
- } else {
- ctx.fillText(text2, pos2[0] + 10, pos2[1] + 5);
- }
- } else {
- if (horizontal2 || slot.dir == LinkDirection.DOWN) {
- ctx.fillText(text2, pos2[0], pos2[1] - 8);
- } else {
- ctx.fillText(text2, pos2[0] - 10, pos2[1] + 5);
- }
- }
- }
- }
- ctx.fillStyle = originalFillStyle;
- ctx.strokeStyle = originalStrokeStyle;
- ctx.lineWidth = originalLineWidth;
-}
-__name(drawSlot, "drawSlot");
class DragAndScale {
static {
__name(this, "DragAndScale");
@@ -58510,8 +63518,8 @@ class DragAndScale {
if (!this.enabled) {
return;
}
- const canvas = this.element;
- const rect = canvas.getBoundingClientRect();
+ const canvas2 = this.element;
+ const rect = canvas2.getBoundingClientRect();
const x2 = e2.clientX - rect.left;
const y2 = e2.clientY - rect.top;
e2.canvasx = x2;
@@ -58524,7 +63532,7 @@ class DragAndScale {
}
if (e2.type == LiteGraph.pointerevents_method + "down" && is_inside) {
this.dragging = true;
- LiteGraph.pointerListenerRemove(canvas, "move", this._binded_mouse_callback);
+ LiteGraph.pointerListenerRemove(canvas2, "move", this._binded_mouse_callback);
LiteGraph.pointerListenerAdd(document, "move", this._binded_mouse_callback);
LiteGraph.pointerListenerAdd(document, "up", this._binded_mouse_callback);
} else if (e2.type == LiteGraph.pointerevents_method + "move") {
@@ -58539,7 +63547,7 @@ class DragAndScale {
this.dragging = false;
LiteGraph.pointerListenerRemove(document, "move", this._binded_mouse_callback);
LiteGraph.pointerListenerRemove(document, "up", this._binded_mouse_callback);
- LiteGraph.pointerListenerAdd(canvas, "move", this._binded_mouse_callback);
+ LiteGraph.pointerListenerAdd(canvas2, "move", this._binded_mouse_callback);
} else if (is_inside && (e2.type == "mousewheel" || e2.type == "wheel" || e2.type == "DOMMouseScroll")) {
e2.eventType = "mousewheel";
if (e2.type == "wheel") e2.wheel = -e2.deltaY;
@@ -58559,16 +63567,16 @@ class DragAndScale {
ctx.scale(this.scale, this.scale);
ctx.translate(this.offset[0], this.offset[1]);
}
- convertOffsetToCanvas(pos2) {
+ convertOffsetToCanvas(pos) {
return [
- (pos2[0] + this.offset[0]) * this.scale,
- (pos2[1] + this.offset[1]) * this.scale
+ (pos[0] + this.offset[0]) * this.scale,
+ (pos[1] + this.offset[1]) * this.scale
];
}
- convertCanvasToOffset(pos2, out) {
+ convertCanvasToOffset(pos, out) {
out = out || [0, 0];
- out[0] = pos2[0] / this.scale - this.offset[0];
- out[1] = pos2[1] / this.scale - this.offset[1];
+ out[0] = pos[0] / this.scale - this.offset[0];
+ out[1] = pos[1] / this.scale - this.offset[1];
return out;
}
/** @deprecated Has not been kept up to date */
@@ -58587,13 +63595,15 @@ class DragAndScale {
if (!this.element) return;
const rect = this.element.getBoundingClientRect();
if (!rect) return;
- zooming_center = zooming_center || [rect.width * 0.5, rect.height * 0.5];
- zooming_center[0] -= rect.x;
- zooming_center[1] -= rect.y;
- const center = this.convertCanvasToOffset(zooming_center);
+ zooming_center = zooming_center ?? [rect.width * 0.5, rect.height * 0.5];
+ const normalizedCenter = [
+ zooming_center[0] - rect.x,
+ zooming_center[1] - rect.y
+ ];
+ const center = this.convertCanvasToOffset(normalizedCenter);
this.scale = value4;
if (Math.abs(this.scale - 1) < 0.01) this.scale = 1;
- const new_center = this.convertCanvasToOffset(zooming_center);
+ const new_center = this.convertCanvasToOffset(normalizedCenter);
const delta_offset = [
new_center[0] - center[0],
new_center[1] - center[1]
@@ -58989,6 +63999,9 @@ class LGraphCanvas {
this.#updateCursorStyle();
}
// #endregion Legacy accessors
+ /**
+ * @deprecated Use {@link LGraphNode.titleFontStyle} instead.
+ */
get title_text_font() {
return `${LiteGraph.NODE_TEXT_SIZE}px Arial`;
}
@@ -59003,6 +64016,24 @@ class LGraphCanvas {
set maximumFps(value4) {
this.#maximumFrameGap = value4 > Number.EPSILON ? 1e3 / value4 : 0;
}
+ /**
+ * @deprecated Use {@link LiteGraphGlobal.ROUND_RADIUS} instead.
+ */
+ get round_radius() {
+ return LiteGraph.ROUND_RADIUS;
+ }
+ /**
+ * @deprecated Use {@link LiteGraphGlobal.ROUND_RADIUS} instead.
+ */
+ set round_radius(value4) {
+ LiteGraph.ROUND_RADIUS = value4;
+ }
+ /**
+ * Render low quality when zoomed out.
+ */
+ get low_quality() {
+ return this.ds.scale < this.low_quality_zoom_threshold;
+ }
options;
background_image;
ds;
@@ -59042,13 +64073,14 @@ class LGraphCanvas {
render_connection_arrows;
render_collapsed_slots;
render_execution_order;
- render_title_colored;
render_link_tooltip;
/** Controls whether reroutes are rendered at all. */
reroutesEnabled = false;
/** Shape of the markers shown at the midpoint of links. Default: Circle */
linkMarkerShape = LinkMarkerShape.Circle;
links_render_mode;
+ /** Zoom threshold for low quality rendering. Zoom below this threshold will render low quality. */
+ low_quality_zoom_threshold = 0.6;
/** mouse in canvas coordinates, where 0,0 is the top-left corner of the blue rectangle */
mouse;
/** mouse in graph coordinates, where 0,0 is the top-left corner of the blue rectangle */
@@ -59064,7 +64096,6 @@ class LGraphCanvas {
/** to render foreground objects (above nodes and connections) in the canvas affected by transform */
onDrawForeground;
connections_width;
- round_radius;
/** The current node being drawn by {@link drawNode}. This should NOT be used to determine the currently selected node. See {@link selectedItems} */
current_node;
/** used for widgets */
@@ -59110,7 +64141,6 @@ class LGraphCanvas {
last_mouse = [0, 0];
last_mouseclick = 0;
graph;
- _graph_stack = null;
canvas;
bgcanvas;
ctx;
@@ -59151,6 +64181,10 @@ class LGraphCanvas {
#snapToGrid;
/** Set on keydown, keyup. @todo */
#shiftDown = false;
+ /** If true, enable drag zoom. Ctrl+Shift+Drag Up/Down: zoom canvas. */
+ dragZoomEnabled = false;
+ /** The start position of the drag zoom. */
+ #dragZoomStart = null;
static active_node;
onClear;
/** called after moving a node @deprecated Does not handle multi-node move, and can return the wrong node. */
@@ -59175,9 +64209,9 @@ class LGraphCanvas {
* @param graph The graph that owns this canvas.
* @param options
*/
- constructor(canvas, graph, options4) {
- options4 ||= {};
- this.options = options4;
+ constructor(canvas2, graph, options22) {
+ options22 ||= {};
+ this.options = options22;
this.background_image = LGraphCanvas.DEFAULT_BACKGROUND_IMAGE;
this.ds = new DragAndScale();
this.pointer = new CanvasPointer(this.canvas);
@@ -59231,7 +64265,6 @@ class LGraphCanvas {
this.render_connection_arrows = false;
this.render_collapsed_slots = true;
this.render_execution_order = false;
- this.render_title_colored = true;
this.render_link_tooltip = true;
this.links_render_mode = LinkRenderType.SPLINE_LINK;
this.mouse = [0, 0];
@@ -59246,11 +64279,9 @@ class LGraphCanvas {
this.onDrawLinkTooltip = null;
this.onNodeMoved = null;
this.onSelectionChange = null;
- this.onConnectingChange = null;
this.onBeforeChange = null;
this.onAfterChange = null;
this.connections_width = 3;
- this.round_radius = 8;
this.current_node = null;
this.node_widget = null;
this.over_link_center = null;
@@ -59258,14 +64289,14 @@ class LGraphCanvas {
this.visible_area = this.ds.visible_area;
this.visible_links = [];
this.connecting_links = null;
- this.viewport = options4.viewport || null;
+ this.viewport = options22.viewport || null;
graph?.attachCanvas(this);
- this.setCanvas(canvas, options4.skip_events);
+ this.setCanvas(canvas2, options22.skip_events);
this.clear();
- if (!options4.skip_render) {
+ if (!options22.skip_render) {
this.startRendering();
}
- this.autoresize = options4.autoresize;
+ this.autoresize = options22.autoresize;
}
static getFileExtension(url) {
const question = url.indexOf("?");
@@ -59274,10 +64305,10 @@ class LGraphCanvas {
return point === -1 ? "" : url.substring(point + 1).toLowerCase();
}
static onGroupAdd(info, entry, mouse_event) {
- const canvas = LGraphCanvas.active_canvas;
+ const canvas2 = LGraphCanvas.active_canvas;
const group = new LiteGraph.LGraphGroup();
- group.pos = canvas.convertEventToCanvasOffset(mouse_event);
- canvas.graph.add(group);
+ group.pos = canvas2.convertEventToCanvasOffset(mouse_event);
+ canvas2.graph.add(group);
}
/**
* @deprecated Functionality moved to {@link getBoundaryNodes}. The new function returns null on failure, instead of an object with all null properties.
@@ -59304,7 +64335,7 @@ class LGraphCanvas {
alignNodes(Object.values(nodes), direction, align_to);
LGraphCanvas.active_canvas.setDirty(true, true);
}
- static onNodeAlign(value4, options4, event, prev_menu, node22) {
+ static onNodeAlign(value4, options22, event, prev_menu, node22) {
new LiteGraph.ContextMenu(["Top", "Bottom", "Left", "Right"], {
event,
callback: inner_clicked,
@@ -59320,7 +64351,7 @@ class LGraphCanvas {
}
__name(inner_clicked, "inner_clicked");
}
- static onGroupAlign(value4, options4, event, prev_menu) {
+ static onGroupAlign(value4, options22, event, prev_menu) {
new LiteGraph.ContextMenu(["Top", "Bottom", "Left", "Right"], {
event,
callback: inner_clicked,
@@ -59335,26 +64366,26 @@ class LGraphCanvas {
}
__name(inner_clicked, "inner_clicked");
}
- static createDistributeMenu(value4, options4, event, prev_menu, node22) {
+ static createDistributeMenu(value4, options22, event, prev_menu, node22) {
new LiteGraph.ContextMenu(["Vertically", "Horizontally"], {
event,
callback: inner_clicked,
parentMenu: prev_menu
});
function inner_clicked(value22) {
- const canvas = LGraphCanvas.active_canvas;
- distributeNodes(Object.values(canvas.selected_nodes), value22 === "Horizontally");
- canvas.setDirty(true, true);
+ const canvas2 = LGraphCanvas.active_canvas;
+ distributeNodes(Object.values(canvas2.selected_nodes), value22 === "Horizontally");
+ canvas2.setDirty(true, true);
}
__name(inner_clicked, "inner_clicked");
}
- static onMenuAdd(node22, options4, e2, prev_menu, callback) {
- const canvas = LGraphCanvas.active_canvas;
- const ref_window = canvas.getCanvasWindow();
- const graph = canvas.graph;
+ static onMenuAdd(node22, options22, e2, prev_menu, callback) {
+ const canvas2 = LGraphCanvas.active_canvas;
+ const ref_window = canvas2.getCanvasWindow();
+ const graph = canvas2.graph;
if (!graph) return;
function inner_onMenuAdded(base_category, prev_menu2) {
- const categories = LiteGraph.getNodeTypesCategories(canvas.filter || graph.filter).filter(function(category) {
+ const categories = LiteGraph.getNodeTypesCategories(canvas2.filter || graph.filter).filter(function(category) {
return category.startsWith(base_category);
});
const entries = [];
@@ -59374,32 +64405,32 @@ class LGraphCanvas {
value: category_path,
content: name2,
has_submenu: true,
- callback: /* @__PURE__ */ __name(function(value4, event, mouseEvent, contextMenu) {
- inner_onMenuAdded(value4.value, contextMenu);
+ callback: /* @__PURE__ */ __name(function(value4, event, mouseEvent, contextMenu2) {
+ inner_onMenuAdded(value4.value, contextMenu2);
}, "callback")
});
}
});
const nodes = LiteGraph.getNodeTypesInCategory(
base_category.slice(0, -1),
- canvas.filter || graph.filter
+ canvas2.filter || graph.filter
);
- nodes.map(function(node3) {
- if (node3.skip_list) return;
+ nodes.map(function(node222) {
+ if (node222.skip_list) return;
const entry = {
- value: node3.type,
- content: node3.title,
+ value: node222.type,
+ content: node222.title,
has_submenu: false,
- callback: /* @__PURE__ */ __name(function(value4, event, mouseEvent, contextMenu) {
- const first_event = contextMenu.getFirstEvent();
- canvas.graph.beforeChange();
- const node4 = LiteGraph.createNode(value4.value);
- if (node4) {
- node4.pos = canvas.convertEventToCanvasOffset(first_event);
- canvas.graph.add(node4);
+ callback: /* @__PURE__ */ __name(function(value4, event, mouseEvent, contextMenu2) {
+ const first_event = contextMenu2.getFirstEvent();
+ canvas2.graph.beforeChange();
+ const node3 = LiteGraph.createNode(value4.value);
+ if (node3) {
+ node3.pos = canvas2.convertEventToCanvasOffset(first_event);
+ canvas2.graph.add(node3);
}
- callback?.(node4);
- canvas.graph.afterChange();
+ callback?.(node3);
+ canvas2.graph.afterChange();
}, "callback")
};
entries.push(entry);
@@ -59415,16 +64446,16 @@ class LGraphCanvas {
static onMenuNodeEdit() {
}
/** @param options Parameter is never used */
- static showMenuNodeOptionalInputs(v2, options4, e2, prev_menu, node22) {
+ static showMenuNodeOptionalInputs(v2, options22, e2, prev_menu, node22) {
if (!node22) return;
const that = this;
- const canvas = LGraphCanvas.active_canvas;
- const ref_window = canvas.getCanvasWindow();
- options4 = node22.onGetInputs ? node22.onGetInputs() : node22.optional_inputs;
+ const canvas2 = LGraphCanvas.active_canvas;
+ const ref_window = canvas2.getCanvasWindow();
+ options22 = node22.onGetInputs ? node22.onGetInputs() : node22.optional_inputs;
let entries = [];
- if (options4) {
- for (let i2 = 0; i2 < options4.length; i2++) {
- const entry = options4[i2];
+ if (options22) {
+ for (let i2 = 0; i2 < options22.length; i2++) {
+ const entry = options22[i2];
if (!entry) {
entries.push(null);
continue;
@@ -59459,30 +64490,30 @@ class LGraphCanvas {
// @ts-expect-error Unused param
ref_window
);
- function inner_clicked(v3, e3, prev2) {
+ function inner_clicked(v22, e22, prev2) {
if (!node22) return;
- v3.callback?.call(that, node22, v3, e3, prev2);
- if (!v3.value) return;
+ v22.callback?.call(that, node22, v22, e22, prev2);
+ if (!v22.value) return;
node22.graph.beforeChange();
- node22.addInput(v3.value[0], v3.value[1], v3.value[2]);
- node22.onNodeInputAdd?.(v3.value);
- canvas.setDirty(true, true);
+ node22.addInput(v22.value[0], v22.value[1], v22.value[2]);
+ node22.onNodeInputAdd?.(v22.value);
+ canvas2.setDirty(true, true);
node22.graph.afterChange();
}
__name(inner_clicked, "inner_clicked");
return false;
}
/** @param options Parameter is never used */
- static showMenuNodeOptionalOutputs(v2, options4, e2, prev_menu, node22) {
+ static showMenuNodeOptionalOutputs(v2, options22, e2, prev_menu, node22) {
if (!node22) return;
const that = this;
- const canvas = LGraphCanvas.active_canvas;
- const ref_window = canvas.getCanvasWindow();
- options4 = node22.onGetOutputs ? node22.onGetOutputs() : node22.optional_outputs;
+ const canvas2 = LGraphCanvas.active_canvas;
+ const ref_window = canvas2.getCanvasWindow();
+ options22 = node22.onGetOutputs ? node22.onGetOutputs() : node22.optional_outputs;
let entries = [];
- if (options4) {
- for (let i2 = 0; i2 < options4.length; i2++) {
- const entry = options4[i2];
+ if (options22) {
+ for (let i2 = 0; i2 < options22.length; i2++) {
+ const entry = options22[i2];
if (!entry) {
entries.push(null);
continue;
@@ -59523,18 +64554,18 @@ class LGraphCanvas {
// @ts-expect-error Unused
ref_window
);
- function inner_clicked(v3, e3, prev2) {
+ function inner_clicked(v22, e22, prev2) {
if (!node22) return;
- if (v3.callback) v3.callback.call(that, node22, v3, e3, prev2);
- if (!v3.value) return;
- const value4 = v3.value[1];
+ if (v22.callback) v22.callback.call(that, node22, v22, e22, prev2);
+ if (!v22.value) return;
+ const value4 = v22.value[1];
if (value4 && (typeof value4 === "object" || Array.isArray(value4))) {
const entries2 = [];
for (const i2 in value4) {
entries2.push({ content: i2, value: value4[i2] });
}
new LiteGraph.ContextMenu(entries2, {
- event: e3,
+ event: e22,
callback: inner_clicked,
parentMenu: prev_menu,
node: node22
@@ -59543,19 +64574,19 @@ class LGraphCanvas {
}
const graph = node22.graph;
graph.beforeChange();
- node22.addOutput(v3.value[0], v3.value[1], v3.value[2]);
- node22.onNodeOutputAdd?.(v3.value);
- canvas.setDirty(true, true);
+ node22.addOutput(v22.value[0], v22.value[1], v22.value[2]);
+ node22.onNodeOutputAdd?.(v22.value);
+ canvas2.setDirty(true, true);
graph.afterChange();
}
__name(inner_clicked, "inner_clicked");
return false;
}
/** @param value Parameter is never used */
- static onShowMenuNodeProperties(value4, options4, e2, prev_menu, node22) {
+ static onShowMenuNodeProperties(value4, options22, e2, prev_menu, node22) {
if (!node22 || !node22.properties) return;
- const canvas = LGraphCanvas.active_canvas;
- const ref_window = canvas.getCanvasWindow();
+ const canvas2 = LGraphCanvas.active_canvas;
+ const ref_window = canvas2.getCanvasWindow();
const entries = [];
for (const i2 in node22.properties) {
value4 = node22.properties[i2] !== void 0 ? node22.properties[i2] : " ";
@@ -59588,7 +64619,7 @@ class LGraphCanvas {
function inner_clicked(v2) {
if (!node22) return;
const rect = this.getBoundingClientRect();
- canvas.showEditPropertyValue(node22, v2.value, {
+ canvas2.showEditPropertyValue(node22, v2.value, {
position: [rect.left, rect.top]
});
}
@@ -59600,24 +64631,24 @@ class LGraphCanvas {
e2.innerText = str;
return e2.innerHTML;
}
- static onMenuResizeNode(value4, options4, e2, menu2, node22) {
+ static onMenuResizeNode(value4, options22, e2, menu2, node22) {
if (!node22) return;
- const fApplyMultiNode = /* @__PURE__ */ __name(function(node3) {
- node3.size = node3.computeSize();
- node3.onResize?.(node3.size);
+ const fApplyMultiNode = /* @__PURE__ */ __name(function(node222) {
+ node222.size = node222.computeSize();
+ node222.onResize?.(node222.size);
}, "fApplyMultiNode");
- const canvas = LGraphCanvas.active_canvas;
- if (!canvas.selected_nodes || Object.keys(canvas.selected_nodes).length <= 1) {
+ const canvas2 = LGraphCanvas.active_canvas;
+ if (!canvas2.selected_nodes || Object.keys(canvas2.selected_nodes).length <= 1) {
fApplyMultiNode(node22);
} else {
- for (const i2 in canvas.selected_nodes) {
- fApplyMultiNode(canvas.selected_nodes[i2]);
+ for (const i2 in canvas2.selected_nodes) {
+ fApplyMultiNode(canvas2.selected_nodes[i2]);
}
}
- canvas.setDirty(true, true);
+ canvas2.setDirty(true, true);
}
// TODO refactor :: this is used fot title but not for properties!
- static onShowPropertyEditor(item3, options4, e2, menu2, node22) {
+ static onShowPropertyEditor(item3, options22, e2, menu2, node22) {
const property = item3.property || "title";
const value4 = node22[property];
const dialog = document.createElement("div");
@@ -59635,21 +64666,21 @@ class LGraphCanvas {
input.addEventListener("blur", function() {
this.focus();
});
- input.addEventListener("keydown", function(e3) {
+ input.addEventListener("keydown", function(e22) {
dialog.is_modified = true;
- if (e3.keyCode == 27) {
+ if (e22.keyCode == 27) {
dialog.close();
- } else if (e3.keyCode == 13) {
+ } else if (e22.keyCode == 13) {
inner();
- } else if (e3.keyCode != 13 && e3.target.localName != "textarea") {
+ } else if (e22.keyCode != 13 && e22.target.localName != "textarea") {
return;
}
- e3.preventDefault();
- e3.stopPropagation();
+ e22.preventDefault();
+ e22.stopPropagation();
});
}
- const canvas = LGraphCanvas.active_canvas;
- const canvasEl = canvas.canvas;
+ const canvas2 = LGraphCanvas.active_canvas;
+ const canvasEl = canvas2.canvas;
const rect = canvasEl.getBoundingClientRect();
let offsetx = -20;
let offsety = -20;
@@ -59695,7 +64726,7 @@ class LGraphCanvas {
}
node22[property] = value22;
dialog.parentNode?.removeChild(dialog);
- canvas.setDirty(true, true);
+ canvas2.setDirty(true, true);
}
__name(setValue2, "setValue");
}
@@ -59714,12 +64745,12 @@ class LGraphCanvas {
return String(value4) + " (" + desc_value + ")";
}
}
- static onMenuNodeCollapse(value4, options4, e2, menu2, node22) {
+ static onMenuNodeCollapse(value4, options22, e2, menu2, node22) {
node22.graph.beforeChange(
/* ? */
);
- const fApplyMultiNode = /* @__PURE__ */ __name(function(node3) {
- node3.collapse();
+ const fApplyMultiNode = /* @__PURE__ */ __name(function(node222) {
+ node222.collapse();
}, "fApplyMultiNode");
const graphcanvas = LGraphCanvas.active_canvas;
if (!graphcanvas.selected_nodes || Object.keys(graphcanvas.selected_nodes).length <= 1) {
@@ -59733,12 +64764,12 @@ class LGraphCanvas {
/* ? */
);
}
- static onMenuToggleAdvanced(value4, options4, e2, menu2, node22) {
+ static onMenuToggleAdvanced(value4, options22, e2, menu2, node22) {
node22.graph.beforeChange(
/* ? */
);
- const fApplyMultiNode = /* @__PURE__ */ __name(function(node3) {
- node3.toggleAdvanced();
+ const fApplyMultiNode = /* @__PURE__ */ __name(function(node222) {
+ node222.toggleAdvanced();
}, "fApplyMultiNode");
const graphcanvas = LGraphCanvas.active_canvas;
if (!graphcanvas.selected_nodes || Object.keys(graphcanvas.selected_nodes).length <= 1) {
@@ -59752,9 +64783,9 @@ class LGraphCanvas {
/* ? */
);
}
- static onMenuNodePin(value4, options4, e2, menu2, node22) {
+ static onMenuNodePin(value4, options22, e2, menu2, node22) {
}
- static onMenuNodeMode(value4, options4, e2, menu2, node22) {
+ static onMenuNodeMode(value4, options22, e2, menu2, node22) {
new LiteGraph.ContextMenu(
LiteGraph.NODE_MODES,
{ event: e2, callback: inner_clicked, parentMenu: menu2, node: node22 }
@@ -59762,12 +64793,12 @@ class LGraphCanvas {
function inner_clicked(v2) {
if (!node22) return;
const kV = Object.values(LiteGraph.NODE_MODES).indexOf(v2);
- const fApplyMultiNode = /* @__PURE__ */ __name(function(node3) {
+ const fApplyMultiNode = /* @__PURE__ */ __name(function(node222) {
if (kV >= 0 && LiteGraph.NODE_MODES[kV])
- node3.changeMode(kV);
+ node222.changeMode(kV);
else {
console.warn("unexpected mode: " + v2);
- node3.changeMode(LGraphEventMode.ALWAYS);
+ node222.changeMode(LGraphEventMode.ALWAYS);
}
}, "fApplyMultiNode");
const graphcanvas = LGraphCanvas.active_canvas;
@@ -59783,7 +64814,7 @@ class LGraphCanvas {
return false;
}
/** @param value Parameter is never used */
- static onMenuNodeColors(value4, options4, e2, menu2, node22) {
+ static onMenuNodeColors(value4, options22, e2, menu2, node22) {
if (!node22) throw "no node for color";
const values = [];
values.push({
@@ -59807,33 +64838,33 @@ class LGraphCanvas {
function inner_clicked(v2) {
if (!node22) return;
const color2 = v2.value ? LGraphCanvas.node_colors[v2.value] : null;
- const fApplyColor = /* @__PURE__ */ __name(function(node3) {
+ const fApplyColor = /* @__PURE__ */ __name(function(node222) {
if (color2) {
- if (node3 instanceof LGraphGroup) {
- node3.color = color2.groupcolor;
+ if (node222 instanceof LGraphGroup) {
+ node222.color = color2.groupcolor;
} else {
- node3.color = color2.color;
- node3.bgcolor = color2.bgcolor;
+ node222.color = color2.color;
+ node222.bgcolor = color2.bgcolor;
}
} else {
- delete node3.color;
- delete node3.bgcolor;
+ delete node222.color;
+ delete node222.bgcolor;
}
}, "fApplyColor");
- const canvas = LGraphCanvas.active_canvas;
- if (!canvas.selected_nodes || Object.keys(canvas.selected_nodes).length <= 1) {
+ const canvas2 = LGraphCanvas.active_canvas;
+ if (!canvas2.selected_nodes || Object.keys(canvas2.selected_nodes).length <= 1) {
fApplyColor(node22);
} else {
- for (const i2 in canvas.selected_nodes) {
- fApplyColor(canvas.selected_nodes[i2]);
+ for (const i2 in canvas2.selected_nodes) {
+ fApplyColor(canvas2.selected_nodes[i2]);
}
}
- canvas.setDirty(true, true);
+ canvas2.setDirty(true, true);
}
__name(inner_clicked, "inner_clicked");
return false;
}
- static onMenuNodeShapes(value4, options4, e2, menu2, node22) {
+ static onMenuNodeShapes(value4, options22, e2, menu2, node22) {
if (!node22) throw "no node passed";
new LiteGraph.ContextMenu(LiteGraph.VALID_SHAPES, {
event: e2,
@@ -59846,82 +64877,69 @@ class LGraphCanvas {
node22.graph.beforeChange(
/* ? */
);
- const fApplyMultiNode = /* @__PURE__ */ __name(function(node3) {
- node3.shape = v2;
+ const fApplyMultiNode = /* @__PURE__ */ __name(function(node222) {
+ node222.shape = v2;
}, "fApplyMultiNode");
- const canvas = LGraphCanvas.active_canvas;
- if (!canvas.selected_nodes || Object.keys(canvas.selected_nodes).length <= 1) {
+ const canvas2 = LGraphCanvas.active_canvas;
+ if (!canvas2.selected_nodes || Object.keys(canvas2.selected_nodes).length <= 1) {
fApplyMultiNode(node22);
} else {
- for (const i2 in canvas.selected_nodes) {
- fApplyMultiNode(canvas.selected_nodes[i2]);
+ for (const i2 in canvas2.selected_nodes) {
+ fApplyMultiNode(canvas2.selected_nodes[i2]);
}
}
node22.graph.afterChange(
/* ? */
);
- canvas.setDirty(true);
+ canvas2.setDirty(true);
}
__name(inner_clicked, "inner_clicked");
return false;
}
- static onMenuNodeRemove(value4, options4, e2, menu2, node22) {
+ static onMenuNodeRemove(value4, options22, e2, menu2, node22) {
if (!node22) throw "no node passed";
const graph = node22.graph;
graph.beforeChange();
- const fApplyMultiNode = /* @__PURE__ */ __name(function(node3) {
- if (node3.removable === false) return;
- graph.remove(node3);
+ const fApplyMultiNode = /* @__PURE__ */ __name(function(node222) {
+ if (node222.removable === false) return;
+ graph.remove(node222);
}, "fApplyMultiNode");
- const canvas = LGraphCanvas.active_canvas;
- if (!canvas.selected_nodes || Object.keys(canvas.selected_nodes).length <= 1) {
+ const canvas2 = LGraphCanvas.active_canvas;
+ if (!canvas2.selected_nodes || Object.keys(canvas2.selected_nodes).length <= 1) {
fApplyMultiNode(node22);
} else {
- for (const i2 in canvas.selected_nodes) {
- fApplyMultiNode(canvas.selected_nodes[i2]);
+ for (const i2 in canvas2.selected_nodes) {
+ fApplyMultiNode(canvas2.selected_nodes[i2]);
}
}
graph.afterChange();
- canvas.setDirty(true, true);
+ canvas2.setDirty(true, true);
}
- static onMenuNodeToSubgraph(value4, options4, e2, menu2, node22) {
- const graph = node22.graph;
- const canvas = LGraphCanvas.active_canvas;
- if (!canvas) return;
- let nodes_list = Object.values(canvas.selected_nodes || {});
- if (!nodes_list.length) nodes_list = [node22];
- const subgraph_node = LiteGraph.createNode("graph/subgraph");
- subgraph_node.pos = node22.pos.concat();
- graph.add(subgraph_node);
- subgraph_node.buildFromNodes(nodes_list);
- canvas.deselectAll();
- canvas.setDirty(true, true);
- }
- static onMenuNodeClone(value4, options4, e2, menu2, node22) {
+ static onMenuNodeClone(value4, options22, e2, menu2, node22) {
const graph = node22.graph;
graph.beforeChange();
const newSelected = /* @__PURE__ */ new Set();
- const fApplyMultiNode = /* @__PURE__ */ __name(function(node3, newNodes) {
- if (node3.clonable === false) return;
- const newnode = node3.clone();
+ const fApplyMultiNode = /* @__PURE__ */ __name(function(node222, newNodes) {
+ if (node222.clonable === false) return;
+ const newnode = node222.clone();
if (!newnode) return;
- newnode.pos = [node3.pos[0] + 5, node3.pos[1] + 5];
- node3.graph.add(newnode);
+ newnode.pos = [node222.pos[0] + 5, node222.pos[1] + 5];
+ node222.graph.add(newnode);
newNodes.add(newnode);
}, "fApplyMultiNode");
- const canvas = LGraphCanvas.active_canvas;
- if (!canvas.selected_nodes || Object.keys(canvas.selected_nodes).length <= 1) {
+ const canvas2 = LGraphCanvas.active_canvas;
+ if (!canvas2.selected_nodes || Object.keys(canvas2.selected_nodes).length <= 1) {
fApplyMultiNode(node22, newSelected);
} else {
- for (const i2 in canvas.selected_nodes) {
- fApplyMultiNode(canvas.selected_nodes[i2], newSelected);
+ for (const i2 in canvas2.selected_nodes) {
+ fApplyMultiNode(canvas2.selected_nodes[i2], newSelected);
}
}
if (newSelected.size) {
- canvas.selectNodes([...newSelected]);
+ canvas2.selectNodes([...newSelected]);
}
graph.afterChange();
- canvas.setDirty(true, true);
+ canvas2.setDirty(true, true);
}
/**
* clears all the data inside
@@ -59963,15 +64981,8 @@ class LGraphCanvas {
return;
}
graph.attachCanvas(this);
- this._graph_stack &&= null;
this.setDirty(true, true);
}
- /**
- * @returns the top level graph (in case there are subgraphs open on the canvas)
- */
- getTopGraph() {
- return this._graph_stack.length ? this._graph_stack[0] : this.graph;
- }
/**
* @returns the visually active graph (in case there are more in the stack)
*/
@@ -59984,13 +64995,13 @@ class LGraphCanvas {
* @returns The canvas element
* @throws If {@link canvas} is an element ID that does not belong to a valid HTML canvas element
*/
- #validateCanvas(canvas) {
- if (typeof canvas === "string") {
- const el = document.getElementById(canvas);
+ #validateCanvas(canvas2) {
+ if (typeof canvas2 === "string") {
+ const el = document.getElementById(canvas2);
if (!(el instanceof HTMLCanvasElement)) throw "Error validating LiteGraph canvas: Canvas element not found";
return el;
}
- return canvas;
+ return canvas2;
}
/**
* Sets the current HTML canvas element.
@@ -59998,8 +65009,8 @@ class LGraphCanvas {
* @param canvas The canvas element to assign, or its HTML element ID. If null or undefined, the current reference is cleared.
* @param skip_events If true, events on the previous canvas will not be removed. Has no effect on the first invocation.
*/
- setCanvas(canvas, skip_events) {
- const element = this.#validateCanvas(canvas);
+ setCanvas(canvas2, skip_events) {
+ const element = this.#validateCanvas(canvas2);
if (element === this.canvas) return;
if (!element && this.canvas && !skip_events) this.unbindEvents();
this.canvas = element;
@@ -60048,7 +65059,7 @@ class LGraphCanvas {
console.warn("LGraphCanvas: events already binded");
return;
}
- const canvas = this.canvas;
+ const canvas2 = this.canvas;
const ref_window = this.getCanvasWindow();
const document2 = ref_window.document;
this._mousedown_callback = this.processMouseDown.bind(this);
@@ -60057,26 +65068,26 @@ class LGraphCanvas {
this._mouseup_callback = this.processMouseUp.bind(this);
this._mouseout_callback = this.processMouseOut.bind(this);
this._mousecancel_callback = this.processMouseCancel.bind(this);
- LiteGraph.pointerListenerAdd(canvas, "down", this._mousedown_callback, true);
- canvas.addEventListener("mousewheel", this._mousewheel_callback, false);
- LiteGraph.pointerListenerAdd(canvas, "up", this._mouseup_callback, true);
- LiteGraph.pointerListenerAdd(canvas, "move", this._mousemove_callback);
- canvas.addEventListener("pointerout", this._mouseout_callback);
- canvas.addEventListener("pointercancel", this._mousecancel_callback, true);
- canvas.addEventListener("contextmenu", this._doNothing);
- canvas.addEventListener(
+ LiteGraph.pointerListenerAdd(canvas2, "down", this._mousedown_callback, true);
+ canvas2.addEventListener("mousewheel", this._mousewheel_callback, false);
+ LiteGraph.pointerListenerAdd(canvas2, "up", this._mouseup_callback, true);
+ LiteGraph.pointerListenerAdd(canvas2, "move", this._mousemove_callback);
+ canvas2.addEventListener("pointerout", this._mouseout_callback);
+ canvas2.addEventListener("pointercancel", this._mousecancel_callback, true);
+ canvas2.addEventListener("contextmenu", this._doNothing);
+ canvas2.addEventListener(
"DOMMouseScroll",
this._mousewheel_callback,
false
);
this._key_callback = this.processKey.bind(this);
- canvas.addEventListener("keydown", this._key_callback, true);
+ canvas2.addEventListener("keydown", this._key_callback, true);
document2.addEventListener("keyup", this._key_callback, true);
this._ondrop_callback = this.processDrop.bind(this);
- canvas.addEventListener("dragover", this._doNothing, false);
- canvas.addEventListener("dragend", this._doNothing, false);
- canvas.addEventListener("drop", this._ondrop_callback, false);
- canvas.addEventListener("dragenter", this._doReturnTrue, false);
+ canvas2.addEventListener("dragover", this._doNothing, false);
+ canvas2.addEventListener("dragend", this._doNothing, false);
+ canvas2.addEventListener("drop", this._ondrop_callback, false);
+ canvas2.addEventListener("dragenter", this._doReturnTrue, false);
this._events_binded = true;
}
/**
@@ -60203,17 +65214,17 @@ class LGraphCanvas {
const graphPos = this.graph_mouse;
const x2 = graphPos[0] - node22.pos[0];
const y2 = graphPos[1] - node22.pos[1];
- for (const widget2 of node22.widgets) {
- if (widget2.hidden || widget2.advanced && !node22.showAdvanced) continue;
+ for (const widget of node22.widgets) {
+ if (widget.hidden || widget.advanced && !node22.showAdvanced) continue;
let widgetWidth, widgetHeight;
- if (widget2.computeSize) {
- [widgetWidth, widgetHeight] = widget2.computeSize(node22.size[0]);
+ if (widget.computeSize) {
+ [widgetWidth, widgetHeight] = widget.computeSize(node22.size[0]);
} else {
- widgetWidth = widget2.width || node22.size[0];
+ widgetWidth = widget.width || node22.size[0];
widgetHeight = LiteGraph.NODE_WIDGET_HEIGHT;
}
- if (widget2.last_y !== void 0 && x2 >= 6 && x2 <= widgetWidth - 12 && y2 >= widget2.last_y && y2 <= widget2.last_y + widgetHeight) {
- return widget2;
+ if (widget.last_y !== void 0 && x2 >= 6 && x2 <= widgetWidth - 12 && y2 >= widget.last_y && y2 <= widget.last_y + widgetHeight) {
+ return widget;
}
}
return null;
@@ -60242,9 +65253,13 @@ class LGraphCanvas {
}
}
processMouseDown(e2) {
- const { graph, pointer: pointer2 } = this;
+ if (this.dragZoomEnabled && e2.ctrlKey && e2.shiftKey && !e2.altKey && e2.buttons) {
+ this.#dragZoomStart = { pos: [e2.x, e2.y], scale: this.ds.scale };
+ return;
+ }
+ const { graph, pointer } = this;
this.adjustMouseEvent(e2);
- if (e2.isPrimary) pointer2.down(e2);
+ if (e2.isPrimary) pointer.down(e2);
if (this.set_canvas_dirty_on_mouse_event) this.dirty_canvas = true;
if (!graph) return;
const ref_window = this.getCanvasWindow();
@@ -60260,16 +65275,16 @@ class LGraphCanvas {
this.graph_mouse[0] = e2.canvasX;
this.graph_mouse[1] = e2.canvasY;
this.last_click_position = [this.mouse[0], this.mouse[1]];
- pointer2.isDouble = pointer2.isDown && e2.isPrimary;
- pointer2.isDown = true;
+ pointer.isDouble = pointer.isDown && e2.isPrimary;
+ pointer.isDown = true;
this.canvas.focus();
LiteGraph.closeAllContextMenus(ref_window);
if (this.onMouse?.(e2) == true) return;
- if (e2.button === 0 && !pointer2.isDouble) {
+ if (e2.button === 0 && !pointer.isDouble) {
this.#processPrimaryButton(e2, node22);
} else if (e2.button === 1) {
this.#processMiddleButton(e2, node22);
- } else if ((e2.button === 2 || pointer2.isDouble) && this.allow_interaction && !this.read_only) {
+ } else if ((e2.button === 2 || pointer.isDouble) && this.allow_interaction && !this.read_only) {
if (node22) this.processSelect(node22, e2, true);
this.processContextMenu(node22, e2);
}
@@ -60284,7 +65299,7 @@ class LGraphCanvas {
this.onMouseDown?.(e2);
}
#processPrimaryButton(e2, node22) {
- const { pointer: pointer2, graph } = this;
+ const { pointer, graph } = this;
const x2 = e2.canvasX;
const y2 = e2.canvasY;
const ctrlOrMeta = e2.ctrlKey || e2.metaKey;
@@ -60294,17 +65309,17 @@ class LGraphCanvas {
dragRect[1] = y2;
dragRect[2] = 1;
dragRect[3] = 1;
- pointer2.onClick = (eUp) => {
+ pointer.onClick = (eUp) => {
const clickedItem = node22 ?? (this.reroutesEnabled ? graph.getRerouteOnPos(eUp.canvasX, eUp.canvasY) : null) ?? graph.getGroupTitlebarOnPos(eUp.canvasX, eUp.canvasY);
this.processSelect(clickedItem, eUp);
};
- pointer2.onDragStart = () => this.dragging_rectangle = dragRect;
- pointer2.onDragEnd = (upEvent2) => this.#handleMultiSelect(upEvent2, dragRect);
- pointer2.finally = () => this.dragging_rectangle = null;
+ pointer.onDragStart = () => this.dragging_rectangle = dragRect;
+ pointer.onDragEnd = (upEvent) => this.#handleMultiSelect(upEvent, dragRect);
+ pointer.finally = () => this.dragging_rectangle = null;
return;
}
if (this.read_only) {
- pointer2.finally = () => this.dragging_canvas = false;
+ pointer.finally = () => this.dragging_canvas = false;
this.dragging_canvas = true;
return;
}
@@ -60316,11 +65331,11 @@ class LGraphCanvas {
cloned.pos[0] += 5;
cloned.pos[1] += 5;
if (this.allow_dragnodes) {
- pointer2.onDragStart = (pointer3) => {
+ pointer.onDragStart = (pointer2) => {
graph.add(cloned, false);
- this.#startDraggingItems(cloned, pointer3);
+ this.#startDraggingItems(cloned, pointer2);
};
- pointer2.onDragEnd = (e3) => this.#processDraggedItems(e3);
+ pointer.onDragEnd = (e22) => this.#processDraggedItems(e22);
} else {
graph.beforeChange();
graph.add(cloned, false);
@@ -60347,13 +65362,13 @@ class LGraphCanvas {
afterRerouteId: reroute.id
};
this.connecting_links = [connecting];
- pointer2.onDragStart = () => connecting.output = outputNode.outputs[slot];
+ pointer.onDragStart = () => connecting.output = outputNode.outputs[slot];
this.dirty_bgcanvas = true;
}
- pointer2.onClick = () => this.processSelect(reroute, e2);
- if (!pointer2.onDragStart) {
- pointer2.onDragStart = (pointer3) => this.#startDraggingItems(reroute, pointer3, true);
- pointer2.onDragEnd = (e3) => this.#processDraggedItems(e3);
+ pointer.onClick = () => this.processSelect(reroute, e2);
+ if (!pointer.onDragStart) {
+ pointer.onDragStart = (pointer2) => this.#startDraggingItems(reroute, pointer2, true);
+ pointer.onDragEnd = (e22) => this.#processDraggedItems(e22);
}
return;
}
@@ -60376,19 +65391,19 @@ class LGraphCanvas {
};
this.connecting_links = [connecting];
if (linkSegment.parentId) connecting.afterRerouteId = linkSegment.parentId;
- pointer2.onDragStart = () => connecting.output = originNode.outputs[slot];
+ pointer.onDragStart = () => connecting.output = originNode.outputs[slot];
return;
} else if (this.reroutesEnabled && e2.altKey && !e2.shiftKey) {
const newReroute = graph.createReroute([x2, y2], linkSegment);
- pointer2.onDragStart = (pointer3) => this.#startDraggingItems(newReroute, pointer3);
- pointer2.onDragEnd = (e3) => this.#processDraggedItems(e3);
+ pointer.onDragStart = (pointer2) => this.#startDraggingItems(newReroute, pointer2);
+ pointer.onDragEnd = (e22) => this.#processDraggedItems(e22);
return;
}
} else if (isInRectangle(x2, y2, centre[0] - 4, centre[1] - 4, 8, 8)) {
this.ctx.lineWidth = lineWidth;
- pointer2.onClick = () => this.showLinkMenu(linkSegment, e2);
- pointer2.onDragStart = () => this.dragging_canvas = true;
- pointer2.finally = () => this.dragging_canvas = false;
+ pointer.onClick = () => this.showLinkMenu(linkSegment, e2);
+ pointer.onDragStart = () => this.dragging_canvas = true;
+ pointer.finally = () => this.dragging_canvas = false;
this.over_link_center = null;
return;
}
@@ -60401,18 +65416,18 @@ class LGraphCanvas {
const b2 = group.boundingRect;
const offsetX = x2 - (b2[0] + b2[2]);
const offsetY = y2 - (b2[1] + b2[3]);
- pointer2.onDragStart = () => this.resizingGroup = group;
- pointer2.onDrag = (eMove) => {
+ pointer.onDragStart = () => this.resizingGroup = group;
+ pointer.onDrag = (eMove) => {
if (this.read_only) return;
- const pos2 = [
+ const pos = [
eMove.canvasX - group.pos[0] - offsetX,
eMove.canvasY - group.pos[1] - offsetY
];
- snapPoint(pos2, this.#snapToGrid);
- const resized = group.resize(pos2[0], pos2[1]);
+ snapPoint(pos, this.#snapToGrid);
+ const resized = group.resize(pos[0], pos[1]);
if (resized) this.dirty_bgcanvas = true;
};
- pointer2.finally = () => this.resizingGroup = null;
+ pointer.finally = () => this.resizingGroup = null;
} else {
const f2 = group.font_size || LiteGraph.DEFAULT_GROUP_FONT_SIZE;
const headerHeight = f2 * 1.4;
@@ -60424,15 +65439,15 @@ class LGraphCanvas {
group.size[0],
headerHeight
)) {
- pointer2.onClick = () => this.processSelect(group, e2);
- pointer2.onDragStart = (pointer3) => {
+ pointer.onClick = () => this.processSelect(group, e2);
+ pointer.onDragStart = (pointer2) => {
group.recomputeInsideNodes();
- this.#startDraggingItems(group, pointer3, true);
+ this.#startDraggingItems(group, pointer2, true);
};
- pointer2.onDragEnd = (e3) => this.#processDraggedItems(e3);
+ pointer.onDragEnd = (e22) => this.#processDraggedItems(e22);
}
}
- pointer2.onDoubleClick = () => {
+ pointer.onDoubleClick = () => {
this.emitEvent({
subType: "group-double-click",
originalEvent: e2,
@@ -60440,7 +65455,7 @@ class LGraphCanvas {
});
};
} else {
- pointer2.onDoubleClick = () => {
+ pointer.onDoubleClick = () => {
if (this.allow_searchbox) {
this.showSearchBox(e2);
e2.preventDefault();
@@ -60452,9 +65467,9 @@ class LGraphCanvas {
};
}
}
- if (!pointer2.onDragStart && !pointer2.onClick && !pointer2.onDrag && this.allow_dragcanvas) {
- pointer2.onClick = () => this.processSelect(null, e2);
- pointer2.finally = () => this.dragging_canvas = false;
+ if (!pointer.onDragStart && !pointer.onClick && !pointer.onDrag && this.allow_dragcanvas) {
+ pointer.onClick = () => this.processSelect(null, e2);
+ pointer.finally = () => this.dragging_canvas = false;
this.dragging_canvas = true;
}
}
@@ -60465,16 +65480,16 @@ class LGraphCanvas {
* @param node The node to process a click event for
*/
#processNodeClick(e2, ctrlOrMeta, node22) {
- const { pointer: pointer2, graph } = this;
+ const { pointer, graph } = this;
const x2 = e2.canvasX;
const y2 = e2.canvasY;
- pointer2.onClick = () => this.processSelect(node22, e2);
+ pointer.onClick = () => this.processSelect(node22, e2);
if (!node22.flags.pinned) {
this.bringToFront(node22);
}
const inCollapse = node22.isPointInCollapse(x2, y2);
if (inCollapse) {
- pointer2.onClick = () => {
+ pointer.onClick = () => {
node22.collapse();
this.setDirty(true, true);
};
@@ -60483,28 +65498,28 @@ class LGraphCanvas {
const b2 = node22.boundingRect;
const offsetX = x2 - (b2[0] + b2[2]);
const offsetY = y2 - (b2[1] + b2[3]);
- pointer2.onDragStart = () => {
+ pointer.onDragStart = () => {
graph.beforeChange();
this.resizing_node = node22;
};
- pointer2.onDrag = (eMove) => {
+ pointer.onDrag = (eMove) => {
if (this.read_only) return;
- const pos3 = [
+ const pos2 = [
eMove.canvasX - node22.pos[0] - offsetX,
eMove.canvasY - node22.pos[1] - offsetY
];
- snapPoint(pos3, this.#snapToGrid);
+ snapPoint(pos2, this.#snapToGrid);
const min = node22.computeSize();
- pos3[0] = Math.max(min[0], pos3[0]);
- pos3[1] = Math.max(min[1], pos3[1]);
- node22.setSize(pos3);
+ pos2[0] = Math.max(min[0], pos2[0]);
+ pos2[1] = Math.max(min[1], pos2[1]);
+ node22.setSize(pos2);
this.#dirty();
};
- pointer2.onDragEnd = (upEvent2) => {
+ pointer.onDragEnd = (upEvent) => {
this.#dirty();
graph.afterChange(this.resizing_node);
};
- pointer2.finally = () => this.resizing_node = null;
+ pointer.finally = () => this.resizing_node = null;
this.canvas.style.cursor = "se-resize";
return;
}
@@ -60520,14 +65535,14 @@ class LGraphCanvas {
const slot = link2.target_slot;
const linked_node = graph._nodes_by_id[link2.target_id];
const input = linked_node.inputs[slot];
- const pos3 = linked_node.getConnectionPos(true, slot);
+ const pos2 = linked_node.getConnectionPos(true, slot);
this.connecting_links.push({
node: linked_node,
slot,
input,
output: null,
- pos: pos3,
- direction: node22.horizontal !== true ? LinkDirection.RIGHT : LinkDirection.CENTER
+ pos: pos2,
+ direction: LinkDirection.RIGHT
});
}
return;
@@ -60551,8 +65566,8 @@ class LGraphCanvas {
node22.disconnectOutput(i2);
}
}
- pointer2.onDoubleClick = () => node22.onOutputDblClick?.(i2, e2);
- pointer2.onClick = () => node22.onOutputClick?.(i2, e2);
+ pointer.onDoubleClick = () => node22.onOutputDblClick?.(i2, e2);
+ pointer.onClick = () => node22.onOutputClick?.(i2, e2);
return;
}
}
@@ -60562,8 +65577,8 @@ class LGraphCanvas {
const input = node22.inputs[i2];
const link_pos = node22.getConnectionPos(true, i2);
if (isInRectangle(x2, y2, link_pos[0] - 15, link_pos[1] - 10, 30, 20)) {
- pointer2.onDoubleClick = () => node22.onInputDblClick?.(i2, e2);
- pointer2.onClick = () => node22.onInputClick?.(i2, e2);
+ pointer.onDoubleClick = () => node22.onInputDblClick?.(i2, e2);
+ pointer.onClick = () => node22.onInputClick?.(i2, e2);
if (input.link !== null) {
const link_info = graph._links.get(input.link);
const slot = link_info.origin_slot;
@@ -60578,7 +65593,7 @@ class LGraphCanvas {
pos: linked_node.getConnectionPos(false, slot)
};
this.connecting_links = [connecting];
- pointer2.onDragStart = () => {
+ pointer.onDragStart = () => {
if (this.allow_reconnect_links && !LiteGraph.click_do_break_link_to)
node22.disconnectInput(i2);
connecting.output = linked_node.outputs[slot];
@@ -60586,7 +65601,7 @@ class LGraphCanvas {
this.dirty_bgcanvas = true;
}
}
- if (!pointer2.onDragStart) {
+ if (!pointer.onDragStart) {
const connecting = {
node: node22,
slot: i2,
@@ -60594,7 +65609,7 @@ class LGraphCanvas {
pos: link_pos
};
this.connecting_links = [connecting];
- pointer2.onDragStart = () => connecting.input = input;
+ pointer.onDragStart = () => connecting.input = input;
this.dirty_bgcanvas = true;
}
return;
@@ -60602,17 +65617,17 @@ class LGraphCanvas {
}
}
}
- const pos2 = [x2 - node22.pos[0], y2 - node22.pos[1]];
- const widget2 = node22.getWidgetOnPos(x2, y2);
- if (widget2) {
- this.#processWidgetClick(e2, node22, widget2);
- this.node_widget = [node22, widget2];
+ const pos = [x2 - node22.pos[0], y2 - node22.pos[1]];
+ const widget = node22.getWidgetOnPos(x2, y2);
+ if (widget) {
+ this.#processWidgetClick(e2, node22, widget);
+ this.node_widget = [node22, widget];
} else {
- pointer2.onDoubleClick = () => {
- if (pos2[1] < 0 && !inCollapse) {
- node22.onNodeTitleDblClick?.(e2, pos2, this);
+ pointer.onDoubleClick = () => {
+ if (pos[1] < 0 && !inCollapse) {
+ node22.onNodeTitleDblClick?.(e2, pos, this);
}
- node22.onDblClick?.(e2, pos2, this);
+ node22.onDblClick?.(e2, pos, this);
this.emitEvent({
subType: "node-double-click",
originalEvent: e2,
@@ -60620,167 +65635,54 @@ class LGraphCanvas {
});
this.processNodeDblClicked(node22);
};
- if (node22.onMouseDown?.(e2, pos2, this) || !this.allow_dragnodes)
+ if (node22.onMouseDown?.(e2, pos, this) || !this.allow_dragnodes)
return;
- pointer2.onDragStart = (pointer3) => this.#startDraggingItems(node22, pointer3, true);
- pointer2.onDragEnd = (e3) => this.#processDraggedItems(e3);
+ pointer.onDragStart = (pointer2) => this.#startDraggingItems(node22, pointer2, true);
+ pointer.onDragEnd = (e22) => this.#processDraggedItems(e22);
}
this.dirty_canvas = true;
}
- #processWidgetClick(e, node, widget) {
+ #processWidgetClick(e2, node22, widget) {
const { pointer } = this;
if (typeof widget.onPointerDown === "function") {
- const handled = widget.onPointerDown(pointer, node, this);
+ const handled = widget.onPointerDown(pointer, node22, this);
if (handled) return;
}
- const width = widget.width || node.width;
const oldValue = widget.value;
const pos = this.graph_mouse;
- const x = pos[0] - node.pos[0];
- const y = pos[1] - node.pos[1];
- switch (widget.type) {
- case "button":
- pointer.onClick = () => {
- widget.callback?.(widget, this, node, pos, e);
- widget.clicked = true;
- this.dirty_canvas = true;
- };
- break;
- case "slider": {
- if (widget.options.read_only) break;
- pointer.onDrag = (eMove) => {
- const x2 = eMove.canvasX - node.pos[0];
- const slideFactor = clamp$1((x2 - 15) / (width - 30), 0, 1);
- widget.value = widget.options.min + (widget.options.max - widget.options.min) * slideFactor;
- if (oldValue != widget.value) {
- setWidgetValue(this, node, widget, widget.value);
- }
- this.dirty_canvas = true;
- };
- break;
+ const x2 = pos[0] - node22.pos[0];
+ const y2 = pos[1] - node22.pos[1];
+ const WidgetClass = WIDGET_TYPE_MAP[widget.type];
+ if (WidgetClass) {
+ const widgetInstance = toClass(WidgetClass, widget);
+ pointer.onClick = () => widgetInstance.onClick({
+ e: e2,
+ node: node22,
+ canvas: this
+ });
+ pointer.onDrag = (eMove) => widgetInstance.onDrag({
+ e: eMove,
+ node: node22,
+ canvas: this
+ });
+ } else {
+ if (widget.mouse) {
+ const result = widget.mouse(e2, [x2, y2], node22);
+ if (result != null) this.dirty_canvas = result;
}
- case "number": {
- const delta = x < 40 ? -1 : x > width - 40 ? 1 : 0;
- pointer.onClick = (upEvent) => {
- let newValue = widget.value + delta * 0.1 * (widget.options.step || 1);
- if (widget.options.min != null && newValue < widget.options.min) {
- newValue = widget.options.min;
- }
- if (widget.options.max != null && newValue > widget.options.max) {
- newValue = widget.options.max;
- }
- if (newValue !== widget.value) setWidgetValue(this, node, widget, newValue);
- if (delta !== 0) return;
- this.prompt("Value", widget.value, (v) => {
- if (/^[0-9+\-*/()\s]+|\d+\.\d+$/.test(v)) {
- try {
- v = eval(v);
- } catch {
- }
- }
- widget.value = Number(v);
- setWidgetValue(this, node, widget, widget.value);
- }, e);
- this.dirty_canvas = true;
- };
- pointer.onDrag = (eMove) => {
- const x2 = eMove.canvasX - node.pos[0];
- if (delta && (x2 > -3 && x2 < width + 3)) return;
- let newValue2 = widget.value;
- if (eMove.deltaX) newValue2 += eMove.deltaX * 0.1 * (widget.options.step || 1);
- if (widget.options.min != null && newValue2 < widget.options.min) {
- newValue2 = widget.options.min;
- }
- if (widget.options.max != null && newValue2 > widget.options.max) {
- newValue2 = widget.options.max;
- }
- if (newValue2 !== widget.value) setWidgetValue(this, node, widget, newValue2);
- };
- break;
- }
- case "combo": {
- let values;
- let values_list;
- pointer.onClick = (upEvent2) => {
- const delta2 = x < 40 ? -1 : x > width - 40 ? 1 : 0;
- values = widget.options.values;
- if (typeof values === "function") {
- values = values(widget, node);
- }
- values_list = null;
- values_list = Array.isArray(values) ? values : Object.keys(values);
- if (delta2) {
- let index2 = -1;
- this.last_mouseclick = 0;
- index2 = typeof values === "object" ? values_list.indexOf(String(widget.value)) + delta2 : values_list.indexOf(widget.value) + delta2;
- if (index2 >= values_list.length) index2 = values_list.length - 1;
- if (index2 < 0) index2 = 0;
- widget.value = Array.isArray(values) ? values[index2] : index2;
- if (oldValue != widget.value) setWidgetValue(this, node, widget, widget.value);
- this.dirty_canvas = true;
- return;
- }
- const text_values = values != values_list ? Object.values(values) : values;
- new LiteGraph.ContextMenu(text_values, {
- scale: Math.max(1, this.ds.scale),
- event: e,
- className: "dark",
- callback: /* @__PURE__ */ __name((value4) => {
- widget.value = values != values_list ? text_values.indexOf(value4) : value4;
- setWidgetValue(this, node, widget, widget.value);
- this.dirty_canvas = true;
- return false;
- }, "callback")
- });
- };
- break;
- }
- case "toggle":
- pointer.onClick = () => {
- widget.value = !widget.value;
- setWidgetValue(this, node, widget, widget.value);
- };
- break;
- case "string":
- case "text":
- pointer.onClick = () => this.prompt(
- "Value",
- widget.value,
- (v2) => setWidgetValue(this, node, widget, v2),
- e,
- widget.options ? widget.options.multiline : false
- );
- break;
- default:
- if (widget.mouse) {
- const result = widget.mouse(e, [x, y], node);
- if (result != null) this.dirty_canvas = result;
- }
- break;
}
if (oldValue != widget.value) {
- node.onWidgetChanged?.(widget.name, widget.value, oldValue, widget);
- node.graph._version++;
+ node22.onWidgetChanged?.(widget.name, widget.value, oldValue, widget);
+ node22.graph._version++;
}
pointer.finally = () => {
if (widget.mouse) {
const { eUp } = pointer;
const { canvasX, canvasY } = eUp;
- widget.mouse(eUp, [canvasX - node.pos[0], canvasY - node.pos[1]], node);
+ widget.mouse(eUp, [canvasX - node22.pos[0], canvasY - node22.pos[1]], node22);
}
this.node_widget = null;
};
- function setWidgetValue(canvas, node22, widget2, value4) {
- const v2 = widget2.type === "number" ? Number(value4) : value4;
- widget2.value = v2;
- if (widget2.options?.property && node22.properties[widget2.options.property] !== void 0) {
- node22.setProperty(widget2.options.property, v2);
- }
- widget2.callback?.(widget2.value, canvas, node22, pos, e);
- node22.onWidgetChanged?.(widget2.name, v2, oldValue, widget2);
- node22.graph._version++;
- }
- __name(setWidgetValue, "setWidgetValue");
}
/**
* Pointer middle button click processing. Part of {@link processMouseDown}.
@@ -60788,7 +65690,7 @@ class LGraphCanvas {
* @param node The node to process a click event for
*/
#processMiddleButton(e2, node22) {
- const { pointer: pointer2 } = this;
+ const { pointer } = this;
if (LiteGraph.middle_click_slot_add_default_node && node22 && this.allow_interaction && !this.read_only && !this.connecting_links && !node22.flags.collapsed) {
let mClikSlot = false;
let mClikSlot_index = false;
@@ -60824,7 +65726,7 @@ class LGraphCanvas {
!mClikSlot_isOut ? node_bounding[0] : node_bounding[0] + node_bounding[2],
e2.canvasY - 80
];
- pointer2.onClick = () => this.createDefaultNodeForSlot({
+ pointer.onClick = () => this.createDefaultNodeForSlot({
nodeFrom: !mClikSlot_isOut ? null : node22,
slotFrom: !mClikSlot_isOut ? null : mClikSlot_index,
nodeTo: !mClikSlot_isOut ? node22 : null,
@@ -60837,14 +65739,29 @@ class LGraphCanvas {
}
}
if (this.allow_dragcanvas) {
- pointer2.onDragStart = () => this.dragging_canvas = true;
- pointer2.finally = () => this.dragging_canvas = false;
+ pointer.onDragStart = () => this.dragging_canvas = true;
+ pointer.finally = () => this.dragging_canvas = false;
}
}
+ #processDragZoom(e2) {
+ if (!e2.buttons) {
+ this.#dragZoomStart = null;
+ return;
+ }
+ const deltaY = e2.y - this.#dragZoomStart.pos[1];
+ const startScale = this.#dragZoomStart.scale;
+ const scale = startScale - deltaY / 100;
+ this.ds.changeScale(scale, this.#dragZoomStart.pos);
+ this.graph.change();
+ }
/**
* Called when a mouse move event has to be processed
*/
processMouseMove(e2) {
+ if (this.dragZoomEnabled && e2.ctrlKey && e2.shiftKey && this.#dragZoomStart) {
+ this.#processDragZoom(e2);
+ return;
+ }
if (this.autoresize) this.resize();
if (this.set_canvas_dirty_on_mouse_event) this.dirty_canvas = true;
if (!this.graph) return;
@@ -60867,11 +65784,11 @@ class LGraphCanvas {
}
e2.dragging = this.last_mouse_dragging;
if (this.node_widget) {
- const [node3, widget2] = this.node_widget;
- if (widget2?.mouse) {
- const x2 = e2.canvasX - node3.pos[0];
- const y2 = e2.canvasY - node3.pos[1];
- const result = widget2.mouse(e2, [x2, y2], node3);
+ const [node222, widget] = this.node_widget;
+ if (widget?.mouse) {
+ const x2 = e2.canvasX - node222.pos[0];
+ const y2 = e2.canvasY - node222.pos[1];
+ const result = widget.mouse(e2, [x2, y2], node222);
if (result != null) this.dirty_canvas = result;
}
}
@@ -60899,9 +65816,9 @@ class LGraphCanvas {
if (node22) {
underPointer |= CanvasItem.Node;
if (node22.redraw_on_mouse) this.dirty_canvas = true;
- const pos2 = [0, 0];
- const inputId = this.isOverNodeInput(node22, e2.canvasX, e2.canvasY, pos2);
- const outputId = this.isOverNodeOutput(node22, e2.canvasX, e2.canvasY, pos2);
+ const pos = [0, 0];
+ const inputId = this.isOverNodeInput(node22, e2.canvasX, e2.canvasY, pos);
+ const outputId = this.isOverNodeOutput(node22, e2.canvasX, e2.canvasY, pos);
const overWidget = this.getWidgetAtCursor(node22);
if (!node22.mouseOver) {
node22.mouseOver = {
@@ -60938,14 +65855,14 @@ class LGraphCanvas {
if (!linkOverWidget) {
const targetSlotId = firstLink.node.findConnectByTypeSlot(true, node22, firstLink.output.type);
if (targetSlotId !== null && targetSlotId >= 0) {
- node22.getConnectionPos(true, targetSlotId, pos2);
- highlightPos = pos2;
+ node22.getConnectionPos(true, targetSlotId, pos);
+ highlightPos = pos;
highlightInput = node22.inputs[targetSlotId];
}
}
} else if (inputId != -1 && node22.inputs[inputId] && LiteGraph.isValidConnection(firstLink.output.type, node22.inputs[inputId].type)) {
if (inputId != -1 && node22.inputs[inputId] && LiteGraph.isValidConnection(firstLink.output.type, node22.inputs[inputId].type)) {
- highlightPos = pos2;
+ highlightPos = pos;
highlightInput = node22.inputs[inputId];
}
}
@@ -60953,12 +65870,12 @@ class LGraphCanvas {
if (inputId === -1 && outputId === -1) {
const targetSlotId = firstLink.node.findConnectByTypeSlot(false, node22, firstLink.input.type);
if (targetSlotId !== null && targetSlotId >= 0) {
- node22.getConnectionPos(false, targetSlotId, pos2);
- highlightPos = pos2;
+ node22.getConnectionPos(false, targetSlotId, pos);
+ highlightPos = pos;
}
} else {
if (outputId != -1 && node22.outputs[outputId] && LiteGraph.isValidConnection(firstLink.input.type, node22.outputs[outputId].type)) {
- highlightPos = pos2;
+ highlightPos = pos;
}
}
}
@@ -61019,15 +65936,15 @@ class LGraphCanvas {
* @param pointer The pointer event that initiated the drag, e.g. pointerdown
* @param sticky If `true`, the item is added to the selection - see {@link processSelect}
*/
- #startDraggingItems(item3, pointer2, sticky = false) {
+ #startDraggingItems(item3, pointer, sticky = false) {
this.emitBeforeChange();
this.graph.beforeChange();
- pointer2.finally = () => {
+ pointer.finally = () => {
this.isDragging = false;
this.graph.afterChange();
this.emitAfterChange();
};
- this.processSelect(item3, pointer2.eDown, sticky);
+ this.processSelect(item3, pointer.eDown, sticky);
this.isDragging = true;
}
/**
@@ -61047,16 +65964,16 @@ class LGraphCanvas {
*/
processMouseUp(e2) {
if (e2.isPrimary === false) return;
- const { graph, pointer: pointer2 } = this;
+ const { graph, pointer } = this;
if (!graph) return;
LGraphCanvas.active_canvas = this;
this.adjustMouseEvent(e2);
const now2 = LiteGraph.getTime();
e2.click_time = now2 - this.last_mouseclick;
- const isClick = pointer2.up(e2);
+ const isClick = pointer.up(e2);
if (isClick === true) {
- pointer2.isDown = false;
- pointer2.isDouble = false;
+ pointer.isDown = false;
+ pointer.isDouble = false;
this.connecting_links = null;
this.dragging_canvas = false;
graph.change();
@@ -61156,8 +66073,8 @@ class LGraphCanvas {
} else if (e2.button === 2) {
this.dirty_canvas = true;
}
- pointer2.isDown = false;
- pointer2.isDouble = false;
+ pointer.isDown = false;
+ pointer.isDouble = false;
graph.change();
e2.stopPropagation();
e2.preventDefault();
@@ -61182,8 +66099,8 @@ class LGraphCanvas {
if (!this.graph || !this.allow_dragcanvas) return;
const delta2 = e2.wheelDeltaY ?? e2.detail * -60;
this.adjustMouseEvent(e2);
- const pos2 = [e2.clientX, e2.clientY];
- if (this.viewport && !isPointInRect(pos2, this.viewport)) return;
+ const pos = [e2.clientX, e2.clientY];
+ if (this.viewport && !isPointInRect(pos, this.viewport)) return;
let scale = this.ds.scale;
if (delta2 > 0) scale *= this.zoom_speed;
else if (delta2 < 0) scale *= 1 / this.zoom_speed;
@@ -61201,26 +66118,15 @@ class LGraphCanvas {
const input = node22.inputs[i2];
const link_pos = node22.getConnectionPos(true, i2);
let is_inside = false;
- if (node22.horizontal) {
- is_inside = isInRectangle(
- canvasx,
- canvasy,
- link_pos[0] - 5,
- link_pos[1] - 10,
- 10,
- 20
- );
- } else {
- const width2 = 20 + ((input.label?.length ?? input.localized_name?.length ?? input.name?.length) || 3) * 7;
- is_inside = isInRectangle(
- canvasx,
- canvasy,
- link_pos[0] - 10,
- link_pos[1] - 10,
- width2,
- 20
- );
- }
+ const width2 = 20 + ((input.label?.length ?? input.localized_name?.length ?? input.name?.length) || 3) * 7;
+ is_inside = isInRectangle(
+ canvasx,
+ canvasy,
+ link_pos[0] - 10,
+ link_pos[1] - 10,
+ width2,
+ 20
+ );
if (is_inside) {
if (slot_pos) {
slot_pos[0] = link_pos[0];
@@ -61239,26 +66145,14 @@ class LGraphCanvas {
if (node22.outputs) {
for (let i2 = 0, l2 = node22.outputs.length; i2 < l2; ++i2) {
const link_pos = node22.getConnectionPos(false, i2);
- let is_inside = false;
- if (node22.horizontal) {
- is_inside = isInRectangle(
- canvasx,
- canvasy,
- link_pos[0] - 5,
- link_pos[1] - 10,
- 10,
- 20
- );
- } else {
- is_inside = isInRectangle(
- canvasx,
- canvasy,
- link_pos[0] - 10,
- link_pos[1] - 10,
- 40,
- 20
- );
- }
+ const is_inside = isInRectangle(
+ canvasx,
+ canvasy,
+ link_pos[0] - 10,
+ link_pos[1] - 10,
+ 40,
+ 20
+ );
if (is_inside) {
if (slot_pos) {
slot_pos[0] = link_pos[0];
@@ -61299,7 +66193,7 @@ class LGraphCanvas {
block_default = true;
}
} else if (e2.keyCode === 86 && (e2.metaKey || e2.ctrlKey)) {
- this.pasteFromClipboard(e2.shiftKey);
+ this.pasteFromClipboard({ connectInputs: e2.shiftKey });
} else if (e2.keyCode == 46 || e2.keyCode == 8) {
if (e2.target.localName != "input" && e2.target.localName != "textarea") {
this.deleteSelected();
@@ -61387,7 +66281,11 @@ class LGraphCanvas {
* Pastes the items from the canvas "clipbaord" - a local storage variable.
* @param connectInputs If `true`, always attempt to connect inputs of pasted nodes - including to nodes that were not pasted.
*/
- _pasteFromClipboard(connectInputs = false) {
+ _pasteFromClipboard(options22 = {}) {
+ const {
+ connectInputs = false,
+ position: position3 = this.graph_mouse
+ } = options22;
if (!LiteGraph.ctrl_shift_v_paste_connect_unselected_outputs && connectInputs) return;
const data26 = localStorage.getItem("litegrapheditor_clipboard");
if (!data26) return;
@@ -61416,13 +66314,13 @@ class LGraphCanvas {
links: /* @__PURE__ */ new Map(),
reroutes: /* @__PURE__ */ new Map()
};
- const { created: created3, nodes, links, reroutes } = results;
+ const { created: created4, nodes, links, reroutes } = results;
for (const info of parsed.groups) {
info.id = void 0;
const group = new LGraphGroup();
group.configure(info);
graph.add(group);
- created3.push(group);
+ created4.push(group);
}
for (const info of parsed.nodes) {
const node22 = LiteGraph.createNode(info.type);
@@ -61433,13 +66331,13 @@ class LGraphCanvas {
info.id = void 0;
node22.configure(info);
graph.add(node22);
- created3.push(node22);
+ created4.push(node22);
}
for (const info of parsed.reroutes) {
const { id: id3 } = info;
info.id = void 0;
const reroute = graph.setReroute(info);
- created3.push(reroute);
+ created4.push(reroute);
reroutes.set(id3, reroute);
}
for (const reroute of reroutes.values()) {
@@ -61469,18 +66367,18 @@ class LGraphCanvas {
reroute.update(reroute.parentId, void 0, ids);
if (!reroute.validateLinks(graph.links)) graph.removeReroute(reroute.id);
}
- for (const item3 of created3) {
- item3.pos[0] += this.graph_mouse[0] - offsetX;
- item3.pos[1] += this.graph_mouse[1] - offsetY;
+ for (const item3 of created4) {
+ item3.pos[0] += position3[0] - offsetX;
+ item3.pos[1] += position3[1] - offsetY;
}
- this.selectItems(created3);
+ this.selectItems(created4);
graph.afterChange();
return results;
}
- pasteFromClipboard(isConnectUnselected = false) {
+ pasteFromClipboard(options22 = {}) {
this.emitBeforeChange();
try {
- this._pasteFromClipboard(isConnectUnselected);
+ this._pasteFromClipboard(options22);
} finally {
this.emitAfterChange();
}
@@ -61495,8 +66393,8 @@ class LGraphCanvas {
const y2 = e2.clientY;
const is_inside = !this.viewport || isInRect(x2, y2, this.viewport);
if (!is_inside) return;
- const pos2 = [e2.canvasX, e2.canvasY];
- const node22 = this.graph ? this.graph.getNodeOnPos(pos2[0], pos2[1]) : null;
+ const pos = [e2.canvasX, e2.canvasY];
+ const node22 = this.graph ? this.graph.getNodeOnPos(pos[0], pos[1]) : null;
if (!node22) {
const r2 = this.onDropItem?.(e2);
if (!r2) this.checkDropItem(e2);
@@ -61806,14 +66704,14 @@ class LGraphCanvas {
/**
* converts a coordinate from graph coordinates to canvas2D coordinates
*/
- convertOffsetToCanvas(pos2, out) {
- return this.ds.convertOffsetToCanvas(pos2, out);
+ convertOffsetToCanvas(pos, out) {
+ return this.ds.convertOffsetToCanvas(pos, out);
}
/**
* converts a coordinate from Canvas2D coordinates to graph space
*/
- convertCanvasToOffset(pos2, out) {
- return this.ds.convertCanvasToOffset(pos2, out);
+ convertCanvasToOffset(pos, out) {
+ return this.ds.convertCanvasToOffset(pos, out);
}
// converts event coordinates from canvas2D to graph coordinates
convertEventToCanvasOffset(e2) {
@@ -61886,7 +66784,7 @@ class LGraphCanvas {
}
const ctx = this.ctx;
if (!ctx) return;
- const canvas = this.canvas;
+ const canvas2 = this.canvas;
if (ctx.start2D && !this.viewport) {
ctx.start2D();
ctx.restore();
@@ -61902,7 +66800,7 @@ class LGraphCanvas {
this.#snapToGrid = this.#shiftDown || LiteGraph.alwaysSnapToGrid ? this.graph.getSnapToGridSize() : void 0;
if (this.clear_background) {
if (area) ctx.clearRect(area[0], area[1], area[2], area[3]);
- else ctx.clearRect(0, 0, canvas.width, canvas.height);
+ else ctx.clearRect(0, 0, canvas2.width, canvas2.height);
}
if (this.bgcanvas == this.canvas) {
this.drawBackCanvas();
@@ -61916,7 +66814,7 @@ class LGraphCanvas {
this.bgcanvas.height / scale
);
}
- this.onRender?.(canvas, ctx);
+ this.onRender?.(canvas2, ctx);
if (this.show_info) {
this.renderInfo(ctx, area ? area[0] : 0, area ? area[1] : 0);
}
@@ -61949,9 +66847,9 @@ class LGraphCanvas {
let connDir = connInOrOut?.dir;
if (connDir == null) {
if (link2.output)
- connDir = link2.node.horizontal ? LinkDirection.DOWN : LinkDirection.RIGHT;
+ connDir = LinkDirection.RIGHT;
else
- connDir = link2.node.horizontal ? LinkDirection.UP : LinkDirection.LEFT;
+ connDir = LinkDirection.LEFT;
}
const connShape = connInOrOut?.shape;
switch (connType) {
@@ -61961,11 +66859,11 @@ class LGraphCanvas {
default:
link_color = LiteGraph.CONNECTING_LINK_COLOR;
}
- const pos2 = this.graph.reroutes.get(link2.afterRerouteId)?.pos ?? link2.pos;
+ const pos = this.graph.reroutes.get(link2.afterRerouteId)?.pos ?? link2.pos;
const highlightPos = this.#getHighlightPosition();
this.renderLink(
ctx,
- pos2,
+ pos,
highlightPos,
null,
false,
@@ -61976,7 +66874,7 @@ class LGraphCanvas {
);
ctx.beginPath();
if (connType === LiteGraph.EVENT || connShape === RenderShape.BOX) {
- ctx.rect(pos2[0] - 6 + 0.5, pos2[1] - 5 + 0.5, 14, 10);
+ ctx.rect(pos[0] - 6 + 0.5, pos[1] - 5 + 0.5, 14, 10);
ctx.fill();
ctx.beginPath();
ctx.rect(
@@ -61986,12 +66884,12 @@ class LGraphCanvas {
10
);
} else if (connShape === RenderShape.ARROW) {
- ctx.moveTo(pos2[0] + 8, pos2[1] + 0.5);
- ctx.lineTo(pos2[0] - 4, pos2[1] + 6 + 0.5);
- ctx.lineTo(pos2[0] - 4, pos2[1] - 6 + 0.5);
+ ctx.moveTo(pos[0] + 8, pos[1] + 0.5);
+ ctx.lineTo(pos[0] - 4, pos[1] + 6 + 0.5);
+ ctx.lineTo(pos[0] - 4, pos[1] - 6 + 0.5);
ctx.closePath();
} else {
- ctx.arc(pos2[0], pos2[1], 4, 0, Math.PI * 2);
+ ctx.arc(pos[0], pos[1], 4, 0, Math.PI * 2);
ctx.fill();
ctx.beginPath();
ctx.arc(this.graph_mouse[0], this.graph_mouse[1], 4, 0, Math.PI * 2);
@@ -62066,7 +66964,7 @@ class LGraphCanvas {
const { strokeStyle, lineWidth } = ctx;
const area = node22.boundingRect;
const gap = 3;
- const radius = this.round_radius + gap;
+ const radius = LiteGraph.ROUND_RADIUS + gap;
const x2 = area[0] - gap;
const y2 = area[1] - gap;
const width2 = area[2] + gap * 2;
@@ -62121,10 +67019,10 @@ class LGraphCanvas {
* draws the back canvas (the one containing the background and the connections)
*/
drawBackCanvas() {
- const canvas = this.bgcanvas;
- if (canvas.width != this.canvas.width || canvas.height != this.canvas.height) {
- canvas.width = this.canvas.width;
- canvas.height = this.canvas.height;
+ const canvas2 = this.bgcanvas;
+ if (canvas2.width != this.canvas.width || canvas2.height != this.canvas.height) {
+ canvas2.width = this.canvas.width;
+ canvas2.height = this.canvas.height;
}
if (!this.bgctx) {
this.bgctx = this.bgcanvas.getContext("2d");
@@ -62135,24 +67033,7 @@ class LGraphCanvas {
if (this.clear_background) {
ctx.clearRect(viewport[0], viewport[1], viewport[2], viewport[3]);
}
- if (this._graph_stack?.length) {
- ctx.save();
- const subgraph_node = this.graph._subgraph_node;
- ctx.strokeStyle = subgraph_node.bgcolor;
- ctx.lineWidth = 10;
- ctx.strokeRect(1, 1, canvas.width - 2, canvas.height - 2);
- ctx.lineWidth = 1;
- ctx.font = "40px Arial";
- ctx.textAlign = "center";
- ctx.fillStyle = subgraph_node.bgcolor || "#AAA";
- let title = "";
- for (let i2 = 1; i2 < this._graph_stack.length; ++i2) {
- title += this._graph_stack[i2]._subgraph_node.getTitle() + " >> ";
- }
- ctx.fillText(title + subgraph_node.getTitle(), canvas.width * 0.5, 40);
- ctx.restore();
- }
- const bg_already_painted = this.onRenderBackground ? this.onRenderBackground(canvas, ctx) : false;
+ const bg_already_painted = this.onRenderBackground ? this.onRenderBackground(canvas2, ctx) : false;
if (!this.viewport) {
const scale = window.devicePixelRatio;
ctx.restore();
@@ -62207,12 +67088,12 @@ class LGraphCanvas {
ctx.imageSmoothingEnabled = true;
}
if (this.graph._groups.length) {
- this.drawGroups(canvas, ctx);
+ this.drawGroups(canvas2, ctx);
}
this.onDrawBackground?.(ctx, this.visible_area);
if (this.render_canvas_border) {
ctx.strokeStyle = "#235";
- ctx.strokeRect(0, 0, canvas.width, canvas.height);
+ ctx.strokeRect(0, 0, canvas2.width, canvas2.height);
}
if (this.render_connections_shadows) {
ctx.shadowColor = "#000";
@@ -62235,9 +67116,9 @@ class LGraphCanvas {
*/
drawNode(node22, ctx) {
this.current_node = node22;
- const color2 = node22.color || node22.constructor.color || LiteGraph.NODE_DEFAULT_COLOR;
- const bgcolor = node22.bgcolor || node22.constructor.bgcolor || LiteGraph.NODE_DEFAULT_BGCOLOR;
- const low_quality = this.ds.scale < 0.6;
+ const color2 = node22.renderingColor;
+ const bgcolor = node22.renderingBgColor;
+ const low_quality = this.low_quality;
const editor_alpha = this.editor_alpha;
ctx.globalAlpha = editor_alpha;
if (this.render_shadows && !low_quality) {
@@ -62253,7 +67134,6 @@ class LGraphCanvas {
const shape = node22._shape || RenderShape.BOX;
const size = LGraphCanvas.#temp_vec2;
LGraphCanvas.#temp_vec2.set(node22.size);
- const horizontal2 = node22.horizontal;
if (node22.flags.collapsed) {
ctx.font = this.inner_text_font;
const title = node22.getTitle ? node22.getTitle() : node22.title;
@@ -62292,152 +67172,19 @@ class LGraphCanvas {
ctx.shadowColor = "transparent";
ctx.strokeStyle = LiteGraph.NODE_BOX_OUTLINE_COLOR;
node22.onDrawForeground?.(ctx, this, this.canvas);
- ctx.textAlign = horizontal2 ? "center" : "left";
ctx.font = this.inner_text_font;
- const render_text = !low_quality;
- const highlightColour = LiteGraph.NODE_TEXT_HIGHLIGHT_COLOR ?? LiteGraph.NODE_SELECTED_TITLE_COLOR ?? LiteGraph.NODE_TEXT_COLOR;
- const out_slot = this.connecting_links?.[0]?.output;
- const in_slot = this.connecting_links?.[0]?.input;
- ctx.lineWidth = 1;
- let max_y = 0;
- const slot_pos = new Float32Array(2);
- if (!node22.flags.collapsed) {
- if (node22.inputs) {
- for (let i2 = 0; i2 < node22.inputs.length; i2++) {
- const slot = node22.inputs[i2];
- const slot_type = slot.type;
- const isValid2 = !this.connecting_links || out_slot && LiteGraph.isValidConnection(slot.type, out_slot.type);
- const highlight = isValid2 && node22.mouseOver?.inputId === i2;
- const label_color = highlight ? highlightColour : LiteGraph.NODE_TEXT_COLOR;
- ctx.globalAlpha = isValid2 ? editor_alpha : 0.4 * editor_alpha;
- ctx.fillStyle = slot.link != null ? slot.color_on || this.default_connection_color_byType[slot_type] || this.default_connection_color.input_on : slot.color_off || this.default_connection_color_byTypeOff[slot_type] || this.default_connection_color_byType[slot_type] || this.default_connection_color.input_off;
- const pos2 = node22.getConnectionPos(true, i2, slot_pos);
- pos2[0] -= node22.pos[0];
- pos2[1] -= node22.pos[1];
- if (max_y < pos2[1] + LiteGraph.NODE_SLOT_HEIGHT * 0.5) {
- max_y = pos2[1] + LiteGraph.NODE_SLOT_HEIGHT * 0.5;
- }
- drawSlot(ctx, slot, pos2, {
- horizontal: horizontal2,
- low_quality,
- render_text,
- label_color,
- label_position: LabelPosition.Right,
- // Input slot is not stroked.
- do_stroke: false,
- highlight
- });
- }
- }
- ctx.textAlign = horizontal2 ? "center" : "right";
- ctx.strokeStyle = "black";
- if (node22.outputs) {
- for (let i2 = 0; i2 < node22.outputs.length; i2++) {
- const slot = node22.outputs[i2];
- const slot_type = slot.type;
- const isValid2 = !this.connecting_links || in_slot && LiteGraph.isValidConnection(slot_type, in_slot.type);
- const highlight = isValid2 && node22.mouseOver?.outputId === i2;
- const label_color = highlight ? highlightColour : LiteGraph.NODE_TEXT_COLOR;
- ctx.globalAlpha = isValid2 ? editor_alpha : 0.4 * editor_alpha;
- const pos2 = node22.getConnectionPos(false, i2, slot_pos);
- pos2[0] -= node22.pos[0];
- pos2[1] -= node22.pos[1];
- if (max_y < pos2[1] + LiteGraph.NODE_SLOT_HEIGHT * 0.5) {
- max_y = pos2[1] + LiteGraph.NODE_SLOT_HEIGHT * 0.5;
- }
- ctx.fillStyle = slot.links && slot.links.length ? slot.color_on || this.default_connection_color_byType[slot_type] || this.default_connection_color.output_on : slot.color_off || this.default_connection_color_byTypeOff[slot_type] || this.default_connection_color_byType[slot_type] || this.default_connection_color.output_off;
- drawSlot(ctx, slot, pos2, {
- horizontal: horizontal2,
- low_quality,
- render_text,
- label_color,
- label_position: LabelPosition.Left,
- do_stroke: true,
- highlight
- });
- }
- }
+ if (!node22.collapsed) {
+ const max_y = node22.drawSlots(ctx, {
+ colorContext: this,
+ connectingLink: this.connecting_links?.[0],
+ editorAlpha: this.editor_alpha,
+ lowQuality: this.low_quality
+ });
ctx.textAlign = "left";
ctx.globalAlpha = 1;
- if (node22.widgets) {
- let widgets_y = max_y;
- if (horizontal2 || node22.widgets_up) {
- widgets_y = 2;
- }
- if (node22.widgets_start_y != null) widgets_y = node22.widgets_start_y;
- this.drawNodeWidgets(
- node22,
- widgets_y,
- ctx,
- this.node_widget && this.node_widget[0] == node22 ? this.node_widget[1] : null
- );
- }
+ this.drawNodeWidgets(node22, max_y, ctx);
} else if (this.render_collapsed_slots) {
- let input_slot = null;
- let output_slot = null;
- let slot;
- if (node22.inputs) {
- for (let i2 = 0; i2 < node22.inputs.length; i2++) {
- slot = node22.inputs[i2];
- if (slot.link == null) {
- continue;
- }
- input_slot = slot;
- break;
- }
- }
- if (node22.outputs) {
- for (let i2 = 0; i2 < node22.outputs.length; i2++) {
- slot = node22.outputs[i2];
- if (!slot.links || !slot.links.length) {
- continue;
- }
- output_slot = slot;
- }
- }
- if (input_slot) {
- let x2 = 0;
- let y2 = LiteGraph.NODE_TITLE_HEIGHT * -0.5;
- if (horizontal2) {
- x2 = node22._collapsed_width * 0.5;
- y2 = -LiteGraph.NODE_TITLE_HEIGHT;
- }
- ctx.fillStyle = "#686";
- ctx.beginPath();
- if (slot.type === LiteGraph.EVENT || slot.shape === RenderShape.BOX) {
- ctx.rect(x2 - 7 + 0.5, y2 - 4, 14, 8);
- } else if (slot.shape === RenderShape.ARROW) {
- ctx.moveTo(x2 + 8, y2);
- ctx.lineTo(x2 + -4, y2 - 4);
- ctx.lineTo(x2 + -4, y2 + 4);
- ctx.closePath();
- } else {
- ctx.arc(x2, y2, 4, 0, Math.PI * 2);
- }
- ctx.fill();
- }
- if (output_slot) {
- let x2 = node22._collapsed_width;
- let y2 = LiteGraph.NODE_TITLE_HEIGHT * -0.5;
- if (horizontal2) {
- x2 = node22._collapsed_width * 0.5;
- y2 = 0;
- }
- ctx.fillStyle = "#686";
- ctx.strokeStyle = "black";
- ctx.beginPath();
- if (slot.type === LiteGraph.EVENT || slot.shape === RenderShape.BOX) {
- ctx.rect(x2 - 7 + 0.5, y2 - 4, 14, 8);
- } else if (slot.shape === RenderShape.ARROW) {
- ctx.moveTo(x2 + 6, y2);
- ctx.lineTo(x2 - 6, y2 - 4);
- ctx.lineTo(x2 - 6, y2 + 4);
- ctx.closePath();
- } else {
- ctx.arc(x2, y2, 4, 0, Math.PI * 2);
- }
- ctx.fill();
- }
+ node22.drawCollapsedSlots(ctx);
}
if (node22.clip_area) {
ctx.restore();
@@ -62453,19 +67200,19 @@ class LGraphCanvas {
* @todo Split tooltip from hover, so it can be drawn / eased separately
*/
drawLinkTooltip(ctx, link2) {
- const pos2 = link2._pos;
+ const pos = link2._pos;
ctx.fillStyle = "black";
ctx.beginPath();
if (this.linkMarkerShape === LinkMarkerShape.Arrow) {
const transform2 = ctx.getTransform();
- ctx.translate(pos2[0], pos2[1]);
+ ctx.translate(pos[0], pos[1]);
if (Number.isFinite(link2._centreAngle)) ctx.rotate(link2._centreAngle);
ctx.moveTo(-2, -3);
ctx.lineTo(4, 0);
ctx.lineTo(-2, 3);
ctx.setTransform(transform2);
} else if (this.linkMarkerShape == null || this.linkMarkerShape === LinkMarkerShape.Circle) {
- ctx.arc(pos2[0], pos2[1], 3, 0, Math.PI * 2);
+ ctx.arc(pos[0], pos[1], 3, 0, Math.PI * 2);
}
ctx.fill();
const data26 = link2.data;
@@ -62494,15 +67241,15 @@ class LGraphCanvas {
ctx.shadowBlur = 3;
ctx.fillStyle = "#454";
ctx.beginPath();
- ctx.roundRect(pos2[0] - w2 * 0.5, pos2[1] - 15 - h2, w2, h2, [3]);
- ctx.moveTo(pos2[0] - 10, pos2[1] - 15);
- ctx.lineTo(pos2[0] + 10, pos2[1] - 15);
- ctx.lineTo(pos2[0], pos2[1] - 5);
+ ctx.roundRect(pos[0] - w2 * 0.5, pos[1] - 15 - h2, w2, h2, [3]);
+ ctx.moveTo(pos[0] - 10, pos[1] - 15);
+ ctx.lineTo(pos[0] + 10, pos[1] - 15);
+ ctx.lineTo(pos[0], pos[1] - 5);
ctx.fill();
ctx.shadowColor = "transparent";
ctx.textAlign = "center";
ctx.fillStyle = "#CEC";
- ctx.fillText(text2, pos2[0], pos2[1] - 15 - h2 * 0.3);
+ ctx.fillText(text2, pos[0], pos[1] - 15 - h2 * 0.3);
}
/**
* Draws the shape of the given node on the canvas
@@ -62517,10 +67264,10 @@ class LGraphCanvas {
ctx.strokeStyle = fgcolor;
ctx.fillStyle = LiteGraph.use_legacy_node_error_indicator ? "#F00" : bgcolor;
const title_height = LiteGraph.NODE_TITLE_HEIGHT;
- const low_quality = this.ds.scale < 0.5;
+ const low_quality = this.low_quality;
const { collapsed: collapsed2 } = node22.flags;
- const shape = node22._shape || node22.constructor.shape || LiteGraph.NODE_DEFAULT_SHAPE;
- const { title_mode } = node22.constructor;
+ const shape = node22.renderingShape;
+ const title_mode = node22.title_mode;
const render_title = title_mode == TitleMode.TRANSPARENT_TITLE || title_mode == TitleMode.NO_TITLE ? false : true;
const area = LGraphCanvas.#tmp_area;
node22.measure(area);
@@ -62536,14 +67283,14 @@ class LGraphCanvas {
area[1],
area[2],
area[3],
- shape == RenderShape.CARD ? [this.round_radius, this.round_radius, 0, 0] : [this.round_radius]
+ shape == RenderShape.CARD ? [LiteGraph.ROUND_RADIUS, LiteGraph.ROUND_RADIUS, 0, 0] : [LiteGraph.ROUND_RADIUS]
);
} else if (shape == RenderShape.CIRCLE) {
ctx.arc(size[0] * 0.5, size[1] * 0.5, size[0] * 0.5, 0, Math.PI * 2);
}
ctx.fill();
if (node22.has_errors && !LiteGraph.use_legacy_node_error_indicator) {
- this.strokeShape(ctx, area, {
+ strokeShape(ctx, area, {
shape,
title_mode,
title_height,
@@ -62559,8 +67306,9 @@ class LGraphCanvas {
ctx.fillRect(0, -1, area[2], 2);
}
ctx.shadowColor = "transparent";
- node22.onDrawBackground?.(ctx, this, this.canvas, this.graph_mouse);
+ node22.onDrawBackground?.(ctx);
if (render_title || title_mode == TitleMode.TRANSPARENT_TITLE) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (node22.onDrawTitleBar) {
node22.onDrawTitleBar(ctx, title_height, size, this.ds.scale, fgcolor);
} else if (title_mode != TitleMode.TRANSPARENT_TITLE && (node22.constructor.title_color || this.render_title_colored)) {
@@ -62708,12 +67456,29 @@ class LGraphCanvas {
ctx.lineTo(x2 + w2 * 0.5, -w2 * 0.3);
ctx.fill();
}
+========
+ node22.drawTitleBarBackground(ctx, {
+ scale: this.ds.scale,
+ low_quality
+ });
+ node22.drawTitleBox(ctx, {
+ scale: this.ds.scale,
+ low_quality,
+ box_size: 10
+ });
+ ctx.globalAlpha = old_alpha;
+ node22.drawTitleText(ctx, {
+ scale: this.ds.scale,
+ default_title_color: this.node_title_color,
+ low_quality
+ });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
node22.onDrawTitle?.(ctx);
}
if (selected2) {
node22.onBounding?.(area);
const padding = node22.has_errors && !LiteGraph.use_legacy_node_error_indicator ? 20 : void 0;
- this.strokeShape(ctx, area, {
+ strokeShape(ctx, area, {
shape,
title_height,
title_mode,
@@ -62724,75 +67489,6 @@ class LGraphCanvas {
if (node22.execute_triggered > 0) node22.execute_triggered--;
if (node22.action_triggered > 0) node22.action_triggered--;
}
- /**
- * Draws only the path of a shape on the canvas, without filling.
- * Used to draw indicators for node status, e.g. "selected".
- * @param ctx The 2D context to draw on
- * @param area The position and size of the shape to render
- */
- strokeShape(ctx, area, {
- /** The shape to render */
- shape = RenderShape.BOX,
- /** Shape will extend above the Y-axis 0 by this amount */
- title_height = LiteGraph.NODE_TITLE_HEIGHT,
- /** @deprecated This is node-specific: it should be removed entirely, and behaviour defined by the caller more explicitly */
- title_mode = TitleMode.NORMAL_TITLE,
- /** The colour that should be drawn */
- colour = LiteGraph.NODE_BOX_OUTLINE_COLOR,
- /** The distance between the edge of the {@link area} and the middle of the line */
- padding = 6,
- /** @deprecated This is node-specific: it should be removed entirely, and behaviour defined by the caller more explicitly */
- collapsed: collapsed2 = false,
- /** Thickness of the line drawn (`lineWidth`) */
- thickness = 1
- } = {}) {
- if (title_mode === TitleMode.TRANSPARENT_TITLE) {
- area[1] -= title_height;
- area[3] += title_height;
- }
- const { lineWidth, strokeStyle } = ctx;
- ctx.lineWidth = thickness;
- ctx.globalAlpha = 0.8;
- ctx.strokeStyle = colour;
- ctx.beginPath();
- const [x2, y2, width2, height] = area;
- switch (shape) {
- case RenderShape.BOX: {
- ctx.rect(
- x2 - padding,
- y2 - padding,
- width2 + 2 * padding,
- height + 2 * padding
- );
- break;
- }
- case RenderShape.ROUND:
- case RenderShape.CARD: {
- const radius = this.round_radius + padding;
- const isCollapsed = shape === RenderShape.CARD && collapsed2;
- const cornerRadii = isCollapsed || shape === RenderShape.ROUND ? [radius] : [radius, 2, radius, 2];
- ctx.roundRect(
- x2 - padding,
- y2 - padding,
- width2 + 2 * padding,
- height + 2 * padding,
- cornerRadii
- );
- break;
- }
- case RenderShape.CIRCLE: {
- const centerX = x2 + width2 / 2;
- const centerY = y2 + height / 2;
- const radius = Math.max(width2, height) / 2 + padding;
- ctx.arc(centerX, centerY, radius, 0, Math.PI * 2);
- break;
- }
- }
- ctx.stroke();
- ctx.lineWidth = lineWidth;
- ctx.strokeStyle = strokeStyle;
- ctx.globalAlpha = 1;
- }
/**
* Draws a snap guide for a {@link Positionable} item.
*
@@ -62807,9 +67503,9 @@ class LGraphCanvas {
drawSnapGuide(ctx, item3, shape = RenderShape.ROUND) {
const snapGuide = LGraphCanvas.#temp;
snapGuide.set(item3.boundingRect);
- const { pos: pos2 } = item3;
- const offsetX = pos2[0] - snapGuide[0];
- const offsetY = pos2[1] - snapGuide[1];
+ const { pos } = item3;
+ const offsetX = pos[0] - snapGuide[0];
+ const offsetY = pos[1] - snapGuide[1];
snapGuide[0] += offsetX;
snapGuide[1] += offsetY;
snapPoint(snapGuide, this.#snapToGrid);
@@ -62881,8 +67577,8 @@ class LGraphCanvas {
const start_slot = start_node.outputs[outputId];
const end_slot = node22.inputs[i2];
if (!start_slot || !end_slot) continue;
- const start_dir = start_slot.dir || (start_node.horizontal ? LinkDirection.DOWN : LinkDirection.RIGHT);
- const end_dir = end_slot.dir || (node22.horizontal ? LinkDirection.UP : LinkDirection.LEFT);
+ const start_dir = start_slot.dir || LinkDirection.RIGHT;
+ const end_dir = end_slot.dir || LinkDirection.LEFT;
if (reroutes.length) {
let startControl;
const l22 = reroutes.length;
@@ -62991,7 +67687,7 @@ class LGraphCanvas {
const startDir = start_dir || LinkDirection.RIGHT;
const endDir = end_dir || LinkDirection.LEFT;
const dist3 = this.links_render_mode == LinkRenderType.SPLINE_LINK && (!endControl || !startControl) ? distance(a2, b2) : null;
- if (this.render_connections_border && this.ds.scale > 0.6) {
+ if (this.render_connections_border && !this.low_quality) {
ctx.lineWidth = this.connections_width + 4;
}
ctx.lineJoin = "round";
@@ -63002,7 +67698,7 @@ class LGraphCanvas {
if (linkSegment) linkSegment.path = path;
const innerA = LGraphCanvas.#lTempA;
const innerB = LGraphCanvas.#lTempB;
- const pos2 = linkSegment?._pos ?? [0, 0];
+ const pos = linkSegment?._pos ?? [0, 0];
for (let i2 = 0; i2 < num_sublines; i2 += 1) {
const offsety = (i2 - (num_sublines - 1) * 0.5) * 5;
innerA[0] = a2[0];
@@ -63031,13 +67727,13 @@ class LGraphCanvas {
b2[0],
b2[1] + offsety
);
- findPointOnCurve(pos2, a2, b2, innerA, innerB, 0.5);
+ findPointOnCurve(pos, a2, b2, innerA, innerB, 0.5);
if (linkSegment && this.linkMarkerShape === LinkMarkerShape.Arrow) {
const justPastCentre = LGraphCanvas.#lTempC;
findPointOnCurve(justPastCentre, a2, b2, innerA, innerB, 0.51);
linkSegment._centreAngle = Math.atan2(
- justPastCentre[1] - pos2[1],
- justPastCentre[0] - pos2[0]
+ justPastCentre[1] - pos[1],
+ justPastCentre[0] - pos[0]
);
}
} else if (this.links_render_mode == LinkRenderType.LINEAR_LINK) {
@@ -63074,8 +67770,8 @@ class LGraphCanvas {
path.lineTo(innerA[0], innerA[1] + offsety);
path.lineTo(innerB[0], innerB[1] + offsety);
path.lineTo(b2[0], b2[1] + offsety);
- pos2[0] = (innerA[0] + innerB[0]) * 0.5;
- pos2[1] = (innerA[1] + innerB[1]) * 0.5;
+ pos[0] = (innerA[0] + innerB[0]) * 0.5;
+ pos[1] = (innerA[1] + innerB[1]) * 0.5;
if (linkSegment && this.linkMarkerShape === LinkMarkerShape.Arrow) {
linkSegment._centreAngle = Math.atan2(
innerB[1] - innerA[1],
@@ -63100,8 +67796,8 @@ class LGraphCanvas {
path.lineTo(midX, innerB[1]);
path.lineTo(innerB[0], innerB[1]);
path.lineTo(b2[0], b2[1]);
- pos2[0] = midX;
- pos2[1] = (innerA[1] + innerB[1]) * 0.5;
+ pos[0] = midX;
+ pos[1] = (innerA[1] + innerB[1]) * 0.5;
if (linkSegment && this.linkMarkerShape === LinkMarkerShape.Arrow) {
const diff2 = innerB[1] - innerA[1];
if (Math.abs(diff2) < 4) linkSegment._centreAngle = 0;
@@ -63112,7 +67808,7 @@ class LGraphCanvas {
return;
}
}
- if (this.render_connections_border && this.ds.scale > 0.6 && !skip_border) {
+ if (this.render_connections_border && !this.low_quality && !skip_border) {
ctx.strokeStyle = "rgba(0,0,0,0.5)";
ctx.stroke(path);
}
@@ -63155,7 +67851,7 @@ class LGraphCanvas {
ctx.beginPath();
if (this.linkMarkerShape === LinkMarkerShape.Arrow) {
const transform2 = ctx.getTransform();
- ctx.translate(pos2[0], pos2[1]);
+ ctx.translate(pos[0], pos[1]);
ctx.rotate(linkSegment._centreAngle);
ctx.moveTo(-3.2, -5);
ctx.lineTo(7, 0);
@@ -63163,7 +67859,7 @@ class LGraphCanvas {
ctx.fill();
ctx.setTransform(transform2);
} else if (this.linkMarkerShape == null || this.linkMarkerShape === LinkMarkerShape.Circle) {
- ctx.arc(pos2[0], pos2[1], 5, 0, Math.PI * 2);
+ ctx.arc(pos[0], pos[1], 5, 0, Math.PI * 2);
}
ctx.fill();
}
@@ -63261,245 +67957,23 @@ class LGraphCanvas {
}
/**
* draws the widgets stored inside a node
+ * @deprecated Use {@link LGraphNode.drawWidgets} instead.
+ * @note Currently there are extensions hijacking this function, so we cannot remove it.
*/
- drawNodeWidgets(node22, posY, ctx, active_widget) {
- if (!node22.widgets || !node22.widgets.length) return 0;
- const width2 = node22.size[0];
- const widgets = node22.widgets;
- posY += 2;
- const H = LiteGraph.NODE_WIDGET_HEIGHT;
- const show_text = this.ds.scale > 0.5;
- ctx.save();
- ctx.globalAlpha = this.editor_alpha;
- const background_color = LiteGraph.WIDGET_BGCOLOR;
- const text_color = LiteGraph.WIDGET_TEXT_COLOR;
- const secondary_text_color = LiteGraph.WIDGET_SECONDARY_TEXT_COLOR;
- const margin = 15;
- for (let i2 = 0; i2 < widgets.length; ++i2) {
- const w2 = widgets[i2];
- if (w2.hidden || w2.advanced && !node22.showAdvanced) continue;
- const y2 = w2.y || posY;
- const outline_color = w2.advanced ? LiteGraph.WIDGET_ADVANCED_OUTLINE_COLOR : LiteGraph.WIDGET_OUTLINE_COLOR;
- if (w2 === this.link_over_widget) {
- ctx.fillStyle = this.default_connection_color_byType[this.link_over_widget_type] || this.default_connection_color.input_on;
- drawSlot(ctx, {}, [10, y2 + 10], {});
- }
- w2.last_y = y2;
- ctx.strokeStyle = outline_color;
- ctx.fillStyle = "#222";
- ctx.textAlign = "left";
- if (w2.disabled) ctx.globalAlpha *= 0.5;
- const widget_width = w2.width || width2;
- switch (w2.type) {
- case "button":
- ctx.fillStyle = background_color;
- if (w2.clicked) {
- ctx.fillStyle = "#AAA";
- w2.clicked = false;
- this.dirty_canvas = true;
- }
- ctx.fillRect(margin, y2, widget_width - margin * 2, H);
- if (show_text && !w2.disabled)
- ctx.strokeRect(margin, y2, widget_width - margin * 2, H);
- if (show_text) {
- ctx.textAlign = "center";
- ctx.fillStyle = text_color;
- ctx.fillText(w2.label || w2.name, widget_width * 0.5, y2 + H * 0.7);
- }
- break;
- case "toggle":
- ctx.textAlign = "left";
- ctx.strokeStyle = outline_color;
- ctx.fillStyle = background_color;
- ctx.beginPath();
- if (show_text)
- ctx.roundRect(margin, y2, widget_width - margin * 2, H, [H * 0.5]);
- else ctx.rect(margin, y2, widget_width - margin * 2, H);
- ctx.fill();
- if (show_text && !w2.disabled) ctx.stroke();
- ctx.fillStyle = w2.value ? "#89A" : "#333";
- ctx.beginPath();
- ctx.arc(
- widget_width - margin * 2,
- y2 + H * 0.5,
- H * 0.36,
- 0,
- Math.PI * 2
- );
- ctx.fill();
- if (show_text) {
- ctx.fillStyle = secondary_text_color;
- const label5 = w2.label || w2.name;
- if (label5 != null) {
- ctx.fillText(label5, margin * 2, y2 + H * 0.7);
- }
- ctx.fillStyle = w2.value ? text_color : secondary_text_color;
- ctx.textAlign = "right";
- ctx.fillText(
- w2.value ? w2.options.on || "true" : w2.options.off || "false",
- widget_width - 40,
- y2 + H * 0.7
- );
- }
- break;
- case "slider": {
- ctx.fillStyle = background_color;
- ctx.fillRect(margin, y2, widget_width - margin * 2, H);
- const range2 = w2.options.max - w2.options.min;
- let nvalue = (w2.value - w2.options.min) / range2;
- if (nvalue < 0) nvalue = 0;
- if (nvalue > 1) nvalue = 1;
- ctx.fillStyle = w2.options.hasOwnProperty("slider_color") ? w2.options.slider_color : active_widget == w2 ? "#89A" : "#678";
- ctx.fillRect(margin, y2, nvalue * (widget_width - margin * 2), H);
- if (show_text && !w2.disabled)
- ctx.strokeRect(margin, y2, widget_width - margin * 2, H);
- if (w2.marker) {
- let marker_nvalue = (w2.marker - w2.options.min) / range2;
- if (marker_nvalue < 0) marker_nvalue = 0;
- if (marker_nvalue > 1) marker_nvalue = 1;
- ctx.fillStyle = w2.options.hasOwnProperty("marker_color") ? w2.options.marker_color : "#AA9";
- ctx.fillRect(
- margin + marker_nvalue * (widget_width - margin * 2),
- y2,
- 2,
- H
- );
- }
- if (show_text) {
- ctx.textAlign = "center";
- ctx.fillStyle = text_color;
- ctx.fillText(
- (w2.label || w2.name) + " " + Number(w2.value).toFixed(
- w2.options.precision != null ? w2.options.precision : 3
- ),
- widget_width * 0.5,
- y2 + H * 0.7
- );
- }
- break;
- }
- case "number":
- case "combo":
- ctx.textAlign = "left";
- ctx.strokeStyle = outline_color;
- ctx.fillStyle = background_color;
- ctx.beginPath();
- if (show_text)
- ctx.roundRect(margin, y2, widget_width - margin * 2, H, [H * 0.5]);
- else ctx.rect(margin, y2, widget_width - margin * 2, H);
- ctx.fill();
- if (show_text) {
- if (!w2.disabled) ctx.stroke();
- ctx.fillStyle = text_color;
- if (!w2.disabled) {
- ctx.beginPath();
- ctx.moveTo(margin + 16, y2 + 5);
- ctx.lineTo(margin + 6, y2 + H * 0.5);
- ctx.lineTo(margin + 16, y2 + H - 5);
- ctx.fill();
- ctx.beginPath();
- ctx.moveTo(widget_width - margin - 16, y2 + 5);
- ctx.lineTo(widget_width - margin - 6, y2 + H * 0.5);
- ctx.lineTo(widget_width - margin - 16, y2 + H - 5);
- ctx.fill();
- }
- ctx.fillStyle = secondary_text_color;
- ctx.fillText(w2.label || w2.name, margin * 2 + 5, y2 + H * 0.7);
- ctx.fillStyle = text_color;
- ctx.textAlign = "right";
- if (w2.type == "number") {
- ctx.fillText(
- Number(w2.value).toFixed(
- w2.options.precision !== void 0 ? w2.options.precision : 3
- ),
- widget_width - margin * 2 - 20,
- y2 + H * 0.7
- );
- } else {
- let v2 = typeof w2.value === "number" ? String(w2.value) : w2.value;
- if (w2.options.values) {
- let values = w2.options.values;
- if (typeof values === "function")
- values = values();
- if (values && !Array.isArray(values))
- v2 = values[w2.value];
- }
- const labelWidth = ctx.measureText(w2.label || w2.name).width + margin * 2;
- const inputWidth = widget_width - margin * 4;
- const availableWidth = inputWidth - labelWidth;
- const textWidth = ctx.measureText(v2).width;
- if (textWidth > availableWidth) {
- const ELLIPSIS = "…";
- const ellipsisWidth = ctx.measureText(ELLIPSIS).width;
- const charWidthAvg = ctx.measureText("a").width;
- if (availableWidth <= ellipsisWidth) {
- v2 = "․";
- } else {
- v2 = `${v2}`;
- const overflowWidth = textWidth + ellipsisWidth - availableWidth;
- if (overflowWidth + charWidthAvg * 3 > availableWidth) {
- const preciseRange = availableWidth + charWidthAvg * 3;
- const preTruncateCt = Math.floor((preciseRange - ellipsisWidth) / charWidthAvg);
- v2 = v2.substr(0, preTruncateCt);
- }
- while (ctx.measureText(v2).width + ellipsisWidth > availableWidth) {
- v2 = v2.substr(0, v2.length - 1);
- }
- v2 += ELLIPSIS;
- }
- }
- ctx.fillText(
- v2,
- widget_width - margin * 2 - 20,
- y2 + H * 0.7
- );
- }
- }
- break;
- case "string":
- case "text":
- ctx.textAlign = "left";
- ctx.strokeStyle = outline_color;
- ctx.fillStyle = background_color;
- ctx.beginPath();
- if (show_text)
- ctx.roundRect(margin, y2, widget_width - margin * 2, H, [H * 0.5]);
- else
- ctx.rect(margin, y2, widget_width - margin * 2, H);
- ctx.fill();
- if (show_text) {
- if (!w2.disabled) ctx.stroke();
- ctx.save();
- ctx.beginPath();
- ctx.rect(margin, y2, widget_width - margin * 2, H);
- ctx.clip();
- ctx.fillStyle = secondary_text_color;
- const label5 = w2.label || w2.name;
- if (label5 != null) ctx.fillText(label5, margin * 2, y2 + H * 0.7);
- ctx.fillStyle = text_color;
- ctx.textAlign = "right";
- ctx.fillText(
- String(w2.value).substr(0, 30),
- widget_width - margin * 2,
- y2 + H * 0.7
- );
- ctx.restore();
- }
- break;
- default:
- w2.draw?.(ctx, node22, widget_width, y2, H);
- break;
- }
- posY += (w2.computeSize ? w2.computeSize(widget_width)[1] : H) + 4;
- ctx.globalAlpha = this.editor_alpha;
- }
- ctx.restore();
- ctx.textAlign = "left";
+ drawNodeWidgets(node22, posY, ctx) {
+ node22.drawWidgets(ctx, {
+ y: posY,
+ colorContext: this,
+ linkOverWidget: this.link_over_widget,
+ linkOverWidgetType: this.link_over_widget_type,
+ lowQuality: this.low_quality,
+ editorAlpha: this.editor_alpha
+ });
}
/**
* draws every group area in the background
*/
- drawGroups(canvas, ctx) {
+ drawGroups(canvas2, ctx) {
if (!this.graph) return;
const groups = this.graph._groups;
ctx.save();
@@ -63552,18 +68026,18 @@ class LGraphCanvas {
const { graph } = this;
const node_left = graph.getNodeById(segment.origin_id);
const fromType = node_left?.outputs?.[segment.origin_slot]?.type ?? "*";
- const options4 = ["Add Node", null, "Delete", null];
- if (this.reroutesEnabled) options4.splice(1, 0, "Add Reroute");
+ const options22 = ["Add Node", null, "Delete", null];
+ if (this.reroutesEnabled) options22.splice(1, 0, "Add Reroute");
const title = "data" in segment && segment.data != null ? segment.data.constructor.name : null;
- const menu2 = new LiteGraph.ContextMenu(options4, {
+ const menu2 = new LiteGraph.ContextMenu(options22, {
event: e2,
title,
callback: inner_clicked.bind(this)
});
- function inner_clicked(v2, options22, e3) {
+ function inner_clicked(v2, options222, e22) {
switch (v2) {
case "Add Node":
- LGraphCanvas.onMenuAdd(null, null, e3, menu2, function(node22) {
+ LGraphCanvas.onMenuAdd(null, null, e22, menu2, function(node22) {
if (!node22.inputs?.length || !node22.outputs?.length) return;
const options32 = this.reroutesEnabled ? { afterRerouteId: segment.parentId } : void 0;
if (node_left.connectByType(segment.origin_slot, node22, fromType, options32)) {
@@ -63572,8 +68046,8 @@ class LGraphCanvas {
});
break;
case "Add Reroute": {
- this.adjustMouseEvent(e3);
- graph.createReroute([e3.canvasX, e3.canvasY], segment);
+ this.adjustMouseEvent(e22);
+ graph.createReroute([e22.canvasX, e22.canvasY], segment);
this.setDirty(false, true);
break;
}
@@ -63734,28 +68208,28 @@ class LGraphCanvas {
console.warn("Cant get slot information " + slotX);
return;
}
- const options4 = ["Add Node", null];
+ const options22 = ["Add Node", null];
if (opts.allow_searchbox) {
- options4.push("Search");
- options4.push(null);
+ options22.push("Search");
+ options22.push(null);
}
const fromSlotType = slotX.type == LiteGraph.EVENT ? "_event_" : slotX.type;
const slotTypesDefault = isFrom ? LiteGraph.slot_types_default_out : LiteGraph.slot_types_default_in;
if (slotTypesDefault?.[fromSlotType]) {
if (typeof slotTypesDefault[fromSlotType] == "object") {
for (const typeX in slotTypesDefault[fromSlotType]) {
- options4.push(slotTypesDefault[fromSlotType][typeX]);
+ options22.push(slotTypesDefault[fromSlotType][typeX]);
}
} else {
- options4.push(slotTypesDefault[fromSlotType]);
+ options22.push(slotTypesDefault[fromSlotType]);
}
}
- const menu2 = new LiteGraph.ContextMenu(options4, {
+ const menu2 = new LiteGraph.ContextMenu(options22, {
event: opts.e,
title: (slotX && slotX.name != "" ? slotX.name + (fromSlotType ? " | " : "") : "") + (slotX && fromSlotType ? fromSlotType : ""),
callback: inner_clicked
});
- function inner_clicked(v2, options22, e2) {
+ function inner_clicked(v2, options222, e2) {
switch (v2) {
case "Add Node":
LGraphCanvas.onMenuAdd(null, null, e2, menu2, function(node22) {
@@ -63800,8 +68274,8 @@ class LGraphCanvas {
}
};
const graphcanvas = LGraphCanvas.active_canvas;
- const canvas = graphcanvas.canvas;
- canvas.parentNode.appendChild(dialog);
+ const canvas2 = graphcanvas.canvas;
+ canvas2.parentNode.appendChild(dialog);
if (this.ds.scale > 1) dialog.style.transform = "scale(" + this.ds.scale + ")";
let dialogCloseTimer = null;
let prevent_timeout = 0;
@@ -63862,7 +68336,7 @@ class LGraphCanvas {
that.setDirty(true);
dialog.close();
});
- const rect = canvas.getBoundingClientRect();
+ const rect = canvas2.getBoundingClientRect();
let offsetx = -20;
let offsety = -20;
if (rect) {
@@ -63873,26 +68347,26 @@ class LGraphCanvas {
dialog.style.left = event.clientX + offsetx + "px";
dialog.style.top = event.clientY + offsety + "px";
} else {
- dialog.style.left = canvas.width * 0.5 + offsetx + "px";
- dialog.style.top = canvas.height * 0.5 + offsety + "px";
+ dialog.style.left = canvas2.width * 0.5 + offsetx + "px";
+ dialog.style.top = canvas2.height * 0.5 + offsety + "px";
}
setTimeout(function() {
input.focus();
const clickTime = Date.now();
function handleOutsideClick(e2) {
- if (e2.target === canvas && Date.now() - clickTime > 256) {
+ if (e2.target === canvas2 && Date.now() - clickTime > 256) {
dialog.close();
- canvas.parentNode.removeEventListener("click", handleOutsideClick);
- canvas.parentNode.removeEventListener("touchend", handleOutsideClick);
+ canvas2.parentNode.removeEventListener("click", handleOutsideClick);
+ canvas2.parentNode.removeEventListener("touchend", handleOutsideClick);
}
}
__name(handleOutsideClick, "handleOutsideClick");
- canvas.parentNode.addEventListener("click", handleOutsideClick);
- canvas.parentNode.addEventListener("touchend", handleOutsideClick);
+ canvas2.parentNode.addEventListener("click", handleOutsideClick);
+ canvas2.parentNode.addEventListener("touchend", handleOutsideClick);
}, 10);
return dialog;
}
- showSearchBox(event, options4) {
+ showSearchBox(event, options22) {
const def_options = {
slot_from: null,
node_from: null,
@@ -63909,15 +68383,15 @@ class LGraphCanvas {
show_all_if_empty: true,
show_all_on_open: LiteGraph.search_show_all_on_open
};
- options4 = Object.assign(def_options, options4 || {});
+ options22 = Object.assign(def_options, options22 || {});
const that = this;
const graphcanvas = LGraphCanvas.active_canvas;
- const canvas = graphcanvas.canvas;
- const root_document = canvas.ownerDocument || document;
+ const canvas2 = graphcanvas.canvas;
+ const root_document = canvas2.ownerDocument || document;
const dialog = document.createElement("div");
dialog.className = "litegraph litesearchbox graphdialog rounded";
dialog.innerHTML = "Search ";
- if (options4.do_type_filter) {
+ if (options22.do_type_filter) {
dialog.innerHTML += "";
dialog.innerHTML += "";
}
@@ -63930,14 +68404,14 @@ class LGraphCanvas {
}
let selIn;
let selOut;
- if (options4.do_type_filter) {
+ if (options22.do_type_filter) {
selIn = dialog.querySelector(".slot_in_type_filter");
selOut = dialog.querySelector(".slot_out_type_filter");
}
dialog.close = function() {
that.search_box = null;
this.blur();
- canvas.focus();
+ canvas2.focus();
root_document.body.style.overflow = "";
setTimeout(function() {
that.canvas.focus();
@@ -63947,7 +68421,7 @@ class LGraphCanvas {
if (this.ds.scale > 1) {
dialog.style.transform = "scale(" + this.ds.scale + ")";
}
- if (options4.hide_on_mouse_leave) {
+ if (options22.hide_on_mouse_leave) {
let prevent_timeout = false;
let timeout_close = null;
LiteGraph.pointerListenerAdd(dialog, "enter", function() {
@@ -63961,9 +68435,9 @@ class LGraphCanvas {
return;
timeout_close = setTimeout(function() {
dialog.close();
- }, typeof options4.hide_on_mouse_leave === "number" ? options4.hide_on_mouse_leave : 500);
+ }, typeof options22.hide_on_mouse_leave === "number" ? options22.hide_on_mouse_leave : 500);
});
- if (options4.do_type_filter) {
+ if (options22.do_type_filter) {
selIn.addEventListener("click", function() {
prevent_timeout++;
});
@@ -64023,12 +68497,12 @@ class LGraphCanvas {
return true;
});
}
- if (options4.do_type_filter) {
+ if (options22.do_type_filter) {
if (selIn) {
const aSlots = LiteGraph.slot_types_in;
const nSlots = aSlots.length;
- if (options4.type_filter_in == LiteGraph.EVENT || options4.type_filter_in == LiteGraph.ACTION)
- options4.type_filter_in = "_event_";
+ if (options22.type_filter_in == LiteGraph.EVENT || options22.type_filter_in == LiteGraph.ACTION)
+ options22.type_filter_in = "_event_";
for (let iK = 0; iK < nSlots; iK++) {
const opt = document.createElement("option");
opt.value = aSlots[iK];
@@ -64036,7 +68510,7 @@ class LGraphCanvas {
selIn.appendChild(opt);
if (
// @ts-expect-error
- options4.type_filter_in !== false && (options4.type_filter_in + "").toLowerCase() == (aSlots[iK] + "").toLowerCase()
+ options22.type_filter_in !== false && (options22.type_filter_in + "").toLowerCase() == (aSlots[iK] + "").toLowerCase()
) {
opt.selected = true;
}
@@ -64048,14 +68522,14 @@ class LGraphCanvas {
if (selOut) {
const aSlots = LiteGraph.slot_types_out;
const nSlots = aSlots.length;
- if (options4.type_filter_out == LiteGraph.EVENT || options4.type_filter_out == LiteGraph.ACTION)
- options4.type_filter_out = "_event_";
+ if (options22.type_filter_out == LiteGraph.EVENT || options22.type_filter_out == LiteGraph.ACTION)
+ options22.type_filter_out = "_event_";
for (let iK = 0; iK < nSlots; iK++) {
const opt = document.createElement("option");
opt.value = aSlots[iK];
opt.innerHTML = aSlots[iK];
selOut.appendChild(opt);
- if (options4.type_filter_out !== false && (options4.type_filter_out + "").toLowerCase() == (aSlots[iK] + "").toLowerCase())
+ if (options22.type_filter_out !== false && (options22.type_filter_out + "").toLowerCase() == (aSlots[iK] + "").toLowerCase())
opt.selected = true;
}
selOut.addEventListener("change", function() {
@@ -64063,7 +68537,7 @@ class LGraphCanvas {
});
}
}
- const rect = canvas.getBoundingClientRect();
+ const rect = canvas2.getBoundingClientRect();
const left = (event ? event.clientX : rect.left + rect.width * 0.5) - 80;
const top = (event ? event.clientY : rect.top + rect.height * 0.5) - 20;
dialog.style.left = left + "px";
@@ -64073,7 +68547,7 @@ class LGraphCanvas {
requestAnimationFrame(function() {
input.focus();
});
- if (options4.show_all_on_open) refreshHelper();
+ if (options22.show_all_on_open) refreshHelper();
function select(name2) {
if (name2) {
if (that.onSearchBoxSelection) {
@@ -64118,47 +68592,47 @@ class LGraphCanvas {
node22.configure(extra.data.json);
}
}
- if (options4.node_from) {
+ if (options22.node_from) {
let iS = false;
- switch (typeof options4.slot_from) {
+ switch (typeof options22.slot_from) {
case "string":
- iS = options4.node_from.findOutputSlot(options4.slot_from);
+ iS = options22.node_from.findOutputSlot(options22.slot_from);
break;
case "object":
- iS = options4.slot_from.name ? options4.node_from.findOutputSlot(options4.slot_from.name) : -1;
- if (iS == -1 && typeof options4.slot_from.slot_index !== "undefined") iS = options4.slot_from.slot_index;
+ iS = options22.slot_from.name ? options22.node_from.findOutputSlot(options22.slot_from.name) : -1;
+ if (iS == -1 && typeof options22.slot_from.slot_index !== "undefined") iS = options22.slot_from.slot_index;
break;
case "number":
- iS = options4.slot_from;
+ iS = options22.slot_from;
break;
default:
iS = 0;
}
- if (typeof options4.node_from.outputs[iS] !== "undefined") {
+ if (typeof options22.node_from.outputs[iS] !== "undefined") {
if (iS !== false && iS > -1) {
- options4.node_from.connectByType(iS, node22, options4.node_from.outputs[iS].type);
+ options22.node_from.connectByType(iS, node22, options22.node_from.outputs[iS].type);
}
}
}
- if (options4.node_to) {
+ if (options22.node_to) {
let iS = false;
- switch (typeof options4.slot_from) {
+ switch (typeof options22.slot_from) {
case "string":
- iS = options4.node_to.findInputSlot(options4.slot_from);
+ iS = options22.node_to.findInputSlot(options22.slot_from);
break;
case "object":
- iS = options4.slot_from.name ? options4.node_to.findInputSlot(options4.slot_from.name) : -1;
- if (iS == -1 && typeof options4.slot_from.slot_index !== "undefined") iS = options4.slot_from.slot_index;
+ iS = options22.slot_from.name ? options22.node_to.findInputSlot(options22.slot_from.name) : -1;
+ if (iS == -1 && typeof options22.slot_from.slot_index !== "undefined") iS = options22.slot_from.slot_index;
break;
case "number":
- iS = options4.slot_from;
+ iS = options22.slot_from;
break;
default:
iS = 0;
}
- if (typeof options4.node_to.inputs[iS] !== "undefined") {
+ if (typeof options22.node_to.inputs[iS] !== "undefined") {
if (iS !== false && iS > -1) {
- options4.node_to.connectByTypeOutput(iS, node22, options4.node_to.inputs[iS].type);
+ options22.node_to.connectByTypeOutput(iS, node22, options22.node_to.inputs[iS].type);
}
}
}
@@ -64187,7 +68661,7 @@ class LGraphCanvas {
let str = input.value;
first2 = null;
helper.innerHTML = "";
- if (!str && !options4.show_all_if_empty) return;
+ if (!str && !options22.show_all_if_empty) return;
if (that.onSearchBox) {
const list2 = that.onSearchBox(helper, str, graphcanvas);
if (list2) {
@@ -64206,9 +68680,9 @@ class LGraphCanvas {
const opts = Object.assign(optsDef, optsIn);
const ctor = LiteGraph.registered_node_types[type];
if (filter4 && ctor.filter != filter4) return false;
- if ((!options4.show_all_if_empty || str) && type.toLowerCase().indexOf(str) === -1 && (!ctor.title || ctor.title.toLowerCase().indexOf(str) === -1))
+ if ((!options22.show_all_if_empty || str) && type.toLowerCase().indexOf(str) === -1 && (!ctor.title || ctor.title.toLowerCase().indexOf(str) === -1))
return false;
- if (options4.do_type_filter && !opts.skipFilter) {
+ if (options22.do_type_filter && !opts.skipFilter) {
const sType = type;
let sV = opts.inTypeOverride !== false ? opts.inTypeOverride : sIn.value;
if (sIn && sV && LiteGraph.registered_slot_in_types[sV]?.nodes) {
@@ -64229,13 +68703,13 @@ class LGraphCanvas {
const filter4 = graphcanvas.filter || graphcanvas.graph.filter;
let sIn = false;
let sOut = false;
- if (options4.do_type_filter && that.search_box) {
+ if (options22.do_type_filter && that.search_box) {
sIn = that.search_box.querySelector(".slot_in_type_filter");
sOut = that.search_box.querySelector(".slot_out_type_filter");
}
for (const i2 in LiteGraph.searchbox_extras) {
const extra = LiteGraph.searchbox_extras[i2];
- if ((!options4.show_all_if_empty || str) && extra.desc.toLowerCase().indexOf(str) === -1)
+ if ((!options22.show_all_if_empty || str) && extra.desc.toLowerCase().indexOf(str) === -1)
continue;
const ctor = LiteGraph.registered_node_types[extra.type];
if (ctor && ctor.filter != filter4) continue;
@@ -64260,7 +68734,7 @@ class LGraphCanvas {
if (LGraphCanvas.search_limit !== -1 && c2++ > LGraphCanvas.search_limit)
break;
}
- if (options4.show_general_after_typefiltered && (sIn.value || sOut.value)) {
+ if (options22.show_general_after_typefiltered && (sIn.value || sOut.value)) {
filtered_extra = [];
for (const i2 in LiteGraph.registered_node_types) {
if (inner_test_filter(i2, {
@@ -64275,7 +68749,7 @@ class LGraphCanvas {
break;
}
}
- if ((sIn.value || sOut.value) && helper.childNodes.length == 0 && options4.show_general_if_none_on_typefilter) {
+ if ((sIn.value || sOut.value) && helper.childNodes.length == 0 && options22.show_general_if_none_on_typefilter) {
filtered_extra = [];
for (const i2 in LiteGraph.registered_node_types) {
if (inner_test_filter(i2, { skipFilter: true }))
@@ -64316,9 +68790,9 @@ class LGraphCanvas {
__name(refreshHelper, "refreshHelper");
return dialog;
}
- showEditPropertyValue(node22, property, options4) {
+ showEditPropertyValue(node22, property, options22) {
if (!node22 || node22.properties[property] === void 0) return;
- options4 = options4 || {};
+ options22 = options22 || {};
const info = node22.getPropertyInfo(property);
const type = info.type;
let input_html = "";
@@ -64339,7 +68813,7 @@ class LGraphCanvas {
}
const dialog = this.createDialog(
"" + (info.label || property) + "" + input_html + "",
- options4
+ options22
);
let input;
if ((type == "enum" || type == "combo") && info.values) {
@@ -64400,7 +68874,7 @@ class LGraphCanvas {
node22.graph._version++;
}
node22.onPropertyChanged?.(property, value4);
- options4.onclose?.();
+ options22.onclose?.();
dialog.close();
this.setDirty(true, true);
}
@@ -64408,13 +68882,13 @@ class LGraphCanvas {
return dialog;
}
// TODO refactor, theer are different dialog, some uses createDialog, some dont
- createDialog(html, options4) {
+ createDialog(html, options22) {
const def_options = {
checkForInput: false,
closeOnLeave: true,
closeOnLeave_checkModified: true
};
- options4 = Object.assign(def_options, options4 || {});
+ options22 = Object.assign(def_options, options22 || {});
const dialog = document.createElement("div");
dialog.className = "graphdialog";
dialog.innerHTML = html;
@@ -64426,12 +68900,12 @@ class LGraphCanvas {
offsetx -= rect.left;
offsety -= rect.top;
}
- if (options4.position) {
- offsetx += options4.position[0];
- offsety += options4.position[1];
- } else if (options4.event) {
- offsetx += options4.event.clientX;
- offsety += options4.event.clientY;
+ if (options22.position) {
+ offsetx += options22.position[0];
+ offsety += options22.position[1];
+ } else if (options22.event) {
+ offsetx += options22.event.clientX;
+ offsety += options22.event.clientY;
} else {
offsetx += this.canvas.width * 0.5;
offsety += this.canvas.height * 0.5;
@@ -64439,7 +68913,7 @@ class LGraphCanvas {
dialog.style.left = offsetx + "px";
dialog.style.top = offsety + "px";
this.canvas.parentNode.appendChild(dialog);
- if (options4.checkForInput) {
+ if (options22.checkForInput) {
const aI = dialog.querySelectorAll("input");
aI?.forEach(function(iX) {
iX.addEventListener("keydown", function(e2) {
@@ -64472,7 +68946,7 @@ class LGraphCanvas {
);
});
dialog.addEventListener("mouseenter", function() {
- if (options4.closeOnLeave || LiteGraph.dialog_close_on_mouse_leave) {
+ if (options22.closeOnLeave || LiteGraph.dialog_close_on_mouse_leave) {
if (dialogCloseTimer) clearTimeout(dialogCloseTimer);
}
});
@@ -64490,18 +68964,32 @@ class LGraphCanvas {
});
return dialog;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createPanel(title, options4) {
options4 = options4 || {};
const ref_window = options4.window || window;
+========
+ createPanel(title, options22) {
+ options22 = options22 || {};
+ const ref_window = options22.window || window;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const root29 = document.createElement("div");
root29.className = "litegraph dialog";
root29.innerHTML = "";
root29.header = root29.querySelector(".dialog-header");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (options4.width)
root29.style.width = options4.width + (typeof options4.width === "number" ? "px" : "");
if (options4.height)
root29.style.height = options4.height + (typeof options4.height === "number" ? "px" : "");
if (options4.closable) {
+========
+ if (options22.width)
+ root29.style.width = options22.width + (typeof options22.width === "number" ? "px" : "");
+ if (options22.height)
+ root29.style.height = options22.height + (typeof options22.height === "number" ? "px" : "");
+ if (options22.closable) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const close5 = document.createElement("span");
close5.innerHTML = "✕";
close5.classList.add("close");
@@ -64553,10 +69041,14 @@ class LGraphCanvas {
else root29.content.appendChild(elem);
return elem;
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
root29.addButton = function(name2, callback, options22) {
+========
+ root29.addButton = function(name2, callback, options222) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const elem = document.createElement("button");
elem.innerText = name2;
- elem.options = options22;
+ elem.options = options222;
elem.classList.add("btn");
elem.addEventListener("click", callback);
root29.footer.appendChild(elem);
@@ -64567,20 +69059,25 @@ class LGraphCanvas {
elem.className = "separator";
root29.content.appendChild(elem);
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
root29.addWidget = function(type, name2, value4, options22, callback) {
options22 = options22 || {};
+========
+ root29.addWidget = function(type, name2, value4, options222, callback) {
+ options222 = options222 || {};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let str_value = String(value4);
type = type.toLowerCase();
if (type == "number") str_value = value4.toFixed(3);
const elem = document.createElement("div");
elem.className = "property";
elem.innerHTML = "";
- elem.querySelector(".property_name").innerText = options22.label || name2;
+ elem.querySelector(".property_name").innerText = options222.label || name2;
const value_element = elem.querySelector(".property_value");
value_element.innerText = str_value;
elem.dataset["property"] = name2;
- elem.dataset["type"] = options22.type || type;
- elem.options = options22;
+ elem.dataset["type"] = options222.type || type;
+ elem.options = options222;
elem.value = value4;
if (type == "code")
elem.addEventListener("click", function() {
@@ -64612,10 +69109,10 @@ class LGraphCanvas {
innerChange(propname, v2);
});
} else if (type == "enum" || type == "combo") {
- const str_value2 = LGraphCanvas.getPropertyPrintableValue(value4, options22.values);
+ const str_value2 = LGraphCanvas.getPropertyPrintableValue(value4, options222.values);
value_element.innerText = str_value2;
value_element.addEventListener("click", function(event) {
- const values = options22.values || [];
+ const values = options222.values || [];
const propname = this.parentNode.dataset["property"];
const elem_that = this;
new LiteGraph.ContextMenu(
@@ -64638,8 +69135,8 @@ class LGraphCanvas {
}
root29.content.appendChild(elem);
function innerChange(name22, value22) {
- options22.callback?.(name22, value22, options22);
- callback?.(name22, value22, options22);
+ options222.callback?.(name22, value22, options222);
+ callback?.(name22, value22, options222);
}
__name(innerChange, "innerChange");
return elem;
@@ -64773,11 +69270,11 @@ class LGraphCanvas {
}
}
getCanvasMenuOptions() {
- let options4 = null;
+ let options22 = null;
if (this.getMenuOptions) {
- options4 = this.getMenuOptions();
+ options22 = this.getMenuOptions();
} else {
- options4 = [
+ options22 = [
{
content: "Add Node",
has_submenu: true,
@@ -64789,23 +69286,23 @@ class LGraphCanvas {
// {content:"Collapse All", callback: LGraphCanvas.onMenuCollapseAll }
];
if (Object.keys(this.selected_nodes).length > 1) {
- options4.push({
+ options22.push({
content: "Align",
has_submenu: true,
callback: LGraphCanvas.onGroupAlign
});
}
}
- const extra = this.getExtraMenuOptions?.(this, options4);
- return Array.isArray(extra) ? options4.concat(extra) : options4;
+ const extra = this.getExtraMenuOptions?.(this, options22);
+ return Array.isArray(extra) ? options22.concat(extra) : options22;
}
// called by processContextMenu to extract the menu list
getNodeMenuOptions(node22) {
- let options4 = null;
+ let options22 = null;
if (node22.getMenuOptions) {
- options4 = node22.getMenuOptions(this);
+ options22 = node22.getMenuOptions(this);
} else {
- options4 = [
+ options22 = [
{
content: "Inputs",
has_submenu: true,
@@ -64826,8 +69323,8 @@ class LGraphCanvas {
},
{
content: "Properties Panel",
- callback: /* @__PURE__ */ __name(function(item3, options22, e2, menu2, node3) {
- LGraphCanvas.active_canvas.showShowNodePanel(node3);
+ callback: /* @__PURE__ */ __name(function(item3, options222, e2, menu2, node222) {
+ LGraphCanvas.active_canvas.showShowNodePanel(node222);
}, "callback")
},
null,
@@ -64842,31 +69339,31 @@ class LGraphCanvas {
}
];
if (node22.resizable !== false) {
- options4.push({
+ options22.push({
content: "Resize",
callback: LGraphCanvas.onMenuResizeNode
});
}
if (node22.collapsible) {
- options4.push({
+ options22.push({
content: node22.collapsed ? "Expand" : "Collapse",
callback: LGraphCanvas.onMenuNodeCollapse
});
}
if (node22.widgets?.some((w2) => w2.advanced)) {
- options4.push({
+ options22.push({
content: node22.showAdvanced ? "Hide Advanced" : "Show Advanced",
callback: LGraphCanvas.onMenuToggleAdvanced
});
}
- options4.push(
+ options22.push(
{
content: node22.pinned ? "Unpin" : "Pin",
callback: /* @__PURE__ */ __name((...args) => {
LGraphCanvas.onMenuNodePin(...args);
for (const i2 in this.selected_nodes) {
- const node3 = this.selected_nodes[i2];
- node3.pin();
+ const node222 = this.selected_nodes[i2];
+ node222.pin();
}
this.setDirty(true, true);
}, "callback")
@@ -64885,39 +69382,39 @@ class LGraphCanvas {
);
}
const inputs = node22.onGetInputs?.();
- if (inputs?.length) options4[0].disabled = false;
+ if (inputs?.length) options22[0].disabled = false;
const outputs = node22.onGetOutputs?.();
- if (outputs?.length) options4[1].disabled = false;
- const extra = node22.getExtraMenuOptions?.(this, options4);
+ if (outputs?.length) options22[1].disabled = false;
+ const extra = node22.getExtraMenuOptions?.(this, options22);
if (Array.isArray(extra) && extra.length > 0) {
extra.push(null);
- options4 = extra.concat(options4);
+ options22 = extra.concat(options22);
}
if (node22.clonable !== false) {
- options4.push({
+ options22.push({
content: "Clone",
callback: LGraphCanvas.onMenuNodeClone
});
}
if (Object.keys(this.selected_nodes).length > 1) {
- options4.push({
+ options22.push({
content: "Align Selected To",
has_submenu: true,
callback: LGraphCanvas.onNodeAlign
});
- options4.push({
+ options22.push({
content: "Distribute Nodes",
has_submenu: true,
callback: LGraphCanvas.createDistributeMenu
});
}
- options4.push(null, {
+ options22.push(null, {
content: "Remove",
disabled: !(node22.removable !== false && !node22.block_delete),
callback: LGraphCanvas.onMenuNodeRemove
});
- node22.graph?.onGetNodeMenuOptions?.(options4, node22);
- return options4;
+ node22.graph?.onGetNodeMenuOptions?.(options22, node22);
+ return options22;
}
getGroupMenuOptions(group) {
console.warn("LGraphCanvas.getGroupMenuOptions is deprecated, use LGraphGroup.getMenuOptions instead");
@@ -64925,15 +69422,15 @@ class LGraphCanvas {
}
processContextMenu(node22, event) {
const that = this;
- const canvas = LGraphCanvas.active_canvas;
- const ref_window = canvas.getCanvasWindow();
+ const canvas2 = LGraphCanvas.active_canvas;
+ const ref_window = canvas2.getCanvasWindow();
let menu_info = null;
- const options4 = {
+ const options22 = {
event,
callback: inner_option_clicked,
extra: node22
};
- if (node22) options4.title = node22.type;
+ if (node22) options22.title = node22.type;
let slot = null;
if (node22) {
slot = node22.getSlotInPosition(event.canvasX, event.canvasY);
@@ -64954,12 +69451,15 @@ class LGraphCanvas {
}
if (!_slot.nameLocked)
menu_info.push({ content: "Rename Slot", slot });
+ if (node22.getExtraSlotMenuOptions) {
+ menu_info.push(...node22.getExtraSlotMenuOptions(slot));
+ }
}
- options4.title = (slot.input ? slot.input.type : slot.output.type) || "*";
+ options22.title = (slot.input ? slot.input.type : slot.output.type) || "*";
if (slot.input && slot.input.type == LiteGraph.ACTION)
- options4.title = "Action";
+ options22.title = "Action";
if (slot.output && slot.output.type == LiteGraph.EVENT)
- options4.title = "Event";
+ options22.title = "Event";
} else if (node22) {
menu_info = this.getNodeMenuOptions(node22);
} else {
@@ -64990,8 +69490,8 @@ class LGraphCanvas {
}
}
if (!menu_info) return;
- new LiteGraph.ContextMenu(menu_info, options4, ref_window);
- function inner_option_clicked(v2, options22) {
+ new LiteGraph.ContextMenu(menu_info, options22, ref_window);
+ function inner_option_clicked(v2, options222) {
if (!v2) return;
if (v2.content == "Remove Slot") {
const info = v2.slot;
@@ -65018,7 +69518,7 @@ class LGraphCanvas {
const slot_info = info.input ? node22.getInputInfo(info.slot) : node22.getOutputInfo(info.slot);
const dialog = that.createDialog(
"Name",
- options22
+ options222
);
const input = dialog.querySelector("input");
if (input && slot_info) {
@@ -65108,9 +69608,9 @@ class LGraphCanvas {
* Fits the view to the selected nodes with animation.
* If nothing is selected, the view is fitted around all items in the graph.
*/
- fitViewToSelectionAnimated(options4 = {}) {
+ fitViewToSelectionAnimated(options22 = {}) {
const items2 = this.selectedItems.size ? Array.from(this.selectedItems) : this.positionableItems;
- this.animateToBounds(createBounds(items2), options4);
+ this.animateToBounds(createBounds(items2), options22);
}
}
class MapProxyHandler {
@@ -65206,7 +69706,6 @@ let LGraph$1 = class LGraph2 {
execution_time;
_last_trigger_time;
filter;
- _subgraph_node;
/** Must contain serialisable values, e.g. primitive types */
config;
vars;
@@ -65269,8 +69768,13 @@ let LGraph$1 = class LGraph2 {
if (LiteGraph.debug) console.log("Graph created");
const links = this._links;
MapProxyHandler.bindAllMethods(links);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const handler10 = new MapProxyHandler();
this.links = new Proxy(links, handler10);
+========
+ const handler12 = new MapProxyHandler();
+ this.links = new Proxy(links, handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.list_of_graphcanvas = null;
this.clear();
if (o2) this.configure(o2);
@@ -65348,10 +69852,10 @@ let LGraph$1 = class LGraph2 {
*/
detachCanvas(graphcanvas) {
if (!this.list_of_graphcanvas) return;
- const pos2 = this.list_of_graphcanvas.indexOf(graphcanvas);
- if (pos2 == -1) return;
+ const pos = this.list_of_graphcanvas.indexOf(graphcanvas);
+ if (pos == -1) return;
graphcanvas.graph = null;
- this.list_of_graphcanvas.splice(pos2, 1);
+ this.list_of_graphcanvas.splice(pos, 1);
}
/**
* Starts running this graph every interval milliseconds.
@@ -65647,12 +70151,6 @@ let LGraph$1 = class LGraph2 {
if (!nodes) return;
for (let j2 = 0, l2 = nodes.length; j2 < l2; ++j2) {
const node22 = nodes[j2];
- if (node22.constructor === LiteGraph.Subgraph && eventname != "onExecute") {
- if (node22.mode == mode2) {
- node22.sendEventToAllNodes(eventname, params, mode2);
- }
- continue;
- }
if (!node22[eventname] || node22.mode != mode2) continue;
if (params === void 0) {
node22[eventname]();
@@ -65766,13 +70264,13 @@ let LGraph$1 = class LGraph2 {
this._version++;
if (this.list_of_graphcanvas) {
for (let i2 = 0; i2 < this.list_of_graphcanvas.length; ++i2) {
- const canvas = this.list_of_graphcanvas[i2];
- if (canvas.selected_nodes[node22.id])
- delete canvas.selected_nodes[node22.id];
+ const canvas2 = this.list_of_graphcanvas[i2];
+ if (canvas2.selected_nodes[node22.id])
+ delete canvas2.selected_nodes[node22.id];
}
}
- const pos2 = this._nodes.indexOf(node22);
- if (pos2 != -1) this._nodes.splice(pos2, 1);
+ const pos = this._nodes.indexOf(node22);
+ if (pos != -1) this._nodes.splice(pos, 1);
delete this._nodes_by_id[node22.id];
this.onNodeRemoved?.(node22);
this.canvasAction((c2) => c2.checkPanels());
@@ -65884,8 +70382,8 @@ let LGraph$1 = class LGraph2 {
*/
getRerouteOnPos(x2, y2) {
for (const reroute of this.reroutes.values()) {
- const { pos: pos2 } = reroute;
- if (isSortaInsideOctagon(x2 - pos2[0], y2 - pos2[1], 2 * Reroute.radius))
+ const { pos } = reroute;
+ if (isSortaInsideOctagon(x2 - pos[0], y2 - pos[1], 2 * Reroute.radius))
return reroute;
}
}
@@ -65935,7 +70433,7 @@ let LGraph$1 = class LGraph2 {
this.updateExecutionOrder();
}
// ********** GLOBALS *****************
- onAction(action, param, options4) {
+ onAction(action, param, options22) {
this._input_nodes = this.findNodesByClass(
// @ts-expect-error Never impl.
LiteGraph.GraphInput,
@@ -65944,7 +70442,7 @@ let LGraph$1 = class LGraph2 {
for (let i2 = 0; i2 < this._input_nodes.length; ++i2) {
const node22 = this._input_nodes[i2];
if (node22.properties.name != action) continue;
- node22.actionDo(action, param, options4);
+ node22.actionDo(action, param, options22);
break;
}
}
@@ -66136,11 +70634,11 @@ let LGraph$1 = class LGraph2 {
* Creates the object if it does not exist.
* @param serialisedReroute See {@link SerialisableReroute}
*/
- setReroute({ id: id3, parentId, pos: pos2, linkIds }) {
+ setReroute({ id: id3, parentId, pos, linkIds }) {
id3 ??= ++this.state.lastRerouteId;
if (id3 > this.state.lastRerouteId) this.state.lastRerouteId = id3;
const reroute = this.reroutes.get(id3) ?? new Reroute(id3, this);
- reroute.update(parentId, pos2, linkIds);
+ reroute.update(parentId, pos, linkIds);
this.reroutes.set(id3, reroute);
return reroute;
}
@@ -66151,10 +70649,10 @@ let LGraph$1 = class LGraph2 {
* going from the node output to input.
* @returns The newly created reroute - typically ignored.
*/
- createReroute(pos2, before) {
+ createReroute(pos, before) {
const rerouteId = ++this.state.lastRerouteId;
const linkIds = before instanceof Reroute ? before.linkIds : [before.id];
- const reroute = new Reroute(rerouteId, this, pos2, before.parentId, linkIds);
+ const reroute = new Reroute(rerouteId, this, pos, before.parentId, linkIds);
this.reroutes.set(rerouteId, reroute);
for (const linkId of linkIds) {
const link2 = this._links.get(linkId);
@@ -66225,9 +70723,9 @@ let LGraph$1 = class LGraph2 {
* Mutating the properties of the return object may result in changes to your graph.
* It is intended for use with {@link structuredClone} or {@link JSON.stringify}.
*/
- asSerialisable(options4) {
+ asSerialisable(options22) {
const { config: config2, state, extra } = this;
- const nodeList = !LiteGraph.use_uuids && options4?.sortNodes ? [...this._nodes].sort((a2, b2) => a2.id - b2.id) : this._nodes;
+ const nodeList = !LiteGraph.use_uuids && options22?.sortNodes ? [...this._nodes].sort((a2, b2) => a2.id - b2.id) : this._nodes;
const nodes = nodeList.map((node22) => node22.serialize());
const groups = this._groups.map((x2) => x2.serialize());
const links = [...this._links.values()].map((x2) => x2.asSerialisable());
@@ -66386,31 +70884,35 @@ class ContextMenu {
* - ignore_item_callbacks: ignores the callback inside the item, it just calls the options.callback
* - event: you can pass a MouseEvent, this way the ContextMenu appears in that position
*/
- constructor(values, options4) {
- options4 ||= {};
- this.options = options4;
- const parent = options4.parentMenu;
+ constructor(values, options22) {
+ options22 ||= {};
+ this.options = options22;
+ const parent = options22.parentMenu;
if (parent) {
if (!(parent instanceof ContextMenu)) {
console.error("parentMenu must be of class ContextMenu, ignoring it");
- options4.parentMenu = null;
+ options22.parentMenu = null;
} else {
this.parentMenu = parent;
this.parentMenu.lock = true;
this.parentMenu.current_submenu = this;
}
if (parent.options?.className === "dark") {
- options4.className = "dark";
+ options22.className = "dark";
}
}
- const eventClass = options4.event ? options4.event.constructor.name : null;
+ const eventClass = options22.event ? options22.event.constructor.name : null;
if (eventClass !== "MouseEvent" && eventClass !== "CustomEvent" && eventClass !== "PointerEvent") {
console.error(`Event passed to ContextMenu is not of type MouseEvent or CustomEvent. Ignoring it. (${eventClass})`);
- options4.event = null;
+ options22.event = null;
}
const root29 = document.createElement("div");
let classes2 = "litegraph litecontextmenu litemenubar-panel";
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (options4.className) classes2 += " " + options4.className;
+========
+ if (options22.className) classes2 += " " + options22.className;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root29.className = classes2;
root29.style.minWidth = "100";
root29.style.minHeight = "100";
@@ -66449,10 +70951,17 @@ class ContextMenu {
true
);
this.root = root29;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (options4.title) {
const element = document.createElement("div");
element.className = "litemenu-title";
element.innerHTML = options4.title;
+========
+ if (options22.title) {
+ const element = document.createElement("div");
+ element.className = "litemenu-title";
+ element.innerHTML = options22.title;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root29.appendChild(element);
}
for (let i2 = 0; i2 < values.length; i2++) {
@@ -66461,25 +70970,34 @@ class ContextMenu {
if (typeof name2 !== "string") {
name2 = name2 != null ? name2.content === void 0 ? String(name2) : name2.content : name2;
}
- this.addItem(name2, value4, options4);
+ this.addItem(name2, value4, options22);
}
LiteGraph.pointerListenerAdd(root29, "enter", function() {
if (root29.closing_timer) {
clearTimeout(root29.closing_timer);
}
});
- const ownerDocument = (options4.event?.target).ownerDocument;
+ const ownerDocument = (options22.event?.target).ownerDocument;
const root_document = ownerDocument || document;
if (root_document.fullscreenElement)
root_document.fullscreenElement.appendChild(root29);
else
root_document.body.appendChild(root29);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let left = options4.left || 0;
let top = options4.top || 0;
if (options4.event) {
left = options4.event.clientX - 10;
top = options4.event.clientY - 10;
if (options4.title) top -= 20;
+========
+ let left = options22.left || 0;
+ let top = options22.top || 0;
+ if (options22.event) {
+ left = options22.event.clientX - 10;
+ top = options22.event.clientY - 10;
+ if (options22.title) top -= 20;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (parent) {
const rect = parent.root.getBoundingClientRect();
left = rect.left + rect.width;
@@ -66495,12 +71013,17 @@ class ContextMenu {
}
root29.style.left = left + "px";
root29.style.top = top + "px";
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (LiteGraph.context_menu_scaling && options4.scale) {
root29.style.transform = `scale(${Math.round(options4.scale * 4) * 0.25})`;
+========
+ if (LiteGraph.context_menu_scaling && options22.scale) {
+ root29.style.transform = `scale(${Math.round(options22.scale * 4) * 0.25})`;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
- addItem(name2, value4, options4) {
- options4 ||= {};
+ addItem(name2, value4, options22) {
+ options22 ||= {};
const element = document.createElement("div");
element.className = "litemenu-entry submenu";
let disabled2 = false;
@@ -66534,7 +71057,7 @@ class ContextMenu {
}
this.root.appendChild(element);
if (!disabled2) element.addEventListener("click", inner_onclick);
- if (!disabled2 && options4.autoopen)
+ if (!disabled2 && options22.autoopen)
LiteGraph.pointerListenerAdd(element, "enter", inner_over);
const setAriaExpanded = /* @__PURE__ */ __name(() => {
const entries = this.root.querySelectorAll("div.litemenu-entry.has_submenu");
@@ -66560,26 +71083,26 @@ class ContextMenu {
if (value22?.has_submenu || value22?.submenu) {
setAriaExpanded();
}
- if (options4.callback) {
- const r2 = options4.callback.call(
+ if (options22.callback) {
+ const r2 = options22.callback.call(
this,
value22,
- options4,
+ options22,
e2,
that,
- options4.node
+ options22.node
);
if (r2 === true) close_parent = false;
}
if (typeof value22 === "object") {
- if (value22.callback && !options4.ignore_item_callbacks && value22.disabled !== true) {
+ if (value22.callback && !options22.ignore_item_callbacks && value22.disabled !== true) {
const r2 = value22.callback.call(
this,
value22,
- options4,
+ options22,
e2,
that,
- options4.extra
+ options22.extra
);
if (r2 === true) close_parent = false;
}
@@ -66592,7 +71115,7 @@ class ContextMenu {
ignore_item_callbacks: value22.submenu.ignore_item_callbacks,
title: value22.submenu.title,
extra: value22.submenu.extra,
- autoopen: options4.autoopen
+ autoopen: options22.autoopen
});
close_parent = false;
}
@@ -66723,9 +71246,9 @@ class CurveEditor {
const h2 = this.size[1] - this.margin * 2;
const x2 = localpos[0] - this.margin;
const y2 = localpos[1] - this.margin;
- const pos2 = [x2, y2];
+ const pos = [x2, y2];
const max_dist = 30 / graphcanvas.ds.scale;
- this.selected = this.getCloserPoint(pos2, max_dist);
+ this.selected = this.getCloserPoint(pos, max_dist);
if (this.selected == -1) {
const point = [x2 / w2, 1 - y2 / h2];
points.push(point);
@@ -66773,7 +71296,7 @@ class CurveEditor {
this.selected = -1;
return false;
}
- getCloserPoint(pos2, max_dist) {
+ getCloserPoint(pos, max_dist) {
const points = this.points;
if (!points) return -1;
max_dist = max_dist || 30;
@@ -66787,7 +71310,7 @@ class CurveEditor {
const p3 = points[i2];
p2[0] = p3[0] * w2;
p2[1] = (1 - p3[1]) * h2;
- const dist3 = distance(pos2, p2);
+ const dist3 = distance(pos, p2);
if (dist3 > min_dist || dist3 > max_dist) continue;
closest = i2;
min_dist = dist3;
@@ -66846,6 +71369,7 @@ class LiteGraphGlobal {
DEFAULT_POSITION = [100, 100];
/** ,"circle" */
VALID_SHAPES = ["default", "box", "round", "card"];
+ ROUND_RADIUS = 8;
// shapes are used for nodes but also for slots
BOX_SHAPE = RenderShape.BOX;
ROUND_SHAPE = RenderShape.ROUND;
@@ -67044,8 +71568,8 @@ class LiteGraphGlobal {
base_class.type = type;
if (this.debug) console.log("Node registered: " + type);
const classname = base_class.name;
- const pos2 = type.lastIndexOf("/");
- base_class.category = type.substring(0, pos2);
+ const pos = type.lastIndexOf("/");
+ base_class.category = type.substring(0, pos);
base_class.title ||= classname;
for (const i2 in LGraphNode.prototype) {
base_class.prototype[i2] ||= LGraphNode.prototype[i2];
@@ -67054,44 +71578,6 @@ class LiteGraphGlobal {
if (prev2) {
console.log("replacing node type: " + type);
}
- if (!Object.prototype.hasOwnProperty.call(base_class.prototype, "shape")) {
- Object.defineProperty(base_class.prototype, "shape", {
- set(v2) {
- switch (v2) {
- case "default":
- delete this._shape;
- break;
- case "box":
- this._shape = RenderShape.BOX;
- break;
- case "round":
- this._shape = RenderShape.ROUND;
- break;
- case "circle":
- this._shape = RenderShape.CIRCLE;
- break;
- case "card":
- this._shape = RenderShape.CARD;
- break;
- default:
- this._shape = v2;
- }
- },
- get() {
- return this._shape;
- },
- enumerable: true,
- configurable: true
- });
- if (base_class.supported_extensions) {
- for (const i2 in base_class.supported_extensions) {
- const ext = base_class.supported_extensions[i2];
- if (ext && typeof ext === "string") {
- this.node_types_by_file_extension[ext.toLowerCase()] = base_class;
- }
- }
- }
- }
this.registered_node_types[type] = base_class;
if (base_class.constructor.name) this.Nodes[classname] = base_class;
this.onNodeTypeRegistered?.(type, base_class);
@@ -67143,41 +71629,6 @@ class LiteGraphGlobal {
}
}
}
- /**
- * Create a new nodetype by passing a function, it wraps it with a proper class and
- * generates inputs according to the parameters of the function.
- * Useful to wrap simple methods that do not require properties, and that only process some input to generate an output.
- * @param name node name with namespace (p.e.: 'math/sum')
- * @param func
- * @param param_types [optional] an array containing the type of every parameter,
- * otherwise parameters will accept any type
- * @param return_type [optional] string with the return type, otherwise it will be generic
- * @param properties [optional] properties to be configurable
- */
- wrapFunctionAsNode(name2, func, param_types, return_type, properties) {
- const params = Array(func.length);
- let code2 = "";
- const names = this.getParameterNames(func);
- for (let i2 = 0; i2 < names.length; ++i2) {
- code2 += `this.addInput('${names[i2]}',${param_types && param_types[i2] ? `'${param_types[i2]}'` : "0"});
-`;
- }
- code2 += `this.addOutput('out',${return_type ? `'${return_type}'` : 0});
-`;
- if (properties) code2 += `this.properties = ${JSON.stringify(properties)};
-`;
- const classobj = Function(code2);
- classobj.title = name2.split("/").pop();
- classobj.desc = "Generated from " + func.name;
- classobj.prototype.onExecute = /* @__PURE__ */ __name(function onExecute() {
- for (let i2 = 0; i2 < params.length; ++i2) {
- params[i2] = this.getInputData(i2);
- }
- const r2 = func.apply(this, params);
- this.setOutputData(0, r2);
- }, "onExecute");
- this.registerNodeType(name2, classobj);
- }
/**
* Removes all previously registered node's types
*/
@@ -67206,7 +71657,7 @@ class LiteGraphGlobal {
* @param title a name to distinguish from other nodes
* @param options to set options
*/
- createNode(type, title, options4) {
+ createNode(type, title, options22) {
const base_class = this.registered_node_types[type];
if (!base_class) {
if (this.debug) console.log(`GraphNode type "${type}" not registered.`);
@@ -67232,9 +71683,9 @@ class LiteGraphGlobal {
node22.size ||= node22.computeSize();
node22.pos ||= this.DEFAULT_POSITION.concat();
node22.mode ||= LGraphEventMode.ALWAYS;
- if (options4) {
- for (const i2 in options4) {
- node22[i2] = options4[i2];
+ if (options22) {
+ for (const i2 in options22) {
+ node22[i2] = options22[i2];
}
}
node22.onNodeCreated?.();
@@ -67374,6 +71825,7 @@ class LiteGraphGlobal {
data: data26
};
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
/**
* Wrapper to load files (from url using fetch or from file using FileReader)
* @param url the url of the file (or the file itself)
@@ -67422,6 +71874,8 @@ class LiteGraphGlobal {
}
return null;
}
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
// used to create nodes from wrapping functions
getParameterNames(func) {
return (func + "").replace(/[/][/].*$/gm, "").replace(/\s+/g, "").replace(/[/][*][^/*]*[*][/]/g, "").split("){", 1)[0].replace(/^[^(]*[(]/, "").replace(/=[^,]+/g, "").split(",").filter(Boolean);
@@ -68332,6 +72786,46 @@ class ZodType {
const result = this._parseSync({ data: data26, path: ctx.path, parent: ctx });
return handleResult(ctx, result);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ "~validate"(data26) {
+ var _a2, _b;
+ const ctx = {
+ common: {
+ issues: [],
+ async: !!this["~standard"].async
+ },
+ path: [],
+ schemaErrorMap: this._def.errorMap,
+ parent: null,
+ data: data26,
+ parsedType: getParsedType(data26)
+ };
+ if (!this["~standard"].async) {
+ try {
+ const result = this._parseSync({ data: data26, path: [], parent: ctx });
+ return isValid(result) ? {
+ value: result.value
+ } : {
+ issues: ctx.common.issues
+ };
+ } catch (err) {
+ if ((_b = (_a2 = err === null || err === void 0 ? void 0 : err.message) === null || _a2 === void 0 ? void 0 : _a2.toLowerCase()) === null || _b === void 0 ? void 0 : _b.includes("encountered")) {
+ this["~standard"].async = true;
+ }
+ ctx.common = {
+ issues: [],
+ async: true
+ };
+ }
+ }
+ return this._parseAsync({ data: data26, path: [], parent: ctx }).then((result) => isValid(result) ? {
+ value: result.value
+ } : {
+ issues: ctx.common.issues
+ });
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
async parseAsync(data26, params) {
const result = await this.safeParseAsync(data26, params);
if (result.success)
@@ -68409,6 +72903,42 @@ class ZodType {
superRefine(refinement) {
return this._refinement(refinement);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ constructor(def2) {
+ this.spa = this.safeParseAsync;
+ this._def = def2;
+ this.parse = this.parse.bind(this);
+ this.safeParse = this.safeParse.bind(this);
+ this.parseAsync = this.parseAsync.bind(this);
+ this.safeParseAsync = this.safeParseAsync.bind(this);
+ this.spa = this.spa.bind(this);
+ this.refine = this.refine.bind(this);
+ this.refinement = this.refinement.bind(this);
+ this.superRefine = this.superRefine.bind(this);
+ this.optional = this.optional.bind(this);
+ this.nullable = this.nullable.bind(this);
+ this.nullish = this.nullish.bind(this);
+ this.array = this.array.bind(this);
+ this.promise = this.promise.bind(this);
+ this.or = this.or.bind(this);
+ this.and = this.and.bind(this);
+ this.transform = this.transform.bind(this);
+ this.brand = this.brand.bind(this);
+ this.default = this.default.bind(this);
+ this.catch = this.catch.bind(this);
+ this.describe = this.describe.bind(this);
+ this.pipe = this.pipe.bind(this);
+ this.readonly = this.readonly.bind(this);
+ this.isNullable = this.isNullable.bind(this);
+ this.isOptional = this.isOptional.bind(this);
+ this["~standard"] = {
+ version: 1,
+ vendor: "zod",
+ validate: /* @__PURE__ */ __name((data26) => this["~validate"](data26), "validate")
+ };
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
optional() {
return ZodOptional.create(this, this._def);
}
@@ -72493,6 +77023,16 @@ function inputSpec(spec, allowUpcast = true) {
]);
}
__name(inputSpec, "inputSpec");
+const zRemoteWidgetConfig = z.object({
+ route: z.string().url().or(z.string().startsWith("/")),
+ refresh: z.number().gte(128).safe().or(z.number().lte(0).safe()).optional(),
+ response_key: z.string().optional(),
+ query_params: z.record(z.string(), z.string()).optional(),
+ refresh_button: z.boolean().optional(),
+ control_after_refresh: z.enum(["first", "last"]).optional(),
+ timeout: z.number().gte(0).optional(),
+ max_retries: z.number().gte(0).optional()
+});
const zBaseInputSpecValue = z.object({
default: z.any().optional(),
defaultInput: z.boolean().optional(),
@@ -72511,7 +77051,12 @@ const zIntInputSpec = inputSpec([
step: z.number().optional(),
// Note: Many node authors are using INT to pass list of INT.
// TODO: Add list of ints type.
- default: z.union([z.number(), z.array(z.number())]).optional()
+ default: z.union([z.number(), z.array(z.number())]).optional(),
+ /**
+ * If true, a linked widget will be added to the node to select the mode
+ * of `control_after_generate`.
+ */
+ control_after_generate: z.boolean().optional()
})
]);
const zFloatInputSpec = inputSpec([
@@ -72545,17 +77090,26 @@ const zStringInputSpec = inputSpec([
placeholder: z.string().optional()
})
]);
+const zComboInputProps = zBaseInputSpecValue.extend({
+ control_after_generate: z.boolean().optional(),
+ image_upload: z.boolean().optional(),
+ image_folder: z.enum(["input", "output", "temp"]).optional(),
+ remote: zRemoteWidgetConfig.optional()
+});
const zComboInputSpec = inputSpec(
- [
- z.array(z.any()),
- zBaseInputSpecValue.extend({
- control_after_generate: z.boolean().optional(),
- image_upload: z.boolean().optional()
- })
- ],
+ [z.array(z.any()), zComboInputProps],
/* allowUpcast=*/
false
);
+const zComboInputSpecV2 = inputSpec(
+ [z.literal("COMBO"), zComboInputProps],
+ /* allowUpcast=*/
+ false
+);
+function isComboInputSpecV1(inputSpec2) {
+ return Array.isArray(inputSpec2[0]);
+}
+__name(isComboInputSpecV1, "isComboInputSpecV1");
const excludedLiterals = /* @__PURE__ */ new Set(["INT", "FLOAT", "BOOLEAN", "STRING", "COMBO"]);
const zCustomInputSpec = inputSpec([
z.string().refine((value4) => !excludedLiterals.has(value4)),
@@ -72567,6 +77121,7 @@ const zInputSpec = z.union([
zBooleanInputSpec,
zStringInputSpec,
zComboInputSpec,
+ zComboInputSpecV2,
zCustomInputSpec
]);
const zComfyInputsSpec = z.object({
@@ -72751,7 +77306,8 @@ const zSettings = z.record(z.any()).and(
"Comfy.Server.LaunchArgs": z.record(z.string(), z.string()),
"LiteGraph.Canvas.MaximumFps": z.number(),
"Comfy.Workflow.ConfirmDelete": z.boolean(),
- "Comfy.RerouteBeta": z.boolean()
+ "Comfy.RerouteBeta": z.boolean(),
+ "LiteGraph.Canvas.LowQualityRenderingZoomThreshold": z.number()
}).optional()
);
class ComfyApi extends EventTarget {
@@ -73502,7 +78058,11 @@ const router = createRouter({
{
path: "",
name: "GraphView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./GraphView-CPk-0F87.js"), true ? __vite__mapDeps([0,1,2,3,4,5]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./GraphView-B_UDZi95.js"), true ? __vite__mapDeps([0,1,2,3,4,5,6]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: /* @__PURE__ */ __name(async (to, from2, next2) => {
const userStore = useUserStore();
await userStore.initialize();
@@ -73516,60 +78076,106 @@ const router = createRouter({
{
path: "user-select",
name: "UserSelectView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./UserSelectView-DkeVSFwW.js"), true ? __vite__mapDeps([6,7]) : void 0, import.meta.url), "component")
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./UserSelectView-C703HOyO.js"), true ? __vite__mapDeps([7,8]) : void 0, import.meta.url), "component")
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
},
{
path: "server-start",
name: "ServerStartView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./ServerStartView-DgywG2so.js"), true ? __vite__mapDeps([8,7,9]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./ServerStartView-B7TlHxYo.js"), true ? __vite__mapDeps([9,8,10]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
},
{
path: "install",
name: "InstallView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./InstallView-C1fnMZKt.js"), true ? __vite__mapDeps([10,11,7,12]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./InstallView-DW9xwU_F.js"), true ? __vite__mapDeps([11,12,13,8,14]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
},
{
path: "welcome",
name: "WelcomeView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./WelcomeView-CXVMqRFA.js"), true ? __vite__mapDeps([13,7,14]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./WelcomeView-DIFvbWc2.js"), true ? __vite__mapDeps([15,8,16]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
},
{
path: "not-supported",
name: "NotSupportedView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./NotSupportedView-IH8EV0bV.js"), true ? __vite__mapDeps([15,7,16]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./NotSupportedView-B78ZVR9Z.js"), true ? __vite__mapDeps([17,8,18]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
},
{
path: "download-git",
name: "DownloadGitView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./DownloadGitView-BFcFCk37.js"), true ? __vite__mapDeps([17,7]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./DownloadGitView-PWqK5ke4.js"), true ? __vite__mapDeps([19,8]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
},
{
path: "manual-configuration",
name: "ManualConfigurationView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./ManualConfigurationView-DlH3kpjW.js"), true ? __vite__mapDeps([18,7,19]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./ManualConfigurationView-DTLyJ3VG.js"), true ? __vite__mapDeps([20,8,21]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
},
{
path: "/metrics-consent",
name: "MetricsConsentView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./MetricsConsentView-BgqqjOyd.js"), true ? __vite__mapDeps([20,7]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./MetricsConsentView-C80fk2cl.js"), true ? __vite__mapDeps([22,8]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
},
{
path: "desktop-start",
name: "DesktopStartView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./DesktopStartView-elroCqfp.js"), true ? __vite__mapDeps([21,7]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./DesktopStartView-D9r53Bue.js"), true ? __vite__mapDeps([23,8]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
},
{
path: "maintenance",
name: "MaintenanceView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./MaintenanceView-DYZ7z6hj.js"), true ? __vite__mapDeps([22,1,2,23,11,7,24]) : void 0, import.meta.url), "component"),
+========
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./MaintenanceView-Bh8OZpgl.js"), true ? __vite__mapDeps([24,3,1,2,25,26,12,8,27]) : void 0, import.meta.url), "component"),
+ beforeEnter: guardElectronAccess
+ },
+ {
+ path: "desktop-update",
+ name: "DesktopUpdateView",
+ component: /* @__PURE__ */ __name(() => __vitePreload(() => import("./DesktopUpdateView-C-R0415K.js"), true ? __vite__mapDeps([28,3,26,8,29]) : void 0, import.meta.url), "component"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
beforeEnter: guardElectronAccess
}
]
@@ -73583,6 +78189,33 @@ const router = createRouter({
}
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+var isVue2$1 = false;
+var isVue3$1 = true;
+var Vue2$1 = void 0;
+function install$7() {
+}
+__name(install$7, "install$7");
+function set$2(target2, key, val) {
+ if (Array.isArray(target2)) {
+ target2.length = Math.max(target2.length, key);
+ target2.splice(key, 1, val);
+ return val;
+ }
+ target2[key] = val;
+ return val;
+}
+__name(set$2, "set$2");
+function del$2(target2, key) {
+ if (Array.isArray(target2)) {
+ target2.splice(key, 1);
+ return;
+ }
+ delete target2[key];
+}
+__name(del$2, "del$2");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function computedEager(fn, options4) {
var _a2;
const result = shallowRef();
@@ -73730,13 +78363,18 @@ function createSharedComposable(composable) {
};
}
__name(createSharedComposable, "createSharedComposable");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function extendRef(ref2, extend4, { enumerable = false, unwrap = true } = {}) {
if (!isVue3 && !version.startsWith("2.7.")) {
+========
+function extendRef(ref2, extend5, { enumerable = false, unwrap = true } = {}) {
+ if (!isVue3$1 && !version.startsWith("2.7.")) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (false)
throw new Error("[VueUse] extendRef only works in Vue 2.7 or above.");
return;
}
- for (const [key, value4] of Object.entries(extend4)) {
+ for (const [key, value4] of Object.entries(extend5)) {
if (key === "value")
continue;
if (isRef(value4) && unwrap) {
@@ -73787,13 +78425,13 @@ function makeDestructurable(obj, arr) {
}
}
__name(makeDestructurable, "makeDestructurable");
-function toValue(r2) {
+function toValue$3(r2) {
return typeof r2 === "function" ? r2() : unref(r2);
}
-__name(toValue, "toValue");
-const resolveUnref = toValue;
+__name(toValue$3, "toValue$3");
+const resolveUnref = toValue$3;
function reactify(fn, options4) {
- const unrefFn = (options4 == null ? void 0 : options4.computedGetter) === false ? unref : toValue;
+ const unrefFn = (options4 == null ? void 0 : options4.computedGetter) === false ? unref : toValue$3;
return function(...args) {
return computed(() => fn.apply(this, args.map((i2) => unrefFn(i2))));
};
@@ -73862,15 +78500,19 @@ __name(reactiveComputed, "reactiveComputed");
function reactiveOmit(obj, ...keys2) {
const flatKeys = keys2.flat();
const predicate = flatKeys[0];
- return reactiveComputed(() => typeof predicate === "function" ? Object.fromEntries(Object.entries(toRefs$1(obj)).filter(([k2, v2]) => !predicate(toValue(v2), k2))) : Object.fromEntries(Object.entries(toRefs$1(obj)).filter((e2) => !flatKeys.includes(e2[0]))));
+ return reactiveComputed(() => typeof predicate === "function" ? Object.fromEntries(Object.entries(toRefs$1(obj)).filter(([k2, v2]) => !predicate(toValue$3(v2), k2))) : Object.fromEntries(Object.entries(toRefs$1(obj)).filter((e2) => !flatKeys.includes(e2[0]))));
}
__name(reactiveOmit, "reactiveOmit");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const directiveHooks = {
mounted: isVue3 ? "mounted" : "inserted",
updated: isVue3 ? "updated" : "componentUpdated",
unmounted: isVue3 ? "unmounted" : "unbind"
};
const isClient = typeof window !== "undefined" && typeof document !== "undefined";
+========
+const isClient$1 = typeof window !== "undefined" && typeof document !== "undefined";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const isWorker = typeof WorkerGlobalScope !== "undefined" && globalThis instanceof WorkerGlobalScope;
const isDef = /* @__PURE__ */ __name((val) => typeof val !== "undefined", "isDef");
const notNullish = /* @__PURE__ */ __name((val) => val != null, "notNullish");
@@ -73879,7 +78521,11 @@ const assert = /* @__PURE__ */ __name((condition, ...infos) => {
console.warn(...infos);
}, "assert");
const toString$1 = Object.prototype.toString;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isObject$c = /* @__PURE__ */ __name((val) => toString$1.call(val) === "[object Object]", "isObject$c");
+========
+const isObject$d = /* @__PURE__ */ __name((val) => toString$1.call(val) === "[object Object]", "isObject$d");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const now = /* @__PURE__ */ __name(() => Date.now(), "now");
const timestamp = /* @__PURE__ */ __name(() => +Date.now(), "timestamp");
const clamp = /* @__PURE__ */ __name((n2, min, max) => Math.min(max, Math.max(min, n2)), "clamp");
@@ -73891,10 +78537,10 @@ const rand = /* @__PURE__ */ __name((min, max) => {
return Math.floor(Math.random() * (max - min + 1)) + min;
}, "rand");
const hasOwn$2 = /* @__PURE__ */ __name((val, key) => Object.prototype.hasOwnProperty.call(val, key), "hasOwn$2");
-const isIOS = /* @__PURE__ */ getIsIOS();
+const isIOS$1 = /* @__PURE__ */ getIsIOS();
function getIsIOS() {
var _a2, _b;
- return isClient && ((_a2 = window == null ? void 0 : window.navigator) == null ? void 0 : _a2.userAgent) && (/iP(?:ad|hone|od)/.test(window.navigator.userAgent) || ((_b = window == null ? void 0 : window.navigator) == null ? void 0 : _b.maxTouchPoints) > 2 && /iPad|Macintosh/.test(window == null ? void 0 : window.navigator.userAgent));
+ return isClient$1 && ((_a2 = window == null ? void 0 : window.navigator) == null ? void 0 : _a2.userAgent) && (/iP(?:ad|hone|od)/.test(window.navigator.userAgent) || ((_b = window == null ? void 0 : window.navigator) == null ? void 0 : _b.maxTouchPoints) > 2 && /iPad|Macintosh/.test(window == null ? void 0 : window.navigator.userAgent));
}
__name(getIsIOS, "getIsIOS");
function createFilterWrapper(filter4, fn) {
@@ -73920,8 +78566,8 @@ function debounceFilter(ms, options4 = {}) {
lastRejector = noop$1;
}, "_clearTimeout");
const filter4 = /* @__PURE__ */ __name((invoke2) => {
- const duration = toValue(ms);
- const maxDuration = toValue(options4.maxWait);
+ const duration = toValue$3(ms);
+ const maxDuration = toValue$3(options4.maxWait);
if (timer)
_clearTimeout(timer);
if (duration <= 0 || maxDuration !== void 0 && maxDuration <= 0) {
@@ -73975,7 +78621,7 @@ function throttleFilter(...args) {
}
}, "clear");
const filter4 = /* @__PURE__ */ __name((_invoke) => {
- const duration = toValue(ms);
+ const duration = toValue$3(ms);
const elapsed = Date.now() - lastExec;
const invoke2 = /* @__PURE__ */ __name(() => {
return lastValue = _invoke();
@@ -74123,17 +78769,24 @@ const resolveRef = toRef;
function reactivePick(obj, ...keys2) {
const flatKeys = keys2.flat();
const predicate = flatKeys[0];
- return reactiveComputed(() => typeof predicate === "function" ? Object.fromEntries(Object.entries(toRefs$1(obj)).filter(([k2, v2]) => predicate(toValue(v2), k2))) : Object.fromEntries(flatKeys.map((k2) => [k2, toRef(obj, k2)])));
+ return reactiveComputed(() => typeof predicate === "function" ? Object.fromEntries(Object.entries(toRefs$1(obj)).filter(([k2, v2]) => predicate(toValue$3(v2), k2))) : Object.fromEntries(flatKeys.map((k2) => [k2, toRef(obj, k2)])));
}
__name(reactivePick, "reactivePick");
function refAutoReset(defaultValue2, afterMs = 1e4) {
return customRef((track2, trigger2) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let value4 = toValue(defaultValue2);
let timer;
const resetAfter = /* @__PURE__ */ __name(() => setTimeout(() => {
value4 = toValue(defaultValue2);
+========
+ let value4 = toValue$3(defaultValue2);
+ let timer;
+ const resetAfter = /* @__PURE__ */ __name(() => setTimeout(() => {
+ value4 = toValue$3(defaultValue2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
trigger2();
- }, toValue(afterMs)), "resetAfter");
+ }, toValue$3(afterMs)), "resetAfter");
tryOnScopeDispose(() => {
clearTimeout(timer);
});
@@ -74364,7 +79017,7 @@ function toRefs(objectRef, options4 = {}) {
},
set(v2) {
var _a2;
- const replaceRef = (_a2 = toValue(options4.replaceRef)) != null ? _a2 : true;
+ const replaceRef = (_a2 = toValue$3(options4.replaceRef)) != null ? _a2 : true;
if (replaceRef) {
if (Array.isArray(objectRef.value)) {
const copy2 = [...objectRef.value];
@@ -74400,7 +79053,11 @@ function tryOnBeforeUnmount(fn, target2) {
onBeforeUnmount(fn, target2);
}
__name(tryOnBeforeUnmount, "tryOnBeforeUnmount");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function tryOnMounted$1(fn, sync = true, target2) {
+========
+function tryOnMounted$2(fn, sync = true, target2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const instance = getLifeCycleTarget();
if (instance)
onMounted(fn, target2);
@@ -74409,7 +79066,11 @@ function tryOnMounted$1(fn, sync = true, target2) {
else
nextTick(fn);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(tryOnMounted$1, "tryOnMounted$1");
+========
+__name(tryOnMounted$2, "tryOnMounted$2");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function tryOnUnmounted(fn, target2) {
const instance = getLifeCycleTarget(target2);
if (instance)
@@ -74441,7 +79102,7 @@ function createUntil(r2, isNot = false) {
const promises = [watcher];
if (timeout != null) {
promises.push(
- promiseTimeout(timeout, throwOnTimeout).then(() => toValue(r2)).finally(() => stop2 == null ? void 0 : stop2())
+ promiseTimeout(timeout, throwOnTimeout).then(() => toValue$3(r2)).finally(() => stop2 == null ? void 0 : stop2())
);
}
return Promise.race(promises);
@@ -74474,9 +79135,9 @@ function createUntil(r2, isNot = false) {
const promises = [watcher];
if (timeout != null) {
promises.push(
- promiseTimeout(timeout, throwOnTimeout).then(() => toValue(r2)).finally(() => {
+ promiseTimeout(timeout, throwOnTimeout).then(() => toValue$3(r2)).finally(() => {
stop2 == null ? void 0 : stop2();
- return toValue(r2);
+ return toValue$3(r2);
})
);
}
@@ -74502,7 +79163,7 @@ function createUntil(r2, isNot = false) {
function toContains(value4, options4) {
return toMatch((v2) => {
const array = Array.from(v2);
- return array.includes(value4) || array.includes(toValue(value4));
+ return array.includes(value4) || array.includes(toValue$3(value4));
}, options4);
}
__name(toContains, "toContains");
@@ -74518,7 +79179,7 @@ function createUntil(r2, isNot = false) {
}, options4);
}
__name(changedTimes, "changedTimes");
- if (Array.isArray(toValue(r2))) {
+ if (Array.isArray(toValue$3(r2))) {
const instance = {
toMatch,
toContains,
@@ -74564,28 +79225,28 @@ function useArrayDifference(...args) {
const key = compareFn;
compareFn = /* @__PURE__ */ __name((value4, othVal) => value4[key] === othVal[key], "compareFn");
}
- return computed(() => toValue(list2).filter((x2) => toValue(values).findIndex((y2) => compareFn(x2, y2)) === -1));
+ return computed(() => toValue$3(list2).filter((x2) => toValue$3(values).findIndex((y2) => compareFn(x2, y2)) === -1));
}
__name(useArrayDifference, "useArrayDifference");
function useArrayEvery(list2, fn) {
- return computed(() => toValue(list2).every((element, index2, array) => fn(toValue(element), index2, array)));
+ return computed(() => toValue$3(list2).every((element, index2, array) => fn(toValue$3(element), index2, array)));
}
__name(useArrayEvery, "useArrayEvery");
function useArrayFilter(list2, fn) {
- return computed(() => toValue(list2).map((i2) => toValue(i2)).filter(fn));
+ return computed(() => toValue$3(list2).map((i2) => toValue$3(i2)).filter(fn));
}
__name(useArrayFilter, "useArrayFilter");
function useArrayFind(list2, fn) {
- return computed(() => toValue(
- toValue(list2).find((element, index2, array) => fn(toValue(element), index2, array))
+ return computed(() => toValue$3(
+ toValue$3(list2).find((element, index2, array) => fn(toValue$3(element), index2, array))
));
}
__name(useArrayFind, "useArrayFind");
function useArrayFindIndex(list2, fn) {
- return computed(() => toValue(list2).findIndex((element, index2, array) => fn(toValue(element), index2, array)));
+ return computed(() => toValue$3(list2).findIndex((element, index2, array) => fn(toValue$3(element), index2, array)));
}
__name(useArrayFindIndex, "useArrayFindIndex");
-function findLast(arr, cb) {
+function findLast$2(arr, cb) {
let index2 = arr.length;
while (index2-- > 0) {
if (cb(arr[index2], index2, arr))
@@ -74593,15 +79254,19 @@ function findLast(arr, cb) {
}
return void 0;
}
-__name(findLast, "findLast");
+__name(findLast$2, "findLast$2");
function useArrayFindLast(list2, fn) {
- return computed(() => toValue(
- !Array.prototype.findLast ? findLast(toValue(list2), (element, index2, array) => fn(toValue(element), index2, array)) : toValue(list2).findLast((element, index2, array) => fn(toValue(element), index2, array))
+ return computed(() => toValue$3(
+ !Array.prototype.findLast ? findLast$2(toValue$3(list2), (element, index2, array) => fn(toValue$3(element), index2, array)) : toValue$3(list2).findLast((element, index2, array) => fn(toValue$3(element), index2, array))
));
}
__name(useArrayFindLast, "useArrayFindLast");
function isArrayIncludesOptions(obj) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isObject$c(obj) && containsProp(obj, "formIndex", "comparator");
+========
+ return isObject$d(obj) && containsProp(obj, "formIndex", "comparator");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(isArrayIncludesOptions, "isArrayIncludesOptions");
function useArrayIncludes(...args) {
@@ -74616,35 +79281,49 @@ function useArrayIncludes(...args) {
}
if (typeof comparator === "string") {
const key = comparator;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
comparator = /* @__PURE__ */ __name((element, value22) => element[key] === toValue(value22), "comparator");
}
comparator = comparator != null ? comparator : (element, value22) => element === toValue(value22);
return computed(() => toValue(list2).slice(formIndex).some((element, index2, array) => comparator(
toValue(element),
toValue(value4),
+========
+ comparator = /* @__PURE__ */ __name((element, value22) => element[key] === toValue$3(value22), "comparator");
+ }
+ comparator = comparator != null ? comparator : (element, value22) => element === toValue$3(value22);
+ return computed(() => toValue$3(list2).slice(formIndex).some((element, index2, array) => comparator(
+ toValue$3(element),
+ toValue$3(value4),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
index2,
- toValue(array)
+ toValue$3(array)
)));
}
__name(useArrayIncludes, "useArrayIncludes");
function useArrayJoin(list2, separator) {
- return computed(() => toValue(list2).map((i2) => toValue(i2)).join(toValue(separator)));
+ return computed(() => toValue$3(list2).map((i2) => toValue$3(i2)).join(toValue$3(separator)));
}
__name(useArrayJoin, "useArrayJoin");
function useArrayMap(list2, fn) {
- return computed(() => toValue(list2).map((i2) => toValue(i2)).map(fn));
+ return computed(() => toValue$3(list2).map((i2) => toValue$3(i2)).map(fn));
}
__name(useArrayMap, "useArrayMap");
function useArrayReduce(list2, reducer, ...args) {
- const reduceCallback = /* @__PURE__ */ __name((sum, value4, index2) => reducer(toValue(sum), toValue(value4), index2), "reduceCallback");
+ const reduceCallback = /* @__PURE__ */ __name((sum, value4, index2) => reducer(toValue$3(sum), toValue$3(value4), index2), "reduceCallback");
return computed(() => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const resolved = toValue(list2);
return args.length ? resolved.reduce(reduceCallback, typeof args[0] === "function" ? toValue(args[0]()) : toValue(args[0])) : resolved.reduce(reduceCallback);
+========
+ const resolved = toValue$3(list2);
+ return args.length ? resolved.reduce(reduceCallback, toValue$3(args[0])) : resolved.reduce(reduceCallback);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
}
__name(useArrayReduce, "useArrayReduce");
function useArraySome(list2, fn) {
- return computed(() => toValue(list2).some((element, index2, array) => fn(toValue(element), index2, array)));
+ return computed(() => toValue$3(list2).some((element, index2, array) => fn(toValue$3(element), index2, array)));
}
__name(useArraySome, "useArraySome");
function uniq(array) {
@@ -74661,7 +79340,7 @@ function uniqueElementsBy(array, fn) {
__name(uniqueElementsBy, "uniqueElementsBy");
function useArrayUnique(list2, compareFn) {
return computed(() => {
- const resolvedList = toValue(list2).map((element) => toValue(element));
+ const resolvedList = toValue$3(list2).map((element) => toValue$3(element));
return compareFn ? uniqueElementsBy(resolvedList, compareFn) : uniq(resolvedList);
});
}
@@ -74717,8 +79396,8 @@ function formatDate$1(date, formatStr, options4 = {}) {
M: /* @__PURE__ */ __name(() => month + 1, "M"),
Mo: /* @__PURE__ */ __name(() => formatOrdinal(month + 1), "Mo"),
MM: /* @__PURE__ */ __name(() => `${month + 1}`.padStart(2, "0"), "MM"),
- MMM: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue(options4.locales), { month: "short" }), "MMM"),
- MMMM: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue(options4.locales), { month: "long" }), "MMMM"),
+ MMM: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue$3(options4.locales), { month: "short" }), "MMM"),
+ MMMM: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue$3(options4.locales), { month: "long" }), "MMMM"),
D: /* @__PURE__ */ __name(() => String(days), "D"),
Do: /* @__PURE__ */ __name(() => formatOrdinal(days), "Do"),
DD: /* @__PURE__ */ __name(() => `${days}`.padStart(2, "0"), "DD"),
@@ -74736,9 +79415,9 @@ function formatDate$1(date, formatStr, options4 = {}) {
ss: /* @__PURE__ */ __name(() => `${seconds}`.padStart(2, "0"), "ss"),
SSS: /* @__PURE__ */ __name(() => `${milliseconds}`.padStart(3, "0"), "SSS"),
d: /* @__PURE__ */ __name(() => day, "d"),
- dd: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue(options4.locales), { weekday: "narrow" }), "dd"),
- ddd: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue(options4.locales), { weekday: "short" }), "ddd"),
- dddd: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue(options4.locales), { weekday: "long" }), "dddd"),
+ dd: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue$3(options4.locales), { weekday: "narrow" }), "dd"),
+ ddd: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue$3(options4.locales), { weekday: "short" }), "ddd"),
+ dddd: /* @__PURE__ */ __name(() => date.toLocaleDateString(toValue$3(options4.locales), { weekday: "long" }), "dddd"),
A: /* @__PURE__ */ __name(() => meridiem(hours, minutes), "A"),
AA: /* @__PURE__ */ __name(() => meridiem(hours, minutes, false, true), "AA"),
a: /* @__PURE__ */ __name(() => meridiem(hours, minutes, true), "a"),
@@ -74769,7 +79448,7 @@ function normalizeDate(date) {
}
__name(normalizeDate, "normalizeDate");
function useDateFormat(date, formatStr = "HH:mm:ss", options4 = {}) {
- return computed(() => formatDate$1(normalizeDate(toValue(date)), toValue(formatStr), options4));
+ return computed(() => formatDate$1(normalizeDate(toValue$3(date)), toValue$3(formatStr), options4));
}
__name(useDateFormat, "useDateFormat");
function useIntervalFn(cb, interval = 1e3, options4 = {}) {
@@ -74792,7 +79471,7 @@ function useIntervalFn(cb, interval = 1e3, options4 = {}) {
}
__name(pause, "pause");
function resume() {
- const intervalValue = toValue(interval);
+ const intervalValue = toValue$3(interval);
if (intervalValue <= 0)
return;
isActive2.value = true;
@@ -74803,11 +79482,11 @@ function useIntervalFn(cb, interval = 1e3, options4 = {}) {
timer = setInterval(cb, intervalValue);
}
__name(resume, "resume");
- if (immediate && isClient)
+ if (immediate && isClient$1)
resume();
if (isRef(interval) || typeof interval === "function") {
const stopWatch = watch(interval, () => {
- if (isActive2.value && isClient)
+ if (isActive2.value && isClient$1)
resume();
});
tryOnScopeDispose(stopWatch);
@@ -74886,12 +79565,12 @@ function useTimeoutFn(cb, interval, options4 = {}) {
isPending.value = false;
timer = null;
cb(...args);
- }, toValue(interval));
+ }, toValue$3(interval));
}
__name(start2, "start");
if (immediate) {
isPending.value = true;
- if (isClient)
+ if (isClient$1)
start2();
}
tryOnScopeDispose(stop2);
@@ -74930,7 +79609,7 @@ function useToNumber(value4, options4 = {}) {
nanToZero
} = options4;
return computed(() => {
- let resolved = toValue(value4);
+ let resolved = toValue$3(value4);
if (typeof resolved === "string")
resolved = Number[method](resolved, radix);
if (nanToZero && Number.isNaN(resolved))
@@ -74940,7 +79619,7 @@ function useToNumber(value4, options4 = {}) {
}
__name(useToNumber, "useToNumber");
function useToString(value4) {
- return computed(() => `${toValue(value4)}`);
+ return computed(() => `${toValue$3(value4)}`);
}
__name(useToString, "useToString");
function useToggle(initialValue = false, options4 = {}) {
@@ -74955,8 +79634,8 @@ function useToggle(initialValue = false, options4 = {}) {
_value.value = value4;
return _value.value;
} else {
- const truthy = toValue(truthyValue);
- _value.value = _value.value === truthy ? toValue(falsyValue) : truthy;
+ const truthy = toValue$3(truthyValue);
+ _value.value = _value.value === truthy ? toValue$3(falsyValue) : truthy;
return _value.value;
}
}
@@ -74968,7 +79647,7 @@ function useToggle(initialValue = false, options4 = {}) {
}
__name(useToggle, "useToggle");
function watchArray(source, cb, options4) {
- let oldList = (options4 == null ? void 0 : options4.immediate) ? [] : [...source instanceof Function ? source() : Array.isArray(source) ? source : toValue(source)];
+ let oldList = (options4 == null ? void 0 : options4.immediate) ? [] : [...source instanceof Function ? source() : Array.isArray(source) ? source : toValue$3(source)];
return watch(source, (newList, _2, onCleanup) => {
const oldListRemains = Array.from({ length: oldList.length });
const added = [];
@@ -75000,7 +79679,7 @@ function watchAtMost(source, cb, options4) {
source,
(...args) => {
current.value += 1;
- if (current.value >= toValue(count))
+ if (current.value >= toValue$3(count))
nextTick(() => stop2());
cb(...args);
},
@@ -75157,9 +79836,9 @@ function watchTriggerable(source, cb, options4 = {}) {
cleanupFn = callback;
}
__name(onCleanup, "onCleanup");
- const _cb = /* @__PURE__ */ __name((value4, oldValue2) => {
+ const _cb = /* @__PURE__ */ __name((value4, oldValue) => {
onEffect();
- return cb(value4, oldValue2, onCleanup);
+ return cb(value4, oldValue, onCleanup);
}, "_cb");
const res = watchIgnorable(source, _cb, options4);
const { ignoreUpdates } = res;
@@ -75180,8 +79859,8 @@ function getWatchSources(sources) {
if (isReactive(sources))
return sources;
if (Array.isArray(sources))
- return sources.map((item3) => toValue(item3));
- return toValue(sources);
+ return sources.map((item3) => toValue$3(item3));
+ return toValue$3(sources);
}
__name(getWatchSources, "getWatchSources");
function getOldValue(source) {
@@ -75206,6 +79885,33 @@ function whenever(source, cb, options4) {
return stop2;
}
__name(whenever, "whenever");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+var isVue2 = false;
+var isVue3 = true;
+var Vue2 = void 0;
+function install$6() {
+}
+__name(install$6, "install$6");
+function set(target2, key, val) {
+ if (Array.isArray(target2)) {
+ target2.length = Math.max(target2.length, key);
+ target2.splice(key, 1, val);
+ return val;
+ }
+ target2[key] = val;
+ return val;
+}
+__name(set, "set");
+function del$1(target2, key) {
+ if (Array.isArray(target2)) {
+ target2.splice(key, 1);
+ return;
+ }
+ delete target2[key];
+}
+__name(del$1, "del$1");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function computedAsync(evaluationCallback, initialState, optionsOrRef) {
let options4;
if (isRef(optionsOrRef)) {
@@ -75379,7 +80085,7 @@ function createTemplatePromise(options4 = {}) {
__name(createTemplatePromise, "createTemplatePromise");
function createUnrefFn(fn) {
return function(...args) {
- return fn.apply(this, args.map((i2) => toValue(i2)));
+ return fn.apply(this, args.map((i2) => toValue$3(i2)));
};
}
__name(createUnrefFn, "createUnrefFn");
@@ -75389,10 +80095,17 @@ const defaultNavigator = isClient ? window.navigator : void 0;
const defaultLocation = isClient ? window.location : void 0;
function unrefElement(elRef) {
var _a2;
- const plain = toValue(elRef);
+ const plain = toValue$3(elRef);
return (_a2 = plain == null ? void 0 : plain.$el) != null ? _a2 : plain;
}
__name(unrefElement, "unrefElement");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const defaultWindow = isClient$1 ? window : void 0;
+const defaultDocument = isClient$1 ? window.document : void 0;
+const defaultNavigator = isClient$1 ? window.navigator : void 0;
+const defaultLocation = isClient$1 ? window.location : void 0;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function useEventListener(...args) {
let target2;
let events2;
@@ -75420,12 +80133,20 @@ function useEventListener(...args) {
return () => el.removeEventListener(event, listener, options22);
}, "register");
const stopWatch = watch(
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
() => [unrefElement(target2), toValue(options4)],
+========
+ () => [unrefElement(target2), toValue$3(options4)],
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
([el, options22]) => {
cleanup();
if (!el)
return;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const optionsClone = isObject$c(options22) ? { ...options22 } : options22;
+========
+ const optionsClone = isObject$d(options22) ? { ...options22 } : options22;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
cleanups.push(
...events2.flatMap((event) => {
return listeners.map((listener) => register3(el, event, listener, optionsClone));
@@ -75443,18 +80164,26 @@ function useEventListener(...args) {
}
__name(useEventListener, "useEventListener");
let _iOSWorkaround = false;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function onClickOutside(target2, handler10, options4 = {}) {
+========
+function onClickOutside(target2, handler12, options4 = {}) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const { window: window2 = defaultWindow, ignore = [], capture = true, detectIframe = false } = options4;
if (!window2)
return noop$1;
- if (isIOS && !_iOSWorkaround) {
+ if (isIOS$1 && !_iOSWorkaround) {
_iOSWorkaround = true;
Array.from(window2.document.body.children).forEach((el) => el.addEventListener("click", noop$1));
window2.document.documentElement.addEventListener("click", noop$1);
}
let shouldListen = true;
const shouldIgnore = /* @__PURE__ */ __name((event) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return toValue(ignore).some((target22) => {
+========
+ return ignore.some((target22) => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (typeof target22 === "string") {
return Array.from(window2.document.querySelectorAll(target22)).some((el) => el === event.target || event.composedPath().includes(el));
} else {
@@ -75473,7 +80202,11 @@ function onClickOutside(target2, handler10, options4 = {}) {
shouldListen = true;
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler10(event);
+========
+ handler12(event);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "listener");
let isProcessingClick = false;
const cleanup = [
@@ -75495,7 +80228,11 @@ function onClickOutside(target2, handler10, options4 = {}) {
var _a2;
const el = unrefElement(target2);
if (((_a2 = window2.document.activeElement) == null ? void 0 : _a2.tagName) === "IFRAME" && !(el == null ? void 0 : el.contains(window2.document.activeElement))) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler10(event);
+========
+ handler12(event);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}, 0);
})
@@ -75516,15 +80253,24 @@ function createKeyPredicate(keyFilter) {
__name(createKeyPredicate, "createKeyPredicate");
function onKeyStroke(...args) {
let key;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let handler10;
let options4 = {};
if (args.length === 3) {
key = args[0];
handler10 = args[1];
+========
+ let handler12;
+ let options4 = {};
+ if (args.length === 3) {
+ key = args[0];
+ handler12 = args[1];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
options4 = args[2];
} else if (args.length === 2) {
if (typeof args[1] === "object") {
key = true;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler10 = args[0];
options4 = args[1];
} else {
@@ -75534,6 +80280,17 @@ function onKeyStroke(...args) {
} else {
key = true;
handler10 = args[0];
+========
+ handler12 = args[0];
+ options4 = args[1];
+ } else {
+ key = args[0];
+ handler12 = args[1];
+ }
+ } else {
+ key = true;
+ handler12 = args[0];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
const {
target: target2 = defaultWindow,
@@ -75543,14 +80300,19 @@ function onKeyStroke(...args) {
} = options4;
const predicate = createKeyPredicate(key);
const listener = /* @__PURE__ */ __name((e2) => {
- if (e2.repeat && toValue(dedupe))
+ if (e2.repeat && toValue$3(dedupe))
return;
if (predicate(e2))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler10(e2);
+========
+ handler12(e2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "listener");
return useEventListener(target2, eventName, listener, passive);
}
__name(onKeyStroke, "onKeyStroke");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function onKeyDown(key, handler10, options4 = {}) {
return onKeyStroke(key, handler10, { ...options4, eventName: "keydown" });
}
@@ -75561,11 +80323,27 @@ function onKeyPressed(key, handler10, options4 = {}) {
__name(onKeyPressed, "onKeyPressed");
function onKeyUp(key, handler10, options4 = {}) {
return onKeyStroke(key, handler10, { ...options4, eventName: "keyup" });
+========
+function onKeyDown(key, handler12, options4 = {}) {
+ return onKeyStroke(key, handler12, { ...options4, eventName: "keydown" });
+}
+__name(onKeyDown, "onKeyDown");
+function onKeyPressed(key, handler12, options4 = {}) {
+ return onKeyStroke(key, handler12, { ...options4, eventName: "keypress" });
+}
+__name(onKeyPressed, "onKeyPressed");
+function onKeyUp(key, handler12, options4 = {}) {
+ return onKeyStroke(key, handler12, { ...options4, eventName: "keyup" });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(onKeyUp, "onKeyUp");
const DEFAULT_DELAY = 500;
const DEFAULT_THRESHOLD = 10;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function onLongPress(target2, handler10, options4) {
+========
+function onLongPress(target2, handler12, options4) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _a2, _b;
const elementRef2 = computed(() => unrefElement(target2));
let timeout;
@@ -75617,7 +80395,11 @@ function onLongPress(target2, handler10, options4) {
timeout = setTimeout(
() => {
hasLongPressed = true;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler10(ev);
+========
+ handler12(ev);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
},
(_d = options4 == null ? void 0 : options4.delay) != null ? _d : DEFAULT_DELAY
);
@@ -75711,7 +80493,11 @@ function templateRef(key, initialValue = null) {
}
};
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(_trigger);
+========
+ tryOnMounted$2(_trigger);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
onUpdated(_trigger);
return element;
}
@@ -75746,7 +80532,11 @@ function useMutationObserver(target2, callback, options4 = {}) {
}
}, "cleanup");
const targets = computed(() => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const value4 = toValue(target2);
+========
+ const value4 = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const items2 = (Array.isArray(value4) ? value4 : [value4]).map(unrefElement).filter(notNullish);
return new Set(items2);
});
@@ -75874,7 +80664,11 @@ __name(useRafFn, "useRafFn");
function useAnimate(target2, keyframes, options4) {
let config2;
let animateOptions;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$c(options4)) {
+========
+ if (isObject$d(options4)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
config2 = options4;
animateOptions = objectOmit(options4, ["window", "immediate", "commitStyles", "persist", "onReady", "onError"]);
} else {
@@ -76010,19 +80804,27 @@ function useAnimate(target2, keyframes, options4) {
if (!unrefElement(target2) && animate.value) {
animate.value.effect = new KeyframeEffect(
unrefElement(target2),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
toValue(value4),
+========
+ toValue$3(value4),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
animateOptions
);
}
}, { deep: true });
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => update(true), false);
+========
+ tryOnMounted$2(() => update(true), false);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
tryOnScopeDispose(cancel);
function update(init3) {
const el = unrefElement(target2);
if (!isSupported2.value || !el)
return;
if (!animate.value)
- animate.value = el.animate(toValue(keyframes), animateOptions);
+ animate.value = el.animate(toValue$3(keyframes), animateOptions);
if (persist)
animate.value.persist();
if (_playbackRate !== 1)
@@ -76242,11 +81044,15 @@ function useBase64(target2, options4) {
const base64 = ref("");
const promise = ref();
function execute() {
- if (!isClient)
+ if (!isClient$1)
return;
promise.value = new Promise((resolve2, reject3) => {
try {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _target = toValue(target2);
+========
+ const _target = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (_target == null) {
resolve2("");
} else if (typeof _target === "string") {
@@ -76261,12 +81067,12 @@ function useBase64(target2, options4) {
const img = _target.cloneNode(false);
img.crossOrigin = "Anonymous";
imgLoaded(img).then(() => {
- const canvas = document.createElement("canvas");
- const ctx = canvas.getContext("2d");
- canvas.width = img.width;
- canvas.height = img.height;
- ctx.drawImage(img, 0, 0, canvas.width, canvas.height);
- resolve2(canvas.toDataURL(options4 == null ? void 0 : options4.type, options4 == null ? void 0 : options4.quality));
+ const canvas2 = document.createElement("canvas");
+ const ctx = canvas2.getContext("2d");
+ canvas2.width = img.width;
+ canvas2.height = img.height;
+ ctx.drawImage(img, 0, 0, canvas2.width, canvas2.height);
+ resolve2(canvas2.toDataURL(options4 == null ? void 0 : options4.type, options4 == null ? void 0 : options4.quality));
}).catch(reject3);
} else if (typeof _target === "object") {
const _serializeFn = (options4 == null ? void 0 : options4.serializer) || getDefaultSerialization(_target);
@@ -76400,7 +81206,11 @@ function useBluetooth(options4) {
}
}
__name(connectToBluetoothGATTServer, "connectToBluetoothGATTServer");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => {
+========
+ tryOnMounted$2(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _a2;
if (device.value)
(_a2 = device.value.gatt) == null ? void 0 : _a2.connect();
@@ -76428,26 +81238,42 @@ function useMediaQuery(query, options4 = {}) {
const isSupported2 = useSupported(() => window2 && "matchMedia" in window2 && typeof window2.matchMedia === "function");
let mediaQuery;
const matches2 = ref(false);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const handler10 = /* @__PURE__ */ __name((event) => {
+========
+ const handler12 = /* @__PURE__ */ __name((event) => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
matches2.value = event.matches;
}, "handler");
const cleanup = /* @__PURE__ */ __name(() => {
if (!mediaQuery)
return;
if ("removeEventListener" in mediaQuery)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mediaQuery.removeEventListener("change", handler10);
else
mediaQuery.removeListener(handler10);
+========
+ mediaQuery.removeEventListener("change", handler12);
+ else
+ mediaQuery.removeListener(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "cleanup");
const stopWatch = watchEffect(() => {
if (!isSupported2.value)
return;
cleanup();
- mediaQuery = window2.matchMedia(toValue(query));
+ mediaQuery = window2.matchMedia(toValue$3(query));
if ("addEventListener" in mediaQuery)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mediaQuery.addEventListener("change", handler10);
else
mediaQuery.addListener(handler10);
+========
+ mediaQuery.addEventListener("change", handler12);
+ else
+ mediaQuery.addListener(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
matches2.value = mediaQuery.matches;
});
tryOnScopeDispose(() => {
@@ -76540,7 +81366,7 @@ const breakpointsElement = {
};
function useBreakpoints(breakpoints, options4 = {}) {
function getValue2(k2, delta2) {
- let v2 = toValue(breakpoints[toValue(k2)]);
+ let v2 = toValue$3(breakpoints[toValue$3(k2)]);
if (delta2 != null)
v2 = increaseWithUnit(v2, delta2);
if (typeof v2 === "number")
@@ -76629,7 +81455,11 @@ function useBroadcastChannel(options4) {
isClosed.value = true;
}, "close");
if (isSupported2.value) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => {
+========
+ tryOnMounted$2(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
error2.value = null;
channel.value = new BroadcastChannel(name2);
channel.value.addEventListener("message", (e2) => {
@@ -76778,7 +81608,7 @@ function useClipboard(options4 = {}) {
__name(updateText, "updateText");
if (isSupported2.value && read)
useEventListener(["copy", "cut"], updateText);
- async function copy2(value4 = toValue(source)) {
+ async function copy2(value4 = toValue$3(source)) {
if (isSupported2.value && value4 != null) {
if (isClipboardApiSupported.value && isAllowed(permissionWrite.value))
await navigator2.clipboard.writeText(value4);
@@ -76839,7 +81669,7 @@ function useClipboardItems(options4 = {}) {
__name(updateContent, "updateContent");
if (isSupported2.value && read)
useEventListener(["copy", "cut"], updateContent);
- async function copy2(value4 = toValue(source)) {
+ async function copy2(value4 = toValue$3(source)) {
if (isSupported2.value && value4 != null) {
await navigator2.clipboard.write(value4);
content2.value = value4;
@@ -76870,7 +81700,7 @@ function useCloned(source, options4 = {}) {
immediate = true
} = options4;
function sync() {
- cloned.value = clone2(toValue(source));
+ cloned.value = clone2(toValue$3(source));
}
__name(sync, "sync");
if (!manual && (isRef(source) || typeof source === "function")) {
@@ -76974,7 +81804,11 @@ function useStorage(key, defaults2, storage, options4 = {}) {
}
if (!storage)
return data26;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const rawInit = toValue(defaults2);
+========
+ const rawInit = toValue$3(defaults2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const type = guessSerializerType(rawInit);
const serializer = (_a2 = options4.serializer) != null ? _a2 : StorageSerializers[type];
const { pause: pauseWatch, resume: resumeWatch } = watchPausable(
@@ -76983,7 +81817,11 @@ function useStorage(key, defaults2, storage, options4 = {}) {
{ flush: flush2, deep, eventFilter }
);
if (window2 && listenToStorageChanges) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => {
+========
+ tryOnMounted$2(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (storage instanceof Storage)
useEventListener(window2, "storage", update);
else
@@ -76994,6 +81832,7 @@ function useStorage(key, defaults2, storage, options4 = {}) {
}
if (!initOnMounted)
update();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function dispatchWriteEvent(oldValue2, newValue2) {
if (window2) {
const payload = {
@@ -77004,21 +81843,32 @@ function useStorage(key, defaults2, storage, options4 = {}) {
};
window2.dispatchEvent(storage instanceof Storage ? new StorageEvent("storage", payload) : new CustomEvent(customStorageEventName, {
detail: payload
+========
+ function dispatchWriteEvent(oldValue, newValue2) {
+ if (window2 && !(storage instanceof Storage)) {
+ window2.dispatchEvent(new CustomEvent(customStorageEventName, {
+ detail: {
+ key,
+ oldValue,
+ newValue: newValue2,
+ storageArea: storage
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}));
}
}
__name(dispatchWriteEvent, "dispatchWriteEvent");
function write(v2) {
try {
- const oldValue2 = storage.getItem(key);
+ const oldValue = storage.getItem(key);
if (v2 == null) {
- dispatchWriteEvent(oldValue2, null);
+ dispatchWriteEvent(oldValue, null);
storage.removeItem(key);
} else {
const serialized = serializer.write(v2);
- if (oldValue2 !== serialized) {
+ if (oldValue !== serialized) {
storage.setItem(key, serialized);
- dispatchWriteEvent(oldValue2, serialized);
+ dispatchWriteEvent(oldValue, serialized);
}
}
} catch (e2) {
@@ -77156,7 +82006,11 @@ function useColorMode(options4 = {}) {
}
__name(onChanged, "onChanged");
watch(state, onChanged, { flush: "post", immediate: true });
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => onChanged(state.value));
+========
+ tryOnMounted$2(() => onChanged(state.value));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const auto = computed({
get() {
return emitAuto ? store.value : state.value;
@@ -77214,8 +82068,8 @@ function useCssVar(prop2, target2, options4 = {}) {
});
function updateCssVar() {
var _a2;
- const key = toValue(prop2);
- const el = toValue(elRef);
+ const key = toValue$3(prop2);
+ const el = toValue$3(elRef);
if (el && window2 && key) {
const value4 = (_a2 = window2.getComputedStyle(el).getPropertyValue(key)) == null ? void 0 : _a2.trim();
variable.value = value4 || initialValue;
@@ -77229,7 +82083,7 @@ function useCssVar(prop2, target2, options4 = {}) {
});
}
watch(
- [elRef, () => toValue(prop2)],
+ [elRef, () => toValue$3(prop2)],
(_2, old) => {
if (old[0] && old[1])
old[0].style.removeProperty(old[1]);
@@ -77241,7 +82095,7 @@ function useCssVar(prop2, target2, options4 = {}) {
variable,
(val) => {
var _a2;
- const raw_prop = toValue(prop2);
+ const raw_prop = toValue$3(prop2);
if (((_a2 = elRef.value) == null ? void 0 : _a2.style) && raw_prop) {
if (val == null)
elRef.value.style.removeProperty(raw_prop);
@@ -77303,7 +82157,7 @@ function useCycleList(list2, options4) {
__name(prev2, "prev");
function getInitialValue() {
var _a2, _b;
- return (_b = toValue((_a2 = options4 == null ? void 0 : options4.initialValue) != null ? _a2 : toValue(list2)[0])) != null ? _b : void 0;
+ return (_b = toValue$3((_a2 = options4 == null ? void 0 : options4.initialValue) != null ? _a2 : toValue$3(list2)[0])) != null ? _b : void 0;
}
__name(getInitialValue, "getInitialValue");
watch(listRef4, () => set22(index2.value));
@@ -77749,7 +82603,7 @@ function useDraggable(target2, options4 = {}) {
buttons = [0]
} = options4;
const position3 = ref(
- (_a2 = toValue(initialValue)) != null ? _a2 : { x: 0, y: 0 }
+ (_a2 = toValue$3(initialValue)) != null ? _a2 : { x: 0, y: 0 }
);
const pressedDelta = ref();
const filterEvent = /* @__PURE__ */ __name((e2) => {
@@ -77758,38 +82612,52 @@ function useDraggable(target2, options4 = {}) {
return true;
}, "filterEvent");
const handleEvent = /* @__PURE__ */ __name((e2) => {
- if (toValue(preventDefault2))
+ if (toValue$3(preventDefault2))
e2.preventDefault();
- if (toValue(stopPropagation))
+ if (toValue$3(stopPropagation))
e2.stopPropagation();
}, "handleEvent");
const start2 = /* @__PURE__ */ __name((e2) => {
var _a22;
- if (!toValue(buttons).includes(e2.button))
+ if (!toValue$3(buttons).includes(e2.button))
return;
- if (toValue(options4.disabled) || !filterEvent(e2))
+ if (toValue$3(options4.disabled) || !filterEvent(e2))
return;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (toValue(exact) && e2.target !== toValue(target2))
+========
+ if (toValue$3(exact) && e2.target !== toValue$3(target2))
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return;
- const container = toValue(containerElement);
+ const container = toValue$3(containerElement);
const containerRect = (_a22 = container == null ? void 0 : container.getBoundingClientRect) == null ? void 0 : _a22.call(container);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const targetRect = toValue(target2).getBoundingClientRect();
const pos2 = {
+========
+ const targetRect = toValue$3(target2).getBoundingClientRect();
+ const pos = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
x: e2.clientX - (container ? targetRect.left - containerRect.left + container.scrollLeft : targetRect.left),
y: e2.clientY - (container ? targetRect.top - containerRect.top + container.scrollTop : targetRect.top)
};
- if ((onStart == null ? void 0 : onStart(pos2, e2)) === false)
+ if ((onStart == null ? void 0 : onStart(pos, e2)) === false)
return;
- pressedDelta.value = pos2;
+ pressedDelta.value = pos;
handleEvent(e2);
}, "start");
const move = /* @__PURE__ */ __name((e2) => {
- if (toValue(options4.disabled) || !filterEvent(e2))
+ if (toValue$3(options4.disabled) || !filterEvent(e2))
return;
if (!pressedDelta.value)
return;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const container = toValue(containerElement);
const targetRect = toValue(target2).getBoundingClientRect();
+========
+ const container = toValue$3(containerElement);
+ const targetRect = toValue$3(target2).getBoundingClientRect();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let { x: x2, y: y2 } = position3.value;
if (axis === "x" || axis === "both") {
x2 = e2.clientX - pressedDelta.value.x;
@@ -77809,7 +82677,7 @@ function useDraggable(target2, options4 = {}) {
handleEvent(e2);
}, "move");
const end = /* @__PURE__ */ __name((e2) => {
- if (toValue(options4.disabled) || !filterEvent(e2))
+ if (toValue$3(options4.disabled) || !filterEvent(e2))
return;
if (!pressedDelta.value)
return;
@@ -77817,7 +82685,7 @@ function useDraggable(target2, options4 = {}) {
onEnd == null ? void 0 : onEnd(position3.value, e2);
handleEvent(e2);
}, "end");
- if (isClient) {
+ if (isClient$1) {
const config2 = { capture: (_b = options4.capture) != null ? _b : true };
useEventListener(draggingHandle, "pointerdown", start2, config2);
useEventListener(draggingElement, "pointermove", move, config2);
@@ -77834,12 +82702,20 @@ function useDraggable(target2, options4 = {}) {
}
__name(useDraggable, "useDraggable");
function useDropZone(target2, options4 = {}) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _a2, _b;
const isOverDropZone = ref(false);
const files = shallowRef(null);
let counter = 0;
let isValid2 = true;
if (isClient) {
+========
+ const isOverDropZone = ref(false);
+ const files = shallowRef(null);
+ let counter = 0;
+ let isDataTypeIncluded = true;
+ if (isClient$1) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _options = typeof options4 === "function" ? { onDrop: options4 } : options4;
const multiple = (_a2 = _options.multiple) != null ? _a2 : true;
const preventDefaultForUnhandled = (_b = _options.preventDefaultForUnhandled) != null ? _b : false;
@@ -77848,8 +82724,15 @@ function useDropZone(target2, options4 = {}) {
const list2 = Array.from((_b2 = (_a22 = event.dataTransfer) == null ? void 0 : _a22.files) != null ? _b2 : []);
return list2.length === 0 ? null : multiple ? list2 : [list2[0]];
}, "getFiles");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const checkDataTypes = /* @__PURE__ */ __name((types) => {
if (_options.dataTypes) {
+========
+ useEventListener(target2, "dragenter", (event) => {
+ var _a2, _b;
+ const types = Array.from(((_a2 = event == null ? void 0 : event.dataTransfer) == null ? void 0 : _a2.items) || []).map((i2) => i2.kind === "file" ? i2.type : null).filter(notNullish);
+ if (_options.dataTypes && event.dataTransfer) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const dataTypes2 = unref(_options.dataTypes);
return typeof dataTypes2 === "function" ? dataTypes2(types) : dataTypes2 ? dataTypes2.some((item3) => types.includes(item3)) : true;
}
@@ -77876,6 +82759,7 @@ function useDropZone(target2, options4 = {}) {
return;
}
event.preventDefault();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (event.dataTransfer) {
event.dataTransfer.dropEffect = "copy";
}
@@ -77909,6 +82793,36 @@ function useDropZone(target2, options4 = {}) {
useEventListener(target2, "dragover", (event) => handleDragEvent(event, "over"));
useEventListener(target2, "dragleave", (event) => handleDragEvent(event, "leave"));
useEventListener(target2, "drop", (event) => handleDragEvent(event, "drop"));
+========
+ counter += 1;
+ isOverDropZone.value = true;
+ (_b = _options.onEnter) == null ? void 0 : _b.call(_options, getFiles(event), event);
+ });
+ useEventListener(target2, "dragover", (event) => {
+ var _a2;
+ if (!isDataTypeIncluded)
+ return;
+ event.preventDefault();
+ (_a2 = _options.onOver) == null ? void 0 : _a2.call(_options, getFiles(event), event);
+ });
+ useEventListener(target2, "dragleave", (event) => {
+ var _a2;
+ if (!isDataTypeIncluded)
+ return;
+ event.preventDefault();
+ counter -= 1;
+ if (counter === 0)
+ isOverDropZone.value = false;
+ (_a2 = _options.onLeave) == null ? void 0 : _a2.call(_options, getFiles(event), event);
+ });
+ useEventListener(target2, "drop", (event) => {
+ var _a2;
+ event.preventDefault();
+ counter = 0;
+ isOverDropZone.value = false;
+ (_a2 = _options.onDrop) == null ? void 0 : _a2.call(_options, getFiles(event), event);
+ });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return {
files,
@@ -77927,7 +82841,11 @@ function useResizeObserver(target2, callback, options4 = {}) {
}
}, "cleanup");
const targets = computed(() => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _targets = toValue(target2);
+========
+ const _targets = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return Array.isArray(_targets) ? _targets.map((el) => unrefElement(el)) : [unrefElement(_targets)];
});
const stopWatch = watch(
@@ -78013,7 +82931,11 @@ function useElementBounding(target2, options4 = {}) {
useEventListener("scroll", update, { capture: true, passive: true });
if (windowResize)
useEventListener("resize", update, { passive: true });
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => {
+========
+ tryOnMounted$2(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (immediate)
update();
});
@@ -78040,14 +82962,14 @@ function useElementByPoint(options4) {
immediate = true
} = options4;
const isSupported2 = useSupported(() => {
- if (toValue(multiple))
+ if (toValue$3(multiple))
return document2 && "elementsFromPoint" in document2;
return document2 && "elementFromPoint" in document2;
});
const element = ref(null);
const cb = /* @__PURE__ */ __name(() => {
var _a2, _b;
- element.value = toValue(multiple) ? (_a2 = document2 == null ? void 0 : document2.elementsFromPoint(toValue(x2), toValue(y2))) != null ? _a2 : [] : (_b = document2 == null ? void 0 : document2.elementFromPoint(toValue(x2), toValue(y2))) != null ? _b : null;
+ element.value = toValue$3(multiple) ? (_a2 = document2 == null ? void 0 : document2.elementsFromPoint(toValue$3(x2), toValue$3(y2))) != null ? _a2 : [] : (_b = document2 == null ? void 0 : document2.elementFromPoint(toValue$3(x2), toValue$3(y2))) != null ? _b : null;
}, "cb");
const controls = interval === "requestAnimationFrame" ? useRafFn(cb, { immediate }) : useIntervalFn(cb, interval, { immediate });
return {
@@ -78115,7 +83037,11 @@ function useElementSize(target2, initialSize = { width: 0, height: 0 }, options4
},
options4
);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => {
+========
+ tryOnMounted$2(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const ele = unrefElement(target2);
if (ele) {
width2.value = "offsetWidth" in ele ? ele.offsetWidth : initialSize.width;
@@ -78151,7 +83077,11 @@ function useIntersectionObserver(target2, callback, options4 = {}) {
} = options4;
const isSupported2 = useSupported(() => window2 && "IntersectionObserver" in window2);
const targets = computed(() => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _target = toValue(target2);
+========
+ const _target = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return (Array.isArray(_target) ? _target : [_target]).map(unrefElement).filter(notNullish);
});
let cleanup = noop$1;
@@ -78289,7 +83219,7 @@ function useEventSource(url, events2 = [], options4 = {}) {
immediate = true
} = options4;
const close5 = /* @__PURE__ */ __name(() => {
- if (isClient && eventSource.value) {
+ if (isClient$1 && eventSource.value) {
eventSource.value.close();
eventSource.value = null;
status.value = "CLOSED";
@@ -78338,7 +83268,7 @@ function useEventSource(url, events2 = [], options4 = {}) {
}
}, "_init");
const open2 = /* @__PURE__ */ __name(() => {
- if (!isClient)
+ if (!isClient$1)
return;
close5();
explicitlyClosed = false;
@@ -78452,8 +83382,8 @@ function createFetch(config2 = {}) {
const _fetchOptions = config2.fetchOptions || {};
function useFactoryFetch(url, ...args) {
const computedUrl = computed(() => {
- const baseUrl = toValue(config2.baseUrl);
- const targetUrl = toValue(url);
+ const baseUrl = toValue$3(config2.baseUrl);
+ const targetUrl = toValue$3(url);
return baseUrl && !isAbsoluteURL(targetUrl) ? joinPaths(baseUrl, targetUrl) : targetUrl;
});
let options4 = _options;
@@ -78527,13 +83457,17 @@ function useFetch(url, ...args) {
const errorEvent = createEventHook();
const finallyEvent = createEventHook();
const isFinished = ref(false);
- const isFetching = ref(false);
+ const isFetching2 = ref(false);
const aborted = ref(false);
const statusCode = ref(null);
const response = shallowRef(null);
const error2 = shallowRef(null);
const data26 = shallowRef(initialData || null);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const canAbort = computed(() => supportsAbort && isFetching.value);
+========
+ const canAbort = computed(() => supportsAbort && isFetching2.value);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let controller;
let timer;
const abort = /* @__PURE__ */ __name(() => {
@@ -78548,7 +83482,7 @@ function useFetch(url, ...args) {
}
}, "abort");
const loading2 = /* @__PURE__ */ __name((isLoading) => {
- isFetching.value = isLoading;
+ isFetching2.value = isLoading;
isFinished.value = !isLoading;
}, "loading");
if (timeout)
@@ -78569,7 +83503,7 @@ function useFetch(url, ...args) {
};
if (config2.payload) {
const headers = headersToObject(defaultFetchOptions.headers);
- const payload = toValue(config2.payload);
+ const payload = toValue$3(config2.payload);
if (!config2.payloadType && payload && Object.getPrototypeOf(payload) === Object.prototype && !(payload instanceof FormData))
config2.payloadType = "json";
if (config2.payloadType)
@@ -78578,7 +83512,7 @@ function useFetch(url, ...args) {
}
let isCanceled = false;
const context = {
- url: toValue(url),
+ url: toValue$3(url),
options: {
...defaultFetchOptions,
...fetchOptions
@@ -78658,7 +83592,7 @@ function useFetch(url, ...args) {
);
const shell = {
isFinished: readonly(isFinished),
- isFetching: readonly(isFetching),
+ isFetching: readonly(isFetching2),
statusCode,
response,
error: error2,
@@ -78687,7 +83621,7 @@ function useFetch(url, ...args) {
};
function setMethod(method) {
return (payload, payloadType) => {
- if (!isFetching.value) {
+ if (!isFetching2.value) {
config2.method = method;
config2.payload = payload;
config2.payloadType = payloadType;
@@ -78720,7 +83654,7 @@ function useFetch(url, ...args) {
__name(waitUntilFinished, "waitUntilFinished");
function setType2(type) {
return () => {
- if (!isFetching.value) {
+ if (!isFetching2.value) {
config2.type = type;
return {
...shell,
@@ -78837,7 +83771,7 @@ function useFileSystemAccess(options4 = {}) {
async function open2(_options = {}) {
if (!isSupported2.value)
return;
- const [handle] = await window2.showOpenFilePicker({ ...toValue(options4), ..._options });
+ const [handle] = await window2.showOpenFilePicker({ ...toValue$3(options4), ..._options });
fileHandle.value = handle;
await updateData();
}
@@ -78883,7 +83817,7 @@ function useFileSystemAccess(options4 = {}) {
async function updateData() {
var _a2, _b;
await updateFile();
- const type = toValue(dataType);
+ const type = toValue$3(dataType);
if (type === "Text")
data26.value = await ((_a2 = file.value) == null ? void 0 : _a2.text());
else if (type === "ArrayBuffer")
@@ -78892,7 +83826,7 @@ function useFileSystemAccess(options4 = {}) {
data26.value = file.value;
}
__name(updateData, "updateData");
- watch(() => toValue(dataType), updateData);
+ watch(() => toValue$3(dataType), updateData);
return {
isSupported: isSupported2,
data: data26,
@@ -78939,6 +83873,7 @@ function useFocus(target2, options4 = {}) {
return { focused };
}
__name(useFocus, "useFocus");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const EVENT_FOCUS_IN = "focusin";
const EVENT_FOCUS_OUT = "focusout";
function useFocusWithin(target2, options4 = {}) {
@@ -78952,6 +83887,12 @@ function useFocusWithin(target2, options4 = {}) {
}
useEventListener(targetElement, EVENT_FOCUS_IN, () => _focused.value = true);
useEventListener(targetElement, EVENT_FOCUS_OUT, () => _focused.value = false);
+========
+function useFocusWithin(target2, options4 = {}) {
+ const activeElement = useActiveElement(options4);
+ const targetElement = computed(() => unrefElement(target2));
+ const focused = computed(() => targetElement.value && activeElement.value ? targetElement.value.contains(activeElement.value) : false);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return { focused };
}
__name(useFocusWithin, "useFocusWithin");
@@ -79189,7 +84130,11 @@ function useGamepad(options4 = {}) {
}, "onGamepadDisconnected");
useEventListener("gamepadconnected", (e2) => onGamepadConnected(e2.gamepad));
useEventListener("gamepaddisconnected", (e2) => onGamepadDisconnected(e2.gamepad));
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => {
+========
+ tryOnMounted$2(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _gamepads = (navigator2 == null ? void 0 : navigator2.getGamepads()) || [];
for (const gamepad of _gamepads) {
if (gamepad && gamepads.value[gamepad.index])
@@ -79337,7 +84282,7 @@ async function loadImage(options4) {
__name(loadImage, "loadImage");
function useImage(options4, asyncStateOptions = {}) {
const state = useAsyncState(
- () => loadImage(toValue(options4)),
+ () => loadImage(toValue$3(options4)),
void 0,
{
resetOnExecute: true,
@@ -79345,7 +84290,7 @@ function useImage(options4, asyncStateOptions = {}) {
}
);
watch(
- () => toValue(options4),
+ () => toValue$3(options4),
() => state.execute(asyncStateOptions.delay),
{ deep: true }
);
@@ -79405,13 +84350,13 @@ function useScroll(element, options4 = {}) {
var _a2, _b, _c, _d;
if (!window2)
return;
- const _element = toValue(element);
+ const _element = toValue$3(element);
if (!_element)
return;
(_c = _element instanceof Document ? window2.document.body : _element) == null ? void 0 : _c.scrollTo({
- top: (_a2 = toValue(_y)) != null ? _a2 : y2.value,
- left: (_b = toValue(_x)) != null ? _b : x2.value,
- behavior: toValue(behavior)
+ top: (_a2 = toValue$3(_y)) != null ? _a2 : y2.value,
+ left: (_b = toValue$3(_x)) != null ? _b : x2.value,
+ behavior: toValue$3(behavior)
});
const scrollContainer = ((_d = _element == null ? void 0 : _element.document) == null ? void 0 : _d.documentElement) || (_element == null ? void 0 : _element.documentElement) || _element;
if (x2 != null)
@@ -79495,9 +84440,13 @@ function useScroll(element, options4 = {}) {
throttle2 ? useThrottleFn(onScrollHandler, throttle2, true, false) : onScrollHandler,
eventListenerOptions
);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => {
+========
+ tryOnMounted$2(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
try {
- const _element = toValue(element);
+ const _element = toValue$3(element);
if (!_element)
return;
setArrivedState(_element);
@@ -79518,7 +84467,7 @@ function useScroll(element, options4 = {}) {
arrivedState,
directions,
measure() {
- const _element = toValue(element);
+ const _element = toValue$3(element);
if (window2 && _element)
setArrivedState(_element);
}
@@ -79545,7 +84494,7 @@ function useInfiniteScroll(element, onLoadMore, options4 = {}) {
const promise = ref();
const isLoading = computed(() => !!promise.value);
const observedElement = computed(() => {
- return resolveElement(toValue(element));
+ return resolveElement(toValue$3(element));
});
const isElementVisible = useElementVisibility(observedElement);
function checkAndLoad() {
@@ -79696,13 +84645,17 @@ function useMagicKeys(options4 = {}) {
if (!(prop2 in refs)) {
if (/[+_-]/.test(prop2)) {
const keys2 = prop2.split(/[+_-]/g).map((i2) => i2.trim());
- refs[prop2] = computed(() => keys2.every((key) => toValue(proxy[key])));
+ refs[prop2] = computed(() => keys2.every((key) => toValue$3(proxy[key])));
} else {
refs[prop2] = ref(false);
}
}
const r2 = Reflect.get(target22, prop2, rec);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return useReactive ? toValue(r2) : r2;
+========
+ return useReactive ? toValue$3(r2) : r2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
);
@@ -79710,8 +84663,8 @@ function useMagicKeys(options4 = {}) {
}
__name(useMagicKeys, "useMagicKeys");
function usingElRef(source, cb) {
- if (toValue(source))
- cb(toValue(source));
+ if (toValue$3(source))
+ cb(toValue$3(source));
}
__name(usingElRef, "usingElRef");
function timeRangeToArray(timeRanges) {
@@ -79792,10 +84745,14 @@ function useMediaControls(target2, options4 = {}) {
watchEffect(() => {
if (!document2)
return;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
- const src = toValue(options4.src);
+ const src = toValue$3(options4.src);
let sources = [];
if (!src)
return;
@@ -79803,7 +84760,11 @@ function useMediaControls(target2, options4 = {}) {
sources = [{ src }];
else if (Array.isArray(src))
sources = src;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
else if (isObject$c(src))
+========
+ else if (isObject$d(src))
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
sources = [src];
el.querySelectorAll("source").forEach((e2) => {
e2.removeEventListener("error", sourceErrorEvent.trigger);
@@ -79819,25 +84780,41 @@ function useMediaControls(target2, options4 = {}) {
el.load();
});
tryOnScopeDispose(() => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
el.querySelectorAll("source").forEach((e2) => e2.removeEventListener("error", sourceErrorEvent.trigger));
});
watch([target2, volume], () => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
el.volume = volume.value;
});
watch([target2, muted], () => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
el.muted = muted.value;
});
watch([target2, rate], () => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
el.playbackRate = rate.value;
@@ -79845,8 +84822,13 @@ function useMediaControls(target2, options4 = {}) {
watchEffect(() => {
if (!document2)
return;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const textTracks = toValue(options4.tracks);
const el = toValue(target2);
+========
+ const textTracks = toValue$3(options4.tracks);
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!textTracks || !textTracks.length || !el)
return;
el.querySelectorAll("track").forEach((e2) => e2.remove());
@@ -79863,13 +84845,21 @@ function useMediaControls(target2, options4 = {}) {
});
});
const { ignoreUpdates: ignoreCurrentTimeUpdates } = watchIgnorable(currentTime, (time) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
el.currentTime = time;
});
const { ignoreUpdates: ignorePlayingUpdates } = watchIgnorable(playing, (isPlaying) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
if (isPlaying) {
@@ -79881,9 +84871,15 @@ function useMediaControls(target2, options4 = {}) {
el.pause();
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
useEventListener(target2, "timeupdate", () => ignoreCurrentTimeUpdates(() => currentTime.value = toValue(target2).currentTime));
useEventListener(target2, "durationchange", () => duration.value = toValue(target2).duration);
useEventListener(target2, "progress", () => buffered.value = timeRangeToArray(toValue(target2).buffered));
+========
+ useEventListener(target2, "timeupdate", () => ignoreCurrentTimeUpdates(() => currentTime.value = toValue$3(target2).currentTime));
+ useEventListener(target2, "durationchange", () => duration.value = toValue$3(target2).duration);
+ useEventListener(target2, "progress", () => buffered.value = timeRangeToArray(toValue$3(target2).buffered));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
useEventListener(target2, "seeking", () => seeking.value = true);
useEventListener(target2, "seeked", () => seeking.value = false);
useEventListener(target2, ["waiting", "loadstart"], () => {
@@ -79896,7 +84892,11 @@ function useMediaControls(target2, options4 = {}) {
ended.value = false;
ignorePlayingUpdates(() => playing.value = true);
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
useEventListener(target2, "ratechange", () => rate.value = toValue(target2).playbackRate);
+========
+ useEventListener(target2, "ratechange", () => rate.value = toValue$3(target2).playbackRate);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
useEventListener(target2, "stalled", () => stalled.value = true);
useEventListener(target2, "ended", () => ended.value = true);
useEventListener(target2, "pause", () => ignorePlayingUpdates(() => playing.value = false));
@@ -79904,7 +84904,11 @@ function useMediaControls(target2, options4 = {}) {
useEventListener(target2, "enterpictureinpicture", () => isPictureInPicture.value = true);
useEventListener(target2, "leavepictureinpicture", () => isPictureInPicture.value = false);
useEventListener(target2, "volumechange", () => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
volume.value = el.volume;
@@ -79912,7 +84916,11 @@ function useMediaControls(target2, options4 = {}) {
});
const listeners = [];
const stop2 = watch([target2], () => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const el = toValue(target2);
+========
+ const el = toValue$3(target2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!el)
return;
stop2();
@@ -79953,7 +84961,11 @@ function getMapVue2Compat() {
const data26 = shallowReactive({});
return {
get: /* @__PURE__ */ __name((key) => data26[key], "get"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
set: /* @__PURE__ */ __name((key, value4) => set$1(data26, key, value4), "set"),
+========
+ set: /* @__PURE__ */ __name((key, value4) => set(data26, key, value4), "set"),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
has: /* @__PURE__ */ __name((key) => hasOwn$2(data26, key), "has"),
delete: /* @__PURE__ */ __name((key) => del$1(data26, key), "delete"),
clear: /* @__PURE__ */ __name(() => {
@@ -80053,10 +85065,10 @@ function useMouse(options4 = {}) {
const scrollHandler = /* @__PURE__ */ __name(() => {
if (!_prevMouseEvent || !window2)
return;
- const pos2 = extractor(_prevMouseEvent);
- if (_prevMouseEvent instanceof MouseEvent && pos2) {
- x2.value = pos2[0] + window2.scrollX;
- y2.value = pos2[1] + window2.scrollY;
+ const pos = extractor(_prevMouseEvent);
+ if (_prevMouseEvent instanceof MouseEvent && pos) {
+ x2.value = pos[0] + window2.scrollX;
+ y2.value = pos[1] + window2.scrollY;
}
}, "scrollHandler");
const reset2 = /* @__PURE__ */ __name(() => {
@@ -80289,7 +85301,7 @@ function useObjectUrl(object) {
url.value = void 0;
}, "release");
watch(
- () => toValue(object),
+ () => toValue$3(object),
(newObject) => {
release();
if (newObject)
@@ -80303,14 +85315,14 @@ function useObjectUrl(object) {
__name(useObjectUrl, "useObjectUrl");
function useClamp(value4, min, max) {
if (typeof value4 === "function" || isReadonly(value4))
- return computed(() => clamp(toValue(value4), toValue(min), toValue(max)));
+ return computed(() => clamp(toValue$3(value4), toValue$3(min), toValue$3(max)));
const _value = ref(value4);
return computed({
get() {
- return _value.value = clamp(_value.value, toValue(min), toValue(max));
+ return _value.value = clamp(_value.value, toValue$3(min), toValue$3(max));
},
set(value22) {
- _value.value = clamp(value22, toValue(min), toValue(max));
+ _value.value = clamp(value22, toValue$3(min), toValue$3(max));
}
});
}
@@ -80327,7 +85339,7 @@ function useOffsetPagination(options4) {
const currentPageSize = useClamp(pageSize, 1, Number.POSITIVE_INFINITY);
const pageCount = computed(() => Math.max(
1,
- Math.ceil(toValue(total) / toValue(currentPageSize))
+ Math.ceil(toValue$3(total) / toValue$3(currentPageSize))
));
const currentPage = useClamp(page2, 1, pageCount);
const isFirstPage = computed(() => currentPage.value === 1);
@@ -80379,7 +85391,11 @@ __name(useOnline, "useOnline");
function usePageLeave(options4 = {}) {
const { window: window2 = defaultWindow } = options4;
const isLeft = ref(false);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const handler10 = /* @__PURE__ */ __name((event) => {
+========
+ const handler12 = /* @__PURE__ */ __name((event) => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!window2)
return;
event = event || window2.event;
@@ -80387,9 +85403,15 @@ function usePageLeave(options4 = {}) {
isLeft.value = !from2;
}, "handler");
if (window2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
useEventListener(window2, "mouseout", handler10, { passive: true });
useEventListener(window2.document, "mouseleave", handler10, { passive: true });
useEventListener(window2.document, "mouseenter", handler10, { passive: true });
+========
+ useEventListener(window2, "mouseout", handler12, { passive: true });
+ useEventListener(window2.document, "mouseleave", handler12, { passive: true });
+ useEventListener(window2.document, "mouseenter", handler12, { passive: true });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return isLeft;
}
@@ -80508,8 +85530,13 @@ function useParentElement(element = useCurrentElement()) {
if (el)
parentElement.value = el.parentElement;
}, "update");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(update);
watch(() => toValue(element), update);
+========
+ tryOnMounted$2(update);
+ watch(() => toValue$3(element), update);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return parentElement;
}
__name(useParentElement, "useParentElement");
@@ -80561,7 +85588,11 @@ function usePointer(options4 = {}) {
const isInside = ref(false);
const state = ref(options4.initialValue || {});
Object.assign(state.value, defaultState, state.value);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const handler10 = /* @__PURE__ */ __name((event) => {
+========
+ const handler12 = /* @__PURE__ */ __name((event) => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
isInside.value = true;
if (options4.pointerTypes && !options4.pointerTypes.includes(event.pointerType))
return;
@@ -80569,7 +85600,11 @@ function usePointer(options4 = {}) {
}, "handler");
if (target2) {
const listenerOptions = { passive: true };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
useEventListener(target2, ["pointerdown", "pointermove", "pointerup"], handler10, listenerOptions);
+========
+ useEventListener(target2, ["pointerdown", "pointermove", "pointerup"], handler12, listenerOptions);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
useEventListener(target2, "pointerleave", () => isInside.value = false, listenerOptions);
}
return {
@@ -80705,7 +85740,11 @@ function usePointerSwipe(target2, options4 = {}) {
isSwiping.value = false;
})
];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => {
+========
+ tryOnMounted$2(() => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _a2, _b, _c, _d, _e, _f, _g, _h;
(_b = (_a2 = targetRef.value) == null ? void 0 : _a2.style) == null ? void 0 : _b.setProperty("touch-action", "none");
if (disableTextSelect) {
@@ -80778,8 +85817,8 @@ function usePrevious(value4, initialValue) {
const previous = shallowRef(initialValue);
watch(
toRef(value4),
- (_2, oldValue2) => {
- previous.value = oldValue2;
+ (_2, oldValue) => {
+ previous.value = oldValue;
},
{ flush: "sync" }
);
@@ -80795,7 +85834,7 @@ function useScreenSafeArea() {
const right = ref("");
const bottom = ref("");
const left = ref("");
- if (isClient) {
+ if (isClient$1) {
const topCssVar = useCssVar(topVarName);
const rightCssVar = useCssVar(rightVarName);
const bottomCssVar = useCssVar(bottomVarName);
@@ -80853,12 +85892,12 @@ function useScriptTag(src, onLoaded = noop$1, options4 = {}) {
return;
}
let shouldAppend = false;
- let el = document2.querySelector(`script[src="${toValue(src)}"]`);
+ let el = document2.querySelector(`script[src="${toValue$3(src)}"]`);
if (!el) {
el = document2.createElement("script");
el.type = type;
el.async = async;
- el.src = toValue(src);
+ el.src = toValue$3(src);
if (defer)
el.defer = defer;
if (crossOrigin)
@@ -80884,7 +85923,7 @@ function useScriptTag(src, onLoaded = noop$1, options4 = {}) {
if (!waitForScriptLoad)
resolveWithElement(el);
}), "loadScript");
- const load2 = /* @__PURE__ */ __name((waitForScriptLoad = true) => {
+ const load3 = /* @__PURE__ */ __name((waitForScriptLoad = true) => {
if (!_promise)
_promise = loadScript(waitForScriptLoad);
return _promise;
@@ -80895,15 +85934,19 @@ function useScriptTag(src, onLoaded = noop$1, options4 = {}) {
_promise = null;
if (scriptTag.value)
scriptTag.value = null;
- const el = document2.querySelector(`script[src="${toValue(src)}"]`);
+ const el = document2.querySelector(`script[src="${toValue$3(src)}"]`);
if (el)
document2.head.removeChild(el);
}, "unload");
if (immediate && !manual)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(load2);
+========
+ tryOnMounted$2(load3);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!manual)
tryOnUnmounted(unload);
- return { scriptTag, load: load2, unload };
+ return { scriptTag, load: load3, unload };
}
__name(useScriptTag, "useScriptTag");
function checkOverflowScroll(ele) {
@@ -80936,7 +85979,11 @@ function useScrollLock(element, initialState = false) {
let stopTouchMoveListener = null;
let initialOverflow = "";
watch(toRef(element), (el) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const target2 = resolveElement(toValue(el));
+========
+ const target2 = resolveElement(toValue$3(el));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (target2) {
const ele = target2;
if (!elInitialOverflow.get(ele))
@@ -80952,10 +85999,10 @@ function useScrollLock(element, initialState = false) {
immediate: true
});
const lock = /* @__PURE__ */ __name(() => {
- const el = resolveElement(toValue(element));
+ const el = resolveElement(toValue$3(element));
if (!el || isLocked.value)
return;
- if (isIOS) {
+ if (isIOS$1) {
stopTouchMoveListener = useEventListener(
el,
"touchmove",
@@ -80969,10 +86016,10 @@ function useScrollLock(element, initialState = false) {
isLocked.value = true;
}, "lock");
const unlock = /* @__PURE__ */ __name(() => {
- const el = resolveElement(toValue(element));
+ const el = resolveElement(toValue$3(element));
if (!el || !isLocked.value)
return;
- if (isIOS)
+ if (isIOS$1)
stopTouchMoveListener == null ? void 0 : stopTouchMoveListener();
el.style.overflow = initialOverflow;
elInitialOverflow.delete(el);
@@ -81003,8 +86050,13 @@ function useShare(shareOptions = {}, options4 = {}) {
const share = /* @__PURE__ */ __name(async (overrideOptions = {}) => {
if (isSupported2.value) {
const data26 = {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
...toValue(shareOptions),
...toValue(overrideOptions)
+========
+ ...toValue$3(shareOptions),
+ ...toValue$3(overrideOptions)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
let granted = true;
if (data26.files && _navigator2.canShare)
@@ -81042,9 +86094,9 @@ function useSorted(...args) {
sortFn = defaultSortFn
} = options4;
if (!dirty)
- return computed(() => sortFn([...toValue(source)], compareFn));
+ return computed(() => sortFn([...toValue$3(source)], compareFn));
watchEffect(() => {
- const result = sortFn(toValue(source), compareFn);
+ const result = sortFn(toValue$3(source), compareFn);
if (isRef(source))
source.value = result;
else
@@ -81081,7 +86133,7 @@ function useSpeechRecognition(options4 = {}) {
recognition = new SpeechRecognition();
recognition.continuous = continuous;
recognition.interimResults = interimResults;
- recognition.lang = toValue(lang);
+ recognition.lang = toValue$3(lang);
recognition.maxAlternatives = maxAlternatives;
recognition.onstart = () => {
isFinal.value = false;
@@ -81102,7 +86154,7 @@ function useSpeechRecognition(options4 = {}) {
};
recognition.onend = () => {
isListening.value = false;
- recognition.lang = toValue(lang);
+ recognition.lang = toValue$3(lang);
};
watch(isListening, () => {
if (isListening.value)
@@ -81145,10 +86197,10 @@ function useSpeechSynthesis(text2, options4 = {}) {
isPlaying.value = value4;
}, "toggle");
const bindEventsForUtterance = /* @__PURE__ */ __name((utterance2) => {
- utterance2.lang = toValue(lang);
- utterance2.voice = toValue(options4.voice) || null;
- utterance2.pitch = toValue(pitch);
- utterance2.rate = toValue(rate);
+ utterance2.lang = toValue$3(lang);
+ utterance2.voice = toValue$3(options4.voice) || null;
+ utterance2.pitch = toValue$3(pitch);
+ utterance2.rate = toValue$3(rate);
utterance2.volume = volume;
utterance2.onstart = () => {
isPlaying.value = true;
@@ -81320,7 +86372,7 @@ function useStorageAsync(key, initialValue, storage, options4 = {}) {
console.error(e2);
}, "onError")
} = options4;
- const rawInit = toValue(initialValue);
+ const rawInit = toValue$3(initialValue);
const type = guessSerializerType(rawInit);
const data26 = (shallow ? shallowRef : ref)(initialValue);
const serializer = (_a2 = options4.serializer) != null ? _a2 : StorageSerializers[type];
@@ -81384,19 +86436,19 @@ function useStorageAsync(key, initialValue, storage, options4 = {}) {
return data26;
}
__name(useStorageAsync, "useStorageAsync");
-let _id = 0;
-function useStyleTag(css3, options4 = {}) {
+let _id$1 = 0;
+function useStyleTag(css4, options4 = {}) {
const isLoaded = ref(false);
const {
document: document2 = defaultDocument,
immediate = true,
manual = false,
- id: id3 = `vueuse_styletag_${++_id}`
+ id: id3 = `vueuse_styletag_${++_id$1}`
} = options4;
- const cssRef = ref(css3);
+ const cssRef = ref(css4);
let stop2 = /* @__PURE__ */ __name(() => {
}, "stop");
- const load2 = /* @__PURE__ */ __name(() => {
+ const load3 = /* @__PURE__ */ __name(() => {
if (!document2)
return;
const el = document2.getElementById(id3) || document2.createElement("style");
@@ -81425,14 +86477,18 @@ function useStyleTag(css3, options4 = {}) {
isLoaded.value = false;
}, "unload");
if (immediate && !manual)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(load2);
+========
+ tryOnMounted$2(load3);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!manual)
tryOnScopeDispose(unload);
return {
id: id3,
css: cssRef,
unload,
- load: load2,
+ load: load3,
isLoaded: readonly(isLoaded)
};
}
@@ -81558,7 +86614,11 @@ function useTextDirection(options4 = {}) {
}
__name(getValue2, "getValue2");
const dir = ref(getValue2());
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(() => dir.value = getValue2());
+========
+ tryOnMounted$2(() => dir.value = getValue2());
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (observe2 && document2) {
useMutationObserver(
document2.querySelector(selector),
@@ -81630,7 +86690,7 @@ function useTextareaAutosize(options4) {
let height = "";
textarea.value.style[styleProp] = "1px";
textareaScrollHeight.value = (_a22 = textarea.value) == null ? void 0 : _a22.scrollHeight;
- const _styleTarget = toValue(options4 == null ? void 0 : options4.styleTarget);
+ const _styleTarget = toValue$3(options4 == null ? void 0 : options4.styleTarget);
if (_styleTarget)
_styleTarget.style[styleProp] = `${textareaScrollHeight.value}px`;
else
@@ -81699,7 +86759,7 @@ function useTimeAgo(time, options4 = {}) {
updateInterval = 3e4
} = options4;
const { now: now2, ...controls } = useNow({ interval: updateInterval, controls: true });
- const timeAgo = computed(() => formatTimeAgo(new Date(toValue(time)), options4, toValue(now2)));
+ const timeAgo = computed(() => formatTimeAgo(new Date(toValue$3(time)), options4, toValue$3(now2)));
if (exposeControls) {
return {
timeAgo,
@@ -81829,7 +86889,7 @@ function useTitle(newTitle = null, options4 = {}) {
if (!("titleTemplate" in options4))
return t2;
const template = options4.titleTemplate || "%s";
- return typeof template === "function" ? template(t2) : toValue(template).replace(/%s/g, t2);
+ return typeof template === "function" ? template(t2) : toValue$3(template).replace(/%s/g, t2);
}
__name(format2, "format");
watch(
@@ -81917,14 +86977,14 @@ function toVec(t2) {
__name(toVec, "toVec");
function executeTransition(source, from2, to, options4 = {}) {
var _a2, _b;
- const fromVal = toValue(from2);
- const toVal = toValue(to);
+ const fromVal = toValue$3(from2);
+ const toVal = toValue$3(to);
const v1 = toVec(fromVal);
const v2 = toVec(toVal);
- const duration = (_a2 = toValue(options4.duration)) != null ? _a2 : 1e3;
+ const duration = (_a2 = toValue$3(options4.duration)) != null ? _a2 : 1e3;
const startedAt = Date.now();
const endAt = Date.now() + duration;
- const trans = typeof options4.transition === "function" ? options4.transition : (_b = toValue(options4.transition)) != null ? _b : identity;
+ const trans = typeof options4.transition === "function" ? options4.transition : (_b = toValue$3(options4.transition)) != null ? _b : identity;
const ease = typeof trans === "function" ? trans : createEasingFunction(trans);
return new Promise((resolve2) => {
source.value = fromVal;
@@ -81958,20 +87018,20 @@ __name(executeTransition, "executeTransition");
function useTransition(source, options4 = {}) {
let currentId = 0;
const sourceVal = /* @__PURE__ */ __name(() => {
- const v2 = toValue(source);
- return typeof v2 === "number" ? v2 : v2.map(toValue);
+ const v2 = toValue$3(source);
+ return typeof v2 === "number" ? v2 : v2.map(toValue$3);
}, "sourceVal");
const outputRef = ref(sourceVal());
watch(sourceVal, async (to) => {
var _a2, _b;
- if (toValue(options4.disabled))
+ if (toValue$3(options4.disabled))
return;
const id3 = ++currentId;
if (options4.delay)
- await promiseTimeout(toValue(options4.delay));
+ await promiseTimeout(toValue$3(options4.delay));
if (id3 !== currentId)
return;
- const toVal = Array.isArray(to) ? to.map(toValue) : toValue(to);
+ const toVal = Array.isArray(to) ? to.map(toValue$3) : toValue$3(to);
(_a2 = options4.onStarted) == null ? void 0 : _a2.call(options4);
await executeTransition(outputRef, outputRef.value, toVal, {
...options4,
@@ -81982,7 +87042,7 @@ function useTransition(source, options4 = {}) {
});
(_b = options4.onFinished) == null ? void 0 : _b.call(options4);
}, { deep: true });
- watch(() => toValue(options4.disabled), (disabled2) => {
+ watch(() => toValue$3(options4.disabled), (disabled2) => {
if (disabled2) {
currentId++;
outputRef.value = sourceVal();
@@ -81991,7 +87051,7 @@ function useTransition(source, options4 = {}) {
tryOnScopeDispose(() => {
currentId++;
});
- return computed(() => toValue(options4.disabled) ? sourceVal() : outputRef.value);
+ return computed(() => toValue$3(options4.disabled) ? sourceVal() : outputRef.value);
}
__name(useTransition, "useTransition");
function useUrlSearchParams(mode2 = "history", options4 = {}) {
@@ -82588,7 +87648,11 @@ function useWebNotification(options4 = {}) {
notification.value = null;
}, "close");
if (_requestForPermissions)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(ensurePermissions);
+========
+ tryOnMounted$2(ensurePermissions);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
tryOnScopeDispose(close5);
if (isSupported2.value && window2) {
const document2 = window2.document;
@@ -82652,7 +87716,7 @@ function useWebSocket(url, options4 = {}) {
pongTimeoutWait = void 0;
}, "resetHeartbeat");
const close5 = /* @__PURE__ */ __name((code2 = 1e3, reason) => {
- if (!isClient || !wsRef.value)
+ if (!isClient$1 || !wsRef.value)
return;
explicitlyClosed = true;
resetHeartbeat();
@@ -82742,12 +87806,12 @@ function useWebSocket(url, options4 = {}) {
heartbeatResume = resume;
}
if (autoClose) {
- if (isClient)
+ if (isClient$1)
useEventListener("beforeunload", () => close5());
tryOnScopeDispose(close5);
}
const open2 = /* @__PURE__ */ __name(() => {
- if (!isClient && !isWorker)
+ if (!isClient$1 && !isWorker)
return;
close5();
explicitlyClosed = false;
@@ -83006,7 +88070,11 @@ function useWindowSize(options4 = {}) {
}
}, "update");
update();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted$1(update);
+========
+ tryOnMounted$2(update);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
useEventListener("resize", update, { passive: true });
if (listenOrientation) {
const matches2 = useMediaQuery("(orientation: portrait)");
@@ -83015,9 +88083,10 @@ function useWindowSize(options4 = {}) {
return { width: width2, height };
}
__name(useWindowSize, "useWindowSize");
-var BaseComponentStyle$1 = BaseStyle.extend({
+var BaseComponentStyle$2 = BaseStyle$1.extend({
name: "common"
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$j(o2) {
"@babel/helpers - typeof";
return _typeof$j = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -83029,11 +88098,25 @@ function _typeof$j(o2) {
__name(_typeof$j, "_typeof$j");
function _toArray(r2) {
return _arrayWithHoles$3(r2) || _iterableToArray$c(r2) || _unsupportedIterableToArray$g(r2) || _nonIterableRest$3();
+========
+function _typeof$m(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$m = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$m(o2);
}
-__name(_toArray, "_toArray");
-function _iterableToArray$c(r2) {
+__name(_typeof$m, "_typeof$m");
+function _toArray$1(r2) {
+ return _arrayWithHoles$5(r2) || _iterableToArray$d(r2) || _unsupportedIterableToArray$i(r2) || _nonIterableRest$5();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
+}
+__name(_toArray$1, "_toArray$1");
+function _iterableToArray$d(r2) {
if ("undefined" != typeof Symbol && null != r2[Symbol.iterator] || null != r2["@@iterator"]) return Array.from(r2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_iterableToArray$c, "_iterableToArray$c");
function _slicedToArray$3(r2, e2) {
return _arrayWithHoles$3(r2) || _iterableToArrayLimit$3(r2, e2) || _unsupportedIterableToArray$g(r2, e2) || _nonIterableRest$3();
@@ -83052,12 +88135,37 @@ function _unsupportedIterableToArray$g(r2, a2) {
}
__name(_unsupportedIterableToArray$g, "_unsupportedIterableToArray$g");
function _arrayLikeToArray$g(r2, a2) {
+========
+__name(_iterableToArray$d, "_iterableToArray$d");
+function _slicedToArray$5(r2, e2) {
+ return _arrayWithHoles$5(r2) || _iterableToArrayLimit$5(r2, e2) || _unsupportedIterableToArray$i(r2, e2) || _nonIterableRest$5();
+}
+__name(_slicedToArray$5, "_slicedToArray$5");
+function _nonIterableRest$5() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest$5, "_nonIterableRest$5");
+function _unsupportedIterableToArray$i(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$i(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$i(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$i, "_unsupportedIterableToArray$i");
+function _arrayLikeToArray$i(r2, a2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
(null == a2 || a2 > r2.length) && (a2 = r2.length);
for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
return n2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_arrayLikeToArray$g, "_arrayLikeToArray$g");
function _iterableToArrayLimit$3(r2, l2) {
+========
+__name(_arrayLikeToArray$i, "_arrayLikeToArray$i");
+function _iterableToArrayLimit$5(r2, l2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = null == r2 ? null : "undefined" != typeof Symbol && r2[Symbol.iterator] || r2["@@iterator"];
if (null != t2) {
var e2, n2, i2, u2, a2 = [], f2 = true, o2 = false;
@@ -83078,12 +88186,21 @@ function _iterableToArrayLimit$3(r2, l2) {
return a2;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_iterableToArrayLimit$3, "_iterableToArrayLimit$3");
function _arrayWithHoles$3(r2) {
if (Array.isArray(r2)) return r2;
}
__name(_arrayWithHoles$3, "_arrayWithHoles$3");
function ownKeys$j(e2, r2) {
+========
+__name(_iterableToArrayLimit$5, "_iterableToArrayLimit$5");
+function _arrayWithHoles$5(r2) {
+ if (Array.isArray(r2)) return r2;
+}
+__name(_arrayWithHoles$5, "_arrayWithHoles$5");
+function ownKeys$m(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -83093,6 +88210,7 @@ function ownKeys$j(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$j, "ownKeys$j");
function _objectSpread$j(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -83100,11 +88218,21 @@ function _objectSpread$j(e2) {
r2 % 2 ? ownKeys$j(Object(t2), true).forEach(function(r3) {
_defineProperty$l(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$j(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$m, "ownKeys$m");
+function _objectSpread$m(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$m(Object(t2), true).forEach(function(r3) {
+ _defineProperty$o(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$m(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$j, "_objectSpread$j");
function _defineProperty$l(e2, r2, t2) {
return (r2 = _toPropertyKey$j(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -83121,12 +88249,35 @@ function _toPrimitive$j(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$j(i2)) return i2;
+========
+__name(_objectSpread$m, "_objectSpread$m");
+function _defineProperty$o(e2, r2, t2) {
+ return (r2 = _toPropertyKey$l(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$o, "_defineProperty$o");
+function _toPropertyKey$l(t2) {
+ var i2 = _toPrimitive$l(t2, "string");
+ return "symbol" == _typeof$m(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$l, "_toPropertyKey$l");
+function _toPrimitive$l(t2, r2) {
+ if ("object" != _typeof$m(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$m(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$j, "_toPrimitive$j");
var script$13 = {
+========
+__name(_toPrimitive$l, "_toPrimitive$l");
+var script$14 = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "BaseComponent",
props: {
pt: {
@@ -83189,16 +88340,27 @@ var script$13 = {
var originalValueInConfig = _useptInConfig ? (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.pt) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.originalValue : void 0;
var valueInConfig = _useptInConfig ? (_this$$primevue2 = this.$primevue) === null || _this$$primevue2 === void 0 || (_this$$primevue2 = _this$$primevue2.config) === null || _this$$primevue2 === void 0 || (_this$$primevue2 = _this$$primevue2.pt) === null || _this$$primevue2 === void 0 ? void 0 : _this$$primevue2.value : (_this$$primevue3 = this.$primevue) === null || _this$$primevue3 === void 0 || (_this$$primevue3 = _this$$primevue3.config) === null || _this$$primevue3 === void 0 ? void 0 : _this$$primevue3.pt;
(_ref2 = valueInConfig || originalValueInConfig) === null || _ref2 === void 0 || (_ref2 = _ref2[this.$.type.name]) === null || _ref2 === void 0 || (_ref2 = _ref2.hooks) === null || _ref2 === void 0 || (_ref2$onBeforeCreate = _ref2["onBeforeCreate"]) === null || _ref2$onBeforeCreate === void 0 || _ref2$onBeforeCreate.call(_ref2);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
this.$attrSelector = uuid("pc");
+========
+ this.$attrSelector = uuid$1("pc");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "beforeCreate"),
created: /* @__PURE__ */ __name(function created() {
this._hook("onCreated");
}, "created"),
beforeMount: /* @__PURE__ */ __name(function beforeMount2() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
this.rootEl = findSingle(this.$el, '[data-pc-name="'.concat(toFlatCase(this.$.type.name), '"]'));
if (this.rootEl) {
this.$attrSelector && !this.rootEl.hasAttribute(this.$attrSelector) && this.rootEl.setAttribute(this.$attrSelector, "");
this.rootEl.$pc = _objectSpread$j({
+========
+ this.rootEl = findSingle$1(this.$el, '[data-pc-name="'.concat(toFlatCase$2(this.$.type.name), '"]'));
+ if (this.rootEl) {
+ this.$attrSelector && !this.rootEl.hasAttribute(this.$attrSelector) && this.rootEl.setAttribute(this.$attrSelector, "");
+ this.rootEl.$pc = _objectSpread$m({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: this.$.type.name,
attrSelector: this.$attrSelector
}, this.$params);
@@ -83235,15 +88397,19 @@ var script$13 = {
for (var _len = arguments.length, args = new Array(_len > 1 ? _len - 1 : 0), _key2 = 1; _key2 < _len; _key2++) {
args[_key2 - 1] = arguments[_key2];
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isFunction$b(fn) ? fn.apply(void 0, args) : mergeProps$1.apply(void 0, args);
+========
+ return isFunction$d(fn) ? fn.apply(void 0, args) : mergeProps$2.apply(void 0, args);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "_mergeProps"),
_loadStyles: /* @__PURE__ */ __name(function _loadStyles2() {
var _this2 = this;
var _load = /* @__PURE__ */ __name(function _load2() {
- if (!Base.isStyleNameLoaded("base")) {
- BaseStyle.loadCSS(_this2.$styleOptions);
+ if (!Base$1.isStyleNameLoaded("base")) {
+ BaseStyle$1.loadCSS(_this2.$styleOptions);
_this2._loadGlobalStyles();
- Base.setLoadedStyleName("base");
+ Base$1.setLoadedStyleName("base");
}
_this2._loadThemeStyles();
}, "_load");
@@ -83252,21 +88418,26 @@ var script$13 = {
}, "_loadStyles"),
_loadCoreStyles: /* @__PURE__ */ __name(function _loadCoreStyles2() {
var _this$$style, _this$$style2;
- if (!Base.isStyleNameLoaded((_this$$style = this.$style) === null || _this$$style === void 0 ? void 0 : _this$$style.name) && (_this$$style2 = this.$style) !== null && _this$$style2 !== void 0 && _this$$style2.name) {
- BaseComponentStyle$1.loadCSS(this.$styleOptions);
+ if (!Base$1.isStyleNameLoaded((_this$$style = this.$style) === null || _this$$style === void 0 ? void 0 : _this$$style.name) && (_this$$style2 = this.$style) !== null && _this$$style2 !== void 0 && _this$$style2.name) {
+ BaseComponentStyle$2.loadCSS(this.$styleOptions);
this.$options.style && this.$style.loadCSS(this.$styleOptions);
- Base.setLoadedStyleName(this.$style.name);
+ Base$1.setLoadedStyleName(this.$style.name);
}
}, "_loadCoreStyles"),
_loadGlobalStyles: /* @__PURE__ */ __name(function _loadGlobalStyles() {
var globalCSS = this._useGlobalPT(this._getOptionValue, "global.css", this.$params);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isNotEmpty(globalCSS) && BaseStyle.load(globalCSS, _objectSpread$j({
+========
+ isNotEmpty$2(globalCSS) && BaseStyle$1.load(globalCSS, _objectSpread$m({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "global"
}, this.$styleOptions));
}, "_loadGlobalStyles"),
_loadThemeStyles: /* @__PURE__ */ __name(function _loadThemeStyles2() {
var _this$$style4, _this$$style5;
if (this.isUnstyled || this.$theme === "none") return;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!config_default.isStyleNameLoaded("common")) {
var _this$$style3, _this$$style3$getComm;
var _ref3 = ((_this$$style3 = this.$style) === null || _this$$style3 === void 0 || (_this$$style3$getComm = _this$$style3.getCommonTheme) === null || _this$$style3$getComm === void 0 ? void 0 : _this$$style3$getComm.call(_this$$style3)) || {}, primitive = _ref3.primitive, semantic = _ref3.semantic, global2 = _ref3.global, style2 = _ref3.style;
@@ -83283,9 +88454,28 @@ var script$13 = {
name: "global-style"
}, this.$styleOptions), style2);
config_default.setLoadedStyleName("common");
+========
+ if (!config_default$1.isStyleNameLoaded("common")) {
+ var _this$$style3, _this$$style3$getComm;
+ var _ref3 = ((_this$$style3 = this.$style) === null || _this$$style3 === void 0 || (_this$$style3$getComm = _this$$style3.getCommonTheme) === null || _this$$style3$getComm === void 0 ? void 0 : _this$$style3$getComm.call(_this$$style3)) || {}, primitive = _ref3.primitive, semantic = _ref3.semantic, global2 = _ref3.global, style2 = _ref3.style;
+ BaseStyle$1.load(primitive === null || primitive === void 0 ? void 0 : primitive.css, _objectSpread$m({
+ name: "primitive-variables"
+ }, this.$styleOptions));
+ BaseStyle$1.load(semantic === null || semantic === void 0 ? void 0 : semantic.css, _objectSpread$m({
+ name: "semantic-variables"
+ }, this.$styleOptions));
+ BaseStyle$1.load(global2 === null || global2 === void 0 ? void 0 : global2.css, _objectSpread$m({
+ name: "global-variables"
+ }, this.$styleOptions));
+ BaseStyle$1.loadTheme(_objectSpread$m({
+ name: "global-style"
+ }, this.$styleOptions), style2);
+ config_default$1.setLoadedStyleName("common");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
- if (!config_default.isStyleNameLoaded((_this$$style4 = this.$style) === null || _this$$style4 === void 0 ? void 0 : _this$$style4.name) && (_this$$style5 = this.$style) !== null && _this$$style5 !== void 0 && _this$$style5.name) {
+ if (!config_default$1.isStyleNameLoaded((_this$$style4 = this.$style) === null || _this$$style4 === void 0 ? void 0 : _this$$style4.name) && (_this$$style5 = this.$style) !== null && _this$$style5 !== void 0 && _this$$style5.name) {
var _this$$style6, _this$$style6$getComp, _this$$style7, _this$$style8;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _ref4 = ((_this$$style6 = this.$style) === null || _this$$style6 === void 0 || (_this$$style6$getComp = _this$$style6.getComponentTheme) === null || _this$$style6$getComp === void 0 ? void 0 : _this$$style6$getComp.call(_this$$style6)) || {}, css3 = _ref4.css, _style = _ref4.style;
(_this$$style7 = this.$style) === null || _this$$style7 === void 0 || _this$$style7.load(css3, _objectSpread$j({
name: "".concat(this.$style.name, "-variables")
@@ -83294,21 +88484,40 @@ var script$13 = {
name: "".concat(this.$style.name, "-style")
}, this.$styleOptions), _style);
config_default.setLoadedStyleName(this.$style.name);
+========
+ var _ref4 = ((_this$$style6 = this.$style) === null || _this$$style6 === void 0 || (_this$$style6$getComp = _this$$style6.getComponentTheme) === null || _this$$style6$getComp === void 0 ? void 0 : _this$$style6$getComp.call(_this$$style6)) || {}, css4 = _ref4.css, _style = _ref4.style;
+ (_this$$style7 = this.$style) === null || _this$$style7 === void 0 || _this$$style7.load(css4, _objectSpread$m({
+ name: "".concat(this.$style.name, "-variables")
+ }, this.$styleOptions));
+ (_this$$style8 = this.$style) === null || _this$$style8 === void 0 || _this$$style8.loadTheme(_objectSpread$m({
+ name: "".concat(this.$style.name, "-style")
+ }, this.$styleOptions), _style);
+ config_default$1.setLoadedStyleName(this.$style.name);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
- if (!config_default.isStyleNameLoaded("layer-order")) {
+ if (!config_default$1.isStyleNameLoaded("layer-order")) {
var _this$$style9, _this$$style9$getLaye;
var layerOrder = (_this$$style9 = this.$style) === null || _this$$style9 === void 0 || (_this$$style9$getLaye = _this$$style9.getLayerOrderThemeCSS) === null || _this$$style9$getLaye === void 0 ? void 0 : _this$$style9$getLaye.call(_this$$style9);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
BaseStyle.load(layerOrder, _objectSpread$j({
+========
+ BaseStyle$1.load(layerOrder, _objectSpread$m({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "layer-order",
first: true
}, this.$styleOptions));
- config_default.setLoadedStyleName("layer-order");
+ config_default$1.setLoadedStyleName("layer-order");
}
}, "_loadThemeStyles"),
_loadScopedThemeStyles: /* @__PURE__ */ __name(function _loadScopedThemeStyles2(preset) {
var _this$$style10, _this$$style10$getPre, _this$$style11;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _ref5 = ((_this$$style10 = this.$style) === null || _this$$style10 === void 0 || (_this$$style10$getPre = _this$$style10.getPresetTheme) === null || _this$$style10$getPre === void 0 ? void 0 : _this$$style10$getPre.call(_this$$style10, preset, "[".concat(this.$attrSelector, "]"))) || {}, css3 = _ref5.css;
var scopedStyle = (_this$$style11 = this.$style) === null || _this$$style11 === void 0 ? void 0 : _this$$style11.load(css3, _objectSpread$j({
+========
+ var _ref5 = ((_this$$style10 = this.$style) === null || _this$$style10 === void 0 || (_this$$style10$getPre = _this$$style10.getPresetTheme) === null || _this$$style10$getPre === void 0 ? void 0 : _this$$style10$getPre.call(_this$$style10, preset, "[".concat(this.$attrSelector, "]"))) || {}, css4 = _ref5.css;
+ var scopedStyle = (_this$$style11 = this.$style) === null || _this$$style11 === void 0 ? void 0 : _this$$style11.load(css4, _objectSpread$m({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "".concat(this.$attrSelector, "-").concat(this.$style.name)
}, this.$styleOptions));
this.scopedStyleEl = scopedStyle.el;
@@ -83320,8 +88529,8 @@ var script$13 = {
_themeChangeListener: /* @__PURE__ */ __name(function _themeChangeListener2() {
var callback = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : function() {
};
- Base.clearLoadedStyleNames();
- service_default.on("theme:change", callback);
+ Base$1.clearLoadedStyleNames();
+ service_default$1.on("theme:change", callback);
}, "_themeChangeListener"),
_getHostInstance: /* @__PURE__ */ __name(function _getHostInstance(instance) {
return instance ? this.$options.hostName ? instance.$.type.name === this.$options.hostName ? instance : this._getHostInstance(instance.$parentInstance) : instance.$parentInstance : void 0;
@@ -83333,7 +88542,7 @@ var script$13 = {
_getOptionValue: /* @__PURE__ */ __name(function _getOptionValue(options4) {
var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
- return getKeyValue(options4, key, params);
+ return getKeyValue$2(options4, key, params);
}, "_getOptionValue"),
_getPTValue: /* @__PURE__ */ __name(function _getPTValue2() {
var _this$$primevueConfig2;
@@ -83344,18 +88553,30 @@ var script$13 = {
var searchOut = /./g.test(key) && !!params[key.split(".")[0]];
var _ref6 = this._getPropValue("ptOptions") || ((_this$$primevueConfig2 = this.$primevueConfig) === null || _this$$primevueConfig2 === void 0 ? void 0 : _this$$primevueConfig2.ptOptions) || {}, _ref6$mergeSections = _ref6.mergeSections, mergeSections = _ref6$mergeSections === void 0 ? true : _ref6$mergeSections, _ref6$mergeProps = _ref6.mergeProps, useMergeProps = _ref6$mergeProps === void 0 ? false : _ref6$mergeProps;
var global2 = searchInDefaultPT ? searchOut ? this._useGlobalPT(this._getPTClassValue, key, params) : this._useDefaultPT(this._getPTClassValue, key, params) : void 0;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var self2 = searchOut ? void 0 : this._getPTSelf(obj, this._getPTClassValue, key, _objectSpread$j(_objectSpread$j({}, params), {}, {
global: global2 || {}
}));
var datasets = this._getPTDatasets(key);
return mergeSections || !mergeSections && self2 ? useMergeProps ? this._mergeProps(useMergeProps, global2, self2, datasets) : _objectSpread$j(_objectSpread$j(_objectSpread$j({}, global2), self2), datasets) : _objectSpread$j(_objectSpread$j({}, self2), datasets);
+========
+ var self2 = searchOut ? void 0 : this._getPTSelf(obj, this._getPTClassValue, key, _objectSpread$m(_objectSpread$m({}, params), {}, {
+ global: global2 || {}
+ }));
+ var datasets = this._getPTDatasets(key);
+ return mergeSections || !mergeSections && self2 ? useMergeProps ? this._mergeProps(useMergeProps, global2, self2, datasets) : _objectSpread$m(_objectSpread$m(_objectSpread$m({}, global2), self2), datasets) : _objectSpread$m(_objectSpread$m({}, self2), datasets);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "_getPTValue"),
_getPTSelf: /* @__PURE__ */ __name(function _getPTSelf() {
var obj = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
for (var _len2 = arguments.length, args = new Array(_len2 > 1 ? _len2 - 1 : 0), _key3 = 1; _key3 < _len2; _key3++) {
args[_key3 - 1] = arguments[_key3];
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeProps$1(
+========
+ return mergeProps$2(
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this._usePT.apply(this, [this._getPT(obj, this.$name)].concat(args)),
// Exp; 0 && arguments[0] !== void 0 ? arguments[0] : "";
var datasetPrefix = "data-pc-";
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var isExtended = key === "root" && isNotEmpty((_this$pt4 = this.pt) === null || _this$pt4 === void 0 ? void 0 : _this$pt4["data-pc-section"]);
return key !== "transition" && _objectSpread$j(_objectSpread$j({}, key === "root" && _objectSpread$j(_objectSpread$j(_defineProperty$l({}, "".concat(datasetPrefix, "name"), toFlatCase(isExtended ? (_this$pt5 = this.pt) === null || _this$pt5 === void 0 ? void 0 : _this$pt5["data-pc-section"] : this.$.type.name)), isExtended && _defineProperty$l({}, "".concat(datasetPrefix, "extend"), toFlatCase(this.$.type.name))), isClient$1() && _defineProperty$l({}, "".concat(this.$attrSelector), ""))), {}, _defineProperty$l({}, "".concat(datasetPrefix, "section"), toFlatCase(key)));
}, "_getPTDatasets"),
_getPTClassValue: /* @__PURE__ */ __name(function _getPTClassValue() {
var value4 = this._getOptionValue.apply(this, arguments);
return isString$b(value4) || isArray$a(value4) ? {
+========
+ var isExtended = key === "root" && isNotEmpty$2((_this$pt4 = this.pt) === null || _this$pt4 === void 0 ? void 0 : _this$pt4["data-pc-section"]);
+ return key !== "transition" && _objectSpread$m(_objectSpread$m({}, key === "root" && _objectSpread$m(_objectSpread$m(_defineProperty$o({}, "".concat(datasetPrefix, "name"), toFlatCase$2(isExtended ? (_this$pt5 = this.pt) === null || _this$pt5 === void 0 ? void 0 : _this$pt5["data-pc-section"] : this.$.type.name)), isExtended && _defineProperty$o({}, "".concat(datasetPrefix, "extend"), toFlatCase$2(this.$.type.name))), isClient$2() && _defineProperty$o({}, "".concat(this.$attrSelector), ""))), {}, _defineProperty$o({}, "".concat(datasetPrefix, "section"), toFlatCase$2(key)));
+ }, "_getPTDatasets"),
+ _getPTClassValue: /* @__PURE__ */ __name(function _getPTClassValue() {
+ var value4 = this._getOptionValue.apply(this, arguments);
+ return isString$b(value4) || isArray$c(value4) ? {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": value4
} : value4;
}, "_getPTClassValue"),
@@ -83383,8 +88613,13 @@ var script$13 = {
var _ref9;
var checkSameKey = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
var computedValue = callback ? callback(value4) : value4;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _key = toFlatCase(key);
var _cKey = toFlatCase(_this3.$name);
+========
+ var _key = toFlatCase$2(key);
+ var _cKey = toFlatCase$2(_this3.$name);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return (_ref9 = checkSameKey ? _key !== _cKey ? computedValue === null || computedValue === void 0 ? void 0 : computedValue[_key] : void 0 : computedValue === null || computedValue === void 0 ? void 0 : computedValue[_key]) !== null && _ref9 !== void 0 ? _ref9 : computedValue;
}, "getValue");
return pt !== null && pt !== void 0 && pt.hasOwnProperty("_usept") ? {
@@ -83405,7 +88640,11 @@ var script$13 = {
if (originalValue === void 0 && value4 === void 0) return void 0;
else if (isString$b(value4)) return value4;
else if (isString$b(originalValue)) return originalValue;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeSections || !mergeSections && value4 ? useMergeProps ? this._mergeProps(useMergeProps, originalValue, value4) : _objectSpread$j(_objectSpread$j({}, originalValue), value4) : value4;
+========
+ return mergeSections || !mergeSections && value4 ? useMergeProps ? this._mergeProps(useMergeProps, originalValue, value4) : _objectSpread$m(_objectSpread$m({}, originalValue), value4) : value4;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return fn(pt);
}, "_usePT"),
@@ -83418,33 +88657,54 @@ var script$13 = {
ptm: /* @__PURE__ */ __name(function ptm() {
var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
var params = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return this._getPTValue(this.pt, key, _objectSpread$j(_objectSpread$j({}, this.$params), params));
+========
+ return this._getPTValue(this.pt, key, _objectSpread$m(_objectSpread$m({}, this.$params), params));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "ptm"),
ptmi: /* @__PURE__ */ __name(function ptmi() {
var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
var params = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeProps$1(this.$_attrsWithoutPT, this.ptm(key, params));
+========
+ return mergeProps$2(this.$_attrsWithoutPT, this.ptm(key, params));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "ptmi"),
ptmo: /* @__PURE__ */ __name(function ptmo() {
var obj = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return this._getPTValue(obj, key, _objectSpread$j({
+========
+ return this._getPTValue(obj, key, _objectSpread$m({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
instance: this
}, params), false);
}, "ptmo"),
cx: /* @__PURE__ */ __name(function cx() {
var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
var params = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return !this.isUnstyled ? this._getOptionValue(this.$style.classes, key, _objectSpread$j(_objectSpread$j({}, this.$params), params)) : void 0;
+========
+ return !this.isUnstyled ? this._getOptionValue(this.$style.classes, key, _objectSpread$m(_objectSpread$m({}, this.$params), params)) : void 0;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "cx"),
sx: /* @__PURE__ */ __name(function sx() {
var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
var when = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : true;
var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
if (when) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var self2 = this._getOptionValue(this.$style.inlineStyles, key, _objectSpread$j(_objectSpread$j({}, this.$params), params));
var base2 = this._getOptionValue(BaseComponentStyle$1.inlineStyles, key, _objectSpread$j(_objectSpread$j({}, this.$params), params));
+========
+ var self2 = this._getOptionValue(this.$style.inlineStyles, key, _objectSpread$m(_objectSpread$m({}, this.$params), params));
+ var base2 = this._getOptionValue(BaseComponentStyle$2.inlineStyles, key, _objectSpread$m(_objectSpread$m({}, this.$params), params));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return [base2, self2];
}
return void 0;
@@ -83454,7 +88714,7 @@ var script$13 = {
globalPT: /* @__PURE__ */ __name(function globalPT() {
var _this$$primevueConfig4, _this4 = this;
return this._getPT((_this$$primevueConfig4 = this.$primevueConfig) === null || _this$$primevueConfig4 === void 0 ? void 0 : _this$$primevueConfig4.pt, void 0, function(value4) {
- return resolve$2(value4, {
+ return resolve$4(value4, {
instance: _this4
});
});
@@ -83462,7 +88722,11 @@ var script$13 = {
defaultPT: /* @__PURE__ */ __name(function defaultPT() {
var _this$$primevueConfig5, _this5 = this;
return this._getPT((_this$$primevueConfig5 = this.$primevueConfig) === null || _this$$primevueConfig5 === void 0 ? void 0 : _this$$primevueConfig5.pt, void 0, function(value4) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return _this5._getOptionValue(value4, _this5.$name, _objectSpread$j({}, _this5.$params)) || resolve$2(value4, _objectSpread$j({}, _this5.$params));
+========
+ return _this5._getOptionValue(value4, _this5.$name, _objectSpread$m({}, _this5.$params)) || resolve$4(value4, _objectSpread$m({}, _this5.$params));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
}, "defaultPT"),
isUnstyled: /* @__PURE__ */ __name(function isUnstyled() {
@@ -83473,7 +88737,11 @@ var script$13 = {
var _this$$$vnode;
var nodePropKeys = Object.keys(((_this$$$vnode = this.$.vnode) === null || _this$$$vnode === void 0 ? void 0 : _this$$$vnode.props) || {});
return Object.fromEntries(Object.entries(this.$props).filter(function(_ref11) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _ref12 = _slicedToArray$3(_ref11, 1), k2 = _ref12[0];
+========
+ var _ref12 = _slicedToArray$5(_ref11, 1), k2 = _ref12[0];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return nodePropKeys === null || nodePropKeys === void 0 ? void 0 : nodePropKeys.includes(k2);
}));
}, "$inProps"),
@@ -83482,14 +88750,18 @@ var script$13 = {
return (_this$$primevueConfig7 = this.$primevueConfig) === null || _this$$primevueConfig7 === void 0 ? void 0 : _this$$primevueConfig7.theme;
}, "$theme"),
$style: /* @__PURE__ */ __name(function $style() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return _objectSpread$j(_objectSpread$j({
+========
+ return _objectSpread$m(_objectSpread$m({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
classes: void 0,
inlineStyles: void 0,
- load: /* @__PURE__ */ __name(function load2() {
+ load: /* @__PURE__ */ __name(function load3() {
}, "load"),
- loadCSS: /* @__PURE__ */ __name(function loadCSS2() {
+ loadCSS: /* @__PURE__ */ __name(function loadCSS3() {
}, "loadCSS"),
- loadTheme: /* @__PURE__ */ __name(function loadTheme2() {
+ loadTheme: /* @__PURE__ */ __name(function loadTheme3() {
}, "loadTheme")
}, (this._getHostInstance(this) || {}).$style), this.$options.style);
}, "$style"),
@@ -83523,11 +88795,19 @@ var script$13 = {
}, "$params"),
$_attrsPT: /* @__PURE__ */ __name(function $_attrsPT() {
return Object.entries(this.$attrs || {}).filter(function(_ref13) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _ref14 = _slicedToArray$3(_ref13, 1), key = _ref14[0];
return key === null || key === void 0 ? void 0 : key.startsWith("pt:");
}).reduce(function(result, _ref15) {
var _ref16 = _slicedToArray$3(_ref15, 2), key = _ref16[0], value4 = _ref16[1];
var _key$split = key.split(":"), _key$split2 = _toArray(_key$split), rest = _key$split2.slice(1);
+========
+ var _ref14 = _slicedToArray$5(_ref13, 1), key = _ref14[0];
+ return key === null || key === void 0 ? void 0 : key.startsWith("pt:");
+ }).reduce(function(result, _ref15) {
+ var _ref16 = _slicedToArray$5(_ref15, 2), key = _ref16[0], value4 = _ref16[1];
+ var _key$split = key.split(":"), _key$split2 = _toArray$1(_key$split), rest = _key$split2.slice(1);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
rest === null || rest === void 0 || rest.reduce(function(currentObj, nestedKey, index2, array) {
!currentObj[nestedKey] && (currentObj[nestedKey] = index2 === array.length - 1 ? value4 : {});
return currentObj[nestedKey];
@@ -83537,31 +88817,51 @@ var script$13 = {
}, "$_attrsPT"),
$_attrsWithoutPT: /* @__PURE__ */ __name(function $_attrsWithoutPT() {
return Object.entries(this.$attrs || {}).filter(function(_ref17) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _ref18 = _slicedToArray$3(_ref17, 1), key = _ref18[0];
return !(key !== null && key !== void 0 && key.startsWith("pt:"));
}).reduce(function(acc, _ref19) {
var _ref20 = _slicedToArray$3(_ref19, 2), key = _ref20[0], value4 = _ref20[1];
+========
+ var _ref18 = _slicedToArray$5(_ref17, 1), key = _ref18[0];
+ return !(key !== null && key !== void 0 && key.startsWith("pt:"));
+ }).reduce(function(acc, _ref19) {
+ var _ref20 = _slicedToArray$5(_ref19, 2), key = _ref20[0], value4 = _ref20[1];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
acc[key] = value4;
return acc;
}, {});
}, "$_attrsWithoutPT")
}
};
-var theme$B = /* @__PURE__ */ __name(function theme4(_ref) {
+var theme$C = /* @__PURE__ */ __name(function theme4(_ref) {
var dt2 = _ref.dt;
return "\n.p-blockui {\n position: relative;\n}\n\n.p-blockui-mask {\n border-radius: ".concat(dt2("blockui.border.radius"), ";\n}\n\n.p-blockui-mask.p-overlay-mask {\n position: absolute;\n}\n\n.p-blockui-mask-document.p-overlay-mask {\n position: fixed;\n}\n");
}, "theme");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var classes$F = {
+========
+var classes$G = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root: "p-blockui"
};
-var BlockUIStyle = BaseStyle.extend({
+var BlockUIStyle = BaseStyle$1.extend({
name: "blockui",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
theme: theme$B,
classes: classes$F
});
var script$1$F = {
name: "BaseBlockUI",
"extends": script$13,
+========
+ theme: theme$C,
+ classes: classes$G
+});
+var script$1$F = {
+ name: "BaseBlockUI",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
blocked: {
type: Boolean,
@@ -83588,7 +88888,11 @@ var script$1$F = {
};
}, "provide")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$12 = {
+========
+var script$13 = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "BlockUI",
"extends": script$1$F,
inheritAttrs: false,
@@ -83615,7 +88919,7 @@ var script$12 = {
var styleClass = "p-blockui-mask p-overlay-mask p-overlay-mask-enter";
if (this.fullScreen) {
styleClass += " p-blockui-mask-document";
- this.mask = createElement("div", {
+ this.mask = createElement$1("div", {
style: {
position: "fixed",
top: "0",
@@ -83627,10 +88931,10 @@ var script$12 = {
"p-bind": this.ptm("mask")
});
document.body.appendChild(this.mask);
- blockBodyScroll();
+ blockBodyScroll$1();
document.activeElement.blur();
} else {
- this.mask = createElement("div", {
+ this.mask = createElement$1("div", {
style: {
position: "absolute",
top: "0",
@@ -83644,15 +88948,15 @@ var script$12 = {
this.$refs.container.appendChild(this.mask);
}
if (this.autoZIndex) {
- ZIndex.set("modal", this.mask, this.baseZIndex + this.$primevue.config.zIndex.modal);
+ ZIndex$1.set("modal", this.mask, this.baseZIndex + this.$primevue.config.zIndex.modal);
}
this.isBlocked = true;
this.$emit("block");
}, "block"),
unblock: /* @__PURE__ */ __name(function unblock() {
var _this = this;
- !this.isUnstyled && addClass(this.mask, "p-overlay-mask-leave");
- if (hasCSSAnimation(this.mask) > 0) {
+ !this.isUnstyled && addClass$1(this.mask, "p-overlay-mask-leave");
+ if (hasCSSAnimation$1(this.mask) > 0) {
this.mask.addEventListener("animationend", function() {
_this.removeMask();
});
@@ -83661,10 +88965,10 @@ var script$12 = {
}
}, "unblock"),
removeMask: /* @__PURE__ */ __name(function removeMask() {
- ZIndex.clear(this.mask);
+ ZIndex$1.clear(this.mask);
if (this.fullScreen) {
document.body.removeChild(this.mask);
- unblockBodyScroll();
+ unblockBodyScroll$1();
} else {
var _this$$refs$container;
(_this$$refs$container = this.$refs.container) === null || _this$$refs$container === void 0 || _this$$refs$container.removeChild(this.mask);
@@ -83676,31 +88980,53 @@ var script$12 = {
};
var _hoisted_1$1b = ["aria-busy"];
function render$_(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "container",
"class": _ctx.cx("root"),
"aria-busy": $data.isBlocked
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16, _hoisted_1$1b);
}
__name(render$_, "render$_");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
script$12.render = render$_;
var theme$A = /* @__PURE__ */ __name(function theme5(_ref) {
var dt2 = _ref.dt;
return '\n.p-progressspinner {\n position: relative;\n margin: 0 auto;\n width: 100px;\n height: 100px;\n display: inline-block;\n}\n\n.p-progressspinner::before {\n content: "";\n display: block;\n padding-top: 100%;\n}\n\n.p-progressspinner-spin {\n height: 100%;\n transform-origin: center center;\n width: 100%;\n position: absolute;\n top: 0;\n bottom: 0;\n left: 0;\n right: 0;\n margin: auto;\n animation: p-progressspinner-rotate 2s linear infinite;\n}\n\n.p-progressspinner-circle {\n stroke-dasharray: 89, 200;\n stroke-dashoffset: 0;\n stroke: '.concat(dt2("progressspinner.color.1"), ";\n animation: p-progressspinner-dash 1.5s ease-in-out infinite, p-progressspinner-color 6s ease-in-out infinite;\n stroke-linecap: round;\n}\n\n@keyframes p-progressspinner-rotate {\n 100% {\n transform: rotate(360deg);\n }\n}\n@keyframes p-progressspinner-dash {\n 0% {\n stroke-dasharray: 1, 200;\n stroke-dashoffset: 0;\n }\n 50% {\n stroke-dasharray: 89, 200;\n stroke-dashoffset: -35px;\n }\n 100% {\n stroke-dasharray: 89, 200;\n stroke-dashoffset: -124px;\n }\n}\n@keyframes p-progressspinner-color {\n 100%,\n 0% {\n stroke: ").concat(dt2("progressspinner.color.1"), ";\n }\n 40% {\n stroke: ").concat(dt2("progressspinner.color.2"), ";\n }\n 66% {\n stroke: ").concat(dt2("progressspinner.color.3"), ";\n }\n 80%,\n 90% {\n stroke: ").concat(dt2("progressspinner.color.4"), ";\n }\n}\n");
}, "theme");
var classes$E = {
+========
+script$13.render = render$_;
+var theme$B = /* @__PURE__ */ __name(function theme5(_ref) {
+ var dt2 = _ref.dt;
+ return '\n.p-progressspinner {\n position: relative;\n margin: 0 auto;\n width: 100px;\n height: 100px;\n display: inline-block;\n}\n\n.p-progressspinner::before {\n content: "";\n display: block;\n padding-top: 100%;\n}\n\n.p-progressspinner-spin {\n height: 100%;\n transform-origin: center center;\n width: 100%;\n position: absolute;\n top: 0;\n bottom: 0;\n left: 0;\n right: 0;\n margin: auto;\n animation: p-progressspinner-rotate 2s linear infinite;\n}\n\n.p-progressspinner-circle {\n stroke-dasharray: 89, 200;\n stroke-dashoffset: 0;\n stroke: '.concat(dt2("progressspinner.color.1"), ";\n animation: p-progressspinner-dash 1.5s ease-in-out infinite, p-progressspinner-color 6s ease-in-out infinite;\n stroke-linecap: round;\n}\n\n@keyframes p-progressspinner-rotate {\n 100% {\n transform: rotate(360deg);\n }\n}\n@keyframes p-progressspinner-dash {\n 0% {\n stroke-dasharray: 1, 200;\n stroke-dashoffset: 0;\n }\n 50% {\n stroke-dasharray: 89, 200;\n stroke-dashoffset: -35px;\n }\n 100% {\n stroke-dasharray: 89, 200;\n stroke-dashoffset: -124px;\n }\n}\n@keyframes p-progressspinner-color {\n 100%,\n 0% {\n stroke: ").concat(dt2("progressspinner.color.1"), ";\n }\n 40% {\n stroke: ").concat(dt2("progressspinner.color.2"), ";\n }\n 66% {\n stroke: ").concat(dt2("progressspinner.color.3"), ";\n }\n 80%,\n 90% {\n stroke: ").concat(dt2("progressspinner.color.4"), ";\n }\n}\n");
+}, "theme");
+var classes$F = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root: "p-progressspinner",
spin: "p-progressspinner-spin",
circle: "p-progressspinner-circle"
};
-var ProgressSpinnerStyle = BaseStyle.extend({
+var ProgressSpinnerStyle = BaseStyle$1.extend({
name: "progressspinner",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
theme: theme$A,
classes: classes$E
});
var script$1$E = {
name: "BaseProgressSpinner",
"extends": script$13,
+========
+ theme: theme$B,
+ classes: classes$F
+});
+var script$1$E = {
+ name: "BaseProgressSpinner",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
strokeWidth: {
type: String,
@@ -83723,7 +89049,11 @@ var script$1$E = {
};
}, "provide")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$11 = {
+========
+var script$12 = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "ProgressSpinner",
"extends": script$1$E,
inheritAttrs: false,
@@ -83737,6 +89067,7 @@ var script$11 = {
};
var _hoisted_1$1a = ["fill", "stroke-width"];
function render$Z(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
"class": _ctx.cx("root"),
role: "progressbar"
@@ -83745,6 +89076,16 @@ function render$Z(_ctx, _cache, $props, $setup, $data, $options) {
viewBox: "25 25 50 50",
style: $options.svgStyle
}, _ctx.ptm("spin")), [createBaseVNode("circle", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("root"),
+ role: "progressbar"
+ }, _ctx.ptmi("root")), [(openBlock(), createElementBlock("svg", mergeProps$2({
+ "class": _ctx.cx("spin"),
+ viewBox: "25 25 50 50",
+ style: $options.svgStyle
+ }, _ctx.ptm("spin")), [createBaseVNode("circle", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("circle"),
cx: "50",
cy: "50",
@@ -83755,6 +89096,7 @@ function render$Z(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("circle")), null, 16, _hoisted_1$1a)], 16))], 16);
}
__name(render$Z, "render$Z");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
script$11.render = render$Z;
var BaseComponentStyle = BaseStyle.extend({
name: "common"
@@ -83762,6 +89104,15 @@ var BaseComponentStyle = BaseStyle.extend({
var script$10 = {
name: "BaseEditableHolder",
"extends": script$13,
+========
+script$12.render = render$Z;
+var BaseComponentStyle$1 = BaseStyle$1.extend({
+ name: "common"
+});
+var script$11 = {
+ name: "BaseEditableHolder",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
emits: ["update:modelValue", "value-change"],
props: {
modelValue: {
@@ -83850,7 +89201,11 @@ var script$10 = {
},
computed: {
$filled: /* @__PURE__ */ __name(function $filled() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isNotEmpty(this.d_value);
+========
+ return isNotEmpty$2(this.d_value);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "$filled"),
$invalid: /* @__PURE__ */ __name(function $invalid() {
var _ref, _this$invalid, _this$$pcFormField, _this$$pcForm3;
@@ -83877,9 +89232,15 @@ var script$10 = {
}, "filled")
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$$ = {
name: "BaseInput",
"extends": script$10,
+========
+var script$10 = {
+ name: "BaseInput",
+ "extends": script$11,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
size: {
type: String,
@@ -83917,6 +89278,7 @@ var script$$ = {
}, "hasFluid")
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var css$1 = "\n.p-icon {\n display: inline-block;\n vertical-align: baseline;\n}\n\n.p-icon-spin {\n -webkit-animation: p-icon-spin 2s infinite linear;\n animation: p-icon-spin 2s infinite linear;\n}\n\n@-webkit-keyframes p-icon-spin {\n 0% {\n -webkit-transform: rotate(0deg);\n transform: rotate(0deg);\n }\n 100% {\n -webkit-transform: rotate(359deg);\n transform: rotate(359deg);\n }\n}\n\n@keyframes p-icon-spin {\n 0% {\n -webkit-transform: rotate(0deg);\n transform: rotate(0deg);\n }\n 100% {\n -webkit-transform: rotate(359deg);\n transform: rotate(359deg);\n }\n}\n";
var BaseIconStyle = BaseStyle.extend({
name: "baseicon",
@@ -83932,6 +89294,23 @@ function _typeof$i(o2) {
}
__name(_typeof$i, "_typeof$i");
function ownKeys$i(e2, r2) {
+========
+var css$3 = "\n.p-icon {\n display: inline-block;\n vertical-align: baseline;\n}\n\n.p-icon-spin {\n -webkit-animation: p-icon-spin 2s infinite linear;\n animation: p-icon-spin 2s infinite linear;\n}\n\n@-webkit-keyframes p-icon-spin {\n 0% {\n -webkit-transform: rotate(0deg);\n transform: rotate(0deg);\n }\n 100% {\n -webkit-transform: rotate(359deg);\n transform: rotate(359deg);\n }\n}\n\n@keyframes p-icon-spin {\n 0% {\n -webkit-transform: rotate(0deg);\n transform: rotate(0deg);\n }\n 100% {\n -webkit-transform: rotate(359deg);\n transform: rotate(359deg);\n }\n}\n";
+var BaseIconStyle = BaseStyle$1.extend({
+ name: "baseicon",
+ css: css$3
+});
+function _typeof$l(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$l = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$l(o2);
+}
+__name(_typeof$l, "_typeof$l");
+function ownKeys$l(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -83941,6 +89320,7 @@ function ownKeys$i(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$i, "ownKeys$i");
function _objectSpread$i(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -83948,11 +89328,21 @@ function _objectSpread$i(e2) {
r2 % 2 ? ownKeys$i(Object(t2), true).forEach(function(r3) {
_defineProperty$k(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$i(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$l, "ownKeys$l");
+function _objectSpread$l(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$l(Object(t2), true).forEach(function(r3) {
+ _defineProperty$n(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$l(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$i, "_objectSpread$i");
function _defineProperty$k(e2, r2, t2) {
return (r2 = _toPropertyKey$i(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -83969,14 +89359,39 @@ function _toPrimitive$i(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$i(i2)) return i2;
+========
+__name(_objectSpread$l, "_objectSpread$l");
+function _defineProperty$n(e2, r2, t2) {
+ return (r2 = _toPropertyKey$k(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$n, "_defineProperty$n");
+function _toPropertyKey$k(t2) {
+ var i2 = _toPrimitive$k(t2, "string");
+ return "symbol" == _typeof$l(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$k, "_toPropertyKey$k");
+function _toPrimitive$k(t2, r2) {
+ if ("object" != _typeof$l(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$l(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$i, "_toPrimitive$i");
var script$_ = {
name: "BaseIcon",
"extends": script$13,
+========
+__name(_toPrimitive$k, "_toPrimitive$k");
+var script$$ = {
+ name: "BaseIcon",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
label: {
type: String,
@@ -83996,8 +89411,13 @@ var script$_ = {
}, "provide"),
methods: {
pti: /* @__PURE__ */ __name(function pti() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var isLabelEmpty = isEmpty$1(this.label);
return _objectSpread$i(_objectSpread$i({}, !this.isUnstyled && {
+========
+ var isLabelEmpty = isEmpty$3(this.label);
+ return _objectSpread$l(_objectSpread$l({}, !this.isUnstyled && {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": ["p-icon", {
"p-icon-spin": this.spin
}]
@@ -84009,12 +89429,16 @@ var script$_ = {
}, "pti")
}
};
-var script$Z = {
+var script$_ = {
name: "TimesIcon",
- "extends": script$_
+ "extends": script$$
};
function render$Y(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -84026,13 +89450,17 @@ function render$Y(_ctx, _cache, $props, $setup, $data, $options) {
}, null, -1)]), 16);
}
__name(render$Y, "render$Y");
-script$Z.render = render$Y;
-var script$Y = {
+script$_.render = render$Y;
+var script$Z = {
name: "WindowMaximizeIcon",
- "extends": script$_
+ "extends": script$$
};
function render$X(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -84046,13 +89474,17 @@ function render$X(_ctx, _cache, $props, $setup, $data, $options) {
}, null, -1)]), 16);
}
__name(render$X, "render$X");
-script$Y.render = render$X;
-var script$X = {
+script$Z.render = render$X;
+var script$Y = {
name: "WindowMinimizeIcon",
- "extends": script$_
+ "extends": script$$
};
function render$W(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -84066,13 +89498,17 @@ function render$W(_ctx, _cache, $props, $setup, $data, $options) {
}, null, -1)]), 16);
}
__name(render$W, "render$W");
-script$X.render = render$W;
-var script$W = {
+script$Y.render = render$W;
+var script$X = {
name: "SpinnerIcon",
- "extends": script$_
+ "extends": script$$
};
function render$V(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -84084,17 +89520,21 @@ function render$V(_ctx, _cache, $props, $setup, $data, $options) {
}, null, -1)]), 16);
}
__name(render$V, "render$V");
-script$W.render = render$V;
-var theme$z = /* @__PURE__ */ __name(function theme6(_ref) {
+script$X.render = render$V;
+var theme$A = /* @__PURE__ */ __name(function theme6(_ref) {
var dt2 = _ref.dt;
return "\n.p-badge {\n display: inline-flex;\n border-radius: ".concat(dt2("badge.border.radius"), ";\n align-items: center;\n justify-content: center;\n padding: ").concat(dt2("badge.padding"), ";\n background: ").concat(dt2("badge.primary.background"), ";\n color: ").concat(dt2("badge.primary.color"), ";\n font-size: ").concat(dt2("badge.font.size"), ";\n font-weight: ").concat(dt2("badge.font.weight"), ";\n min-width: ").concat(dt2("badge.min.width"), ";\n height: ").concat(dt2("badge.height"), ";\n}\n\n.p-badge-dot {\n width: ").concat(dt2("badge.dot.size"), ";\n min-width: ").concat(dt2("badge.dot.size"), ";\n height: ").concat(dt2("badge.dot.size"), ";\n border-radius: 50%;\n padding: 0;\n}\n\n.p-badge-circle {\n padding: 0;\n border-radius: 50%;\n}\n\n.p-badge-secondary {\n background: ").concat(dt2("badge.secondary.background"), ";\n color: ").concat(dt2("badge.secondary.color"), ";\n}\n\n.p-badge-success {\n background: ").concat(dt2("badge.success.background"), ";\n color: ").concat(dt2("badge.success.color"), ";\n}\n\n.p-badge-info {\n background: ").concat(dt2("badge.info.background"), ";\n color: ").concat(dt2("badge.info.color"), ";\n}\n\n.p-badge-warn {\n background: ").concat(dt2("badge.warn.background"), ";\n color: ").concat(dt2("badge.warn.color"), ";\n}\n\n.p-badge-danger {\n background: ").concat(dt2("badge.danger.background"), ";\n color: ").concat(dt2("badge.danger.color"), ";\n}\n\n.p-badge-contrast {\n background: ").concat(dt2("badge.contrast.background"), ";\n color: ").concat(dt2("badge.contrast.color"), ";\n}\n\n.p-badge-sm {\n font-size: ").concat(dt2("badge.sm.font.size"), ";\n min-width: ").concat(dt2("badge.sm.min.width"), ";\n height: ").concat(dt2("badge.sm.height"), ";\n}\n\n.p-badge-lg {\n font-size: ").concat(dt2("badge.lg.font.size"), ";\n min-width: ").concat(dt2("badge.lg.min.width"), ";\n height: ").concat(dt2("badge.lg.height"), ";\n}\n\n.p-badge-xl {\n font-size: ").concat(dt2("badge.xl.font.size"), ";\n min-width: ").concat(dt2("badge.xl.min.width"), ";\n height: ").concat(dt2("badge.xl.height"), ";\n}\n");
}, "theme");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var classes$D = {
+========
+var classes$E = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root: /* @__PURE__ */ __name(function root2(_ref2) {
var props = _ref2.props, instance = _ref2.instance;
return ["p-badge p-component", {
- "p-badge-circle": isNotEmpty(props.value) && String(props.value).length === 1,
- "p-badge-dot": isEmpty$1(props.value) && !instance.$slots["default"],
+ "p-badge-circle": isNotEmpty$2(props.value) && String(props.value).length === 1,
+ "p-badge-dot": isEmpty$3(props.value) && !instance.$slots["default"],
"p-badge-sm": props.size === "small",
"p-badge-lg": props.size === "large",
"p-badge-xl": props.size === "xlarge",
@@ -84107,14 +89547,23 @@ var classes$D = {
}];
}, "root")
};
-var BadgeStyle = BaseStyle.extend({
+var BadgeStyle = BaseStyle$1.extend({
name: "badge",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
theme: theme$z,
classes: classes$D
});
var script$1$D = {
name: "BaseBadge",
"extends": script$13,
+========
+ theme: theme$A,
+ classes: classes$E
+});
+var script$1$D = {
+ name: "BaseBadge",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
value: {
type: [String, Number],
@@ -84137,35 +89586,49 @@ var script$1$D = {
};
}, "provide")
};
-var script$V = {
+var script$W = {
name: "Badge",
"extends": script$1$D,
inheritAttrs: false
};
function render$U(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("span", mergeProps$1({
+========
+ return openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default", {}, function() {
return [createTextVNode(toDisplayString$1(_ctx.value), 1)];
})], 16);
}
__name(render$U, "render$U");
-script$V.render = render$U;
-var theme$y = /* @__PURE__ */ __name(function theme7(_ref) {
+script$W.render = render$U;
+var theme$z = /* @__PURE__ */ __name(function theme7(_ref) {
var dt2 = _ref.dt;
return "\n.p-ink {\n display: block;\n position: absolute;\n background: ".concat(dt2("ripple.background"), ";\n border-radius: 100%;\n transform: scale(0);\n pointer-events: none;\n}\n\n.p-ink-active {\n animation: ripple 0.4s linear;\n}\n\n@keyframes ripple {\n 100% {\n opacity: 0;\n transform: scale(2.5);\n }\n}\n");
}, "theme");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var classes$C = {
+========
+var classes$D = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root: "p-ink"
};
-var RippleStyle = BaseStyle.extend({
+var RippleStyle = BaseStyle$1.extend({
name: "ripple-directive",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
theme: theme$y,
classes: classes$C
+========
+ theme: theme$z,
+ classes: classes$D
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
var BaseRipple = BaseDirective.extend({
style: RippleStyle
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$h(o2) {
"@babel/helpers - typeof";
return _typeof$h = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -84177,12 +89640,26 @@ function _typeof$h(o2) {
__name(_typeof$h, "_typeof$h");
function _toConsumableArray$b(r2) {
return _arrayWithoutHoles$b(r2) || _iterableToArray$b(r2) || _unsupportedIterableToArray$f(r2) || _nonIterableSpread$b();
+========
+function _typeof$k(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$k = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$k(o2);
+}
+__name(_typeof$k, "_typeof$k");
+function _toConsumableArray$b(r2) {
+ return _arrayWithoutHoles$b(r2) || _iterableToArray$c(r2) || _unsupportedIterableToArray$h(r2) || _nonIterableSpread$b();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(_toConsumableArray$b, "_toConsumableArray$b");
function _nonIterableSpread$b() {
throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
}
__name(_nonIterableSpread$b, "_nonIterableSpread$b");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _unsupportedIterableToArray$f(r2, a2) {
if (r2) {
if ("string" == typeof r2) return _arrayLikeToArray$f(r2, a2);
@@ -84192,18 +89669,37 @@ function _unsupportedIterableToArray$f(r2, a2) {
}
__name(_unsupportedIterableToArray$f, "_unsupportedIterableToArray$f");
function _iterableToArray$b(r2) {
+========
+function _unsupportedIterableToArray$h(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$h(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$h(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$h, "_unsupportedIterableToArray$h");
+function _iterableToArray$c(r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if ("undefined" != typeof Symbol && null != r2[Symbol.iterator] || null != r2["@@iterator"]) return Array.from(r2);
}
-__name(_iterableToArray$b, "_iterableToArray$b");
+__name(_iterableToArray$c, "_iterableToArray$c");
function _arrayWithoutHoles$b(r2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (Array.isArray(r2)) return _arrayLikeToArray$f(r2);
}
__name(_arrayWithoutHoles$b, "_arrayWithoutHoles$b");
function _arrayLikeToArray$f(r2, a2) {
+========
+ if (Array.isArray(r2)) return _arrayLikeToArray$h(r2);
+}
+__name(_arrayWithoutHoles$b, "_arrayWithoutHoles$b");
+function _arrayLikeToArray$h(r2, a2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
(null == a2 || a2 > r2.length) && (a2 = r2.length);
for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
return n2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_arrayLikeToArray$f, "_arrayLikeToArray$f");
function _defineProperty$j(e2, r2, t2) {
return (r2 = _toPropertyKey$h(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -84220,11 +89716,33 @@ function _toPrimitive$h(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$h(i2)) return i2;
+========
+__name(_arrayLikeToArray$h, "_arrayLikeToArray$h");
+function _defineProperty$m(e2, r2, t2) {
+ return (r2 = _toPropertyKey$j(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$m, "_defineProperty$m");
+function _toPropertyKey$j(t2) {
+ var i2 = _toPrimitive$j(t2, "string");
+ return "symbol" == _typeof$k(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$j, "_toPropertyKey$j");
+function _toPrimitive$j(t2, r2) {
+ if ("object" != _typeof$k(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$k(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$h, "_toPrimitive$h");
+========
+__name(_toPrimitive$j, "_toPrimitive$j");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var Ripple = BaseRipple.extend("ripple", {
watch: {
"config.ripple": /* @__PURE__ */ __name(function configRipple(newValue2) {
@@ -84252,7 +89770,11 @@ var Ripple = BaseRipple.extend("ripple", {
el.removeEventListener("mousedown", this.onMouseDown.bind(this));
}, "unbindEvents"),
createRipple: /* @__PURE__ */ __name(function createRipple(el) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var ink = createElement("span", _defineProperty$j(_defineProperty$j({
+========
+ var ink = createElement$1("span", _defineProperty$m(_defineProperty$m({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
role: "presentation",
"aria-hidden": true,
"data-p-ink": true,
@@ -84280,8 +89802,9 @@ var Ripple = BaseRipple.extend("ripple", {
if (!ink || getComputedStyle(ink, null).display === "none") {
return;
}
- !this.isUnstyled() && removeClass(ink, "p-ink-active");
+ !this.isUnstyled() && removeClass$1(ink, "p-ink-active");
ink.setAttribute("data-p-ink-active", "false");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!getHeight(ink) && !getWidth(ink)) {
var d2 = Math.max(getOuterWidth(target2), getOuterHeight(target2));
ink.style.height = d2 + "px";
@@ -84290,13 +89813,23 @@ var Ripple = BaseRipple.extend("ripple", {
var offset = getOffset(target2);
var x2 = event.pageX - offset.left + document.body.scrollTop - getWidth(ink) / 2;
var y2 = event.pageY - offset.top + document.body.scrollLeft - getHeight(ink) / 2;
+========
+ if (!getHeight$1(ink) && !getWidth$1(ink)) {
+ var d2 = Math.max(getOuterWidth$1(target2), getOuterHeight$1(target2));
+ ink.style.height = d2 + "px";
+ ink.style.width = d2 + "px";
+ }
+ var offset = getOffset$1(target2);
+ var x2 = event.pageX - offset.left + document.body.scrollTop - getWidth$1(ink) / 2;
+ var y2 = event.pageY - offset.top + document.body.scrollLeft - getHeight$1(ink) / 2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ink.style.top = y2 + "px";
ink.style.left = x2 + "px";
- !this.isUnstyled() && addClass(ink, "p-ink-active");
+ !this.isUnstyled() && addClass$1(ink, "p-ink-active");
ink.setAttribute("data-p-ink-active", "true");
this.timeout = setTimeout(function() {
if (ink) {
- !_this.isUnstyled() && removeClass(ink, "p-ink-active");
+ !_this.isUnstyled() && removeClass$1(ink, "p-ink-active");
ink.setAttribute("data-p-ink-active", "false");
}
}, 401);
@@ -84305,16 +89838,17 @@ var Ripple = BaseRipple.extend("ripple", {
if (this.timeout) {
clearTimeout(this.timeout);
}
- !this.isUnstyled() && removeClass(event.currentTarget, "p-ink-active");
+ !this.isUnstyled() && removeClass$1(event.currentTarget, "p-ink-active");
event.currentTarget.setAttribute("data-p-ink-active", "false");
}, "onAnimationEnd"),
getInk: /* @__PURE__ */ __name(function getInk(el) {
return el && el.children ? _toConsumableArray$b(el.children).find(function(child) {
- return getAttribute(child, "data-pc-name") === "ripple";
+ return getAttribute$1(child, "data-pc-name") === "ripple";
}) : void 0;
}, "getInk")
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$g(o2) {
"@babel/helpers - typeof";
return _typeof$g = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -84339,10 +89873,37 @@ function _toPrimitive$g(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$g(i2)) return i2;
+========
+function _typeof$j(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$j = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$j(o2);
+}
+__name(_typeof$j, "_typeof$j");
+function _defineProperty$l(e2, r2, t2) {
+ return (r2 = _toPropertyKey$i(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$l, "_defineProperty$l");
+function _toPropertyKey$i(t2) {
+ var i2 = _toPrimitive$i(t2, "string");
+ return "symbol" == _typeof$j(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$i, "_toPropertyKey$i");
+function _toPrimitive$i(t2, r2) {
+ if ("object" != _typeof$j(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$j(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$g, "_toPrimitive$g");
var theme$x = /* @__PURE__ */ __name(function theme8(_ref) {
var dt2 = _ref.dt;
@@ -84352,6 +89913,17 @@ var classes$B = {
root: /* @__PURE__ */ __name(function root3(_ref2) {
var instance = _ref2.instance, props = _ref2.props;
return ["p-button p-component", _defineProperty$i(_defineProperty$i(_defineProperty$i(_defineProperty$i(_defineProperty$i(_defineProperty$i(_defineProperty$i(_defineProperty$i(_defineProperty$i({
+========
+__name(_toPrimitive$i, "_toPrimitive$i");
+var theme$y = /* @__PURE__ */ __name(function theme8(_ref) {
+ var dt2 = _ref.dt;
+ return "\n.p-button {\n display: inline-flex;\n cursor: pointer;\n user-select: none;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n position: relative;\n color: ".concat(dt2("button.primary.color"), ";\n background: ").concat(dt2("button.primary.background"), ";\n border: 1px solid ").concat(dt2("button.primary.border.color"), ";\n padding: ").concat(dt2("button.padding.y"), " ").concat(dt2("button.padding.x"), ";\n font-size: 1rem;\n font-family: inherit;\n font-feature-settings: inherit;\n transition: background ").concat(dt2("button.transition.duration"), ", color ").concat(dt2("button.transition.duration"), ", border-color ").concat(dt2("button.transition.duration"), ",\n outline-color ").concat(dt2("button.transition.duration"), ", box-shadow ").concat(dt2("button.transition.duration"), ";\n border-radius: ").concat(dt2("button.border.radius"), ";\n outline-color: transparent;\n gap: ").concat(dt2("button.gap"), ";\n}\n\n.p-button:disabled {\n cursor: default;\n}\n\n.p-button-icon-right {\n order: 1;\n}\n\n.p-button-icon-right:dir(rtl) {\n order: -1;\n}\n\n.p-button:not(.p-button-vertical) .p-button-icon:not(.p-button-icon-right):dir(rtl) {\n order: 1;\n}\n\n.p-button-icon-bottom {\n order: 2;\n}\n\n.p-button-icon-only {\n width: ").concat(dt2("button.icon.only.width"), ";\n padding-inline-start: 0;\n padding-inline-end: 0;\n gap: 0;\n}\n\n.p-button-icon-only.p-button-rounded {\n border-radius: 50%;\n height: ").concat(dt2("button.icon.only.width"), ";\n}\n\n.p-button-icon-only .p-button-label {\n visibility: hidden;\n width: 0;\n}\n\n.p-button-sm {\n font-size: ").concat(dt2("button.sm.font.size"), ";\n padding: ").concat(dt2("button.sm.padding.y"), " ").concat(dt2("button.sm.padding.x"), ";\n}\n\n.p-button-sm .p-button-icon {\n font-size: ").concat(dt2("button.sm.font.size"), ";\n}\n\n.p-button-lg {\n font-size: ").concat(dt2("button.lg.font.size"), ";\n padding: ").concat(dt2("button.lg.padding.y"), " ").concat(dt2("button.lg.padding.x"), ";\n}\n\n.p-button-lg .p-button-icon {\n font-size: ").concat(dt2("button.lg.font.size"), ";\n}\n\n.p-button-vertical {\n flex-direction: column;\n}\n\n.p-button-label {\n font-weight: ").concat(dt2("button.label.font.weight"), ";\n}\n\n.p-button-fluid {\n width: 100%;\n}\n\n.p-button-fluid.p-button-icon-only {\n width: ").concat(dt2("button.icon.only.width"), ";\n}\n\n.p-button:not(:disabled):hover {\n background: ").concat(dt2("button.primary.hover.background"), ";\n border: 1px solid ").concat(dt2("button.primary.hover.border.color"), ";\n color: ").concat(dt2("button.primary.hover.color"), ";\n}\n\n.p-button:not(:disabled):active {\n background: ").concat(dt2("button.primary.active.background"), ";\n border: 1px solid ").concat(dt2("button.primary.active.border.color"), ";\n color: ").concat(dt2("button.primary.active.color"), ";\n}\n\n.p-button:focus-visible {\n box-shadow: ").concat(dt2("button.primary.focus.ring.shadow"), ";\n outline: ").concat(dt2("button.focus.ring.width"), " ").concat(dt2("button.focus.ring.style"), " ").concat(dt2("button.primary.focus.ring.color"), ";\n outline-offset: ").concat(dt2("button.focus.ring.offset"), ";\n}\n\n.p-button .p-badge {\n min-width: ").concat(dt2("button.badge.size"), ";\n height: ").concat(dt2("button.badge.size"), ";\n line-height: ").concat(dt2("button.badge.size"), ";\n}\n\n.p-button-raised {\n box-shadow: ").concat(dt2("button.raised.shadow"), ";\n}\n\n.p-button-rounded {\n border-radius: ").concat(dt2("button.rounded.border.radius"), ";\n}\n\n.p-button-secondary {\n background: ").concat(dt2("button.secondary.background"), ";\n border: 1px solid ").concat(dt2("button.secondary.border.color"), ";\n color: ").concat(dt2("button.secondary.color"), ";\n}\n\n.p-button-secondary:not(:disabled):hover {\n background: ").concat(dt2("button.secondary.hover.background"), ";\n border: 1px solid ").concat(dt2("button.secondary.hover.border.color"), ";\n color: ").concat(dt2("button.secondary.hover.color"), ";\n}\n\n.p-button-secondary:not(:disabled):active {\n background: ").concat(dt2("button.secondary.active.background"), ";\n border: 1px solid ").concat(dt2("button.secondary.active.border.color"), ";\n color: ").concat(dt2("button.secondary.active.color"), ";\n}\n\n.p-button-secondary:focus-visible {\n outline-color: ").concat(dt2("button.secondary.focus.ring.color"), ";\n box-shadow: ").concat(dt2("button.secondary.focus.ring.shadow"), ";\n}\n\n.p-button-success {\n background: ").concat(dt2("button.success.background"), ";\n border: 1px solid ").concat(dt2("button.success.border.color"), ";\n color: ").concat(dt2("button.success.color"), ";\n}\n\n.p-button-success:not(:disabled):hover {\n background: ").concat(dt2("button.success.hover.background"), ";\n border: 1px solid ").concat(dt2("button.success.hover.border.color"), ";\n color: ").concat(dt2("button.success.hover.color"), ";\n}\n\n.p-button-success:not(:disabled):active {\n background: ").concat(dt2("button.success.active.background"), ";\n border: 1px solid ").concat(dt2("button.success.active.border.color"), ";\n color: ").concat(dt2("button.success.active.color"), ";\n}\n\n.p-button-success:focus-visible {\n outline-color: ").concat(dt2("button.success.focus.ring.color"), ";\n box-shadow: ").concat(dt2("button.success.focus.ring.shadow"), ";\n}\n\n.p-button-info {\n background: ").concat(dt2("button.info.background"), ";\n border: 1px solid ").concat(dt2("button.info.border.color"), ";\n color: ").concat(dt2("button.info.color"), ";\n}\n\n.p-button-info:not(:disabled):hover {\n background: ").concat(dt2("button.info.hover.background"), ";\n border: 1px solid ").concat(dt2("button.info.hover.border.color"), ";\n color: ").concat(dt2("button.info.hover.color"), ";\n}\n\n.p-button-info:not(:disabled):active {\n background: ").concat(dt2("button.info.active.background"), ";\n border: 1px solid ").concat(dt2("button.info.active.border.color"), ";\n color: ").concat(dt2("button.info.active.color"), ";\n}\n\n.p-button-info:focus-visible {\n outline-color: ").concat(dt2("button.info.focus.ring.color"), ";\n box-shadow: ").concat(dt2("button.info.focus.ring.shadow"), ";\n}\n\n.p-button-warn {\n background: ").concat(dt2("button.warn.background"), ";\n border: 1px solid ").concat(dt2("button.warn.border.color"), ";\n color: ").concat(dt2("button.warn.color"), ";\n}\n\n.p-button-warn:not(:disabled):hover {\n background: ").concat(dt2("button.warn.hover.background"), ";\n border: 1px solid ").concat(dt2("button.warn.hover.border.color"), ";\n color: ").concat(dt2("button.warn.hover.color"), ";\n}\n\n.p-button-warn:not(:disabled):active {\n background: ").concat(dt2("button.warn.active.background"), ";\n border: 1px solid ").concat(dt2("button.warn.active.border.color"), ";\n color: ").concat(dt2("button.warn.active.color"), ";\n}\n\n.p-button-warn:focus-visible {\n outline-color: ").concat(dt2("button.warn.focus.ring.color"), ";\n box-shadow: ").concat(dt2("button.warn.focus.ring.shadow"), ";\n}\n\n.p-button-help {\n background: ").concat(dt2("button.help.background"), ";\n border: 1px solid ").concat(dt2("button.help.border.color"), ";\n color: ").concat(dt2("button.help.color"), ";\n}\n\n.p-button-help:not(:disabled):hover {\n background: ").concat(dt2("button.help.hover.background"), ";\n border: 1px solid ").concat(dt2("button.help.hover.border.color"), ";\n color: ").concat(dt2("button.help.hover.color"), ";\n}\n\n.p-button-help:not(:disabled):active {\n background: ").concat(dt2("button.help.active.background"), ";\n border: 1px solid ").concat(dt2("button.help.active.border.color"), ";\n color: ").concat(dt2("button.help.active.color"), ";\n}\n\n.p-button-help:focus-visible {\n outline-color: ").concat(dt2("button.help.focus.ring.color"), ";\n box-shadow: ").concat(dt2("button.help.focus.ring.shadow"), ";\n}\n\n.p-button-danger {\n background: ").concat(dt2("button.danger.background"), ";\n border: 1px solid ").concat(dt2("button.danger.border.color"), ";\n color: ").concat(dt2("button.danger.color"), ";\n}\n\n.p-button-danger:not(:disabled):hover {\n background: ").concat(dt2("button.danger.hover.background"), ";\n border: 1px solid ").concat(dt2("button.danger.hover.border.color"), ";\n color: ").concat(dt2("button.danger.hover.color"), ";\n}\n\n.p-button-danger:not(:disabled):active {\n background: ").concat(dt2("button.danger.active.background"), ";\n border: 1px solid ").concat(dt2("button.danger.active.border.color"), ";\n color: ").concat(dt2("button.danger.active.color"), ";\n}\n\n.p-button-danger:focus-visible {\n outline-color: ").concat(dt2("button.danger.focus.ring.color"), ";\n box-shadow: ").concat(dt2("button.danger.focus.ring.shadow"), ";\n}\n\n.p-button-contrast {\n background: ").concat(dt2("button.contrast.background"), ";\n border: 1px solid ").concat(dt2("button.contrast.border.color"), ";\n color: ").concat(dt2("button.contrast.color"), ";\n}\n\n.p-button-contrast:not(:disabled):hover {\n background: ").concat(dt2("button.contrast.hover.background"), ";\n border: 1px solid ").concat(dt2("button.contrast.hover.border.color"), ";\n color: ").concat(dt2("button.contrast.hover.color"), ";\n}\n\n.p-button-contrast:not(:disabled):active {\n background: ").concat(dt2("button.contrast.active.background"), ";\n border: 1px solid ").concat(dt2("button.contrast.active.border.color"), ";\n color: ").concat(dt2("button.contrast.active.color"), ";\n}\n\n.p-button-contrast:focus-visible {\n outline-color: ").concat(dt2("button.contrast.focus.ring.color"), ";\n box-shadow: ").concat(dt2("button.contrast.focus.ring.shadow"), ";\n}\n\n.p-button-outlined {\n background: transparent;\n border-color: ").concat(dt2("button.outlined.primary.border.color"), ";\n color: ").concat(dt2("button.outlined.primary.color"), ";\n}\n\n.p-button-outlined:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.primary.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.primary.border.color"), ";\n color: ").concat(dt2("button.outlined.primary.color"), ";\n}\n\n.p-button-outlined:not(:disabled):active {\n background: ").concat(dt2("button.outlined.primary.active.background"), ";\n border-color: ").concat(dt2("button.outlined.primary.border.color"), ";\n color: ").concat(dt2("button.outlined.primary.color"), ";\n}\n\n.p-button-outlined.p-button-secondary {\n border-color: ").concat(dt2("button.outlined.secondary.border.color"), ";\n color: ").concat(dt2("button.outlined.secondary.color"), ";\n}\n\n.p-button-outlined.p-button-secondary:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.secondary.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.secondary.border.color"), ";\n color: ").concat(dt2("button.outlined.secondary.color"), ";\n}\n\n.p-button-outlined.p-button-secondary:not(:disabled):active {\n background: ").concat(dt2("button.outlined.secondary.active.background"), ";\n border-color: ").concat(dt2("button.outlined.secondary.border.color"), ";\n color: ").concat(dt2("button.outlined.secondary.color"), ";\n}\n\n.p-button-outlined.p-button-success {\n border-color: ").concat(dt2("button.outlined.success.border.color"), ";\n color: ").concat(dt2("button.outlined.success.color"), ";\n}\n\n.p-button-outlined.p-button-success:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.success.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.success.border.color"), ";\n color: ").concat(dt2("button.outlined.success.color"), ";\n}\n\n.p-button-outlined.p-button-success:not(:disabled):active {\n background: ").concat(dt2("button.outlined.success.active.background"), ";\n border-color: ").concat(dt2("button.outlined.success.border.color"), ";\n color: ").concat(dt2("button.outlined.success.color"), ";\n}\n\n.p-button-outlined.p-button-info {\n border-color: ").concat(dt2("button.outlined.info.border.color"), ";\n color: ").concat(dt2("button.outlined.info.color"), ";\n}\n\n.p-button-outlined.p-button-info:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.info.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.info.border.color"), ";\n color: ").concat(dt2("button.outlined.info.color"), ";\n}\n\n.p-button-outlined.p-button-info:not(:disabled):active {\n background: ").concat(dt2("button.outlined.info.active.background"), ";\n border-color: ").concat(dt2("button.outlined.info.border.color"), ";\n color: ").concat(dt2("button.outlined.info.color"), ";\n}\n\n.p-button-outlined.p-button-warn {\n border-color: ").concat(dt2("button.outlined.warn.border.color"), ";\n color: ").concat(dt2("button.outlined.warn.color"), ";\n}\n\n.p-button-outlined.p-button-warn:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.warn.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.warn.border.color"), ";\n color: ").concat(dt2("button.outlined.warn.color"), ";\n}\n\n.p-button-outlined.p-button-warn:not(:disabled):active {\n background: ").concat(dt2("button.outlined.warn.active.background"), ";\n border-color: ").concat(dt2("button.outlined.warn.border.color"), ";\n color: ").concat(dt2("button.outlined.warn.color"), ";\n}\n\n.p-button-outlined.p-button-help {\n border-color: ").concat(dt2("button.outlined.help.border.color"), ";\n color: ").concat(dt2("button.outlined.help.color"), ";\n}\n\n.p-button-outlined.p-button-help:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.help.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.help.border.color"), ";\n color: ").concat(dt2("button.outlined.help.color"), ";\n}\n\n.p-button-outlined.p-button-help:not(:disabled):active {\n background: ").concat(dt2("button.outlined.help.active.background"), ";\n border-color: ").concat(dt2("button.outlined.help.border.color"), ";\n color: ").concat(dt2("button.outlined.help.color"), ";\n}\n\n.p-button-outlined.p-button-danger {\n border-color: ").concat(dt2("button.outlined.danger.border.color"), ";\n color: ").concat(dt2("button.outlined.danger.color"), ";\n}\n\n.p-button-outlined.p-button-danger:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.danger.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.danger.border.color"), ";\n color: ").concat(dt2("button.outlined.danger.color"), ";\n}\n\n.p-button-outlined.p-button-danger:not(:disabled):active {\n background: ").concat(dt2("button.outlined.danger.active.background"), ";\n border-color: ").concat(dt2("button.outlined.danger.border.color"), ";\n color: ").concat(dt2("button.outlined.danger.color"), ";\n}\n\n.p-button-outlined.p-button-contrast {\n border-color: ").concat(dt2("button.outlined.contrast.border.color"), ";\n color: ").concat(dt2("button.outlined.contrast.color"), ";\n}\n\n.p-button-outlined.p-button-contrast:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.contrast.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.contrast.border.color"), ";\n color: ").concat(dt2("button.outlined.contrast.color"), ";\n}\n\n.p-button-outlined.p-button-contrast:not(:disabled):active {\n background: ").concat(dt2("button.outlined.contrast.active.background"), ";\n border-color: ").concat(dt2("button.outlined.contrast.border.color"), ";\n color: ").concat(dt2("button.outlined.contrast.color"), ";\n}\n\n.p-button-outlined.p-button-plain {\n border-color: ").concat(dt2("button.outlined.plain.border.color"), ";\n color: ").concat(dt2("button.outlined.plain.color"), ";\n}\n\n.p-button-outlined.p-button-plain:not(:disabled):hover {\n background: ").concat(dt2("button.outlined.plain.hover.background"), ";\n border-color: ").concat(dt2("button.outlined.plain.border.color"), ";\n color: ").concat(dt2("button.outlined.plain.color"), ";\n}\n\n.p-button-outlined.p-button-plain:not(:disabled):active {\n background: ").concat(dt2("button.outlined.plain.active.background"), ";\n border-color: ").concat(dt2("button.outlined.plain.border.color"), ";\n color: ").concat(dt2("button.outlined.plain.color"), ";\n}\n\n.p-button-text {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.primary.color"), ";\n}\n\n.p-button-text:not(:disabled):hover {\n background: ").concat(dt2("button.text.primary.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.primary.color"), ";\n}\n\n.p-button-text:not(:disabled):active {\n background: ").concat(dt2("button.text.primary.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.primary.color"), ";\n}\n\n.p-button-text.p-button-secondary {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.secondary.color"), ";\n}\n\n.p-button-text.p-button-secondary:not(:disabled):hover {\n background: ").concat(dt2("button.text.secondary.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.secondary.color"), ";\n}\n\n.p-button-text.p-button-secondary:not(:disabled):active {\n background: ").concat(dt2("button.text.secondary.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.secondary.color"), ";\n}\n\n.p-button-text.p-button-success {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.success.color"), ";\n}\n\n.p-button-text.p-button-success:not(:disabled):hover {\n background: ").concat(dt2("button.text.success.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.success.color"), ";\n}\n\n.p-button-text.p-button-success:not(:disabled):active {\n background: ").concat(dt2("button.text.success.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.success.color"), ";\n}\n\n.p-button-text.p-button-info {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.info.color"), ";\n}\n\n.p-button-text.p-button-info:not(:disabled):hover {\n background: ").concat(dt2("button.text.info.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.info.color"), ";\n}\n\n.p-button-text.p-button-info:not(:disabled):active {\n background: ").concat(dt2("button.text.info.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.info.color"), ";\n}\n\n.p-button-text.p-button-warn {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.warn.color"), ";\n}\n\n.p-button-text.p-button-warn:not(:disabled):hover {\n background: ").concat(dt2("button.text.warn.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.warn.color"), ";\n}\n\n.p-button-text.p-button-warn:not(:disabled):active {\n background: ").concat(dt2("button.text.warn.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.warn.color"), ";\n}\n\n.p-button-text.p-button-help {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.help.color"), ";\n}\n\n.p-button-text.p-button-help:not(:disabled):hover {\n background: ").concat(dt2("button.text.help.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.help.color"), ";\n}\n\n.p-button-text.p-button-help:not(:disabled):active {\n background: ").concat(dt2("button.text.help.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.help.color"), ";\n}\n\n.p-button-text.p-button-danger {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.danger.color"), ";\n}\n\n.p-button-text.p-button-danger:not(:disabled):hover {\n background: ").concat(dt2("button.text.danger.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.danger.color"), ";\n}\n\n.p-button-text.p-button-danger:not(:disabled):active {\n background: ").concat(dt2("button.text.danger.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.danger.color"), ";\n}\n\n.p-button-text.p-button-contrast {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.contrast.color"), ";\n}\n\n.p-button-text.p-button-contrast:not(:disabled):hover {\n background: ").concat(dt2("button.text.contrast.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.contrast.color"), ";\n}\n\n.p-button-text.p-button-contrast:not(:disabled):active {\n background: ").concat(dt2("button.text.contrast.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.contrast.color"), ";\n}\n\n.p-button-text.p-button-plain {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.text.plain.color"), ";\n}\n\n.p-button-text.p-button-plain:not(:disabled):hover {\n background: ").concat(dt2("button.text.plain.hover.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.plain.color"), ";\n}\n\n.p-button-text.p-button-plain:not(:disabled):active {\n background: ").concat(dt2("button.text.plain.active.background"), ";\n border-color: transparent;\n color: ").concat(dt2("button.text.plain.color"), ";\n}\n\n.p-button-link {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.link.color"), ";\n}\n\n.p-button-link:not(:disabled):hover {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.link.hover.color"), ";\n}\n\n.p-button-link:not(:disabled):hover .p-button-label {\n text-decoration: underline;\n}\n\n.p-button-link:not(:disabled):active {\n background: transparent;\n border-color: transparent;\n color: ").concat(dt2("button.link.active.color"), ";\n}\n");
+}, "theme");
+var classes$C = {
+ root: /* @__PURE__ */ __name(function root3(_ref2) {
+ var instance = _ref2.instance, props = _ref2.props;
+ return ["p-button p-component", _defineProperty$l(_defineProperty$l(_defineProperty$l(_defineProperty$l(_defineProperty$l(_defineProperty$l(_defineProperty$l(_defineProperty$l(_defineProperty$l({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"p-button-icon-only": instance.hasIcon && !props.label && !props.badge,
"p-button-vertical": (props.iconPos === "top" || props.iconPos === "bottom") && props.label,
"p-button-loading": props.loading,
@@ -84361,18 +89933,31 @@ var classes$B = {
loadingIcon: "p-button-loading-icon",
icon: /* @__PURE__ */ __name(function icon2(_ref4) {
var props = _ref4.props;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return ["p-button-icon", _defineProperty$i({}, "p-button-icon-".concat(props.iconPos), props.label)];
+========
+ return ["p-button-icon", _defineProperty$l({}, "p-button-icon-".concat(props.iconPos), props.label)];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "icon"),
label: "p-button-label"
};
-var ButtonStyle = BaseStyle.extend({
+var ButtonStyle = BaseStyle$1.extend({
name: "button",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
theme: theme$x,
classes: classes$B
});
var script$1$C = {
name: "BaseButton",
"extends": script$13,
+========
+ theme: theme$y,
+ classes: classes$C
+});
+var script$1$C = {
+ name: "BaseButton",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
label: {
type: String,
@@ -84467,7 +90052,7 @@ var script$1$C = {
};
}, "provide")
};
-var script$U = {
+var script$V = {
name: "Button",
"extends": script$1$C,
inheritAttrs: false,
@@ -84497,7 +90082,11 @@ var script$U = {
return this.icon || this.$slots.icon;
}, "hasIcon"),
attrs: /* @__PURE__ */ __name(function attrs2() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeProps$1(this.asAttrs, this.a11yAttrs, this.getPTOptions("root"));
+========
+ return mergeProps$2(this.asAttrs, this.a11yAttrs, this.getPTOptions("root"));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "attrs"),
asAttrs: /* @__PURE__ */ __name(function asAttrs() {
return this.as === "BUTTON" ? {
@@ -84514,12 +90103,16 @@ var script$U = {
};
}, "a11yAttrs"),
hasFluid: /* @__PURE__ */ __name(function hasFluid2() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isEmpty$1(this.fluid) ? !!this.$pcFluid : this.fluid;
+========
+ return isEmpty$3(this.fluid) ? !!this.$pcFluid : this.fluid;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "hasFluid")
},
components: {
- SpinnerIcon: script$W,
- Badge: script$V
+ SpinnerIcon: script$X,
+ Badge: script$W
},
directives: {
ripple: Ripple
@@ -84529,12 +90122,17 @@ function render$T(_ctx, _cache, $props, $setup, $data, $options) {
var _component_SpinnerIcon = resolveComponent("SpinnerIcon");
var _component_Badge = resolveComponent("Badge");
var _directive_ripple = resolveDirective("ripple");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return !_ctx.asChild ? withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps$1({
+========
+ return !_ctx.asChild ? withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("root")
}, $options.attrs), {
"default": withCtx(function() {
return [renderSlot(_ctx.$slots, "default", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.loading ? renderSlot(_ctx.$slots, "loadingicon", mergeProps$1({
key: 0,
"class": [_ctx.cx("loadingIcon"), _ctx.cx("icon")]
@@ -84543,10 +90141,21 @@ function render$T(_ctx, _cache, $props, $setup, $data, $options) {
key: 0,
"class": [_ctx.cx("loadingIcon"), _ctx.cx("icon"), _ctx.loadingIcon]
}, _ctx.ptm("loadingIcon")), null, 16)) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps$1({
+========
+ return [_ctx.loading ? renderSlot(_ctx.$slots, "loadingicon", mergeProps$2({
+ key: 0,
+ "class": [_ctx.cx("loadingIcon"), _ctx.cx("icon")]
+ }, _ctx.ptm("loadingIcon")), function() {
+ return [_ctx.loadingIcon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 0,
+ "class": [_ctx.cx("loadingIcon"), _ctx.cx("icon"), _ctx.loadingIcon]
+ }, _ctx.ptm("loadingIcon")), null, 16)) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": [_ctx.cx("loadingIcon"), _ctx.cx("icon")],
spin: ""
}, _ctx.ptm("loadingIcon")), null, 16, ["class"]))];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}) : renderSlot(_ctx.$slots, "icon", mergeProps$1({
key: 1,
"class": [_ctx.cx("icon")]
@@ -84556,6 +90165,17 @@ function render$T(_ctx, _cache, $props, $setup, $data, $options) {
"class": [_ctx.cx("icon"), _ctx.icon, _ctx.iconClass]
}, _ctx.ptm("icon")), null, 16)) : createCommentVNode("", true)];
}), createBaseVNode("span", mergeProps$1({
+========
+ }) : renderSlot(_ctx.$slots, "icon", mergeProps$2({
+ key: 1,
+ "class": [_ctx.cx("icon")]
+ }, _ctx.ptm("icon")), function() {
+ return [_ctx.icon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 0,
+ "class": [_ctx.cx("icon"), _ctx.icon, _ctx.iconClass]
+ }, _ctx.ptm("icon")), null, 16)) : createCommentVNode("", true)];
+ }), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("label")
}, _ctx.ptm("label")), toDisplayString$1(_ctx.label || " "), 17), _ctx.badge ? (openBlock(), createBlock(_component_Badge, {
key: 2,
@@ -84575,13 +90195,14 @@ function render$T(_ctx, _cache, $props, $setup, $data, $options) {
});
}
__name(render$T, "render$T");
-script$U.render = render$T;
-var FocusTrapStyle = BaseStyle.extend({
+script$V.render = render$T;
+var FocusTrapStyle = BaseStyle$1.extend({
name: "focustrap-directive"
});
var BaseFocusTrap = BaseDirective.extend({
style: FocusTrapStyle
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$f(o2) {
"@babel/helpers - typeof";
return _typeof$f = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -84592,6 +90213,18 @@ function _typeof$f(o2) {
}
__name(_typeof$f, "_typeof$f");
function ownKeys$h(e2, r2) {
+========
+function _typeof$i(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$i = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$i(o2);
+}
+__name(_typeof$i, "_typeof$i");
+function ownKeys$k(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -84601,6 +90234,7 @@ function ownKeys$h(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$h, "ownKeys$h");
function _objectSpread$h(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -84608,11 +90242,21 @@ function _objectSpread$h(e2) {
r2 % 2 ? ownKeys$h(Object(t2), true).forEach(function(r3) {
_defineProperty$h(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$h(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$k, "ownKeys$k");
+function _objectSpread$k(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$k(Object(t2), true).forEach(function(r3) {
+ _defineProperty$k(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$k(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$h, "_objectSpread$h");
function _defineProperty$h(e2, r2, t2) {
return (r2 = _toPropertyKey$f(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -84629,11 +90273,33 @@ function _toPrimitive$f(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$f(i2)) return i2;
+========
+__name(_objectSpread$k, "_objectSpread$k");
+function _defineProperty$k(e2, r2, t2) {
+ return (r2 = _toPropertyKey$h(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$k, "_defineProperty$k");
+function _toPropertyKey$h(t2) {
+ var i2 = _toPrimitive$h(t2, "string");
+ return "symbol" == _typeof$i(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$h, "_toPropertyKey$h");
+function _toPrimitive$h(t2, r2) {
+ if ("object" != _typeof$i(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$i(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$f, "_toPrimitive$f");
+========
+__name(_toPrimitive$h, "_toPrimitive$h");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var FocusTrap = BaseFocusTrap.extend("focustrap", {
mounted: /* @__PURE__ */ __name(function mounted3(el, binding) {
var _ref = binding.value || {}, disabled2 = _ref.disabled;
@@ -84663,10 +90329,10 @@ var FocusTrap = BaseFocusTrap.extend("focustrap", {
mutationList.forEach(function(mutation) {
if (mutation.type === "childList" && !el.contains(document.activeElement)) {
var _findNextFocusableElement = /* @__PURE__ */ __name(function findNextFocusableElement(_el) {
- var focusableElement = isFocusableElement(_el) ? isFocusableElement(_el, _this.getComputedSelector(el.$_pfocustrap_focusableselector)) ? _el : getFirstFocusableElement(el, _this.getComputedSelector(el.$_pfocustrap_focusableselector)) : getFirstFocusableElement(_el);
- return isNotEmpty(focusableElement) ? focusableElement : _el.nextSibling && _findNextFocusableElement(_el.nextSibling);
+ var focusableElement = isFocusableElement$1(_el) ? isFocusableElement$1(_el, _this.getComputedSelector(el.$_pfocustrap_focusableselector)) ? _el : getFirstFocusableElement$1(el, _this.getComputedSelector(el.$_pfocustrap_focusableselector)) : getFirstFocusableElement$1(_el);
+ return isNotEmpty$2(focusableElement) ? focusableElement : _el.nextSibling && _findNextFocusableElement(_el.nextSibling);
}, "findNextFocusableElement");
- focus$1(_findNextFocusableElement(mutation.nextSibling));
+ focus$2(_findNextFocusableElement(mutation.nextSibling));
}
});
});
@@ -84690,34 +90356,38 @@ var FocusTrap = BaseFocusTrap.extend("focustrap", {
}, "unbind"),
autoFocus: /* @__PURE__ */ __name(function autoFocus(options4) {
this.autoElementFocus(this.$el, {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
value: _objectSpread$h(_objectSpread$h({}, options4), {}, {
+========
+ value: _objectSpread$k(_objectSpread$k({}, options4), {}, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
autoFocus: true
})
});
}, "autoFocus"),
autoElementFocus: /* @__PURE__ */ __name(function autoElementFocus(el, binding) {
var _ref4 = binding.value || {}, _ref4$autoFocusSelect = _ref4.autoFocusSelector, autoFocusSelector = _ref4$autoFocusSelect === void 0 ? "" : _ref4$autoFocusSelect, _ref4$firstFocusableS = _ref4.firstFocusableSelector, firstFocusableSelector = _ref4$firstFocusableS === void 0 ? "" : _ref4$firstFocusableS, _ref4$autoFocus = _ref4.autoFocus, autoFocus2 = _ref4$autoFocus === void 0 ? false : _ref4$autoFocus;
- var focusableElement = getFirstFocusableElement(el, "[autofocus]".concat(this.getComputedSelector(autoFocusSelector)));
- autoFocus2 && !focusableElement && (focusableElement = getFirstFocusableElement(el, this.getComputedSelector(firstFocusableSelector)));
- focus$1(focusableElement);
+ var focusableElement = getFirstFocusableElement$1(el, "[autofocus]".concat(this.getComputedSelector(autoFocusSelector)));
+ autoFocus2 && !focusableElement && (focusableElement = getFirstFocusableElement$1(el, this.getComputedSelector(firstFocusableSelector)));
+ focus$2(focusableElement);
}, "autoElementFocus"),
onFirstHiddenElementFocus: /* @__PURE__ */ __name(function onFirstHiddenElementFocus(event) {
var _this$$el;
var currentTarget = event.currentTarget, relatedTarget = event.relatedTarget;
- var focusableElement = relatedTarget === currentTarget.$_pfocustrap_lasthiddenfocusableelement || !((_this$$el = this.$el) !== null && _this$$el !== void 0 && _this$$el.contains(relatedTarget)) ? getFirstFocusableElement(currentTarget.parentElement, this.getComputedSelector(currentTarget.$_pfocustrap_focusableselector)) : currentTarget.$_pfocustrap_lasthiddenfocusableelement;
- focus$1(focusableElement);
+ var focusableElement = relatedTarget === currentTarget.$_pfocustrap_lasthiddenfocusableelement || !((_this$$el = this.$el) !== null && _this$$el !== void 0 && _this$$el.contains(relatedTarget)) ? getFirstFocusableElement$1(currentTarget.parentElement, this.getComputedSelector(currentTarget.$_pfocustrap_focusableselector)) : currentTarget.$_pfocustrap_lasthiddenfocusableelement;
+ focus$2(focusableElement);
}, "onFirstHiddenElementFocus"),
onLastHiddenElementFocus: /* @__PURE__ */ __name(function onLastHiddenElementFocus(event) {
var _this$$el2;
var currentTarget = event.currentTarget, relatedTarget = event.relatedTarget;
- var focusableElement = relatedTarget === currentTarget.$_pfocustrap_firsthiddenfocusableelement || !((_this$$el2 = this.$el) !== null && _this$$el2 !== void 0 && _this$$el2.contains(relatedTarget)) ? getLastFocusableElement(currentTarget.parentElement, this.getComputedSelector(currentTarget.$_pfocustrap_focusableselector)) : currentTarget.$_pfocustrap_firsthiddenfocusableelement;
- focus$1(focusableElement);
+ var focusableElement = relatedTarget === currentTarget.$_pfocustrap_firsthiddenfocusableelement || !((_this$$el2 = this.$el) !== null && _this$$el2 !== void 0 && _this$$el2.contains(relatedTarget)) ? getLastFocusableElement$1(currentTarget.parentElement, this.getComputedSelector(currentTarget.$_pfocustrap_focusableselector)) : currentTarget.$_pfocustrap_firsthiddenfocusableelement;
+ focus$2(focusableElement);
}, "onLastHiddenElementFocus"),
createHiddenFocusableElements: /* @__PURE__ */ __name(function createHiddenFocusableElements(el, binding) {
var _this2 = this;
var _ref5 = binding.value || {}, _ref5$tabIndex = _ref5.tabIndex, tabIndex = _ref5$tabIndex === void 0 ? 0 : _ref5$tabIndex, _ref5$firstFocusableS = _ref5.firstFocusableSelector, firstFocusableSelector = _ref5$firstFocusableS === void 0 ? "" : _ref5$firstFocusableS, _ref5$lastFocusableSe = _ref5.lastFocusableSelector, lastFocusableSelector = _ref5$lastFocusableSe === void 0 ? "" : _ref5$lastFocusableSe;
var createFocusableElement = /* @__PURE__ */ __name(function createFocusableElement2(onFocus7) {
- return createElement("span", {
+ return createElement$1("span", {
"class": "p-hidden-accessible p-hidden-focusable",
tabIndex,
role: "presentation",
@@ -84740,7 +90410,7 @@ var FocusTrap = BaseFocusTrap.extend("focustrap", {
}, "createHiddenFocusableElements")
}
});
-var script$T = {
+var script$U = {
name: "Portal",
props: {
appendTo: {
@@ -84758,7 +90428,7 @@ var script$T = {
};
}, "data"),
mounted: /* @__PURE__ */ __name(function mounted4() {
- this.mounted = isClient$1();
+ this.mounted = isClient$2();
}, "mounted"),
computed: {
inline: /* @__PURE__ */ __name(function inline2() {
@@ -84775,12 +90445,12 @@ function render$S(_ctx, _cache, $props, $setup, $data, $options) {
}, [renderSlot(_ctx.$slots, "default")], 8, ["to"])) : createCommentVNode("", true);
}
__name(render$S, "render$S");
-script$T.render = render$S;
-var theme$w = /* @__PURE__ */ __name(function theme9(_ref) {
+script$U.render = render$S;
+var theme$x = /* @__PURE__ */ __name(function theme9(_ref) {
var dt2 = _ref.dt;
return "\n.p-dialog {\n max-height: 90%;\n transform: scale(1);\n border-radius: ".concat(dt2("dialog.border.radius"), ";\n box-shadow: ").concat(dt2("dialog.shadow"), ";\n background: ").concat(dt2("dialog.background"), ";\n border: 1px solid ").concat(dt2("dialog.border.color"), ";\n color: ").concat(dt2("dialog.color"), ";\n}\n\n.p-dialog-content {\n overflow-y: auto;\n padding: ").concat(dt2("dialog.content.padding"), ";\n}\n\n.p-dialog-header {\n display: flex;\n align-items: center;\n justify-content: space-between;\n flex-shrink: 0;\n padding: ").concat(dt2("dialog.header.padding"), ";\n}\n\n.p-dialog-title {\n font-weight: ").concat(dt2("dialog.title.font.weight"), ";\n font-size: ").concat(dt2("dialog.title.font.size"), ";\n}\n\n.p-dialog-footer {\n flex-shrink: 0;\n padding: ").concat(dt2("dialog.footer.padding"), ";\n display: flex;\n justify-content: flex-end;\n gap: ").concat(dt2("dialog.footer.gap"), ";\n}\n\n.p-dialog-header-actions {\n display: flex;\n align-items: center;\n gap: ").concat(dt2("dialog.header.gap"), ";\n}\n\n.p-dialog-enter-active {\n transition: all 150ms cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-dialog-leave-active {\n transition: all 150ms cubic-bezier(0.4, 0, 0.2, 1);\n}\n\n.p-dialog-enter-from,\n.p-dialog-leave-to {\n opacity: 0;\n transform: scale(0.7);\n}\n\n.p-dialog-top .p-dialog,\n.p-dialog-bottom .p-dialog,\n.p-dialog-left .p-dialog,\n.p-dialog-right .p-dialog,\n.p-dialog-topleft .p-dialog,\n.p-dialog-topright .p-dialog,\n.p-dialog-bottomleft .p-dialog,\n.p-dialog-bottomright .p-dialog {\n margin: 0.75rem;\n transform: translate3d(0px, 0px, 0px);\n}\n\n.p-dialog-top .p-dialog-enter-active,\n.p-dialog-top .p-dialog-leave-active,\n.p-dialog-bottom .p-dialog-enter-active,\n.p-dialog-bottom .p-dialog-leave-active,\n.p-dialog-left .p-dialog-enter-active,\n.p-dialog-left .p-dialog-leave-active,\n.p-dialog-right .p-dialog-enter-active,\n.p-dialog-right .p-dialog-leave-active,\n.p-dialog-topleft .p-dialog-enter-active,\n.p-dialog-topleft .p-dialog-leave-active,\n.p-dialog-topright .p-dialog-enter-active,\n.p-dialog-topright .p-dialog-leave-active,\n.p-dialog-bottomleft .p-dialog-enter-active,\n.p-dialog-bottomleft .p-dialog-leave-active,\n.p-dialog-bottomright .p-dialog-enter-active,\n.p-dialog-bottomright .p-dialog-leave-active {\n transition: all 0.3s ease-out;\n}\n\n.p-dialog-top .p-dialog-enter-from,\n.p-dialog-top .p-dialog-leave-to {\n transform: translate3d(0px, -100%, 0px);\n}\n\n.p-dialog-bottom .p-dialog-enter-from,\n.p-dialog-bottom .p-dialog-leave-to {\n transform: translate3d(0px, 100%, 0px);\n}\n\n.p-dialog-left .p-dialog-enter-from,\n.p-dialog-left .p-dialog-leave-to,\n.p-dialog-topleft .p-dialog-enter-from,\n.p-dialog-topleft .p-dialog-leave-to,\n.p-dialog-bottomleft .p-dialog-enter-from,\n.p-dialog-bottomleft .p-dialog-leave-to {\n transform: translate3d(-100%, 0px, 0px);\n}\n\n.p-dialog-right .p-dialog-enter-from,\n.p-dialog-right .p-dialog-leave-to,\n.p-dialog-topright .p-dialog-enter-from,\n.p-dialog-topright .p-dialog-leave-to,\n.p-dialog-bottomright .p-dialog-enter-from,\n.p-dialog-bottomright .p-dialog-leave-to {\n transform: translate3d(100%, 0px, 0px);\n}\n\n.p-dialog-left:dir(rtl) .p-dialog-enter-from,\n.p-dialog-left:dir(rtl) .p-dialog-leave-to,\n.p-dialog-topleft:dir(rtl) .p-dialog-enter-from,\n.p-dialog-topleft:dir(rtl) .p-dialog-leave-to,\n.p-dialog-bottomleft:dir(rtl) .p-dialog-enter-from,\n.p-dialog-bottomleft:dir(rtl) .p-dialog-leave-to {\n transform: translate3d(100%, 0px, 0px);\n}\n\n.p-dialog-right:dir(rtl) .p-dialog-enter-from,\n.p-dialog-right:dir(rtl) .p-dialog-leave-to,\n.p-dialog-topright:dir(rtl) .p-dialog-enter-from,\n.p-dialog-topright:dir(rtl) .p-dialog-leave-to,\n.p-dialog-bottomright:dir(rtl) .p-dialog-enter-from,\n.p-dialog-bottomright:dir(rtl) .p-dialog-leave-to {\n transform: translate3d(-100%, 0px, 0px);\n}\n\n.p-dialog-maximized {\n width: 100vw !important;\n height: 100vh !important;\n top: 0px !important;\n left: 0px !important;\n max-height: 100%;\n height: 100%;\n border-radius: 0;\n}\n\n.p-dialog-maximized .p-dialog-content {\n flex-grow: 1;\n}\n");
}, "theme");
-var inlineStyles$3 = {
+var inlineStyles$4 = {
mask: /* @__PURE__ */ __name(function mask(_ref2) {
var position3 = _ref2.position, modal2 = _ref2.modal;
return {
@@ -84801,16 +90471,20 @@ var inlineStyles$3 = {
pointerEvents: "auto"
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var classes$A = {
+========
+var classes$B = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
mask: /* @__PURE__ */ __name(function mask2(_ref3) {
var props = _ref3.props;
var positions = ["left", "right", "top", "topleft", "topright", "bottom", "bottomleft", "bottomright"];
- var pos2 = positions.find(function(item3) {
+ var pos = positions.find(function(item3) {
return item3 === props.position;
});
return ["p-dialog-mask", {
"p-overlay-mask p-overlay-mask-enter": props.modal
- }, pos2 ? "p-dialog-".concat(pos2) : ""];
+ }, pos ? "p-dialog-".concat(pos) : ""];
}, "mask"),
root: /* @__PURE__ */ __name(function root4(_ref4) {
var props = _ref4.props, instance = _ref4.instance;
@@ -84826,8 +90500,9 @@ var classes$A = {
content: "p-dialog-content",
footer: "p-dialog-footer"
};
-var DialogStyle = BaseStyle.extend({
+var DialogStyle = BaseStyle$1.extend({
name: "dialog",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
theme: theme$w,
classes: classes$A,
inlineStyles: inlineStyles$3
@@ -84835,6 +90510,15 @@ var DialogStyle = BaseStyle.extend({
var script$1$B = {
name: "BaseDialog",
"extends": script$13,
+========
+ theme: theme$x,
+ classes: classes$B,
+ inlineStyles: inlineStyles$4
+});
+var script$1$B = {
+ name: "BaseDialog",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
header: {
type: null,
@@ -84966,7 +90650,7 @@ var script$1$B = {
};
}, "provide")
};
-var script$S = {
+var script$T = {
name: "Dialog",
"extends": script$1$B,
inheritAttrs: false,
@@ -85019,7 +90703,7 @@ var script$S = {
this.unbindGlobalListeners();
this.destroyStyle();
if (this.mask && this.autoZIndex) {
- ZIndex.clear(this.mask);
+ ZIndex$1.clear(this.mask);
}
this.container = null;
this.mask = null;
@@ -85040,7 +90724,7 @@ var script$S = {
this.enableDocumentSettings();
this.bindGlobalListeners();
if (this.autoZIndex) {
- ZIndex.set("modal", this.mask, this.baseZIndex + this.$primevue.config.zIndex.modal);
+ ZIndex$1.set("modal", this.mask, this.baseZIndex + this.$primevue.config.zIndex.modal);
}
}, "onEnter"),
onAfterEnter: /* @__PURE__ */ __name(function onAfterEnter() {
@@ -85048,7 +90732,10 @@ var script$S = {
}, "onAfterEnter"),
onBeforeLeave: /* @__PURE__ */ __name(function onBeforeLeave() {
if (this.modal) {
- !this.isUnstyled && addClass(this.mask, "p-overlay-mask-leave");
+ !this.isUnstyled && addClass$1(this.mask, "p-overlay-mask-leave");
+ }
+ if (this.dragging && this.documentDragEndListener) {
+ this.documentDragEndListener();
}
if (this.dragging && this.documentDragEndListener) {
this.documentDragEndListener();
@@ -85056,14 +90743,14 @@ var script$S = {
}, "onBeforeLeave"),
onLeave: /* @__PURE__ */ __name(function onLeave() {
this.$emit("hide");
- focus$1(this.target);
+ focus$2(this.target);
this.target = null;
this.focusableClose = null;
this.focusableMax = null;
}, "onLeave"),
onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave() {
if (this.autoZIndex) {
- ZIndex.clear(this.mask);
+ ZIndex$1.clear(this.mask);
}
this.containerVisible = false;
this.unbindDocumentState();
@@ -85078,7 +90765,7 @@ var script$S = {
this.close();
}
}, "onMaskMouseUp"),
- focus: /* @__PURE__ */ __name(function focus$1$1() {
+ focus: /* @__PURE__ */ __name(function focus$12() {
var findFocusableElement = /* @__PURE__ */ __name(function findFocusableElement2(container) {
return container && container.querySelector("[autofocus]");
}, "findFocusableElement");
@@ -85099,11 +90786,11 @@ var script$S = {
}
}
if (focusTarget) {
- focus$1(focusTarget, {
+ focus$2(focusTarget, {
focusVisible: true
});
}
- }, "focus$1$1"),
+ }, "focus$1"),
maximize: /* @__PURE__ */ __name(function maximize(event) {
if (this.maximized) {
this.maximized = false;
@@ -85113,17 +90800,17 @@ var script$S = {
this.$emit("maximize", event);
}
if (!this.modal) {
- this.maximized ? blockBodyScroll() : unblockBodyScroll();
+ this.maximized ? blockBodyScroll$1() : unblockBodyScroll$1();
}
}, "maximize"),
enableDocumentSettings: /* @__PURE__ */ __name(function enableDocumentSettings() {
if (this.modal || !this.modal && this.blockScroll || this.maximizable && this.maximized) {
- blockBodyScroll();
+ blockBodyScroll$1();
}
}, "enableDocumentSettings"),
unbindDocumentState: /* @__PURE__ */ __name(function unbindDocumentState() {
if (this.modal || !this.modal && this.blockScroll || this.maximizable && this.maximized) {
- unblockBodyScroll();
+ unblockBodyScroll$1();
}
}, "unbindDocumentState"),
onKeyDown: /* @__PURE__ */ __name(function onKeyDown2(event) {
@@ -85169,7 +90856,7 @@ var script$S = {
var _this$$primevue;
this.styleElement = document.createElement("style");
this.styleElement.type = "text/css";
- setAttribute(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ setAttribute$1(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
document.head.appendChild(this.styleElement);
var innerHTML = "";
for (var breakpoint in this.breakpoints) {
@@ -85194,7 +90881,7 @@ var script$S = {
this.lastPageY = event.pageY;
this.container.style.margin = "0";
document.body.setAttribute("data-p-unselectable-text", "true");
- !this.isUnstyled && addStyle(document.body, {
+ !this.isUnstyled && addStyle$1(document.body, {
"user-select": "none"
});
this.$emit("dragstart", event);
@@ -85218,14 +90905,14 @@ var script$S = {
var _this2 = this;
this.documentDragListener = function(event) {
if (_this2.dragging) {
- var width2 = getOuterWidth(_this2.container);
- var height = getOuterHeight(_this2.container);
+ var width2 = getOuterWidth$1(_this2.container);
+ var height = getOuterHeight$1(_this2.container);
var deltaX = event.pageX - _this2.lastPageX;
var deltaY = event.pageY - _this2.lastPageY;
var offset = _this2.container.getBoundingClientRect();
var leftPos = offset.left + deltaX;
var topPos = offset.top + deltaY;
- var viewport = getViewport();
+ var viewport = getViewport$1();
var containerComputedStyle = getComputedStyle(_this2.container);
var marginLeft = parseFloat(containerComputedStyle.marginLeft);
var marginTop = parseFloat(containerComputedStyle.marginTop);
@@ -85290,13 +90977,14 @@ var script$S = {
focustrap: FocusTrap
},
components: {
- Button: script$U,
- Portal: script$T,
- WindowMinimizeIcon: script$X,
- WindowMaximizeIcon: script$Y,
- TimesIcon: script$Z
+ Button: script$V,
+ Portal: script$U,
+ WindowMinimizeIcon: script$Y,
+ WindowMaximizeIcon: script$Z,
+ TimesIcon: script$_
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$e(o2) {
"@babel/helpers - typeof";
return _typeof$e = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -85307,6 +90995,18 @@ function _typeof$e(o2) {
}
__name(_typeof$e, "_typeof$e");
function ownKeys$g(e2, r2) {
+========
+function _typeof$h(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$h = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$h(o2);
+}
+__name(_typeof$h, "_typeof$h");
+function ownKeys$j(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -85316,6 +91016,7 @@ function ownKeys$g(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$g, "ownKeys$g");
function _objectSpread$g(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -85323,11 +91024,21 @@ function _objectSpread$g(e2) {
r2 % 2 ? ownKeys$g(Object(t2), true).forEach(function(r3) {
_defineProperty$g(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$g(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$j, "ownKeys$j");
+function _objectSpread$j(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$j(Object(t2), true).forEach(function(r3) {
+ _defineProperty$j(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$j(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$g, "_objectSpread$g");
function _defineProperty$g(e2, r2, t2) {
return (r2 = _toPropertyKey$e(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -85344,11 +91055,33 @@ function _toPrimitive$e(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$e(i2)) return i2;
+========
+__name(_objectSpread$j, "_objectSpread$j");
+function _defineProperty$j(e2, r2, t2) {
+ return (r2 = _toPropertyKey$g(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$j, "_defineProperty$j");
+function _toPropertyKey$g(t2) {
+ var i2 = _toPrimitive$g(t2, "string");
+ return "symbol" == _typeof$h(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$g, "_toPropertyKey$g");
+function _toPrimitive$g(t2, r2) {
+ if ("object" != _typeof$h(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$h(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$e, "_toPrimitive$e");
+========
+__name(_toPrimitive$g, "_toPrimitive$g");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _hoisted_1$19 = ["aria-labelledby", "aria-modal"];
var _hoisted_2$M = ["id"];
function render$R(_ctx, _cache, $props, $setup, $data, $options) {
@@ -85359,7 +91092,11 @@ function render$R(_ctx, _cache, $props, $setup, $data, $options) {
appendTo: _ctx.appendTo
}, {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [$data.containerVisible ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return [$data.containerVisible ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.maskRef,
"class": _ctx.cx("mask"),
@@ -85373,7 +91110,11 @@ function render$R(_ctx, _cache, $props, $setup, $data, $options) {
onMouseup: _cache[2] || (_cache[2] = function() {
return $options.onMaskMouseUp && $options.onMaskMouseUp.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("mask")), [createVNode(Transition, mergeProps$1({
+========
+ }, _ctx.ptm("mask")), [createVNode(Transition, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "p-dialog",
onEnter: $options.onEnter,
onAfterEnter: $options.onAfterEnter,
@@ -85383,7 +91124,11 @@ function render$R(_ctx, _cache, $props, $setup, $data, $options) {
appear: ""
}, _ctx.ptm("transition")), {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.visible ? withDirectives((openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return [_ctx.visible ? withDirectives((openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.containerRef,
"class": _ctx.cx("root"),
@@ -85399,7 +91144,11 @@ function render$R(_ctx, _cache, $props, $setup, $data, $options) {
}, "maximizeCallback")
}) : (openBlock(), createElementBlock(Fragment$1, {
key: 1
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [_ctx.showHeader ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }, [_ctx.showHeader ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.headerContainerRef,
"class": _ctx.cx("header"),
@@ -85409,14 +91158,24 @@ function render$R(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header", {
"class": normalizeClass(_ctx.cx("title"))
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.header ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ return [_ctx.header ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $options.ariaLabelledById,
"class": _ctx.cx("title")
}, _ctx.ptm("title")), toDisplayString$1(_ctx.header), 17, _hoisted_2$M)) : createCommentVNode("", true)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("headerActions")
}, _ctx.ptm("headerActions")), [_ctx.maximizable ? (openBlock(), createBlock(_component_Button, mergeProps$1({
+========
+ }), createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("headerActions")
+ }, _ctx.ptm("headerActions")), [_ctx.maximizable ? (openBlock(), createBlock(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.maximizableRef,
autofocus: $data.focusableMax,
@@ -85432,13 +91191,21 @@ function render$R(_ctx, _cache, $props, $setup, $data, $options) {
return [renderSlot(_ctx.$slots, "maximizeicon", {
maximized: $data.maximized
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent($options.maximizeIconComponent), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent($options.maximizeIconComponent), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [slotProps["class"], $data.maximized ? _ctx.minimizeIcon : _ctx.maximizeIcon]
}, _ctx.ptm("pcMaximizeButton")["icon"]), null, 16, ["class"]))];
})];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 16, ["autofocus", "class", "onClick", "tabindex", "unstyled", "pt"])) : createCommentVNode("", true), _ctx.closable ? (openBlock(), createBlock(_component_Button, mergeProps$1({
+========
+ }, 16, ["autofocus", "class", "onClick", "tabindex", "unstyled", "pt"])) : createCommentVNode("", true), _ctx.closable ? (openBlock(), createBlock(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
ref: $options.closeButtonRef,
autofocus: $data.focusableClose,
@@ -85452,17 +91219,29 @@ function render$R(_ctx, _cache, $props, $setup, $data, $options) {
}), {
icon: withCtx(function(slotProps) {
return [renderSlot(_ctx.$slots, "closeicon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.closeIcon ? "span" : "TimesIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.closeIcon ? "span" : "TimesIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.closeIcon, slotProps["class"]]
}, _ctx.ptm("pcCloseButton")["icon"]), null, 16, ["class"]))];
})];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 16, ["autofocus", "class", "onClick", "aria-label", "unstyled", "pt"])) : createCommentVNode("", true)], 16)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
ref: $options.contentRef,
"class": [_ctx.cx("content"), _ctx.contentClass],
style: _ctx.contentStyle
}, _objectSpread$g(_objectSpread$g({}, _ctx.contentProps), _ctx.ptm("content"))), [renderSlot(_ctx.$slots, "default")], 16), _ctx.footer || _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }, 16, ["autofocus", "class", "onClick", "aria-label", "unstyled", "pt"])) : createCommentVNode("", true)], 16)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+ ref: $options.contentRef,
+ "class": [_ctx.cx("content"), _ctx.contentClass],
+ style: _ctx.contentStyle
+ }, _objectSpread$j(_objectSpread$j({}, _ctx.contentProps), _ctx.ptm("content"))), [renderSlot(_ctx.$slots, "default")], 16), _ctx.footer || _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
ref: $options.footerContainerRef,
"class": _ctx.cx("footer")
@@ -85479,7 +91258,7 @@ function render$R(_ctx, _cache, $props, $setup, $data, $options) {
}, 8, ["appendTo"]);
}
__name(render$R, "render$R");
-script$S.render = render$R;
+script$T.render = render$R;
const useDialogStore = /* @__PURE__ */ defineStore("dialog", () => {
const dialogStack = ref([]);
const genDialogKey = /* @__PURE__ */ __name(() => `dialog-${Math.random().toString(36).slice(2, 9)}`, "genDialogKey");
@@ -85577,11 +91356,15 @@ const _sfc_main$$ = /* @__PURE__ */ defineComponent({
});
onMounted(() => {
const mask3 = document.createElement("div");
- ZIndex.set("model", mask3, baseZIndex.value);
+ ZIndex$1.set("model", mask3, baseZIndex.value);
});
return (_ctx, _cache) => {
return openBlock(true), createElementBlock(Fragment$1, null, renderList(unref(dialogStore).dialogStack, (item3, index2) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createBlock(unref(script$S), mergeProps$1({
+========
+ return openBlock(), createBlock(unref(script$T), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: item3.key,
visible: item3.visible,
"onUpdate:visible": /* @__PURE__ */ __name(($event) => item3.visible = $event, "onUpdate:visible"),
@@ -85602,7 +91385,11 @@ const _sfc_main$$ = /* @__PURE__ */ defineComponent({
}, toDisplayString$1(item3.title || " "), 9, _hoisted_1$18))
]),
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
(openBlock(), createBlock(resolveDynamicComponent(item3.component), mergeProps$1({ ref_for: true }, item3.contentProps, {
+========
+ (openBlock(), createBlock(resolveDynamicComponent(item3.component), mergeProps$2({ ref_for: true }, item3.contentProps, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maximized: item3.dialogComponentProps.maximized
}), null, 16, ["maximized"]))
]),
@@ -85614,7 +91401,11 @@ const _sfc_main$$ = /* @__PURE__ */ defineComponent({
});
const config$2 = {
app_title: "ComfyUI",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
app_version: "1.8.8"
+========
+ app_version: "1.9.18"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
/*!
* shared v9.14.1
@@ -85639,8 +91430,13 @@ if (false) {
}
}
const RE_ARGS$1 = /\{([0-9a-zA-Z]+)\}/g;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function format$6(message3, ...args) {
if (args.length === 1 && isObject$b(args[0])) {
+========
+function format$5(message3, ...args) {
+ if (args.length === 1 && isObject$c(args[0])) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
args = args[0];
}
if (!args || !args.hasOwnProperty) {
@@ -85654,9 +91450,15 @@ __name(format$6, "format$6");
const makeSymbol = /* @__PURE__ */ __name((name2, shareable = false) => !shareable ? Symbol(name2) : Symbol.for(name2), "makeSymbol");
const generateFormatCacheKey = /* @__PURE__ */ __name((locale2, key, source) => friendlyJSONstringify({ l: locale2, k: key, s: source }), "generateFormatCacheKey");
const friendlyJSONstringify = /* @__PURE__ */ __name((json) => JSON.stringify(json).replace(/\u2028/g, "\\u2028").replace(/\u2029/g, "\\u2029").replace(/\u0027/g, "\\u0027"), "friendlyJSONstringify");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isNumber$3 = /* @__PURE__ */ __name((val) => typeof val === "number" && isFinite(val), "isNumber$3");
const isDate = /* @__PURE__ */ __name((val) => toTypeString(val) === "[object Date]", "isDate");
const isRegExp$3 = /* @__PURE__ */ __name((val) => toTypeString(val) === "[object RegExp]", "isRegExp$3");
+========
+const isNumber$5 = /* @__PURE__ */ __name((val) => typeof val === "number" && isFinite(val), "isNumber$5");
+const isDate$2 = /* @__PURE__ */ __name((val) => toTypeString(val) === "[object Date]", "isDate$2");
+const isRegExp$2 = /* @__PURE__ */ __name((val) => toTypeString(val) === "[object RegExp]", "isRegExp$2");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const isEmptyObject$1 = /* @__PURE__ */ __name((val) => isPlainObject$1(val) && Object.keys(val).length === 0, "isEmptyObject$1");
const assign$6 = Object.assign;
let _globalThis;
@@ -85672,6 +91474,7 @@ function hasOwn$1(obj, key) {
return hasOwnProperty$a.call(obj, key);
}
__name(hasOwn$1, "hasOwn$1");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isArray$6 = Array.isArray;
const isFunction$7 = /* @__PURE__ */ __name((val) => typeof val === "function", "isFunction$7");
const isString$7 = /* @__PURE__ */ __name((val) => typeof val === "string", "isString$7");
@@ -85680,17 +91483,31 @@ const isSymbol = /* @__PURE__ */ __name((val) => typeof val === "symbol", "isSym
const isObject$b = /* @__PURE__ */ __name((val) => val !== null && typeof val === "object", "isObject$b");
const isPromise = /* @__PURE__ */ __name((val) => {
return isObject$b(val) && isFunction$7(val.then) && isFunction$7(val.catch);
+========
+const isArray$8 = Array.isArray;
+const isFunction$9 = /* @__PURE__ */ __name((val) => typeof val === "function", "isFunction$9");
+const isString$7 = /* @__PURE__ */ __name((val) => typeof val === "string", "isString$7");
+const isBoolean$1 = /* @__PURE__ */ __name((val) => typeof val === "boolean", "isBoolean$1");
+const isSymbol = /* @__PURE__ */ __name((val) => typeof val === "symbol", "isSymbol");
+const isObject$c = /* @__PURE__ */ __name((val) => val !== null && typeof val === "object", "isObject$c");
+const isPromise = /* @__PURE__ */ __name((val) => {
+ return isObject$c(val) && isFunction$9(val.then) && isFunction$9(val.catch);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "isPromise");
const objectToString$2 = Object.prototype.toString;
const toTypeString = /* @__PURE__ */ __name((value4) => objectToString$2.call(value4), "toTypeString");
const isPlainObject$1 = /* @__PURE__ */ __name((val) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isObject$b(val))
+========
+ if (!isObject$c(val))
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return false;
const proto = Object.getPrototypeOf(val);
return proto === null || proto.constructor === Object;
}, "isPlainObject$1");
const toDisplayString = /* @__PURE__ */ __name((val) => {
- return val == null ? "" : isArray$6(val) || isPlainObject$1(val) && val.toString === objectToString$2 ? JSON.stringify(val, null, 2) : String(val);
+ return val == null ? "" : isArray$8(val) || isPlainObject$1(val) && val.toString === objectToString$2 ? JSON.stringify(val, null, 2) : String(val);
}, "toDisplayString");
function join$2(items2, separator = "") {
return items2.reduce((str, item3, index2) => index2 === 0 ? str + item3 : str + separator + item3, "");
@@ -85754,6 +91571,7 @@ function createEmitter() {
const events2 = /* @__PURE__ */ new Map();
const emitter = {
events: events2,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
on(event, handler10) {
const handlers2 = events2.get(event);
const added = handlers2 && handlers2.push(handler10);
@@ -85770,12 +91588,34 @@ function createEmitter() {
emit(event, payload) {
(events2.get(event) || []).slice().map((handler10) => handler10(payload));
(events2.get("*") || []).slice().map((handler10) => handler10(event, payload));
+========
+ on(event, handler12) {
+ const handlers2 = events2.get(event);
+ const added = handlers2 && handlers2.push(handler12);
+ if (!added) {
+ events2.set(event, [handler12]);
+ }
+ },
+ off(event, handler12) {
+ const handlers2 = events2.get(event);
+ if (handlers2) {
+ handlers2.splice(handlers2.indexOf(handler12) >>> 0, 1);
+ }
+ },
+ emit(event, payload) {
+ (events2.get(event) || []).slice().map((handler12) => handler12(payload));
+ (events2.get("*") || []).slice().map((handler12) => handler12(event, payload));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
};
return emitter;
}
__name(createEmitter, "createEmitter");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isNotObjectOrIsArray = /* @__PURE__ */ __name((val) => !isObject$b(val) || isArray$6(val), "isNotObjectOrIsArray");
+========
+const isNotObjectOrIsArray = /* @__PURE__ */ __name((val) => !isObject$c(val) || isArray$8(val), "isNotObjectOrIsArray");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function deepCopy(src, des) {
if (isNotObjectOrIsArray(src) || isNotObjectOrIsArray(des)) {
throw new Error("Invalid value");
@@ -85818,8 +91658,13 @@ function createLocation(start2, end, source) {
}
__name(createLocation, "createLocation");
const RE_ARGS = /\{([0-9a-zA-Z]+)\}/g;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function format$5(message3, ...args) {
if (args.length === 1 && isObject$a(args[0])) {
+========
+function format$4(message3, ...args) {
+ if (args.length === 1 && isObject$b(args[0])) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
args = args[0];
}
if (!args || !args.hasOwnProperty) {
@@ -85829,10 +91674,17 @@ function format$5(message3, ...args) {
return args.hasOwnProperty(identifier) ? args[identifier] : "";
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(format$5, "format$5");
const assign$5 = Object.assign;
const isString$6 = /* @__PURE__ */ __name((val) => typeof val === "string", "isString$6");
const isObject$a = /* @__PURE__ */ __name((val) => val !== null && typeof val === "object", "isObject$a");
+========
+__name(format$4, "format$4");
+const assign$3 = Object.assign;
+const isString$6 = /* @__PURE__ */ __name((val) => typeof val === "string", "isString$6");
+const isObject$b = /* @__PURE__ */ __name((val) => val !== null && typeof val === "object", "isObject$b");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function join$1(items2, separator = "") {
return items2.reduce((str, item3, index2) => index2 === 0 ? str + item3 : str + separator + item3, "");
}
@@ -86025,12 +91877,12 @@ function createTokenizer(source, options4 = {}) {
};
const context = /* @__PURE__ */ __name(() => _context, "context");
const { onError } = options4;
- function emitError(code2, pos2, offset, ...args) {
+ function emitError(code2, pos, offset, ...args) {
const ctx = context();
- pos2.column += offset;
- pos2.offset += offset;
+ pos.column += offset;
+ pos.offset += offset;
if (onError) {
- const loc = location2 ? createLocation(ctx.startLoc, pos2) : null;
+ const loc = location2 ? createLocation(ctx.startLoc, pos) : null;
const err = createCompileError(code2, loc, {
domain: ERROR_DOMAIN$3,
args
@@ -86767,14 +92619,14 @@ function createParser(options4 = {}) {
return node3;
}
__name(startNode, "startNode");
- function endNode(node3, offset, pos2, type) {
+ function endNode(node3, offset, pos, type) {
if (type) {
node3.type = type;
}
if (location2) {
node3.end = offset;
if (node3.loc) {
- node3.loc.end = pos2;
+ node3.loc.end = pos;
}
}
}
@@ -87880,11 +93732,19 @@ function parse$1(path) {
__name(parse$1, "parse$1");
const cache = /* @__PURE__ */ new Map();
function resolveWithKeyValue(obj, path) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isObject$b(obj) ? obj[path] : null;
}
__name(resolveWithKeyValue, "resolveWithKeyValue");
function resolveValue(obj, path) {
if (!isObject$b(obj)) {
+========
+ return isObject$c(obj) ? obj[path] : null;
+}
+__name(resolveWithKeyValue, "resolveWithKeyValue");
+function resolveValue(obj, path) {
+ if (!isObject$c(obj)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return null;
}
let hit = cache.get(path);
@@ -87905,7 +93765,11 @@ function resolveValue(obj, path) {
if (val === void 0) {
return null;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$7(last)) {
+========
+ if (isFunction$9(last)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return null;
}
last = val;
@@ -87928,8 +93792,8 @@ function pluralDefault(choice, choicesLength) {
}
__name(pluralDefault, "pluralDefault");
function getPluralIndex(options4) {
- const index2 = isNumber$3(options4.pluralIndex) ? options4.pluralIndex : -1;
- return options4.named && (isNumber$3(options4.named.count) || isNumber$3(options4.named.n)) ? isNumber$3(options4.named.count) ? options4.named.count : isNumber$3(options4.named.n) ? options4.named.n : index2 : index2;
+ const index2 = isNumber$5(options4.pluralIndex) ? options4.pluralIndex : -1;
+ return options4.named && (isNumber$5(options4.named.count) || isNumber$5(options4.named.n)) ? isNumber$5(options4.named.count) ? options4.named.count : isNumber$5(options4.named.n) ? options4.named.n : index2 : index2;
}
__name(getPluralIndex, "getPluralIndex");
function normalizeNamed(pluralIndex, props) {
@@ -87944,31 +93808,49 @@ __name(normalizeNamed, "normalizeNamed");
function createMessageContext(options4 = {}) {
const locale2 = options4.locale;
const pluralIndex = getPluralIndex(options4);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const pluralRule = isObject$b(options4.pluralRules) && isString$7(locale2) && isFunction$7(options4.pluralRules[locale2]) ? options4.pluralRules[locale2] : pluralDefault;
const orgPluralRule = isObject$b(options4.pluralRules) && isString$7(locale2) && isFunction$7(options4.pluralRules[locale2]) ? pluralDefault : void 0;
+========
+ const pluralRule = isObject$c(options4.pluralRules) && isString$7(locale2) && isFunction$9(options4.pluralRules[locale2]) ? options4.pluralRules[locale2] : pluralDefault;
+ const orgPluralRule = isObject$c(options4.pluralRules) && isString$7(locale2) && isFunction$9(options4.pluralRules[locale2]) ? pluralDefault : void 0;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const plural = /* @__PURE__ */ __name((messages2) => {
return messages2[pluralRule(pluralIndex, messages2.length, orgPluralRule)];
}, "plural");
const _list = options4.list || [];
const list2 = /* @__PURE__ */ __name((index2) => _list[index2], "list");
const _named = options4.named || {};
- isNumber$3(options4.pluralIndex) && normalizeNamed(pluralIndex, _named);
+ isNumber$5(options4.pluralIndex) && normalizeNamed(pluralIndex, _named);
const named = /* @__PURE__ */ __name((key) => _named[key], "named");
function message3(key) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const msg = isFunction$7(options4.messages) ? options4.messages(key) : isObject$b(options4.messages) ? options4.messages[key] : false;
+========
+ const msg = isFunction$9(options4.messages) ? options4.messages(key) : isObject$c(options4.messages) ? options4.messages[key] : false;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return !msg ? options4.parent ? options4.parent.message(key) : DEFAULT_MESSAGE : msg;
}
__name(message3, "message");
const _modifier = /* @__PURE__ */ __name((name2) => options4.modifiers ? options4.modifiers[name2] : DEFAULT_MODIFIER, "_modifier");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const normalize4 = isPlainObject$1(options4.processor) && isFunction$7(options4.processor.normalize) ? options4.processor.normalize : DEFAULT_NORMALIZE;
const interpolate = isPlainObject$1(options4.processor) && isFunction$7(options4.processor.interpolate) ? options4.processor.interpolate : DEFAULT_INTERPOLATE;
+========
+ const normalize3 = isPlainObject$1(options4.processor) && isFunction$9(options4.processor.normalize) ? options4.processor.normalize : DEFAULT_NORMALIZE;
+ const interpolate = isPlainObject$1(options4.processor) && isFunction$9(options4.processor.interpolate) ? options4.processor.interpolate : DEFAULT_INTERPOLATE;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const type = isPlainObject$1(options4.processor) && isString$7(options4.processor.type) ? options4.processor.type : DEFAULT_MESSAGE_DATA_TYPE;
const linked = /* @__PURE__ */ __name((key, ...args) => {
const [arg1, arg2] = args;
let type2 = "text";
let modifier = "";
if (args.length === 1) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$b(arg1)) {
+========
+ if (isObject$c(arg1)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
modifier = arg1.modifier || modifier;
type2 = arg1.type || type2;
} else if (isString$7(arg1)) {
@@ -87985,7 +93867,7 @@ function createMessageContext(options4 = {}) {
const ret = message3(key)(ctx);
const msg = (
// The message in vnode resolved with linked are returned as an array by processor.nomalize
- type2 === "vnode" && isArray$6(ret) && modifier ? ret[0] : ret
+ type2 === "vnode" && isArray$8(ret) && modifier ? ret[0] : ret
);
return modifier ? _modifier(modifier)(msg, type2) : msg;
}, "linked");
@@ -88131,7 +94013,11 @@ function resolveLocale(locale2) {
if (isString$7(locale2)) {
return locale2;
} else {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$7(locale2)) {
+========
+ if (isFunction$9(locale2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (locale2.resolvedOnce && _resolveLocale != null) {
return _resolveLocale;
} else if (locale2.constructor.name === "Function") {
@@ -88152,7 +94038,11 @@ __name(resolveLocale, "resolveLocale");
function fallbackWithSimple(ctx, fallback, start2) {
return [.../* @__PURE__ */ new Set([
start2,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
...isArray$6(fallback) ? fallback : isObject$b(fallback) ? Object.keys(fallback) : isString$7(fallback) ? [fallback] : [start2]
+========
+ ...isArray$8(fallback) ? fallback : isObject$c(fallback) ? Object.keys(fallback) : isString$7(fallback) ? [fallback] : [start2]
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
])];
}
__name(fallbackWithSimple, "fallbackWithSimple");
@@ -88166,12 +94056,18 @@ function fallbackWithLocaleChain(ctx, fallback, start2) {
if (!chain) {
chain = [];
let block3 = [start2];
- while (isArray$6(block3)) {
+ while (isArray$8(block3)) {
block3 = appendBlockToChain(chain, block3, fallback);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const defaults2 = isArray$6(fallback) || !isPlainObject$1(fallback) ? fallback : fallback["default"] ? fallback["default"] : null;
block3 = isString$7(defaults2) ? [defaults2] : defaults2;
if (isArray$6(block3)) {
+========
+ const defaults2 = isArray$8(fallback) || !isPlainObject$1(fallback) ? fallback : fallback["default"] ? fallback["default"] : null;
+ block3 = isString$7(defaults2) ? [defaults2] : defaults2;
+ if (isArray$8(block3)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
appendBlockToChain(chain, block3, false);
}
context.__localeChainCache.set(startLocale, chain);
@@ -88209,7 +94105,7 @@ function appendItemToChain(chain, target2, blocks) {
follow = target2[target2.length - 1] !== "!";
const locale2 = target2.replace(/!/g, "");
chain.push(locale2);
- if ((isArray$6(blocks) || isPlainObject$1(blocks)) && blocks[locale2]) {
+ if ((isArray$8(blocks) || isPlainObject$1(blocks)) && blocks[locale2]) {
follow = blocks[locale2];
}
}
@@ -88225,6 +94121,7 @@ const capitalize = /* @__PURE__ */ __name((str) => `${str.charAt(0).toLocaleUppe
function getDefaultLinkedModifiers() {
return {
upper: /* @__PURE__ */ __name((val, type) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return type === "text" && isString$7(val) ? val.toUpperCase() : type === "vnode" && isObject$b(val) && "__v_isVNode" in val ? val.children.toUpperCase() : val;
}, "upper"),
lower: /* @__PURE__ */ __name((val, type) => {
@@ -88232,6 +94129,15 @@ function getDefaultLinkedModifiers() {
}, "lower"),
capitalize: /* @__PURE__ */ __name((val, type) => {
return type === "text" && isString$7(val) ? capitalize(val) : type === "vnode" && isObject$b(val) && "__v_isVNode" in val ? capitalize(val.children) : val;
+========
+ return type === "text" && isString$7(val) ? val.toUpperCase() : type === "vnode" && isObject$c(val) && "__v_isVNode" in val ? val.children.toUpperCase() : val;
+ }, "upper"),
+ lower: /* @__PURE__ */ __name((val, type) => {
+ return type === "text" && isString$7(val) ? val.toLowerCase() : type === "vnode" && isObject$c(val) && "__v_isVNode" in val ? val.children.toLowerCase() : val;
+ }, "lower"),
+ capitalize: /* @__PURE__ */ __name((val, type) => {
+ return type === "text" && isString$7(val) ? capitalize(val) : type === "vnode" && isObject$c(val) && "__v_isVNode" in val ? capitalize(val.children) : val;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "capitalize")
};
}
@@ -88263,16 +94169,25 @@ const setFallbackContext = /* @__PURE__ */ __name((context) => {
const getFallbackContext = /* @__PURE__ */ __name(() => _fallbackContext, "getFallbackContext");
let _cid = 0;
function createCoreContext(options4 = {}) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const onWarn = isFunction$7(options4.onWarn) ? options4.onWarn : warn$1;
const version2 = isString$7(options4.version) ? options4.version : VERSION$1;
const locale2 = isString$7(options4.locale) || isFunction$7(options4.locale) ? options4.locale : DEFAULT_LOCALE;
const _locale = isFunction$7(locale2) ? DEFAULT_LOCALE : locale2;
const fallbackLocale = isArray$6(options4.fallbackLocale) || isPlainObject$1(options4.fallbackLocale) || isString$7(options4.fallbackLocale) || options4.fallbackLocale === false ? options4.fallbackLocale : _locale;
+========
+ const onWarn = isFunction$9(options4.onWarn) ? options4.onWarn : warn$1;
+ const version2 = isString$7(options4.version) ? options4.version : VERSION$1;
+ const locale2 = isString$7(options4.locale) || isFunction$9(options4.locale) ? options4.locale : DEFAULT_LOCALE;
+ const _locale = isFunction$9(locale2) ? DEFAULT_LOCALE : locale2;
+ const fallbackLocale = isArray$8(options4.fallbackLocale) || isPlainObject$1(options4.fallbackLocale) || isString$7(options4.fallbackLocale) || options4.fallbackLocale === false ? options4.fallbackLocale : _locale;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const messages2 = isPlainObject$1(options4.messages) ? options4.messages : { [_locale]: {} };
const datetimeFormats = isPlainObject$1(options4.datetimeFormats) ? options4.datetimeFormats : { [_locale]: {} };
const numberFormats = isPlainObject$1(options4.numberFormats) ? options4.numberFormats : { [_locale]: {} };
const modifiers2 = assign$6({}, options4.modifiers || {}, getDefaultLinkedModifiers());
const pluralRules = options4.pluralRules || {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const missing = isFunction$7(options4.missing) ? options4.missing : null;
const missingWarn = isBoolean$1(options4.missingWarn) || isRegExp$3(options4.missingWarn) ? options4.missingWarn : true;
const fallbackWarn = isBoolean$1(options4.fallbackWarn) || isRegExp$3(options4.fallbackWarn) ? options4.fallbackWarn : true;
@@ -88293,6 +94208,28 @@ function createCoreContext(options4 = {}) {
const __datetimeFormatters = isObject$b(internalOptions.__datetimeFormatters) ? internalOptions.__datetimeFormatters : /* @__PURE__ */ new Map();
const __numberFormatters = isObject$b(internalOptions.__numberFormatters) ? internalOptions.__numberFormatters : /* @__PURE__ */ new Map();
const __meta = isObject$b(internalOptions.__meta) ? internalOptions.__meta : {};
+========
+ const missing = isFunction$9(options4.missing) ? options4.missing : null;
+ const missingWarn = isBoolean$1(options4.missingWarn) || isRegExp$2(options4.missingWarn) ? options4.missingWarn : true;
+ const fallbackWarn = isBoolean$1(options4.fallbackWarn) || isRegExp$2(options4.fallbackWarn) ? options4.fallbackWarn : true;
+ const fallbackFormat = !!options4.fallbackFormat;
+ const unresolving = !!options4.unresolving;
+ const postTranslation = isFunction$9(options4.postTranslation) ? options4.postTranslation : null;
+ const processor = isPlainObject$1(options4.processor) ? options4.processor : null;
+ const warnHtmlMessage = isBoolean$1(options4.warnHtmlMessage) ? options4.warnHtmlMessage : true;
+ const escapeParameter = !!options4.escapeParameter;
+ const messageCompiler = isFunction$9(options4.messageCompiler) ? options4.messageCompiler : _compiler;
+ if (false) {
+ warnOnce(getWarnMessage$1(CoreWarnCodes.EXPERIMENTAL_CUSTOM_MESSAGE_COMPILER));
+ }
+ const messageResolver = isFunction$9(options4.messageResolver) ? options4.messageResolver : _resolver || resolveWithKeyValue;
+ const localeFallbacker = isFunction$9(options4.localeFallbacker) ? options4.localeFallbacker : _fallbacker || fallbackWithSimple;
+ const fallbackContext = isObject$c(options4.fallbackContext) ? options4.fallbackContext : void 0;
+ const internalOptions = options4;
+ const __datetimeFormatters = isObject$c(internalOptions.__datetimeFormatters) ? internalOptions.__datetimeFormatters : /* @__PURE__ */ new Map();
+ const __numberFormatters = isObject$c(internalOptions.__numberFormatters) ? internalOptions.__numberFormatters : /* @__PURE__ */ new Map();
+ const __meta = isObject$c(internalOptions.__meta) ? internalOptions.__meta : {};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
_cid++;
const context = {
version: version2,
@@ -88477,7 +94414,11 @@ function clearCompileCache() {
compileCache = /* @__PURE__ */ Object.create(null);
}
__name(clearCompileCache, "clearCompileCache");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isMessageAST = /* @__PURE__ */ __name((val) => isObject$b(val) && (val.t === 0 || val.type === 0) && ("b" in val || "body" in val), "isMessageAST");
+========
+const isMessageAST = /* @__PURE__ */ __name((val) => isObject$c(val) && (val.t === 0 || val.type === 0) && ("b" in val || "body" in val), "isMessageAST");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function baseCompile(message3, options4 = {}) {
let detectError = false;
const onError = options4.onError || defaultOnError;
@@ -88546,7 +94487,11 @@ function compile$2(message3, context) {
}
__name(compile$2, "compile$2");
const NOOP_MESSAGE_FUNCTION = /* @__PURE__ */ __name(() => "", "NOOP_MESSAGE_FUNCTION");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const isMessageFunction = /* @__PURE__ */ __name((val) => isFunction$7(val), "isMessageFunction");
+========
+const isMessageFunction = /* @__PURE__ */ __name((val) => isFunction$9(val), "isMessageFunction");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function translate(context, ...args) {
const { fallbackFormat, postTranslation, unresolving, messageCompiler, fallbackLocale, messages: messages2 } = context;
const [key, options4] = parseTranslateArgs(...args);
@@ -88605,12 +94550,21 @@ function translate(context, ...args) {
}
__name(translate, "translate");
function escapeParams(options4) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isArray$6(options4.list)) {
options4.list = options4.list.map((item3) => isString$7(item3) ? escapeHtml$2(item3) : item3);
} else if (isObject$b(options4.named)) {
Object.keys(options4.named).forEach((key) => {
if (isString$7(options4.named[key])) {
options4.named[key] = escapeHtml$2(options4.named[key]);
+========
+ if (isArray$8(options4.list)) {
+ options4.list = options4.list.map((item3) => isString$7(item3) ? escapeHtml$1(item3) : item3);
+ } else if (isObject$c(options4.named)) {
+ Object.keys(options4.named).forEach((key) => {
+ if (isString$7(options4.named[key])) {
+ options4.named[key] = escapeHtml$1(options4.named[key]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
});
}
@@ -88775,20 +94729,24 @@ __name(evaluateMessage, "evaluateMessage");
function parseTranslateArgs(...args) {
const [arg1, arg2, arg3] = args;
const options4 = {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isString$7(arg1) && !isNumber$3(arg1) && !isMessageFunction(arg1) && !isMessageAST(arg1)) {
+========
+ if (!isString$7(arg1) && !isNumber$5(arg1) && !isMessageFunction(arg1) && !isMessageAST(arg1)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw createCoreError(CoreErrorCodes.INVALID_ARGUMENT);
}
- const key = isNumber$3(arg1) ? String(arg1) : isMessageFunction(arg1) ? arg1 : arg1;
- if (isNumber$3(arg2)) {
+ const key = isNumber$5(arg1) ? String(arg1) : isMessageFunction(arg1) ? arg1 : arg1;
+ if (isNumber$5(arg2)) {
options4.plural = arg2;
} else if (isString$7(arg2)) {
options4.default = arg2;
} else if (isPlainObject$1(arg2) && !isEmptyObject$1(arg2)) {
options4.named = arg2;
- } else if (isArray$6(arg2)) {
+ } else if (isArray$8(arg2)) {
options4.list = arg2;
}
- if (isNumber$3(arg3)) {
+ if (isNumber$5(arg3)) {
options4.plural = arg3;
} else if (isString$7(arg3)) {
options4.default = arg3;
@@ -88875,7 +94833,7 @@ function getMessageContextOptions(context, locale2, message3, options4) {
if (options4.named) {
ctxOptions.named = options4.named;
}
- if (isNumber$3(options4.plural)) {
+ if (isNumber$5(options4.plural)) {
ctxOptions.pluralIndex = options4.plural;
}
return ctxOptions;
@@ -88994,12 +94952,12 @@ function parseDateTimeArgs(...args) {
} catch (e2) {
throw createCoreError(CoreErrorCodes.INVALID_ISO_DATE_ARGUMENT);
}
- } else if (isDate(arg1)) {
+ } else if (isDate$2(arg1)) {
if (isNaN(arg1.getTime())) {
throw createCoreError(CoreErrorCodes.INVALID_DATE_ARGUMENT);
}
value4 = arg1;
- } else if (isNumber$3(arg1)) {
+ } else if (isNumber$5(arg1)) {
value4 = arg1;
} else {
throw createCoreError(CoreErrorCodes.INVALID_ARGUMENT);
@@ -89132,7 +95090,7 @@ function parseNumberArgs(...args) {
const [arg1, arg2, arg3, arg4] = args;
const options4 = {};
let overrides = {};
- if (!isNumber$3(arg1)) {
+ if (!isNumber$5(arg1)) {
throw createCoreError(CoreErrorCodes.INVALID_ARGUMENT);
}
const value4 = arg1;
@@ -89312,7 +95270,11 @@ const InejctWithOptionSymbol = /* @__PURE__ */ makeSymbol("__injectWithOption");
const DisposeSymbol = /* @__PURE__ */ makeSymbol("__dispose");
const __VUE_I18N_BRIDGE__ = "__VUE_I18N_BRIDGE__";
function handleFlatJson(obj) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isObject$b(obj)) {
+========
+ if (!isObject$c(obj)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return obj;
}
for (const key in obj) {
@@ -89320,7 +95282,11 @@ function handleFlatJson(obj) {
continue;
}
if (!key.includes(".")) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$b(obj[key])) {
+========
+ if (isObject$c(obj[key])) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
handleFlatJson(obj[key]);
}
} else {
@@ -89332,7 +95298,11 @@ function handleFlatJson(obj) {
if (!(subKeys[i2] in currentObj)) {
currentObj[subKeys[i2]] = {};
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isObject$b(currentObj[subKeys[i2]])) {
+========
+ if (!isObject$c(currentObj[subKeys[i2]])) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
hasStringValue = true;
break;
}
@@ -89342,7 +95312,11 @@ function handleFlatJson(obj) {
currentObj[subKeys[lastIndex2]] = obj[key];
delete obj[key];
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$b(currentObj[subKeys[lastIndex2]])) {
+========
+ if (isObject$c(currentObj[subKeys[lastIndex2]])) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
handleFlatJson(currentObj[subKeys[lastIndex2]]);
}
}
@@ -89352,8 +95326,8 @@ function handleFlatJson(obj) {
__name(handleFlatJson, "handleFlatJson");
function getLocaleMessages(locale2, options4) {
const { messages: messages2, __i18n, messageResolver, flatJson } = options4;
- const ret = isPlainObject$1(messages2) ? messages2 : isArray$6(__i18n) ? {} : { [locale2]: {} };
- if (isArray$6(__i18n)) {
+ const ret = isPlainObject$1(messages2) ? messages2 : isArray$8(__i18n) ? {} : { [locale2]: {} };
+ if (isArray$8(__i18n)) {
__i18n.forEach((custom2) => {
if ("locale" in custom2 && "resource" in custom2) {
const { locale: locale22, resource } = custom2;
@@ -89383,7 +95357,11 @@ function getComponentOptions(instance) {
}
__name(getComponentOptions, "getComponentOptions");
function adjustI18nResources(gl, options4, componentOptions) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let messages2 = isObject$b(options4.messages) ? options4.messages : {};
+========
+ let messages2 = isObject$c(options4.messages) ? options4.messages : {};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if ("__i18nGlobal" in componentOptions) {
messages2 = getLocaleMessages(gl.locale.value, {
messages: messages2,
@@ -89397,7 +95375,11 @@ function adjustI18nResources(gl, options4, componentOptions) {
});
}
{
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$b(options4.datetimeFormats)) {
+========
+ if (isObject$c(options4.datetimeFormats)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const locales2 = Object.keys(options4.datetimeFormats);
if (locales2.length) {
locales2.forEach((locale2) => {
@@ -89405,7 +95387,11 @@ function adjustI18nResources(gl, options4, componentOptions) {
});
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isObject$b(options4.numberFormats)) {
+========
+ if (isObject$c(options4.numberFormats)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const locales2 = Object.keys(options4.numberFormats);
if (locales2.length) {
locales2.forEach((locale2) => {
@@ -89453,7 +95439,11 @@ function createComposer(options4 = {}, VueI18nLegacy) {
);
const _fallbackLocale = _ref(
// prettier-ignore
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__root && _inheritLocale ? __root.fallbackLocale.value : isString$7(options4.fallbackLocale) || isArray$6(options4.fallbackLocale) || isPlainObject$1(options4.fallbackLocale) || options4.fallbackLocale === false ? options4.fallbackLocale : _locale.value
+========
+ __root && _inheritLocale ? __root.fallbackLocale.value : isString$7(options4.fallbackLocale) || isArray$8(options4.fallbackLocale) || isPlainObject$1(options4.fallbackLocale) || options4.fallbackLocale === false ? options4.fallbackLocale : _locale.value
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
const _messages = _ref(getLocaleMessages(_locale.value, options4));
const _datetimeFormats = _ref(isPlainObject$1(options4.datetimeFormats) ? options4.datetimeFormats : { [_locale.value]: {} });
@@ -89462,9 +95452,15 @@ function createComposer(options4 = {}, VueI18nLegacy) {
let _fallbackWarn = __root ? __root.fallbackWarn : isBoolean$1(options4.fallbackWarn) || isRegExp$3(options4.fallbackWarn) ? options4.fallbackWarn : true;
let _fallbackRoot = __root ? __root.fallbackRoot : isBoolean$1(options4.fallbackRoot) ? options4.fallbackRoot : true;
let _fallbackFormat = !!options4.fallbackFormat;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let _missing = isFunction$7(options4.missing) ? options4.missing : null;
let _runtimeMissing = isFunction$7(options4.missing) ? defineCoreMissingHandler(options4.missing) : null;
let _postTranslation = isFunction$7(options4.postTranslation) ? options4.postTranslation : null;
+========
+ let _missing = isFunction$9(options4.missing) ? options4.missing : null;
+ let _runtimeMissing = isFunction$9(options4.missing) ? defineCoreMissingHandler(options4.missing) : null;
+ let _postTranslation = isFunction$9(options4.postTranslation) ? options4.postTranslation : null;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let _warnHtmlMessage = __root ? __root.warnHtmlMessage : isBoolean$1(options4.warnHtmlMessage) ? options4.warnHtmlMessage : true;
let _escapeParameter = !!options4.escapeParameter;
const _modifiers = __root ? __root.modifiers : isPlainObject$1(options4.modifiers) ? options4.modifiers : {};
@@ -89535,23 +95531,40 @@ function createComposer(options4 = {}, VueI18nLegacy) {
const datetimeFormats = /* @__PURE__ */ computed(() => _datetimeFormats.value);
const numberFormats = /* @__PURE__ */ computed(() => _numberFormats.value);
function getPostTranslationHandler() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isFunction$7(_postTranslation) ? _postTranslation : null;
}
__name(getPostTranslationHandler, "getPostTranslationHandler");
function setPostTranslationHandler(handler10) {
_postTranslation = handler10;
_context.postTranslation = handler10;
+========
+ return isFunction$9(_postTranslation) ? _postTranslation : null;
+ }
+ __name(getPostTranslationHandler, "getPostTranslationHandler");
+ function setPostTranslationHandler(handler12) {
+ _postTranslation = handler12;
+ _context.postTranslation = handler12;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(setPostTranslationHandler, "setPostTranslationHandler");
function getMissingHandler() {
return _missing;
}
__name(getMissingHandler, "getMissingHandler");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function setMissingHandler(handler10) {
if (handler10 !== null) {
_runtimeMissing = defineCoreMissingHandler(handler10);
}
_missing = handler10;
+========
+ function setMissingHandler(handler12) {
+ if (handler12 !== null) {
+ _runtimeMissing = defineCoreMissingHandler(handler12);
+ }
+ _missing = handler12;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
_context.missing = _runtimeMissing;
}
__name(setMissingHandler, "setMissingHandler");
@@ -89579,7 +95592,7 @@ function createComposer(options4 = {}, VueI18nLegacy) {
}
}
if (warnType !== "translate exists" && // for not `te` (e.g `t`)
- isNumber$3(ret) && ret === NOT_REOSLVED || warnType === "translate exists" && !ret) {
+ isNumber$5(ret) && ret === NOT_REOSLVED || warnType === "translate exists" && !ret) {
const [key, arg2] = argumentParser();
if (false) {
if (_fallbackRoot && (isTranslateFallbackWarn(_fallbackWarn, key) || isTranslateMissingWarn(_missingWarn, key))) {
@@ -89613,7 +95626,11 @@ function createComposer(options4 = {}, VueI18nLegacy) {
__name(t2, "t");
function rt(...args) {
const [arg1, arg2, arg3] = args;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (arg3 && !isObject$b(arg3)) {
+========
+ if (arg3 && !isObject$c(arg3)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw createI18nError(I18nErrorCodes.INVALID_ARGUMENT);
}
return t2(...[arg1, arg2, assign$6({ resolvedMessage: true }, arg3 || {})]);
@@ -89627,8 +95644,13 @@ function createComposer(options4 = {}, VueI18nLegacy) {
return wrapWithDeps((context) => Reflect.apply(number, null, [context, ...args]), () => parseNumberArgs(...args), "number format", (root29) => Reflect.apply(root29.n, root29, [...args]), () => MISSING_RESOLVE_VALUE, (val) => isString$7(val));
}
__name(n2, "n");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function normalize4(values) {
return values.map((val) => isString$7(val) || isNumber$3(val) || isBoolean$1(val) ? createTextNode(String(val)) : val);
+========
+ function normalize3(values) {
+ return values.map((val) => isString$7(val) || isNumber$5(val) || isBoolean$1(val) ? createTextNode(String(val)) : val);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(normalize4, "normalize");
const interpolate = /* @__PURE__ */ __name((val) => val, "interpolate");
@@ -89655,7 +95677,7 @@ function createComposer(options4 = {}, VueI18nLegacy) {
// eslint-disable-next-line @typescript-eslint/no-explicit-any
(root29) => root29[TranslateVNodeSymbol](...args),
(key) => [createTextNode(key)],
- (val) => isArray$6(val)
+ (val) => isArray$8(val)
);
}
__name(translateVNode, "translateVNode");
@@ -89667,7 +95689,11 @@ function createComposer(options4 = {}, VueI18nLegacy) {
// eslint-disable-next-line @typescript-eslint/no-explicit-any
(root29) => root29[NumberPartsSymbol](...args),
NOOP_RETURN_ARRAY,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
(val) => isString$7(val) || isArray$6(val)
+========
+ (val) => isString$7(val) || isArray$8(val)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
}
__name(numberParts, "numberParts");
@@ -89679,7 +95705,11 @@ function createComposer(options4 = {}, VueI18nLegacy) {
// eslint-disable-next-line @typescript-eslint/no-explicit-any
(root29) => root29[DatetimePartsSymbol](...args),
NOOP_RETURN_ARRAY,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
(val) => isString$7(val) || isArray$6(val)
+========
+ (val) => isString$7(val) || isArray$8(val)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
}
__name(datetimeParts, "datetimeParts");
@@ -89914,15 +95944,26 @@ function createComposer(options4 = {}, VueI18nLegacy) {
__name(createComposer, "createComposer");
function convertComposerOptions(options4) {
const locale2 = isString$7(options4.locale) ? options4.locale : DEFAULT_LOCALE;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const fallbackLocale = isString$7(options4.fallbackLocale) || isArray$6(options4.fallbackLocale) || isPlainObject$1(options4.fallbackLocale) || options4.fallbackLocale === false ? options4.fallbackLocale : locale2;
const missing = isFunction$7(options4.missing) ? options4.missing : void 0;
const missingWarn = isBoolean$1(options4.silentTranslationWarn) || isRegExp$3(options4.silentTranslationWarn) ? !options4.silentTranslationWarn : true;
const fallbackWarn = isBoolean$1(options4.silentFallbackWarn) || isRegExp$3(options4.silentFallbackWarn) ? !options4.silentFallbackWarn : true;
+========
+ const fallbackLocale = isString$7(options4.fallbackLocale) || isArray$8(options4.fallbackLocale) || isPlainObject$1(options4.fallbackLocale) || options4.fallbackLocale === false ? options4.fallbackLocale : locale2;
+ const missing = isFunction$9(options4.missing) ? options4.missing : void 0;
+ const missingWarn = isBoolean$1(options4.silentTranslationWarn) || isRegExp$2(options4.silentTranslationWarn) ? !options4.silentTranslationWarn : true;
+ const fallbackWarn = isBoolean$1(options4.silentFallbackWarn) || isRegExp$2(options4.silentFallbackWarn) ? !options4.silentFallbackWarn : true;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const fallbackRoot = isBoolean$1(options4.fallbackRoot) ? options4.fallbackRoot : true;
const fallbackFormat = !!options4.formatFallbackMessages;
const modifiers2 = isPlainObject$1(options4.modifiers) ? options4.modifiers : {};
const pluralizationRules = options4.pluralizationRules;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const postTranslation = isFunction$7(options4.postTranslation) ? options4.postTranslation : void 0;
+========
+ const postTranslation = isFunction$9(options4.postTranslation) ? options4.postTranslation : void 0;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const warnHtmlMessage = isString$7(options4.warnHtmlInMessage) ? options4.warnHtmlInMessage !== "off" : true;
const escapeParameter = !!options4.escapeParameterHtml;
const inheritLocale = isBoolean$1(options4.sync) ? options4.sync : true;
@@ -90024,8 +96065,13 @@ function createVueI18n(options4 = {}, VueI18nLegacy) {
get missing() {
return composer.getMissingHandler();
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
set missing(handler10) {
composer.setMissingHandler(handler10);
+========
+ set missing(handler12) {
+ composer.setMissingHandler(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
},
// silentTranslationWarn
get silentTranslationWarn() {
@@ -90056,8 +96102,13 @@ function createVueI18n(options4 = {}, VueI18nLegacy) {
get postTranslation() {
return composer.getPostTranslationHandler();
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
set postTranslation(handler10) {
composer.setPostTranslationHandler(handler10);
+========
+ set postTranslation(handler12) {
+ composer.setPostTranslationHandler(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
},
// sync
get sync() {
@@ -90104,12 +96155,12 @@ function createVueI18n(options4 = {}, VueI18nLegacy) {
const key = arg1;
if (isString$7(arg2)) {
options22.locale = arg2;
- } else if (isArray$6(arg2)) {
+ } else if (isArray$8(arg2)) {
list2 = arg2;
} else if (isPlainObject$1(arg2)) {
named = arg2;
}
- if (isArray$6(arg3)) {
+ if (isArray$8(arg3)) {
list2 = arg3;
} else if (isPlainObject$1(arg3)) {
named = arg3;
@@ -90135,16 +96186,16 @@ function createVueI18n(options4 = {}, VueI18nLegacy) {
const key = arg1;
if (isString$7(arg2)) {
options22.locale = arg2;
- } else if (isNumber$3(arg2)) {
+ } else if (isNumber$5(arg2)) {
options22.plural = arg2;
- } else if (isArray$6(arg2)) {
+ } else if (isArray$8(arg2)) {
list2 = arg2;
} else if (isPlainObject$1(arg2)) {
named = arg2;
}
if (isString$7(arg3)) {
options22.locale = arg3;
- } else if (isArray$6(arg3)) {
+ } else if (isArray$8(arg3)) {
list2 = arg3;
} else if (isPlainObject$1(arg3)) {
named = arg3;
@@ -90282,7 +96333,7 @@ const TranslationImpl = /* @__PURE__ */ defineComponent({
plural: {
type: [Number, String],
// eslint-disable-next-line @typescript-eslint/no-explicit-any
- validator: /* @__PURE__ */ __name((val) => isNumber$3(val) || !isNaN(val), "validator")
+ validator: /* @__PURE__ */ __name((val) => isNumber$5(val) || !isNaN(val), "validator")
}
}, baseFormatProps),
/* eslint-enable */
@@ -90304,8 +96355,13 @@ const TranslationImpl = /* @__PURE__ */ defineComponent({
}
const arg = getInterpolateArg(context, keys2);
const children = i18n2[TranslateVNodeSymbol](props.keypath, arg, options4);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const assignedAttrs = assign$6({}, attrs6);
const tag = isString$7(props.tag) || isObject$b(props.tag) ? props.tag : getFragmentableTag();
+========
+ const assignedAttrs = assign$4({}, attrs6);
+ const tag = isString$7(props.tag) || isObject$c(props.tag) ? props.tag : getFragmentableTag();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return h(tag, assignedAttrs, children);
};
}
@@ -90313,7 +96369,11 @@ const TranslationImpl = /* @__PURE__ */ defineComponent({
const Translation = TranslationImpl;
const I18nT = Translation;
function isVNode(target2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isArray$6(target2) && !isString$7(target2[0]);
+========
+ return isArray$8(target2) && !isString$7(target2[0]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(isVNode, "isVNode");
function renderFormatter(props, context, slotKeys, partFormatter) {
@@ -90326,7 +96386,11 @@ function renderFormatter(props, context, slotKeys, partFormatter) {
}
if (isString$7(props.format)) {
options4.key = props.format;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (isObject$b(props.format)) {
+========
+ } else if (isObject$c(props.format)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (isString$7(props.format.key)) {
options4.key = props.format.key;
}
@@ -90336,7 +96400,7 @@ function renderFormatter(props, context, slotKeys, partFormatter) {
}
const parts2 = partFormatter(...[props.value, options4, overrides]);
let children = [options4.key];
- if (isArray$6(parts2)) {
+ if (isArray$8(parts2)) {
children = parts2.map((part, index2) => {
const slot = slots[part.type];
const node3 = slot ? slot({ [part.type]: part.value, index: index2, parts: parts2 }) : [part.value];
@@ -90348,8 +96412,13 @@ function renderFormatter(props, context, slotKeys, partFormatter) {
} else if (isString$7(parts2)) {
children = [parts2];
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const assignedAttrs = assign$6({}, attrs6);
const tag = isString$7(props.tag) || isObject$b(props.tag) ? props.tag : getFragmentableTag();
+========
+ const assignedAttrs = assign$4({}, attrs6);
+ const tag = isString$7(props.tag) || isObject$c(props.tag) ? props.tag : getFragmentableTag();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return h(tag, assignedAttrs, children);
};
}
@@ -90496,10 +96565,10 @@ function makeParams(value4) {
if (isString$7(locale2)) {
options4.locale = locale2;
}
- if (isNumber$3(choice)) {
+ if (isNumber$5(choice)) {
options4.plural = choice;
}
- if (isNumber$3(plural)) {
+ if (isNumber$5(plural)) {
options4.plural = plural;
}
return [path, named, options4];
@@ -90712,11 +96781,19 @@ function getLocaleMessageValue(messages2) {
const value4 = {};
Object.keys(messages2).forEach((key) => {
const v2 = messages2[key];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isFunction$7(v2) && "source" in v2) {
value4[key] = getMessageFunctionDetails(v2);
} else if (isMessageAST(v2) && v2.loc && v2.loc.source) {
value4[key] = v2.loc.source;
} else if (isObject$b(v2)) {
+========
+ if (isFunction$9(v2) && "source" in v2) {
+ value4[key] = getMessageFunctionDetails(v2);
+ } else if (isMessageAST(v2) && v2.loc && v2.loc.source) {
+ value4[key] = v2.loc.source;
+ } else if (isObject$c(v2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
value4[key] = getLocaleMessageValue(v2);
} else {
value4[key] = v2;
@@ -90893,7 +96970,11 @@ function editScope(payload, i18n2) {
const [field2] = payload.path;
if (field2 === "locale" && isString$7(payload.state.value)) {
composer.locale.value = payload.state.value;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (field2 === "fallbackLocale" && (isString$7(payload.state.value) || isArray$6(payload.state.value) || isObject$b(payload.state.value))) {
+========
+ } else if (field2 === "fallbackLocale" && (isString$7(payload.state.value) || isArray$8(payload.state.value) || isObject$c(payload.state.value))) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
composer.fallbackLocale.value = payload.state.value;
} else if (field2 === "inheritLocale" && isBoolean$1(payload.state.value)) {
composer.inheritLocale = payload.state.value;
@@ -91294,17 +97375,30 @@ function useI18nForLegacy(instance, scope, root29, options4 = {}) {
);
const _fallbackLocale = ref(
// prettier-ignore
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
!isLocalScope || _inheritLocale ? root29.fallbackLocale.value : isString$7(options4.fallbackLocale) || isArray$6(options4.fallbackLocale) || isPlainObject$1(options4.fallbackLocale) || options4.fallbackLocale === false ? options4.fallbackLocale : _locale.value
+========
+ !isLocalScope || _inheritLocale ? root29.fallbackLocale.value : isString$7(options4.fallbackLocale) || isArray$8(options4.fallbackLocale) || isPlainObject$1(options4.fallbackLocale) || options4.fallbackLocale === false ? options4.fallbackLocale : _locale.value
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
const _messages = ref(getLocaleMessages(_locale.value, options4));
const _datetimeFormats = ref(isPlainObject$1(options4.datetimeFormats) ? options4.datetimeFormats : { [_locale.value]: {} });
const _numberFormats = ref(isPlainObject$1(options4.numberFormats) ? options4.numberFormats : { [_locale.value]: {} });
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _missingWarn = isLocalScope ? root29.missingWarn : isBoolean$1(options4.missingWarn) || isRegExp$3(options4.missingWarn) ? options4.missingWarn : true;
const _fallbackWarn = isLocalScope ? root29.fallbackWarn : isBoolean$1(options4.fallbackWarn) || isRegExp$3(options4.fallbackWarn) ? options4.fallbackWarn : true;
const _fallbackRoot = isLocalScope ? root29.fallbackRoot : isBoolean$1(options4.fallbackRoot) ? options4.fallbackRoot : true;
const _fallbackFormat = !!options4.fallbackFormat;
const _missing = isFunction$7(options4.missing) ? options4.missing : null;
const _postTranslation = isFunction$7(options4.postTranslation) ? options4.postTranslation : null;
+========
+ const _missingWarn = isLocalScope ? root29.missingWarn : isBoolean$1(options4.missingWarn) || isRegExp$2(options4.missingWarn) ? options4.missingWarn : true;
+ const _fallbackWarn = isLocalScope ? root29.fallbackWarn : isBoolean$1(options4.fallbackWarn) || isRegExp$2(options4.fallbackWarn) ? options4.fallbackWarn : true;
+ const _fallbackRoot = isLocalScope ? root29.fallbackRoot : isBoolean$1(options4.fallbackRoot) ? options4.fallbackRoot : true;
+ const _fallbackFormat = !!options4.fallbackFormat;
+ const _missing = isFunction$9(options4.missing) ? options4.missing : null;
+ const _postTranslation = isFunction$9(options4.postTranslation) ? options4.postTranslation : null;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _warnHtmlMessage = isLocalScope ? root29.warnHtmlMessage : isBoolean$1(options4.warnHtmlMessage) ? options4.warnHtmlMessage : true;
const _escapeParameter = !!options4.escapeParameter;
const _modifiers = isLocalScope ? root29.modifiers : isPlainObject$1(options4.modifiers) ? options4.modifiers : {};
@@ -91354,9 +97448,15 @@ function useI18nForLegacy(instance, scope, root29, options4 = {}) {
return _composer.value ? _composer.value.getPostTranslationHandler() : _postTranslation;
}
__name(getPostTranslationHandler, "getPostTranslationHandler");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function setPostTranslationHandler(handler10) {
if (_composer.value) {
_composer.value.setPostTranslationHandler(handler10);
+========
+ function setPostTranslationHandler(handler12) {
+ if (_composer.value) {
+ _composer.value.setPostTranslationHandler(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
__name(setPostTranslationHandler, "setPostTranslationHandler");
@@ -91364,9 +97464,15 @@ function useI18nForLegacy(instance, scope, root29, options4 = {}) {
return _composer.value ? _composer.value.getMissingHandler() : _missing;
}
__name(getMissingHandler, "getMissingHandler");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function setMissingHandler(handler10) {
if (_composer.value) {
_composer.value.setMissingHandler(handler10);
+========
+ function setMissingHandler(handler12) {
+ if (_composer.value) {
+ _composer.value.setMissingHandler(handler12);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
__name(setMissingHandler, "setMissingHandler");
@@ -91971,7 +98077,12 @@ const g$5 = {
workflow: "Workflow",
success: "Success",
ok: "OK",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
feedback: "Feedback"
+========
+ feedback: "Feedback",
+ "continue": "Continue"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const issueReport$5 = {
submitErrorReport: "Submit Error Report (Optional)",
@@ -91998,6 +98109,39 @@ const color$5 = {
yellow: "Yellow",
custom: "Custom"
};
+const contextMenu$5 = {
+ Inputs: "Inputs",
+ Outputs: "Outputs",
+ Properties: "Properties",
+ "Properties Panel": "Properties Panel",
+ Title: "Title",
+ Mode: "Mode",
+ Resize: "Resize",
+ Collapse: "Collapse",
+ Expand: "Expand",
+ Pin: "Pin",
+ Unpin: "Unpin",
+ Clone: "Clone",
+ Remove: "Remove",
+ Colors: "Colors",
+ Shapes: "Shapes",
+ Bypass: "Bypass",
+ "Copy (Clipspace)": "Copy (Clipspace)",
+ "Convert Widget to Input": "Convert Widget to Input",
+ "Convert Input to Widget": "Convert Input to Widget",
+ "Add Node": "Add Node",
+ "Add Group": "Add Group",
+ "Convert to Group Node": "Convert to Group Node",
+ "Manage Group Nodes": "Manage Group Nodes",
+ "Add Group For Selected Nodes": "Add Group For Selected Nodes",
+ "Save Selected as Template": "Save Selected as Template",
+ "Node Templates": "Node Templates",
+ Manage: "Manage",
+ "Convert ": "Convert ",
+ " to input": " to input",
+ " to widget": " to widget",
+ Search: "Search"
+};
const icon$5 = {
bookmark: "Bookmark",
folder: "Folder",
@@ -92110,7 +98254,13 @@ const install$5 = {
customNodeConfigurations: "Custom node configurations"
},
viewFullPolicy: "View full policy"
- }
+ },
+ pythonMirrorPlaceholder: "Enter Python mirror URL",
+ pypiMirrorPlaceholder: "Enter PyPI mirror URL",
+ checkingMirrors: "Checking network access to python mirrors...",
+ mirrorsReachable: "Network access to python mirrors is good",
+ mirrorsUnreachable: "Network access to some python mirrors is bad",
+ mirrorSettings: "Mirror Settings"
},
customNodes: "Custom Nodes",
customNodesDescription: "Reinstall custom nodes from existing ComfyUI installations.",
@@ -92173,6 +98323,7 @@ const sideToolbar$5 = {
deleteFailed: "Attempt to delete the workflow failed.",
dirtyCloseTitle: "Save Changes?",
dirtyClose: "The files below have been changed. Would you like to save them before closing?",
+ dirtyCloseHint: "Hold Shift to close without prompt",
confirmOverwriteTitle: "Overwrite existing file?",
confirmOverwrite: "The file below already exists. Would you like to overwrite it?",
workflowTreeType: {
@@ -92370,6 +98521,10 @@ const settingsCategories$5 = {
About: "About",
EditTokenWeight: "Edit Token Weight",
CustomColorPalettes: "Custom Color Palettes",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ UV: "UV",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ContextMenu: "Context Menu"
};
const serverConfigItems$5 = {
@@ -92593,6 +98748,10 @@ const dataTypes$5 = {
WEBCAM: "WEBCAM"
};
const maintenance$5 = {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ title: "Maintenance",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
allOk: "No issues were detected.",
status: "Status",
detected: "Detected",
@@ -92602,9 +98761,18 @@ const maintenance$5 = {
Skipped: "Skipped",
showManual: "Show maintenance tasks",
confirmTitle: "Are you sure?",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
error: {
toastTitle: "Task error",
taskFailed: "Task failed to run.",
+========
+ terminalDefaultMessage: "When you run a troubleshooting command, any output will be shown here.",
+ consoleLogs: "Console Logs",
+ error: {
+ toastTitle: "Task error",
+ taskFailed: "Task failed to run.",
+ cannotContinue: "Unable to continue - errors remain",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
defaultDescription: "An error occurred while running a maintenance task."
}
};
@@ -92613,10 +98781,32 @@ const missingModelsDialog$5 = {
missingModels: "Missing Models",
missingModelsMessage: "When loading the graph, the following models were not found"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const desktopUpdate$5 = {
+ title: "Updating ComfyUI Desktop",
+ description: "ComfyUI Desktop is installing new dependencies. This may take a few minutes.",
+ terminalDefaultMessage: "Any console output from the update will be shown here."
+};
+const clipboard$5 = {
+ successMessage: "Copied to clipboard",
+ errorMessage: "Failed to copy to clipboard",
+ errorNotSupported: "Clipboard API not supported in your browser"
+};
+const load3d$5 = {
+ switchCamera: "Switch Camera",
+ showGrid: "Show Grid",
+ backgroundColor: "Background Color",
+ lightIntensity: "Light Intensity",
+ fov: "FOV",
+ previewOutput: "Preview Output"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const en = {
g: g$5,
issueReport: issueReport$5,
color: color$5,
+ contextMenu: contextMenu$5,
icon: icon$5,
welcome: welcome$5,
userSelect: userSelect$5,
@@ -92642,7 +98832,14 @@ const en = {
nodeCategories: nodeCategories$5,
dataTypes: dataTypes$5,
maintenance: maintenance$5,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
missingModelsDialog: missingModelsDialog$5
+========
+ missingModelsDialog: missingModelsDialog$5,
+ desktopUpdate: desktopUpdate$5,
+ clipboard: clipboard$5,
+ load3d: load3d$5
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const AddNoise$5 = {
display_name: "AddNoise",
@@ -98768,13 +104965,23 @@ const Comfy_Workflow_WorkflowTabsPosition$5 = {
"Topbar (2nd-row)": "Topbar (2nd-row)"
}
};
+const LiteGraph_Canvas_LowQualityRenderingZoomThreshold$5 = {
+ name: "Low quality rendering zoom threshold",
+ tooltip: "Render low quality shapes when zoomed out"
+};
const LiteGraph_Canvas_MaximumFps$5 = {
- name: "Maxium FPS",
+ name: "Maximum FPS",
tooltip: "The maximum frames per second that the canvas is allowed to render. Caps GPU usage at the cost of smoothness. If 0, the screen refresh rate is used. Default: 0"
};
const LiteGraph_ContextMenu_Scaling$5 = {
name: "Scale node combo widget menus (lists) when zoomed in"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const LiteGraph_Node_TooltipDelay$5 = {
+ name: "Tooltip Delay"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const pysssss_SnapToGrid$5 = {
name: "Always snap to grid"
};
@@ -98785,6 +104992,18 @@ const enSettings = {
"Comfy-Desktop_SendStatistics": {
name: "Send anonymous usage metrics"
},
+ "Comfy-Desktop_UV_PypiInstallMirror": {
+ name: "Pypi Install Mirror",
+ tooltip: "Default pip install mirror"
+ },
+ "Comfy-Desktop_UV_PythonInstallMirror": {
+ name: "Python Install Mirror",
+ tooltip: "Managed Python installations are downloaded from the Astral python-build-standalone project. This variable can be set to a mirror URL to use a different source for Python installations. The provided URL will replace https://github.com/astral-sh/python-build-standalone/releases/download in, e.g., https://github.com/astral-sh/python-build-standalone/releases/download/20240713/cpython-3.12.4%2B20240713-aarch64-apple-darwin-install_only.tar.gz. Distributions can be read from a local directory by using the file:// URL scheme."
+ },
+ "Comfy-Desktop_UV_TorchInstallMirror": {
+ name: "Torch Install Mirror",
+ tooltip: "Pip install mirror for pytorch"
+ },
"Comfy-Desktop_WindowStyle": {
name: "Window Style",
tooltip: "Custom: Replace the system title bar with ComfyUI's Top menu",
@@ -98860,8 +105079,13 @@ const enSettings = {
Comfy_Workflow_ShowMissingNodesWarning: Comfy_Workflow_ShowMissingNodesWarning$5,
Comfy_Workflow_SortNodeIdOnSave: Comfy_Workflow_SortNodeIdOnSave$5,
Comfy_Workflow_WorkflowTabsPosition: Comfy_Workflow_WorkflowTabsPosition$5,
+ LiteGraph_Canvas_LowQualityRenderingZoomThreshold: LiteGraph_Canvas_LowQualityRenderingZoomThreshold$5,
LiteGraph_Canvas_MaximumFps: LiteGraph_Canvas_MaximumFps$5,
LiteGraph_ContextMenu_Scaling: LiteGraph_ContextMenu_Scaling$5,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ LiteGraph_Node_TooltipDelay: LiteGraph_Node_TooltipDelay$5,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
pysssss_SnapToGrid: pysssss_SnapToGrid$5
};
const Comfy_BrowseTemplates$4 = {
@@ -99115,6 +105339,11 @@ const frCommands = {
Workspace_ToggleSidebarTab_queue: Workspace_ToggleSidebarTab_queue$4,
Workspace_ToggleSidebarTab_workflows: Workspace_ToggleSidebarTab_workflows$4
};
+const clipboard$4 = {
+ errorMessage: "Échec de la copie dans le presse-papiers",
+ errorNotSupported: "L'API du presse-papiers n'est pas prise en charge par votre navigateur",
+ successMessage: "Copié dans le presse-papiers"
+};
const color$4 = {
blue: "Bleu",
custom: "Personnalisé",
@@ -99124,6 +105353,39 @@ const color$4 = {
red: "Rouge",
yellow: "Jaune"
};
+const contextMenu$4 = {
+ " to input": " en entrée",
+ " to widget": " en widget",
+ "Add Group": "Ajouter un Groupe",
+ "Add Group For Selected Nodes": "Ajouter un Groupe pour les Nœuds Sélectionnés",
+ "Add Node": "Ajouter un Nœud",
+ Bypass: "Contourner",
+ Clone: "Cloner",
+ Collapse: "Réduire",
+ Colors: "Couleurs",
+ "Convert ": "Convertir ",
+ "Convert Input to Widget": "Convertir l'Entrée en Widget",
+ "Convert Widget to Input": "Convertir le Widget en Entrée",
+ "Convert to Group Node": "Convertir en Nœud de Groupe",
+ "Copy (Clipspace)": "Copier (Clipspace)",
+ Expand: "Développer",
+ Inputs: "Entrées",
+ Manage: "Gérer",
+ "Manage Group Nodes": "Gérer les Nœuds de Groupe",
+ Mode: "Mode",
+ "Node Templates": "Modèles de Nœuds",
+ Outputs: "Sorties",
+ Pin: "Épingler",
+ Properties: "Propriétés",
+ "Properties Panel": "Panneau des Propriétés",
+ Remove: "Supprimer",
+ Resize: "Redimensionner",
+ "Save Selected as Template": "Enregistrer la Sélection comme Modèle",
+ Search: "Recherche",
+ Shapes: "Formes",
+ Title: "Titre",
+ Unpin: "Désépingler"
+};
const dataTypes$4 = {
AUDIO: "AUDIO",
BOOLEAN: "BOOLEAN",
@@ -99164,6 +105426,11 @@ const desktopMenu$4 = {
quit: "Quitter",
reinstall: "Réinstaller"
};
+const desktopUpdate$4 = {
+ description: "ComfyUI Desktop installe de nouvelles dépendances. Cela peut prendre quelques minutes.",
+ terminalDefaultMessage: "Toute sortie de console de la mise à jour sera affichée ici.",
+ title: "Mise à jour de ComfyUI Desktop"
+};
const downloadGit$4 = {
gitWebsite: "Télécharger git",
instructions: "Veuillez télécharger et installer la dernière version pour votre système d'exploitation. Le bouton Télécharger git ci-dessous ouvre la page de téléchargement de git-scm.com.",
@@ -99190,6 +105457,7 @@ const g$4 = {
comingSoon: "Bientôt disponible",
command: "Commande",
confirm: "Confirmer",
+ "continue": "Continuer",
copyToClipboard: "Copier dans le presse-papiers",
currentUser: "Utilisateur actuel",
customize: "Personnaliser",
@@ -99336,6 +105604,7 @@ const install$4 = {
allowMetricsDescription: "Aidez à améliorer ComfyUI en envoyant des métriques d'utilisation anonymes. Aucune information personnelle ou contenu de flux de travail ne sera collecté.",
autoUpdate: "Mises à jour automatiques",
autoUpdateDescription: "Téléchargez et installez automatiquement les mises à jour lorsqu'elles deviennent disponibles. Vous serez toujours informé avant l'installation des mises à jour.",
+ checkingMirrors: "Vérification de l'accès réseau aux miroirs python...",
dataCollectionDialog: {
collect: {
errorReports: "Message d'erreur et trace de la pile",
@@ -99355,7 +105624,12 @@ const install$4 = {
},
errorUpdatingConsent: "Erreur de mise à jour du consentement",
errorUpdatingConsentDetail: "Échec de la mise à jour des paramètres de consentement aux métriques",
- learnMoreAboutData: "En savoir plus sur la collecte de données"
+ learnMoreAboutData: "En savoir plus sur la collecte de données",
+ mirrorSettings: "Paramètres du Miroir",
+ mirrorsReachable: "L'accès réseau aux miroirs python est bon",
+ mirrorsUnreachable: "L'accès au réseau à certains miroirs python est mauvais",
+ pypiMirrorPlaceholder: "Entrez l'URL du miroir PyPI",
+ pythonMirrorPlaceholder: "Entrez l'URL du miroir Python"
},
systemLocations: "Emplacements système",
unhandledError: "Erreur inconnue",
@@ -99377,21 +105651,45 @@ const issueReport$4 = {
maxLength: "Message trop long"
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const load3d$4 = {
+ backgroundColor: "Couleur de fond",
+ fov: "FOV",
+ lightIntensity: "Intensité de la lumière",
+ previewOutput: "Aperçu de la sortie",
+ showGrid: "Afficher la grille",
+ switchCamera: "Changer de caméra"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const maintenance$4 = {
None: "Aucun",
OK: "OK",
Skipped: "Ignoré",
allOk: "Aucun problème détecté.",
confirmTitle: "Êtes-vous sûr ?",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
detected: "Détecté",
error: {
+========
+ consoleLogs: "Journaux de la console",
+ detected: "Détecté",
+ error: {
+ cannotContinue: "Impossible de continuer - des erreurs subsistent",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
defaultDescription: "Une erreur s'est produite lors de l'exécution d'une tâche de maintenance.",
taskFailed: "La tâche a échoué.",
toastTitle: "Erreur de tâche"
},
refreshing: "Actualisation",
showManual: "Afficher les tâches de maintenance",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
status: "Statut"
+========
+ status: "Statut",
+ terminalDefaultMessage: "Lorsque vous exécutez une commande de dépannage, toute sortie sera affichée ici.",
+ title: "Maintenance"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const menu$4 = {
autoQueue: "File d'attente automatique",
@@ -99750,6 +106048,7 @@ const settingsCategories$4 = {
Settings: "Paramètres",
Sidebar: "Barre Latérale",
"Tree Explorer": "Explorateur d'Arbre",
+ UV: "UV",
Validation: "Validation",
Window: "Fenêtre",
Workflow: "Flux de Travail"
@@ -99788,6 +106087,7 @@ const sideToolbar$4 = {
deleteFailedTitle: "Échec de la suppression",
deleted: "Flux de travail supprimé",
dirtyClose: "Les fichiers ci-dessous ont été modifiés. Souhaitez-vous les enregistrer avant de fermer ?",
+ dirtyCloseHint: "Maintenez Shift pour fermer sans invite",
dirtyCloseTitle: "Enregistrer les modifications ?",
workflowTreeType: {
bookmarks: "Favoris",
@@ -99832,9 +106132,12 @@ const workflowService$4 = {
saveWorkflow: "Enregistrer le flux de travail"
};
const fr = {
+ clipboard: clipboard$4,
color: color$4,
+ contextMenu: contextMenu$4,
dataTypes: dataTypes$4,
desktopMenu: desktopMenu$4,
+ desktopUpdate: desktopUpdate$4,
downloadGit: downloadGit$4,
electronFileDownload: electronFileDownload$4,
g: g$4,
@@ -99843,6 +106146,10 @@ const fr = {
icon: icon$4,
install: install$4,
issueReport: issueReport$4,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ load3d: load3d$4,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maintenance: maintenance$4,
menu: menu$4,
menuLabels: menuLabels$4,
@@ -105986,6 +112293,10 @@ const Comfy_Workflow_WorkflowTabsPosition$4 = {
"Topbar (2nd-row)": "Barre supérieure (2ème rangée)"
}
};
+const LiteGraph_Canvas_LowQualityRenderingZoomThreshold$4 = {
+ name: "Seuil de zoom pour le rendu de faible qualité",
+ tooltip: "Rendre des formes de faible qualité lorsqu'on est dézoomé"
+};
const LiteGraph_Canvas_MaximumFps$4 = {
name: "FPS maximum",
tooltip: "Le nombre maximum d'images par seconde que le canevas est autorisé à rendre. Limite l'utilisation du GPU au détriment de la fluidité. Si 0, le taux de rafraîchissement de l'écran est utilisé. Par défaut : 0"
@@ -105993,6 +112304,12 @@ const LiteGraph_Canvas_MaximumFps$4 = {
const LiteGraph_ContextMenu_Scaling$4 = {
name: "Mise à l'échelle des menus de widgets combinés de nœuds (listes) lors du zoom"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const LiteGraph_Node_TooltipDelay$4 = {
+ name: "Délai d'infobulle"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const pysssss_SnapToGrid$4 = {
name: "Toujours aligner sur la grille"
};
@@ -106003,6 +112320,18 @@ const frSettings = {
"Comfy-Desktop_SendStatistics": {
name: "Envoyer des métriques d'utilisation anonymes"
},
+ "Comfy-Desktop_UV_PypiInstallMirror": {
+ name: "Miroir d'installation Pypi",
+ tooltip: "Miroir d'installation pip par défaut"
+ },
+ "Comfy-Desktop_UV_PythonInstallMirror": {
+ name: "Miroir d'installation Python",
+ tooltip: "Les installations Python gérées sont téléchargées depuis le projet Astral python-build-standalone. Cette variable peut être définie sur une URL de miroir pour utiliser une source différente pour les installations Python. L'URL fournie remplacera https://github.com/astral-sh/python-build-standalone/releases/download dans, par exemple, https://github.com/astral-sh/python-build-standalone/releases/download/20240713/cpython-3.12.4%2B20240713-aarch64-apple-darwin-install_only.tar.gz. Les distributions peuvent être lues à partir d'un répertoire local en utilisant le schéma d'URL file://."
+ },
+ "Comfy-Desktop_UV_TorchInstallMirror": {
+ name: "Miroir d'installation Torch",
+ tooltip: "Miroir d'installation Pip pour pytorch"
+ },
"Comfy-Desktop_WindowStyle": {
name: "Style de fenêtre",
options: {
@@ -106078,8 +112407,13 @@ const frSettings = {
Comfy_Workflow_ShowMissingNodesWarning: Comfy_Workflow_ShowMissingNodesWarning$4,
Comfy_Workflow_SortNodeIdOnSave: Comfy_Workflow_SortNodeIdOnSave$4,
Comfy_Workflow_WorkflowTabsPosition: Comfy_Workflow_WorkflowTabsPosition$4,
+ LiteGraph_Canvas_LowQualityRenderingZoomThreshold: LiteGraph_Canvas_LowQualityRenderingZoomThreshold$4,
LiteGraph_Canvas_MaximumFps: LiteGraph_Canvas_MaximumFps$4,
LiteGraph_ContextMenu_Scaling: LiteGraph_ContextMenu_Scaling$4,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ LiteGraph_Node_TooltipDelay: LiteGraph_Node_TooltipDelay$4,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
pysssss_SnapToGrid: pysssss_SnapToGrid$4
};
const Comfy_BrowseTemplates$3 = {
@@ -106092,10 +112426,10 @@ const Comfy_Canvas_ResetView$3 = {
label: "ビューをリセット"
};
const Comfy_Canvas_ToggleLinkVisibility$3 = {
- label: "キャンバスのリンクの可視性を切り替え"
+ label: "キャンバスのリンク表示を切り替える"
};
const Comfy_Canvas_ToggleLock$3 = {
- label: "キャンバスのロックを切り替え"
+ label: "キャンバスのロックを切り替える"
};
const Comfy_Canvas_ToggleSelectedNodes_Bypass$3 = {
label: "選択したノードのバイパス/バイパス解除"
@@ -106173,7 +112507,7 @@ const Comfy_LoadDefaultWorkflow$3 = {
label: "デフォルトのワークフローを読み込む"
};
const Comfy_NewBlankWorkflow$3 = {
- label: "新しい空白のワークフロー"
+ label: "新しい空のワークフロー"
};
const Comfy_OpenClipspace$3 = {
label: "クリップスペース"
@@ -106221,7 +112555,7 @@ const Workspace_SearchBox_Toggle$3 = {
label: "検索ボックスの切り替え"
};
const Workspace_ToggleBottomPanel$3 = {
- label: "ボトムパネルの切り替え"
+ label: "パネル下部の切り替え"
};
const Workspace_ToggleFocusMode$3 = {
label: "フォーカスモードの切り替え"
@@ -106316,10 +112650,10 @@ const jaCommands = {
Workspace_SearchBox_Toggle: Workspace_SearchBox_Toggle$3,
Workspace_ToggleBottomPanel: Workspace_ToggleBottomPanel$3,
"Workspace_ToggleBottomPanelTab_command-terminal": {
- label: "ターミナルボトムパネルの切り替え"
+ label: "ターミナルパネル下部の切り替え"
},
"Workspace_ToggleBottomPanelTab_logs-terminal": {
- label: "ログボトムパネルの切り替え"
+ label: "ログパネル下部の切り替え"
},
Workspace_ToggleFocusMode: Workspace_ToggleFocusMode$3,
"Workspace_ToggleSidebarTab_model-library": {
@@ -106333,6 +112667,11 @@ const jaCommands = {
Workspace_ToggleSidebarTab_queue: Workspace_ToggleSidebarTab_queue$3,
Workspace_ToggleSidebarTab_workflows: Workspace_ToggleSidebarTab_workflows$3
};
+const clipboard$3 = {
+ errorMessage: "クリップボードへのコピーに失敗しました",
+ errorNotSupported: "お使いのブラウザではクリップボードAPIがサポートされていません",
+ successMessage: "クリップボードにコピーしました"
+};
const color$3 = {
blue: "青",
custom: "カスタム",
@@ -106342,6 +112681,39 @@ const color$3 = {
red: "赤",
yellow: "黄色"
};
+const contextMenu$3 = {
+ " to input": " 入力へ",
+ " to widget": " ウィジェットへ",
+ "Add Group": "グループを追加",
+ "Add Group For Selected Nodes": "選択したノードのグループを追加",
+ "Add Node": "ノードを追加",
+ Bypass: "バイパス",
+ Clone: "クローン",
+ Collapse: "折りたたむ",
+ Colors: "色",
+ "Convert ": "変換 ",
+ "Convert Input to Widget": "入力をウィジェットに変換",
+ "Convert Widget to Input": "ウィジェットを入力に変換",
+ "Convert to Group Node": "グループノードに変換",
+ "Copy (Clipspace)": "コピー (Clipspace)",
+ Expand: "展開",
+ Inputs: "入力",
+ Manage: "管理",
+ "Manage Group Nodes": "グループノードを管理",
+ Mode: "モード",
+ "Node Templates": "ノードテンプレート",
+ Outputs: "出力",
+ Pin: "ピン",
+ Properties: "プロパティ",
+ "Properties Panel": "プロパティパネル",
+ Remove: "削除",
+ Resize: "リサイズ",
+ "Save Selected as Template": "選択したものをテンプレートとして保存",
+ Search: "検索",
+ Shapes: "形",
+ Title: "タイトル",
+ Unpin: "ピンを解除"
+};
const dataTypes$3 = {
AUDIO: "オーディオ",
BOOLEAN: "ブール",
@@ -106371,20 +112743,29 @@ const dataTypes$3 = {
SIGMAS: "シグマ",
STRING: "文字列",
STYLE_MODEL: "スタイルモデル",
- TIMESTEPS_RANGE: "タイムステップ範囲",
+ TIMESTEPS_RANGE: "タイムステップの範囲",
UPSCALE_MODEL: "アップスケールモデル",
VAE: "VAE",
WEBCAM: "ウェブカメラ"
};
const desktopMenu$3 = {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
confirmQuit: "保存されていないワークフローが開いています。保存されていない変更はすべて失われます。これを無視して終了しますか?",
+========
+ confirmQuit: "保存されていないワークフローを終了しようとしています。保存されていない変更はすべて失われます。これを無視して終了しますか?",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
confirmReinstall: "これにより、extra_models_config.yamlファイルがクリアされ、再インストールが開始されます。本当によろしいですか?",
quit: "終了",
reinstall: "再インストール"
};
+const desktopUpdate$3 = {
+ description: "ComfyUIデスクトップは新しい依存関係をインストールしています。これには数分かかる場合があります。",
+ terminalDefaultMessage: "更新からの任意のコンソール出力はここに表示されます。",
+ title: "ComfyUIデスクトップの更新"
+};
const downloadGit$3 = {
gitWebsite: "Gitをダウンロード",
- instructions: "お使いのオペレーティングシステムに最新バージョンをダウンロードしてインストールしてください。以下の「Gitをダウンロード」ボタンをクリックすると、git-scm.comのダウンロードページが開きます。",
+ instructions: "お使いのオペレーティングシステムに最新のバージョンをダウンロードしてインストールしてください。以下の「Gitをダウンロード」ボタンをクリックすると、git-scm.comのダウンロードページが開きます。",
message: "Gitを見つけることができません。正常に動作するためには、Gitの作業コピーが必要です。",
skip: "スキップ",
title: "Gitをダウンロード",
@@ -106408,6 +112789,7 @@ const g$3 = {
comingSoon: "近日公開",
command: "コマンド",
confirm: "確認",
+ "continue": "続ける",
copyToClipboard: "クリップボードにコピー",
currentUser: "現在のユーザー",
customize: "カスタマイズ",
@@ -106425,7 +112807,7 @@ const g$3 = {
extensionName: "拡張機能名",
feedback: "フィードバック",
findIssues: "問題を見つける",
- firstTimeUIMessage: "新しいUIを初めて使用しています。「メニュー > 新しいメニューを使用 > 無効」を選択して古いUIに戻してください。",
+ firstTimeUIMessage: "新しいUIを初めて使用しています。「メニュー > 新しいメニューを使用 > 無効」を選択することで古いUIに戻すことが可能です。",
goToNode: "ノードに移動",
icon: "アイコン",
imageFailedToLoad: "画像の読み込みに失敗しました",
@@ -106459,7 +112841,7 @@ const g$3 = {
resetKeybindingsTooltip: "キーバインディングをデフォルトにリセット",
save: "保存",
searchExtensions: "拡張機能を検索",
- searchFailedMessage: "検索に一致する設定が見つかりませんでした。検索用語を調整してみてください。",
+ searchFailedMessage: "検索に一致する設定が見つかりませんでした。検索キーワードを調整してみてください。",
searchKeybindings: "キーバインディングを検索",
searchModels: "モデルを検索",
searchNodes: "ノードを検索",
@@ -106512,7 +112894,7 @@ const install$3 = {
gpu: "GPU",
gpuSelection: {
cpuMode: "CPUモード",
- cpuModeDescription: "CPUモードは開発者やまれなエッジケースのみを対象としています。",
+ cpuModeDescription: "CPUモードは開発者や、まれなエッジケースのみを対象としています。",
cpuModeDescription2: "これが絶対に必要であることが確定していない場合は、このボックスを無視して上でGPUを選択してください。",
customComfyNeedsPython: "ComfyUIはpythonがセットアップされるまで動作しません",
customInstallRequirements: "すべての要件と依存関係をインストールする(例:カスタムtorch)",
@@ -106537,13 +112919,13 @@ const install$3 = {
title: "マニュアル設定",
virtualEnvironmentPath: "仮想環境のパス"
},
- metricsDisabled: "メトリクス無効",
- metricsEnabled: "メトリクス有効",
+ metricsDisabled: "メトリクスを無効にする",
+ metricsEnabled: "メトリクスを有効にする",
migrateFromExistingInstallation: "既存のインストールから移行",
migration: "移行",
migrationOptional: "移行は任意です。既存のインストールがない場合、このステップをスキップできます。",
migrationSourcePathDescription: "既存のComfyUIインストールがある場合、既存のユーザーファイルとモデルを新しいインストールにコピー/リンクすることができます。既存のComfyUIインストールは影響を受けません。",
- moreInfo: "詳細は、私たちの",
+ moreInfo: "詳しくはこちらをご覧ください",
parentMissing: "パスが存在しません - 最初に含まれるディレクトリを作成してください",
pathExists: "ディレクトリはすでに存在します - すべてのデータをバックアップしたことを確認してください",
pathValidationFailed: "パスの検証に失敗しました",
@@ -106554,6 +112936,7 @@ const install$3 = {
allowMetricsDescription: "匿名の使用状況メトリクスを送信してComfyUIを改善します。個人情報やワークフローの内容は収集されません。",
autoUpdate: "自動更新",
autoUpdateDescription: "更新が利用可能になると、自動的にダウンロードおよびインストールを行います。インストール前に通知が表示されます。",
+ checkingMirrors: "Pythonミラーへのネットワークアクセスを確認中...",
dataCollectionDialog: {
collect: {
errorReports: "エラーメッセージとスタックトレース",
@@ -106573,11 +112956,16 @@ const install$3 = {
},
errorUpdatingConsent: "同意の更新エラー",
errorUpdatingConsentDetail: "メトリクスの同意設定の更新に失敗しました",
- learnMoreAboutData: "データ収集の詳細を見る"
+ learnMoreAboutData: "データ収集の詳細を見る",
+ mirrorSettings: "ミラー設定",
+ mirrorsReachable: "Pythonミラーへのネットワークアクセスは良好です",
+ mirrorsUnreachable: "一部のpythonミラーへのネットワークアクセスが悪い",
+ pypiMirrorPlaceholder: "PyPIミラーURLを入力してください",
+ pythonMirrorPlaceholder: "PythonミラーURLを入力してください"
},
systemLocations: "システムの場所",
unhandledError: "未知のエラー",
- updateConsent: "以前はクラッシュの報告に同意していました。現在、バグの特定とアプリの改善を助けるためにイベントベースのメトリクスを追跡しています。個人を特定できる情報は収集されません。"
+ updateConsent: "以前、クラッシュレポートを報告することに同意していました。現在、バグの特定とアプリの改善を助けるためにイベントベースのメトリクスを追跡しています。個人を特定できる情報は収集されません。"
};
const issueReport$3 = {
contactFollowUp: "フォローアップのために私に連絡する",
@@ -106595,21 +112983,45 @@ const issueReport$3 = {
maxLength: "メッセージが長すぎます"
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const load3d$3 = {
+ backgroundColor: "背景色",
+ fov: "FOV",
+ lightIntensity: "光の強度",
+ previewOutput: "出力のプレビュー",
+ showGrid: "グリッドを表示",
+ switchCamera: "カメラを切り替える"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const maintenance$3 = {
None: "なし",
OK: "OK",
Skipped: "スキップされました",
allOk: "問題は検出されませんでした。",
confirmTitle: "よろしいですか?",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
detected: "検出されました",
error: {
+========
+ consoleLogs: "コンソールログ",
+ detected: "検出されました",
+ error: {
+ cannotContinue: "続行できません - エラーが残っています",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
defaultDescription: "メンテナンスタスクの実行中にエラーが発生しました。",
taskFailed: "タスクの実行に失敗しました。",
toastTitle: "タスクエラー"
},
refreshing: "更新中",
showManual: "メンテナンスタスクを表示",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
status: "ステータス"
+========
+ status: "ステータス",
+ terminalDefaultMessage: "トラブルシューティングコマンドを実行すると、出力はここに表示されます。",
+ title: "メンテナンス"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const menu$3 = {
autoQueue: "自動キュー",
@@ -106690,12 +113102,12 @@ const menuLabels$3 = {
"Show Settings Dialog": "設定ダイアログを表示",
"Toggle Bottom Panel": "下部パネルの切り替え",
"Toggle Focus Mode": "フォーカスモードの切り替え",
- "Toggle Logs Bottom Panel": "ログボトムパネルを切り替え",
+ "Toggle Logs Bottom Panel": "ログパネル下部を切り替え",
"Toggle Model Library Sidebar": "モデルライブラリサイドバーを切り替え",
"Toggle Node Library Sidebar": "ノードライブラリサイドバーを切り替え",
"Toggle Queue Sidebar": "キューサイドバーを切り替え",
"Toggle Search Box": "検索ボックスの切り替え",
- "Toggle Terminal Bottom Panel": "ターミナルボトムパネルを切り替え",
+ "Toggle Terminal Bottom Panel": "ターミナルパネル下部を切り替え",
"Toggle Theme (Dark/Light)": "テーマを切り替え(ダーク/ライト)",
"Toggle Workflows Sidebar": "ワークフローサイドバーを切り替え",
Undo: "元に戻す",
@@ -106714,7 +113126,7 @@ const nodeCategories$3 = {
"3d_models": "3Dモデル",
DevTools: "デブツール",
_for_testing: "_テスト用",
- advanced: "高度な",
+ advanced: "高度な機能",
animation: "アニメーション",
api: "API",
attention_experiments: "アテンション実験",
@@ -106968,6 +113380,7 @@ const settingsCategories$3 = {
Settings: "設定",
Sidebar: "サイドバー",
"Tree Explorer": "ツリーエクスプローラー",
+ UV: "UV",
Validation: "検証",
Window: "ウィンドウ",
Workflow: "ワークフロー"
@@ -107006,6 +113419,7 @@ const sideToolbar$3 = {
deleteFailedTitle: "削除に失敗しました",
deleted: "ワークフローが削除されました",
dirtyClose: "以下のファイルが変更されました。閉じる前に保存しますか?",
+ dirtyCloseHint: "Shiftキーを押しながら閉じると、プロンプトなしで閉じます",
dirtyCloseTitle: "変更を保存しますか?",
workflowTreeType: {
bookmarks: "ブックマーク",
@@ -107050,9 +113464,12 @@ const workflowService$3 = {
saveWorkflow: "ワークフローを保存"
};
const ja = {
+ clipboard: clipboard$3,
color: color$3,
+ contextMenu: contextMenu$3,
dataTypes: dataTypes$3,
desktopMenu: desktopMenu$3,
+ desktopUpdate: desktopUpdate$3,
downloadGit: downloadGit$3,
electronFileDownload: electronFileDownload$3,
g: g$3,
@@ -107061,6 +113478,10 @@ const ja = {
icon: icon$3,
install: install$3,
issueReport: issueReport$3,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ load3d: load3d$3,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maintenance: maintenance$3,
menu: menu$3,
menuLabels: menuLabels$3,
@@ -113204,6 +119625,10 @@ const Comfy_Workflow_WorkflowTabsPosition$3 = {
"Topbar (2nd-row)": "トップバー(2行目)"
}
};
+const LiteGraph_Canvas_LowQualityRenderingZoomThreshold$3 = {
+ name: "低品質レンダリングズーム閾値",
+ tooltip: "ズームアウト時に低品質の形状をレンダリングする"
+};
const LiteGraph_Canvas_MaximumFps$3 = {
name: "最大FPS",
tooltip: "キャンバスがレンダリングできる最大フレーム数です。スムーズさの代わりにGPU使用量を制限します。0の場合、画面のリフレッシュレートが使用されます。デフォルト:0"
@@ -113211,6 +119636,12 @@ const LiteGraph_Canvas_MaximumFps$3 = {
const LiteGraph_ContextMenu_Scaling$3 = {
name: "ズームイン時にノードコンボウィジェットメニュー(リスト)をスケーリングする"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const LiteGraph_Node_TooltipDelay$3 = {
+ name: "ツールチップ遅延"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const pysssss_SnapToGrid$3 = {
name: "常にグリッドにスナップ"
};
@@ -113221,6 +119652,18 @@ const jaSettings = {
"Comfy-Desktop_SendStatistics": {
name: "匿名の使用統計を送信する"
},
+ "Comfy-Desktop_UV_PypiInstallMirror": {
+ name: "Pypi インストールミラー",
+ tooltip: "デフォルトの pip インストールミラー"
+ },
+ "Comfy-Desktop_UV_PythonInstallMirror": {
+ name: "Python Install Mirror",
+ tooltip: "管理されたPythonのインストールは、Astral python-build-standaloneプロジェクトからダウンロードされます。この変数は、Pythonのインストールのための異なるソースを使用するためのミラーURLに設定することができます。提供されたURLは、例えば、https://github.com/astral-sh/python-build-standalone/releases/download/20240713/cpython-3.12.4%2B20240713-aarch64-apple-darwin-install_only.tar.gzの中でhttps://github.com/astral-sh/python-build-standalone/releases/downloadを置き換えます。ディストリビューションは、file:// URLスキームを使用してローカルディレクトリから読み取ることができます。"
+ },
+ "Comfy-Desktop_UV_TorchInstallMirror": {
+ name: "Torch Install Mirror",
+ tooltip: "pytorchのpipインストールミラー"
+ },
"Comfy-Desktop_WindowStyle": {
name: "ウィンドウスタイル",
options: {
@@ -113296,8 +119739,13 @@ const jaSettings = {
Comfy_Workflow_ShowMissingNodesWarning: Comfy_Workflow_ShowMissingNodesWarning$3,
Comfy_Workflow_SortNodeIdOnSave: Comfy_Workflow_SortNodeIdOnSave$3,
Comfy_Workflow_WorkflowTabsPosition: Comfy_Workflow_WorkflowTabsPosition$3,
+ LiteGraph_Canvas_LowQualityRenderingZoomThreshold: LiteGraph_Canvas_LowQualityRenderingZoomThreshold$3,
LiteGraph_Canvas_MaximumFps: LiteGraph_Canvas_MaximumFps$3,
LiteGraph_ContextMenu_Scaling: LiteGraph_ContextMenu_Scaling$3,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ LiteGraph_Node_TooltipDelay: LiteGraph_Node_TooltipDelay$3,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
pysssss_SnapToGrid: pysssss_SnapToGrid$3
};
const Comfy_BrowseTemplates$2 = {
@@ -113551,6 +119999,11 @@ const koCommands = {
Workspace_ToggleSidebarTab_queue: Workspace_ToggleSidebarTab_queue$2,
Workspace_ToggleSidebarTab_workflows: Workspace_ToggleSidebarTab_workflows$2
};
+const clipboard$2 = {
+ errorMessage: "클립보드에 복사하지 못했습니다",
+ errorNotSupported: "브라우저가 클립보드 API를 지원하지 않습니다.",
+ successMessage: "클립보드에 복사됨"
+};
const color$2 = {
blue: "파란색",
custom: "사용자 정의",
@@ -113560,6 +120013,39 @@ const color$2 = {
red: "빨간색",
yellow: "노란색"
};
+const contextMenu$2 = {
+ " to input": " 위젯을 입력으로",
+ " to widget": " 입력을 위젯으로",
+ "Add Group": "그룹 추가",
+ "Add Group For Selected Nodes": "선택한 노드 그룹 추가",
+ "Add Node": "노드 추가",
+ Bypass: "실행 건너뛰기",
+ Clone: "복제",
+ Collapse: "접기",
+ Colors: "색상",
+ "Convert ": "[변환] ",
+ "Convert Input to Widget": "입력을 위젯으로 변환",
+ "Convert Widget to Input": "위젯을 입력으로 변환",
+ "Convert to Group Node": "그룹 노드로 변환",
+ "Copy (Clipspace)": "복사 (Clipspace)",
+ Expand: "확장",
+ Inputs: "입력",
+ Manage: "관리",
+ "Manage Group Nodes": "그룹 노드 관리",
+ Mode: "모드",
+ "Node Templates": "노드 템플릿",
+ Outputs: "출력",
+ Pin: "고정",
+ Properties: "속성",
+ "Properties Panel": "속성 패널",
+ Remove: "제거",
+ Resize: "크기 조정",
+ "Save Selected as Template": "선택된 부분을 템플릿으로 저장",
+ Search: "검색",
+ Shapes: "형태",
+ Title: "제목",
+ Unpin: "고정 해제"
+};
const dataTypes$2 = {
AUDIO: "오디오",
BOOLEAN: "논리값",
@@ -113600,6 +120086,11 @@ const desktopMenu$2 = {
quit: "종료",
reinstall: "재설치"
};
+const desktopUpdate$2 = {
+ description: "ComfyUI 데스크톱이 새로운 종속성을 설치하고 있습니다. 이 작업은 몇 분 정도 걸릴 수 있습니다.",
+ terminalDefaultMessage: "업데이트 콘솔 출력은 여기에 표시됩니다.",
+ title: "ComfyUI 데스크톱 업데이트 중"
+};
const downloadGit$2 = {
gitWebsite: "git 프로그램 다운로드",
instructions: "운영 체제에 맞는 최신 버전을 다운로드하여 설치하십시오. 아래의 'git 프로그램 다운로드' 버튼을 클릭하면 git-scm.com 다운로드 페이지가 열립니다.",
@@ -113626,6 +120117,7 @@ const g$2 = {
comingSoon: "곧 출시 예정",
command: "명령",
confirm: "확인",
+ "continue": "계속",
copyToClipboard: "클립보드에 복사",
currentUser: "현재 사용자",
customize: "사용자 정의",
@@ -113732,11 +120224,11 @@ const install$2 = {
cpuMode: "CPU 모드",
cpuModeDescription: "CPU 모드는 개발자와 드문 경우에만 사용됩니다.",
cpuModeDescription2: "이것이 필요한지 확실하지 않다면, 이 상자를 무시하고 위에서 GPU를 선택하세요.",
- customComfyNeedsPython: "파이썬이 설정되지 않으면 ComfyUI가 작동하지 않습니다",
+ customComfyNeedsPython: "Python이 설정되지 않으면 ComfyUI가 작동하지 않습니다",
customInstallRequirements: "모든 요구 사항과 종속성 설치 (예: 사용자 정의 torch)",
- customManualVenv: "파이썬 venv를 수동으로 구성",
+ customManualVenv: "Python venv를 수동으로 구성",
customMayNotWork: "이것은 전혀 지원되지 않으며, 작동하지 않을 수 있습니다",
- customSkipsPython: "이 옵션은 일반 파이썬 설정을 건너뜁니다.",
+ customSkipsPython: "이 옵션은 일반 Python 설정을 건너뜁니다.",
enableCpuMode: "CPU 모드 활성화",
mpsDescription: "Apple Metal Performance Shaders는 pytorch nightly를 사용하여 지원됩니다.",
nvidiaDescription: "NVIDIA 장치는 pytorch CUDA 빌드를 사용하여 직접 지원됩니다.",
@@ -113772,6 +120264,7 @@ const install$2 = {
allowMetricsDescription: "익명의 사용 통계를 보내 ComfyUI를 개선하는 데 도움을 줍니다. 개인 정보나 워크플로 내용은 수집되지 않습니다.",
autoUpdate: "자동 업데이트",
autoUpdateDescription: "업데이트가 가능해지면 자동으로 다운로드하고 설치합니다. 업데이트가 설치되기 전에 항상 알림을 받습니다.",
+ checkingMirrors: "Python 미러에 대한 네트워크 액세스 확인 중...",
dataCollectionDialog: {
collect: {
errorReports: "오류 메시지 및 스택 추적",
@@ -113791,7 +120284,16 @@ const install$2 = {
},
errorUpdatingConsent: "데이터 수집 동의 설정 업데이트 오류",
errorUpdatingConsentDetail: "데이터 수집 동의 설정 업데이트에 실패했습니다",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
learnMoreAboutData: "데이터 수집에 대해 더 알아보기"
+========
+ learnMoreAboutData: "데이터 수집에 대해 더 알아보기",
+ mirrorSettings: "미러 URL 설정",
+ mirrorsReachable: "Python 미러에 대한 네트워크 액세스가 좋습니다",
+ mirrorsUnreachable: "일부 Python 미러에 대한 네트워크 접근이 나쁩니다",
+ pypiMirrorPlaceholder: "PyPI 미러 URL 입력",
+ pythonMirrorPlaceholder: "Python 미러 URL 입력"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
},
systemLocations: "시스템 위치",
unhandledError: "알 수 없는 오류",
@@ -113813,21 +120315,45 @@ const issueReport$2 = {
maxLength: "메시지가 너무 깁니다"
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const load3d$2 = {
+ backgroundColor: "배경색",
+ fov: "FOV",
+ lightIntensity: "조명 강도",
+ previewOutput: "출력 미리보기",
+ showGrid: "그리드 표시",
+ switchCamera: "카메라 전환"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const maintenance$2 = {
None: "없음",
OK: "확인",
Skipped: "건너뜀",
allOk: "문제가 발견되지 않았습니다.",
confirmTitle: "확실합니까?",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
detected: "감지됨",
error: {
+========
+ consoleLogs: "콘솔 로그",
+ detected: "감지됨",
+ error: {
+ cannotContinue: "계속할 수 없습니다 - 오류가 남아 있습니다",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
defaultDescription: "유지 보수 작업을 실행하는 동안 오류가 발생했습니다.",
taskFailed: "작업 실행에 실패했습니다.",
toastTitle: "작업 오류"
},
refreshing: "새로 고침 중",
showManual: "유지 보수 작업 보기",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
status: "상태"
+========
+ status: "상태",
+ terminalDefaultMessage: "문제 해결 명령을 실행하면 출력이 여기에 표시됩니다.",
+ title: "유지 보수"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const menu$2 = {
autoQueue: "자동 실행 큐",
@@ -114139,7 +120665,7 @@ const serverStart$2 = {
process: {
error: "ComfyUI Desktop을 시작할 수 없습니다",
"initial-state": "로딩 중...",
- "python-setup": "파이썬 환경 설정 중...",
+ "python-setup": "Python 환경 설정 중...",
ready: "마무리 중...",
"starting-server": "ComfyUI 서버 시작 중..."
},
@@ -114186,6 +120712,7 @@ const settingsCategories$2 = {
Settings: "설정",
Sidebar: "사이드바",
"Tree Explorer": "트리 탐색기",
+ UV: "UV",
Validation: "검증",
Window: "창",
Workflow: "워크플로"
@@ -114224,6 +120751,7 @@ const sideToolbar$2 = {
deleteFailedTitle: "삭제 실패",
deleted: "워크플로가 삭제되었습니다.",
dirtyClose: "아래 파일들이 변경되었습니다. 닫기 전에 저장하시겠습니까?",
+ dirtyCloseHint: "프롬프트 없이 닫으려면 Shift를 누르세요",
dirtyCloseTitle: "변경 사항 저장",
workflowTreeType: {
bookmarks: "북마크",
@@ -114268,9 +120796,12 @@ const workflowService$2 = {
saveWorkflow: "워크플로 저장"
};
const ko = {
+ clipboard: clipboard$2,
color: color$2,
+ contextMenu: contextMenu$2,
dataTypes: dataTypes$2,
desktopMenu: desktopMenu$2,
+ desktopUpdate: desktopUpdate$2,
downloadGit: downloadGit$2,
electronFileDownload: electronFileDownload$2,
g: g$2,
@@ -114279,6 +120810,10 @@ const ko = {
icon: icon$2,
install: install$2,
issueReport: issueReport$2,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ load3d: load3d$2,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maintenance: maintenance$2,
menu: menu$2,
menuLabels: menuLabels$2,
@@ -114971,7 +121506,7 @@ const ConditioningSetTimestepRange$2 = {
}
};
const ConditioningStableAudio$2 = {
- display_name: "ConditioningStableAudio",
+ display_name: "Stable Audio 조건 설정",
inputs: {
negative: {
name: "부정 조건"
@@ -115015,7 +121550,7 @@ const ConditioningTimestepsRange$2 = {
}
};
const ConditioningZeroOut$2 = {
- display_name: "조건 (제로 아웃)",
+ display_name: "조건 (0으로 출력)",
inputs: {
conditioning: {
name: "조건"
@@ -115207,7 +121742,7 @@ const CreateHookKeyframe$2 = {
}
};
const CreateHookKeyframesFromFloats$2 = {
- display_name: "부동 소수점으로 후크 키프레임 생성",
+ display_name: "실수로 후크 키프레임 생성",
inputs: {
end_percent: {
name: "종료 퍼센트"
@@ -115462,11 +121997,11 @@ const DevToolsNodeWithUnionInput$2 = {
}
};
const DevToolsObjectPatchNode$2 = {
- description: "오브젝트 패치를 적용하는 노드",
- display_name: "오브젝트 패치 노드",
+ description: "객체 패치를 적용하는 노드",
+ display_name: "객체 패치 노드",
inputs: {
dummy_float: {
- name: "더미 플로트"
+ name: "더미 실수"
},
model: {
name: "모델"
@@ -115556,7 +122091,7 @@ const DualCLIPLoader$2 = {
}
};
const EmptyCosmosLatentVideo$2 = {
- display_name: "EmptyCosmosLatentVideo",
+ display_name: "빈 잠재 비디오 (Cosmos)",
inputs: {
batch_size: {
name: "배치 크기"
@@ -116239,7 +122774,7 @@ const KSampler$2 = {
tooltip: "Classifier-Free Guidance 스케일은 창의성과 프롬프트 준수를 균형 있게 조절합니다. 값이 높을수록 프롬프트와 더 밀접하게 일치하는 이미지가 생성되지만, 너무 높은 값은 품질에 부정적인 영향을 미칠 수 있습니다."
},
denoise: {
- name: "노이즈_제거",
+ name: "노이즈 제거양",
tooltip: "적용되는 노이즈 제거의 양으로, 낮은 값은 초기 이미지의 구조를 유지하여 이미지 간 샘플링을 가능하게 합니다."
},
latent_image: {
@@ -116880,7 +123415,7 @@ const LoraLoader$2 = {
tooltip: "LoRA가 적용될 확산 모델입니다."
},
strength_clip: {
- name: "클립 강도",
+ name: "clip 강도",
tooltip: "CLIP 모델을 적용하는 강도입니다. 이 값은 음수가 될 수 있습니다."
},
strength_model: {
@@ -118703,7 +125238,7 @@ const RepeatLatentBatch$2 = {
}
};
const RescaleCFG$2 = {
- display_name: "CFG 크기 재조정",
+ display_name: "CFG 리스케일",
inputs: {
model: {
name: "모델"
@@ -119154,7 +125689,7 @@ const SetClipHooks$2 = {
display_name: "CLIP 후크 설정",
inputs: {
apply_to_conds: {
- name: "조건에_적용"
+ name: "조건에 적용"
},
clip: {
name: "clip"
@@ -119163,7 +125698,7 @@ const SetClipHooks$2 = {
name: "후크"
},
schedule_clip: {
- name: "스케줄_클립"
+ name: "clip 스케쥴 사용"
}
}
};
@@ -119212,8 +125747,8 @@ const SetUnionControlNetType$2 = {
}
};
const SkipLayerGuidanceDiT$2 = {
- description: "모든 DiT 모델에서 사용할 수 있는 SkipLayerGuidance 노드의 범용 버전입니다.",
- display_name: "SkipLayerGuidanceDiT",
+ description: "모든 DiT 모델에서 사용할 수 있는 '레이어 건너뛰기 가이던스' 노드의 범용 버전입니다.",
+ display_name: "레이어 건너뛰기 가이던스 (DiT)",
inputs: {
double_layers: {
name: "double_layers"
@@ -119225,13 +125760,13 @@ const SkipLayerGuidanceDiT$2 = {
name: "모델"
},
rescaling_scale: {
- name: "크기 재조정 크기"
+ name: "리스케일 크기"
},
scale: {
name: "크기"
},
single_layers: {
- name: "단일_레이어"
+ name: "single_layers"
},
start_percent: {
name: "시작 퍼센트"
@@ -119239,14 +125774,14 @@ const SkipLayerGuidanceDiT$2 = {
}
};
const SkipLayerGuidanceSD3$2 = {
- description: "모든 DiT 모델에서 사용할 수 있는 SkipLayerGuidance 노드의 범용 버전입니다.",
- display_name: "SkipLayerGuidanceSD3",
+ description: "SD3 용 레이어 건너뛰기 가이던스 노드입니다.",
+ display_name: "레이어 건너뛰기 가이던스 (SD3)",
inputs: {
end_percent: {
name: "종료 퍼센트"
},
layers: {
- name: "레이어"
+ name: "layers"
},
model: {
name: "모델"
@@ -120422,6 +126957,10 @@ const Comfy_Workflow_WorkflowTabsPosition$2 = {
"Topbar (2nd-row)": "상단바 (2번째 행)"
}
};
+const LiteGraph_Canvas_LowQualityRenderingZoomThreshold$2 = {
+ name: "저품질 렌더링 줌 임계값",
+ tooltip: "줌 아웃시 저품질 도형 렌더링"
+};
const LiteGraph_Canvas_MaximumFps$2 = {
name: "최대 FPS",
tooltip: "캔버스가 렌더링할 수 있는 최대 프레임 수입니다. 부드럽게 동작하도록 GPU 사용률을 제한 합니다. 0이면 화면 주사율로 작동 합니다. 기본값: 0"
@@ -120429,6 +126968,12 @@ const LiteGraph_Canvas_MaximumFps$2 = {
const LiteGraph_ContextMenu_Scaling$2 = {
name: "확대시 노드 콤보 위젯 메뉴 (목록) 스케일링"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const LiteGraph_Node_TooltipDelay$2 = {
+ name: "툴팁 지연"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const pysssss_SnapToGrid$2 = {
name: "항상 그리드에 스냅"
};
@@ -120439,6 +126984,18 @@ const koSettings = {
"Comfy-Desktop_SendStatistics": {
name: "익명 사용 통계 보내기"
},
+ "Comfy-Desktop_UV_PypiInstallMirror": {
+ name: "PyPI 설치 미러",
+ tooltip: "기본 pip 설치 미러"
+ },
+ "Comfy-Desktop_UV_PythonInstallMirror": {
+ name: "Python 설치 미러",
+ tooltip: "관리되는 Python 설치파일은 Astral python-build-standalone 프로젝트에서 다운로드됩니다. 이 변수는 Python 설치파일의 다른 출처를 사용하기 위해 미러 URL로 설정할 수 있습니다. 예를 들어, 제공된 URL은 https://github.com/astral-sh/python-build-standalone/releases/download/20240713/cpython-3.12.4%2B20240713-aarch64-apple-darwin-install_only.tar.gz에서 https://github.com/astral-sh/python-build-standalone/releases/download 를 대체합니다. 배포판은 file:// URL 스키마를 사용하여 로컬 디렉토리에서 읽을 수 있습니다."
+ },
+ "Comfy-Desktop_UV_TorchInstallMirror": {
+ name: "torch 설치 미러",
+ tooltip: "pytorch를 위한 pip 설치 미러"
+ },
"Comfy-Desktop_WindowStyle": {
name: "창 스타일",
options: {
@@ -120514,8 +127071,13 @@ const koSettings = {
Comfy_Workflow_ShowMissingNodesWarning: Comfy_Workflow_ShowMissingNodesWarning$2,
Comfy_Workflow_SortNodeIdOnSave: Comfy_Workflow_SortNodeIdOnSave$2,
Comfy_Workflow_WorkflowTabsPosition: Comfy_Workflow_WorkflowTabsPosition$2,
+ LiteGraph_Canvas_LowQualityRenderingZoomThreshold: LiteGraph_Canvas_LowQualityRenderingZoomThreshold$2,
LiteGraph_Canvas_MaximumFps: LiteGraph_Canvas_MaximumFps$2,
LiteGraph_ContextMenu_Scaling: LiteGraph_ContextMenu_Scaling$2,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ LiteGraph_Node_TooltipDelay: LiteGraph_Node_TooltipDelay$2,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
pysssss_SnapToGrid: pysssss_SnapToGrid$2
};
const Comfy_BrowseTemplates$1 = {
@@ -120769,6 +127331,11 @@ const ruCommands = {
Workspace_ToggleSidebarTab_queue: Workspace_ToggleSidebarTab_queue$1,
Workspace_ToggleSidebarTab_workflows: Workspace_ToggleSidebarTab_workflows$1
};
+const clipboard$1 = {
+ errorMessage: "Не удалось скопировать в буфер обмена",
+ errorNotSupported: "API буфера обмена не поддерживается в вашем браузере",
+ successMessage: "Скопировано в буфер обмена"
+};
const color$1 = {
blue: "Синий",
custom: "Пользовательский",
@@ -120777,6 +127344,42 @@ const color$1 = {
pink: "Розовый",
red: "Красный",
yellow: "Жёлтый"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+};
+const contextMenu$1 = {
+ " to input": " во вход",
+ " to widget": " в виджет",
+ "Add Group": "Добавить группу",
+ "Add Group For Selected Nodes": "Добавить группу для выбранных узлов",
+ "Add Node": "Добавить узел",
+ Bypass: "Обход",
+ Clone: "Клонировать",
+ Collapse: "Свернуть",
+ Colors: "Цвета",
+ "Convert ": "Преобразовать ",
+ "Convert Input to Widget": "Преобразовать вход в виджет",
+ "Convert Widget to Input": "Преобразовать виджет во вход",
+ "Convert to Group Node": "Преобразовать в групповой узел",
+ "Copy (Clipspace)": "Копировать (Clipspace)",
+ Expand: "Развернуть",
+ Inputs: "Входы",
+ Manage: "Управлять",
+ "Manage Group Nodes": "Управление групповыми узлами",
+ Mode: "Режим",
+ "Node Templates": "Шаблоны узлов",
+ Outputs: "Выходы",
+ Pin: "Закрепить",
+ Properties: "Свойства",
+ "Properties Panel": "Панель свойств",
+ Remove: "Удалить",
+ Resize: "Изменить размер",
+ "Save Selected as Template": "Сохранить выбранное как шаблон",
+ Search: "Поиск",
+ Shapes: "Формы",
+ Title: "Заголовок",
+ Unpin: "Открепить"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const dataTypes$1 = {
AUDIO: "АУДИО",
@@ -120818,6 +127421,11 @@ const desktopMenu$1 = {
quit: "Выйти",
reinstall: "Переустановить"
};
+const desktopUpdate$1 = {
+ description: "ComfyUI Desktop устанавливает новые зависимости. Это может занять несколько минут.",
+ terminalDefaultMessage: "Любой вывод консоли из обновления будет отображаться здесь.",
+ title: "Обновление ComfyUI Desktop"
+};
const downloadGit$1 = {
gitWebsite: "Скачать git",
instructions: "Пожалуйста, скачайте и установите последнюю версию для вашей операционной системы. Кнопка «Скачать git» ниже открывает страницу загрузок git-scm.com.",
@@ -120844,6 +127452,7 @@ const g$1 = {
comingSoon: "Скоро будет",
command: "Команда",
confirm: "Подтвердить",
+ "continue": "Продолжить",
copyToClipboard: "Скопировать в буфер обмена",
currentUser: "Текущий пользователь",
customize: "Настроить",
@@ -120990,6 +127599,7 @@ const install$1 = {
allowMetricsDescription: "Помогите улучшить ComfyUI, отправляя анонимные метрики использования. Личная информация или содержание рабочего процесса не будут собираться.",
autoUpdate: "Автоматические обновления",
autoUpdateDescription: "Автоматически загружать и устанавливать обновления, когда они становятся доступными. Вы всегда будете уведомлены перед установкой обновлений.",
+ checkingMirrors: "Проверка доступа к зеркалам python по сети...",
dataCollectionDialog: {
collect: {
errorReports: "Сообщение об ошибке и трассировка стека",
@@ -121009,7 +127619,12 @@ const install$1 = {
},
errorUpdatingConsent: "Ошибка обновления согласия",
errorUpdatingConsentDetail: "Не удалось обновить настройки согласия на метрики",
- learnMoreAboutData: "Узнать больше о сборе данных"
+ learnMoreAboutData: "Узнать больше о сборе данных",
+ mirrorSettings: "Настройки зеркала",
+ mirrorsReachable: "Сетевой доступ к зеркалам python хороший",
+ mirrorsUnreachable: "Сетевой доступ к некоторым зеркалам python плохой",
+ pypiMirrorPlaceholder: "Введите URL-зеркало PyPI",
+ pythonMirrorPlaceholder: "Введите URL-зеркало Python"
},
systemLocations: "Системные места",
unhandledError: "Неизвестная ошибка",
@@ -121031,21 +127646,45 @@ const issueReport$1 = {
maxLength: "Сообщение слишком длинное"
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const load3d$1 = {
+ backgroundColor: "Цвет фона",
+ fov: "Угол обзора",
+ lightIntensity: "Интенсивность света",
+ previewOutput: "Предварительный просмотр",
+ showGrid: "Показать сетку",
+ switchCamera: "Переключить камеру"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const maintenance$1 = {
None: "Нет",
OK: "OK",
Skipped: "Пропущено",
allOk: "Проблем не обнаружено.",
confirmTitle: "Вы уверены?",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
detected: "Обнаружено",
error: {
+========
+ consoleLogs: "Консольные журналы",
+ detected: "Обнаружено",
+ error: {
+ cannotContinue: "Невозможно продолжить - остались ошибки",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
defaultDescription: "Произошла ошибка при выполнении задачи по обслуживанию.",
taskFailed: "Не удалось выполнить задачу.",
toastTitle: "Ошибка задачи"
},
refreshing: "Обновление",
showManual: "Показать задачи по обслуживанию",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
status: "Статус"
+========
+ status: "Статус",
+ terminalDefaultMessage: "Когда вы запускаете команду для устранения неполадок, любой вывод будет отображаться здесь.",
+ title: "Обслуживание"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const menu$1 = {
autoQueue: "Автоочередь",
@@ -121404,6 +128043,7 @@ const settingsCategories$1 = {
Settings: "Настройки",
Sidebar: "Боковая панель",
"Tree Explorer": "Дерево проводника",
+ UV: "UV",
Validation: "Валидация",
Window: "Окно",
Workflow: "Рабочий процесс"
@@ -121442,6 +128082,7 @@ const sideToolbar$1 = {
deleteFailedTitle: "Не удалось удалить",
deleted: "Рабочий процесс удалён",
dirtyClose: "Файлы ниже были изменены. Вы хотите сохранить их перед закрытием?",
+ dirtyCloseHint: "Удерживайте Shift, чтобы закрыть без подсказки",
dirtyCloseTitle: "Сохранить изменения?",
workflowTreeType: {
bookmarks: "Закладки",
@@ -121486,9 +128127,12 @@ const workflowService$1 = {
saveWorkflow: "Сохранить рабочий процесс"
};
const ru = {
+ clipboard: clipboard$1,
color: color$1,
+ contextMenu: contextMenu$1,
dataTypes: dataTypes$1,
desktopMenu: desktopMenu$1,
+ desktopUpdate: desktopUpdate$1,
downloadGit: downloadGit$1,
electronFileDownload: electronFileDownload$1,
g: g$1,
@@ -121497,6 +128141,10 @@ const ru = {
icon: icon$1,
install: install$1,
issueReport: issueReport$1,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ load3d: load3d$1,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maintenance: maintenance$1,
menu: menu$1,
menuLabels: menuLabels$1,
@@ -127640,12 +134288,22 @@ const Comfy_Workflow_WorkflowTabsPosition$1 = {
"Topbar (2nd-row)": "Топбар (2-й ряд)"
}
};
+const LiteGraph_Canvas_LowQualityRenderingZoomThreshold$1 = {
+ name: "Порог масштабирования для рендеринга низкого качества",
+ tooltip: "Рендеринг фигур низкого качества при уменьшении масштаба"
+};
const LiteGraph_Canvas_MaximumFps$1 = {
name: "Максимум FPS",
tooltip: "Максимальное количество кадров в секунду, которое холст может рендерить. Ограничивает использование GPU за счёт плавности. Если 0, используется частота обновления экрана. По умолчанию: 0"
};
const LiteGraph_ContextMenu_Scaling$1 = {
name: "Масштабирование комбинированных виджетов меню узлов (списков) при увеличении"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+};
+const LiteGraph_Node_TooltipDelay$1 = {
+ name: "Задержка всплывающей подсказки"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const pysssss_SnapToGrid$1 = {
name: "Всегда привязываться к сетке"
@@ -127657,6 +134315,18 @@ const ruSettings = {
"Comfy-Desktop_SendStatistics": {
name: "Отправлять анонимную статистику использования"
},
+ "Comfy-Desktop_UV_PypiInstallMirror": {
+ name: "Pypi Установить Зеркало",
+ tooltip: "Зеркало установки pip по умолчанию"
+ },
+ "Comfy-Desktop_UV_PythonInstallMirror": {
+ name: "Зеркало для установки Python",
+ tooltip: "Управляемые установки Python загружаются из проекта Astral python-build-standalone. Эта переменная может быть установлена на URL-адрес зеркала для использования другого источника для установок Python. Предоставленный URL заменит https://github.com/astral-sh/python-build-standalone/releases/download в, например, https://github.com/astral-sh/python-build-standalone/releases/download/20240713/cpython-3.12.4%2B20240713-aarch64-apple-darwin-install_only.tar.gz. Дистрибутивы могут быть прочитаны из локального каталога, используя схему URL file://."
+ },
+ "Comfy-Desktop_UV_TorchInstallMirror": {
+ name: "Установочное Зеркало Torch",
+ tooltip: "Зеркало для установки pip для pytorch"
+ },
"Comfy-Desktop_WindowStyle": {
name: "Стиль окна",
options: {
@@ -127732,8 +134402,13 @@ const ruSettings = {
Comfy_Workflow_ShowMissingNodesWarning: Comfy_Workflow_ShowMissingNodesWarning$1,
Comfy_Workflow_SortNodeIdOnSave: Comfy_Workflow_SortNodeIdOnSave$1,
Comfy_Workflow_WorkflowTabsPosition: Comfy_Workflow_WorkflowTabsPosition$1,
+ LiteGraph_Canvas_LowQualityRenderingZoomThreshold: LiteGraph_Canvas_LowQualityRenderingZoomThreshold$1,
LiteGraph_Canvas_MaximumFps: LiteGraph_Canvas_MaximumFps$1,
LiteGraph_ContextMenu_Scaling: LiteGraph_ContextMenu_Scaling$1,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ LiteGraph_Node_TooltipDelay: LiteGraph_Node_TooltipDelay$1,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
pysssss_SnapToGrid: pysssss_SnapToGrid$1
};
const Comfy_BrowseTemplates = {
@@ -127987,6 +134662,11 @@ const zhCommands = {
Workspace_ToggleSidebarTab_queue,
Workspace_ToggleSidebarTab_workflows
};
+const clipboard = {
+ errorMessage: "复制到剪贴板失败",
+ errorNotSupported: "您的浏览器不支持剪贴板API",
+ successMessage: "已复制到剪贴板"
+};
const color = {
blue: "蓝色",
custom: "自定义",
@@ -127996,6 +134676,39 @@ const color = {
red: "红色",
yellow: "黄色"
};
+const contextMenu = {
+ " to input": " 为输入",
+ " to widget": " 为控件",
+ "Add Group": "添加组",
+ "Add Group For Selected Nodes": "为选定节点添加组",
+ "Add Node": "添加节点",
+ Bypass: "绕过",
+ Clone: "克隆",
+ Collapse: "折叠",
+ Colors: "颜色",
+ "Convert ": "转换 ",
+ "Convert Input to Widget": "将输入转换为控件",
+ "Convert Widget to Input": "将控件转换为输入",
+ "Convert to Group Node": "转换为组节点",
+ "Copy (Clipspace)": "复制 (Clipspace)",
+ Expand: "展开",
+ Inputs: "输入",
+ Manage: "管理",
+ "Manage Group Nodes": "管理组节点",
+ Mode: "模式",
+ "Node Templates": "节点模板",
+ Outputs: "输出",
+ Pin: "固定",
+ Properties: "属性",
+ "Properties Panel": "属性面板",
+ Remove: "删除",
+ Resize: "调整大小",
+ "Save Selected as Template": "将选定节点另存为模板",
+ Search: "搜索",
+ Shapes: "形状",
+ Title: "标题",
+ Unpin: "取消固定"
+};
const dataTypes = {
AUDIO: "音频",
BOOLEAN: "布尔",
@@ -128036,6 +134749,11 @@ const desktopMenu = {
quit: "退出",
reinstall: "重新安装"
};
+const desktopUpdate = {
+ description: "ComfyUI桌面正在安装新的依赖项。这可能需要几分钟的时间。",
+ terminalDefaultMessage: "更新过程中的任何控制台输出都将在这里显示。",
+ title: "正在更新ComfyUI桌面"
+};
const downloadGit = {
gitWebsite: "下载 git",
instructions: "请下载并安装适合您操作系统的最新版本。下面的下载 git 按钮将打开 git-scm.com 下载页面。",
@@ -128062,6 +134780,7 @@ const g = {
comingSoon: "即将推出",
command: "指令",
confirm: "确认",
+ "continue": "继续",
copyToClipboard: "复制到剪贴板",
currentUser: "当前用户",
customize: "自定义",
@@ -128208,6 +134927,7 @@ const install = {
allowMetricsDescription: "通过发送匿名使用情况指标来帮助改进ComfyUI。不会收集任何个人信息或工作流内容。",
autoUpdate: "自动更新",
autoUpdateDescription: "更新可用时自动更新。您将在安装更新之前收到通知。",
+ checkingMirrors: "正在检查到Python镜像的网络访问...",
dataCollectionDialog: {
collect: {
errorReports: "错误报告和堆栈跟踪",
@@ -128227,7 +134947,12 @@ const install = {
},
errorUpdatingConsent: "更新同意错误",
errorUpdatingConsentDetail: "无法更新度量同意设置",
- learnMoreAboutData: "了解更多关于数据收集的信息"
+ learnMoreAboutData: "了解更多关于数据收集的信息",
+ mirrorSettings: "镜像设置",
+ mirrorsReachable: "到Python镜像的网络访问良好",
+ mirrorsUnreachable: "对某些python镜像的网络访问不佳",
+ pypiMirrorPlaceholder: "输入PyPI镜像URL",
+ pythonMirrorPlaceholder: "输入Python镜像URL"
},
systemLocations: "系统位置",
unhandledError: "未知错误",
@@ -128249,21 +134974,45 @@ const issueReport = {
maxLength: "消息过长"
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const load3d = {
+ backgroundColor: "背景颜色",
+ fov: "视场",
+ lightIntensity: "光照强度",
+ previewOutput: "预览输出",
+ showGrid: "显示网格",
+ switchCamera: "切换摄像头"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const maintenance = {
None: "无",
OK: "确定",
Skipped: "跳过",
allOk: "未检测到任何问题。",
confirmTitle: "你确定吗?",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
detected: "检测到",
error: {
+========
+ consoleLogs: "控制台日志",
+ detected: "检测到",
+ error: {
+ cannotContinue: "无法继续 - 仍有错误",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
defaultDescription: "运行维护任务时发生错误。",
taskFailed: "任务运行失败。",
toastTitle: "任务错误"
},
refreshing: "刷新中",
showManual: "显示维护任务",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
status: "状态"
+========
+ status: "状态",
+ terminalDefaultMessage: "当你运行一个故障排除命令时,任何输出都会在这里显示。",
+ title: "维护"
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
const menu = {
autoQueue: "自动执行",
@@ -128622,6 +135371,7 @@ const settingsCategories = {
Settings: "设置",
Sidebar: "侧边栏",
"Tree Explorer": "树形浏览器",
+ UV: "UV",
Validation: "验证",
Window: "窗口",
Workflow: "工作流"
@@ -128660,6 +135410,7 @@ const sideToolbar = {
deleteFailedTitle: "删除失败",
deleted: "工作流已删除",
dirtyClose: "以下文件已被更改。您想在关闭之前保存它们吗?",
+ dirtyCloseHint: "按住 Shift 关闭而不提示",
dirtyCloseTitle: "保存更改?",
workflowTreeType: {
bookmarks: "书签",
@@ -128704,9 +135455,12 @@ const workflowService = {
saveWorkflow: "保存工作流"
};
const zh = {
+ clipboard,
color,
+ contextMenu,
dataTypes,
desktopMenu,
+ desktopUpdate,
downloadGit,
electronFileDownload,
g,
@@ -128715,6 +135469,10 @@ const zh = {
icon,
install,
issueReport,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ load3d,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
maintenance,
menu,
menuLabels,
@@ -134858,6 +141616,10 @@ const Comfy_Workflow_WorkflowTabsPosition = {
"Topbar (2nd-row)": "顶部栏 (第二行)"
}
};
+const LiteGraph_Canvas_LowQualityRenderingZoomThreshold = {
+ name: "低质量渲染缩放阈值",
+ tooltip: "在缩小时渲染低质量形状"
+};
const LiteGraph_Canvas_MaximumFps = {
name: "最大FPS",
tooltip: "画布允许渲染的最大帧数。限制GPU使用以换取流畅度。如果为0,则使用屏幕刷新率。默认值:0"
@@ -134865,6 +141627,12 @@ const LiteGraph_Canvas_MaximumFps = {
const LiteGraph_ContextMenu_Scaling = {
name: "放大时缩放节点组合部件菜单(列表)"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const LiteGraph_Node_TooltipDelay = {
+ name: "工具提示延迟"
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const pysssss_SnapToGrid = {
name: "始终吸附到网格"
};
@@ -134875,6 +141643,18 @@ const zhSettings = {
"Comfy-Desktop_SendStatistics": {
name: "发送匿名使用情况统计"
},
+ "Comfy-Desktop_UV_PypiInstallMirror": {
+ name: "Pypi 安装镜像",
+ tooltip: "默认 pip 安装镜像"
+ },
+ "Comfy-Desktop_UV_PythonInstallMirror": {
+ name: "Python安装镜像",
+ tooltip: "管理的Python安装包从Astral python-build-standalone项目下载。此变量可以设置为镜像URL,以使用不同的Python安装源。提供的URL将替换https://github.com/astral-sh/python-build-standalone/releases/download,例如,在https://github.com/astral-sh/python-build-standalone/releases/download/20240713/cpython-3.12.4%2B20240713-aarch64-apple-darwin-install_only.tar.gz中。可以通过使用file:// URL方案从本地目录读取分发包。"
+ },
+ "Comfy-Desktop_UV_TorchInstallMirror": {
+ name: "Torch安装镜像",
+ tooltip: "用于pytorch的Pip安装镜像"
+ },
"Comfy-Desktop_WindowStyle": {
name: "窗口样式",
options: {
@@ -134950,8 +141730,13 @@ const zhSettings = {
Comfy_Workflow_ShowMissingNodesWarning,
Comfy_Workflow_SortNodeIdOnSave,
Comfy_Workflow_WorkflowTabsPosition,
+ LiteGraph_Canvas_LowQualityRenderingZoomThreshold,
LiteGraph_Canvas_MaximumFps,
LiteGraph_ContextMenu_Scaling,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ LiteGraph_Node_TooltipDelay,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
pysssss_SnapToGrid
};
function buildLocale(main, nodes, commands2, settings) {
@@ -141066,19 +147851,240 @@ var lodash = lodash$1.exports;
})(lodash$1, lodash$1.exports);
var lodashExports = lodash$1.exports;
const _ = /* @__PURE__ */ getDefaultExportFromCjs(lodashExports);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_1$17 = { class: "prompt-dialog-content flex flex-col gap-6 m-2 mt-4" };
+========
+var theme$w = /* @__PURE__ */ __name(function theme10(_ref) {
+ var dt2 = _ref.dt;
+ return "\n.p-message {\n border-radius: ".concat(dt2("message.border.radius"), ";\n outline-width: ").concat(dt2("message.border.width"), ";\n outline-style: solid;\n}\n\n.p-message-content {\n display: flex;\n align-items: center;\n padding: ").concat(dt2("message.content.padding"), ";\n gap: ").concat(dt2("message.content.gap"), ";\n height: 100%;\n}\n\n.p-message-icon {\n flex-shrink: 0;\n}\n\n.p-message-close-button {\n display: flex;\n align-items: center;\n justify-content: center;\n flex-shrink: 0;\n margin-inline-start: auto;\n overflow: hidden;\n position: relative;\n width: ").concat(dt2("message.close.button.width"), ";\n height: ").concat(dt2("message.close.button.height"), ";\n border-radius: ").concat(dt2("message.close.button.border.radius"), ";\n background: transparent;\n transition: background ").concat(dt2("message.transition.duration"), ", color ").concat(dt2("message.transition.duration"), ", outline-color ").concat(dt2("message.transition.duration"), ", box-shadow ").concat(dt2("message.transition.duration"), ", opacity 0.3s;\n outline-color: transparent;\n color: inherit;\n padding: 0;\n border: none;\n cursor: pointer;\n user-select: none;\n}\n\n.p-message-close-icon {\n font-size: ").concat(dt2("message.close.icon.size"), ";\n width: ").concat(dt2("message.close.icon.size"), ";\n height: ").concat(dt2("message.close.icon.size"), ";\n}\n\n.p-message-close-button:focus-visible {\n outline-width: ").concat(dt2("message.close.button.focus.ring.width"), ";\n outline-style: ").concat(dt2("message.close.button.focus.ring.style"), ";\n outline-offset: ").concat(dt2("message.close.button.focus.ring.offset"), ";\n}\n\n.p-message-info {\n background: ").concat(dt2("message.info.background"), ";\n outline-color: ").concat(dt2("message.info.border.color"), ";\n color: ").concat(dt2("message.info.color"), ";\n box-shadow: ").concat(dt2("message.info.shadow"), ";\n}\n\n.p-message-info .p-message-close-button:focus-visible {\n outline-color: ").concat(dt2("message.info.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt2("message.info.close.button.focus.ring.shadow"), ";\n}\n\n.p-message-info .p-message-close-button:hover {\n background: ").concat(dt2("message.info.close.button.hover.background"), ";\n}\n\n.p-message-info.p-message-outlined {\n color: ").concat(dt2("message.info.outlined.color"), ";\n outline-color: ").concat(dt2("message.info.outlined.border.color"), ";\n}\n\n.p-message-info.p-message-simple {\n color: ").concat(dt2("message.info.simple.color"), ";\n}\n\n.p-message-success {\n background: ").concat(dt2("message.success.background"), ";\n outline-color: ").concat(dt2("message.success.border.color"), ";\n color: ").concat(dt2("message.success.color"), ";\n box-shadow: ").concat(dt2("message.success.shadow"), ";\n}\n\n.p-message-success .p-message-close-button:focus-visible {\n outline-color: ").concat(dt2("message.success.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt2("message.success.close.button.focus.ring.shadow"), ";\n}\n\n.p-message-success .p-message-close-button:hover {\n background: ").concat(dt2("message.success.close.button.hover.background"), ";\n}\n\n.p-message-success.p-message-outlined {\n color: ").concat(dt2("message.success.outlined.color"), ";\n outline-color: ").concat(dt2("message.success.outlined.border.color"), ";\n}\n\n.p-message-success.p-message-simple {\n color: ").concat(dt2("message.success.simple.color"), ";\n}\n\n.p-message-warn {\n background: ").concat(dt2("message.warn.background"), ";\n outline-color: ").concat(dt2("message.warn.border.color"), ";\n color: ").concat(dt2("message.warn.color"), ";\n box-shadow: ").concat(dt2("message.warn.shadow"), ";\n}\n\n.p-message-warn .p-message-close-button:focus-visible {\n outline-color: ").concat(dt2("message.warn.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt2("message.warn.close.button.focus.ring.shadow"), ";\n}\n\n.p-message-warn .p-message-close-button:hover {\n background: ").concat(dt2("message.warn.close.button.hover.background"), ";\n}\n\n.p-message-warn.p-message-outlined {\n color: ").concat(dt2("message.warn.outlined.color"), ";\n outline-color: ").concat(dt2("message.warn.outlined.border.color"), ";\n}\n\n.p-message-warn.p-message-simple {\n color: ").concat(dt2("message.warn.simple.color"), ";\n}\n\n.p-message-error {\n background: ").concat(dt2("message.error.background"), ";\n outline-color: ").concat(dt2("message.error.border.color"), ";\n color: ").concat(dt2("message.error.color"), ";\n box-shadow: ").concat(dt2("message.error.shadow"), ";\n}\n\n.p-message-error .p-message-close-button:focus-visible {\n outline-color: ").concat(dt2("message.error.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt2("message.error.close.button.focus.ring.shadow"), ";\n}\n\n.p-message-error .p-message-close-button:hover {\n background: ").concat(dt2("message.error.close.button.hover.background"), ";\n}\n\n.p-message-error.p-message-outlined {\n color: ").concat(dt2("message.error.outlined.color"), ";\n outline-color: ").concat(dt2("message.error.outlined.border.color"), ";\n}\n\n.p-message-error.p-message-simple {\n color: ").concat(dt2("message.error.simple.color"), ";\n}\n\n.p-message-secondary {\n background: ").concat(dt2("message.secondary.background"), ";\n outline-color: ").concat(dt2("message.secondary.border.color"), ";\n color: ").concat(dt2("message.secondary.color"), ";\n box-shadow: ").concat(dt2("message.secondary.shadow"), ";\n}\n\n.p-message-secondary .p-message-close-button:focus-visible {\n outline-color: ").concat(dt2("message.secondary.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt2("message.secondary.close.button.focus.ring.shadow"), ";\n}\n\n.p-message-secondary .p-message-close-button:hover {\n background: ").concat(dt2("message.secondary.close.button.hover.background"), ";\n}\n\n.p-message-secondary.p-message-outlined {\n color: ").concat(dt2("message.secondary.outlined.color"), ";\n outline-color: ").concat(dt2("message.secondary.outlined.border.color"), ";\n}\n\n.p-message-secondary.p-message-simple {\n color: ").concat(dt2("message.secondary.simple.color"), ";\n}\n\n.p-message-contrast {\n background: ").concat(dt2("message.contrast.background"), ";\n outline-color: ").concat(dt2("message.contrast.border.color"), ";\n color: ").concat(dt2("message.contrast.color"), ";\n box-shadow: ").concat(dt2("message.contrast.shadow"), ";\n}\n\n.p-message-contrast .p-message-close-button:focus-visible {\n outline-color: ").concat(dt2("message.contrast.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt2("message.contrast.close.button.focus.ring.shadow"), ";\n}\n\n.p-message-contrast .p-message-close-button:hover {\n background: ").concat(dt2("message.contrast.close.button.hover.background"), ";\n}\n\n.p-message-contrast.p-message-outlined {\n color: ").concat(dt2("message.contrast.outlined.color"), ";\n outline-color: ").concat(dt2("message.contrast.outlined.border.color"), ";\n}\n\n.p-message-contrast.p-message-simple {\n color: ").concat(dt2("message.contrast.simple.color"), ";\n}\n\n.p-message-text {\n font-size: ").concat(dt2("message.text.font.size"), ";\n font-weight: ").concat(dt2("message.text.font.weight"), ";\n}\n\n.p-message-icon {\n font-size: ").concat(dt2("message.icon.size"), ";\n width: ").concat(dt2("message.icon.size"), ";\n height: ").concat(dt2("message.icon.size"), ";\n}\n\n.p-message-enter-from {\n opacity: 0;\n}\n\n.p-message-enter-active {\n transition: opacity 0.3s;\n}\n\n.p-message.p-message-leave-from {\n max-height: 1000px;\n}\n\n.p-message.p-message-leave-to {\n max-height: 0;\n opacity: 0;\n margin: 0;\n}\n\n.p-message-leave-active {\n overflow: hidden;\n transition: max-height 0.45s cubic-bezier(0, 1, 0, 1), opacity 0.3s, margin 0.3s;\n}\n\n.p-message-leave-active .p-message-close-button {\n opacity: 0;\n}\n\n.p-message-sm .p-message-content {\n padding: ").concat(dt2("message.content.sm.padding"), ";\n}\n\n.p-message-sm .p-message-text {\n font-size: ").concat(dt2("message.text.sm.font.size"), ";\n}\n\n.p-message-sm .p-message-icon {\n font-size: ").concat(dt2("message.icon.sm.size"), ";\n width: ").concat(dt2("message.icon.sm.size"), ";\n height: ").concat(dt2("message.icon.sm.size"), ";\n}\n\n.p-message-sm .p-message-close-icon {\n font-size: ").concat(dt2("message.close.icon.sm.size"), ";\n width: ").concat(dt2("message.close.icon.sm.size"), ";\n height: ").concat(dt2("message.close.icon.sm.size"), ";\n}\n\n.p-message-lg .p-message-content {\n padding: ").concat(dt2("message.content.lg.padding"), ";\n}\n\n.p-message-lg .p-message-text {\n font-size: ").concat(dt2("message.text.lg.font.size"), ";\n}\n\n.p-message-lg .p-message-icon {\n font-size: ").concat(dt2("message.icon.lg.size"), ";\n width: ").concat(dt2("message.icon.lg.size"), ";\n height: ").concat(dt2("message.icon.lg.size"), ";\n}\n\n.p-message-lg .p-message-close-icon {\n font-size: ").concat(dt2("message.close.icon.lg.size"), ";\n width: ").concat(dt2("message.close.icon.lg.size"), ";\n height: ").concat(dt2("message.close.icon.lg.size"), ";\n}\n\n.p-message-outlined {\n background: transparent;\n outline-width: ").concat(dt2("message.outlined.border.width"), ";\n}\n\n.p-message-simple {\n background: transparent;\n outline-color: transparent;\n box-shadow: none;\n}\n\n.p-message-simple .p-message-content {\n padding: ").concat(dt2("message.simple.content.padding"), ";\n}\n\n.p-message-outlined .p-message-close-button:hover,\n.p-message-simple .p-message-close-button:hover {\n background: transparent;\n}\n");
+}, "theme");
+var classes$A = {
+ root: /* @__PURE__ */ __name(function root5(_ref2) {
+ var props = _ref2.props;
+ return ["p-message p-component p-message-" + props.severity, {
+ "p-message-outlined": props.variant === "outlined",
+ "p-message-simple": props.variant === "simple",
+ "p-message-sm": props.size === "small",
+ "p-message-lg": props.size === "large"
+ }];
+ }, "root"),
+ content: "p-message-content",
+ icon: "p-message-icon",
+ text: "p-message-text",
+ closeButton: "p-message-close-button",
+ closeIcon: "p-message-close-icon"
+};
+var MessageStyle = BaseStyle$1.extend({
+ name: "message",
+ theme: theme$w,
+ classes: classes$A
+});
+var script$1$A = {
+ name: "BaseMessage",
+ "extends": script$14,
+ props: {
+ severity: {
+ type: String,
+ "default": "info"
+ },
+ closable: {
+ type: Boolean,
+ "default": false
+ },
+ life: {
+ type: Number,
+ "default": null
+ },
+ icon: {
+ type: String,
+ "default": void 0
+ },
+ closeIcon: {
+ type: String,
+ "default": void 0
+ },
+ closeButtonProps: {
+ type: null,
+ "default": null
+ },
+ size: {
+ type: String,
+ "default": null
+ },
+ variant: {
+ type: String,
+ "default": null
+ }
+ },
+ style: MessageStyle,
+ provide: /* @__PURE__ */ __name(function provide9() {
+ return {
+ $pcMessage: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$S = {
+ name: "Message",
+ "extends": script$1$A,
+ inheritAttrs: false,
+ emits: ["close", "life-end"],
+ timeout: null,
+ data: /* @__PURE__ */ __name(function data5() {
+ return {
+ visible: true
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted6() {
+ var _this = this;
+ if (this.life) {
+ setTimeout(function() {
+ _this.visible = false;
+ _this.$emit("life-end");
+ }, this.life);
+ }
+ }, "mounted"),
+ methods: {
+ close: /* @__PURE__ */ __name(function close3(event) {
+ this.visible = false;
+ this.$emit("close", event);
+ }, "close")
+ },
+ computed: {
+ closeAriaLabel: /* @__PURE__ */ __name(function closeAriaLabel2() {
+ return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.close : void 0;
+ }, "closeAriaLabel")
+ },
+ directives: {
+ ripple: Ripple
+ },
+ components: {
+ TimesIcon: script$_
+ }
+};
+function _typeof$g(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$g = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$g(o2);
+}
+__name(_typeof$g, "_typeof$g");
+function ownKeys$i(e2, r2) {
+ var t2 = Object.keys(e2);
+ if (Object.getOwnPropertySymbols) {
+ var o2 = Object.getOwnPropertySymbols(e2);
+ r2 && (o2 = o2.filter(function(r3) {
+ return Object.getOwnPropertyDescriptor(e2, r3).enumerable;
+ })), t2.push.apply(t2, o2);
+ }
+ return t2;
+}
+__name(ownKeys$i, "ownKeys$i");
+function _objectSpread$i(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$i(Object(t2), true).forEach(function(r3) {
+ _defineProperty$i(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$i(Object(t2)).forEach(function(r3) {
+ Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
+ });
+ }
+ return e2;
+}
+__name(_objectSpread$i, "_objectSpread$i");
+function _defineProperty$i(e2, r2, t2) {
+ return (r2 = _toPropertyKey$f(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$i, "_defineProperty$i");
+function _toPropertyKey$f(t2) {
+ var i2 = _toPrimitive$f(t2, "string");
+ return "symbol" == _typeof$g(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$f, "_toPropertyKey$f");
+function _toPrimitive$f(t2, r2) {
+ if ("object" != _typeof$g(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$g(i2)) return i2;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r2 ? String : Number)(t2);
+}
+__name(_toPrimitive$f, "_toPrimitive$f");
+var _hoisted_1$17 = ["aria-label"];
+function render$Q(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_TimesIcon = resolveComponent("TimesIcon");
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createBlock(Transition, mergeProps$2({
+ name: "p-message",
+ appear: ""
+ }, _ctx.ptmi("transition")), {
+ "default": withCtx(function() {
+ return [withDirectives(createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("root"),
+ role: "alert",
+ "aria-live": "assertive",
+ "aria-atomic": "true"
+ }, _ctx.ptm("root")), [_ctx.$slots.container ? renderSlot(_ctx.$slots, "container", {
+ key: 0,
+ closeCallback: $options.close
+ }) : (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 1,
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "icon", {
+ "class": normalizeClass(_ctx.cx("icon"))
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.icon ? "span" : null), mergeProps$2({
+ "class": [_ctx.cx("icon"), _ctx.icon]
+ }, _ctx.ptm("icon")), null, 16, ["class"]))];
+ }), _ctx.$slots["default"] ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("text")
+ }, _ctx.ptm("text")), [renderSlot(_ctx.$slots, "default")], 16)) : createCommentVNode("", true), _ctx.closable ? withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+ key: 1,
+ "class": _ctx.cx("closeButton"),
+ "aria-label": $options.closeAriaLabel,
+ type: "button",
+ onClick: _cache[0] || (_cache[0] = function($event) {
+ return $options.close($event);
+ })
+ }, _objectSpread$i(_objectSpread$i({}, _ctx.closeButtonProps), _ctx.ptm("closeButton"))), [renderSlot(_ctx.$slots, "closeicon", {}, function() {
+ return [_ctx.closeIcon ? (openBlock(), createElementBlock("i", mergeProps$2({
+ key: 0,
+ "class": [_ctx.cx("closeIcon"), _ctx.closeIcon]
+ }, _ctx.ptm("closeIcon")), null, 16)) : (openBlock(), createBlock(_component_TimesIcon, mergeProps$2({
+ key: 1,
+ "class": [_ctx.cx("closeIcon"), _ctx.closeIcon]
+ }, _ctx.ptm("closeIcon")), null, 16, ["class"]))];
+ })], 16, _hoisted_1$17)), [[_directive_ripple]]) : createCommentVNode("", true)], 16))], 16), [[vShow, $data.visible]])];
+ }),
+ _: 3
+ }, 16);
+}
+__name(render$Q, "render$Q");
+script$S.render = render$Q;
+const _hoisted_1$16 = { class: "prompt-dialog-content flex flex-col gap-6 m-2 mt-4" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_2$L = {
key: 0,
class: "pl-4 m-0 flex flex-col gap-2"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$t = { class: "flex gap-4 justify-end" };
+========
+const _hoisted_3$u = { class: "flex gap-4 justify-end" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _sfc_main$_ = /* @__PURE__ */ defineComponent({
__name: "ConfirmationDialogContent",
props: {
message: {},
type: {},
onConfirm: { type: Function },
- itemList: {}
+ itemList: {},
+ hint: {}
},
setup(__props) {
const props = __props;
@@ -141092,58 +148098,79 @@ const _sfc_main$_ = /* @__PURE__ */ defineComponent({
useDialogStore().closeDialog();
}, "onConfirm");
return (_ctx, _cache) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("section", _hoisted_1$17, [
+========
+ return openBlock(), createElementBlock("section", _hoisted_1$16, [
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
createBaseVNode("span", null, toDisplayString$1(_ctx.message), 1),
_ctx.itemList?.length ? (openBlock(), createElementBlock("ul", _hoisted_2$L, [
(openBlock(true), createElementBlock(Fragment$1, null, renderList(_ctx.itemList, (item3) => {
return openBlock(), createElementBlock("li", { key: item3 }, toDisplayString$1(item3), 1);
}), 128))
])) : createCommentVNode("", true),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("div", _hoisted_3$t, [
createVNode(unref(script$U), {
+========
+ _ctx.hint ? (openBlock(), createBlock(unref(script$S), {
+ key: 1,
+ icon: "pi pi-info-circle",
+ severity: "secondary",
+ size: "small",
+ variant: "simple"
+ }, {
+ default: withCtx(() => [
+ createTextVNode(toDisplayString$1(_ctx.hint), 1)
+ ]),
+ _: 1
+ })) : createCommentVNode("", true),
+ createBaseVNode("div", _hoisted_3$u, [
+ createVNode(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
label: _ctx.$t("g.cancel"),
icon: "pi pi-undo",
severity: "secondary",
onClick: onCancel,
autofocus: ""
}, null, 8, ["label"]),
- _ctx.type === "default" ? (openBlock(), createBlock(unref(script$U), {
+ _ctx.type === "default" ? (openBlock(), createBlock(unref(script$V), {
key: 0,
label: _ctx.$t("g.confirm"),
severity: "primary",
onClick: onConfirm,
icon: "pi pi-check"
- }, null, 8, ["label"])) : _ctx.type === "delete" ? (openBlock(), createBlock(unref(script$U), {
+ }, null, 8, ["label"])) : _ctx.type === "delete" ? (openBlock(), createBlock(unref(script$V), {
key: 1,
label: _ctx.$t("g.delete"),
severity: "danger",
onClick: onConfirm,
icon: "pi pi-trash"
- }, null, 8, ["label"])) : _ctx.type === "overwrite" ? (openBlock(), createBlock(unref(script$U), {
+ }, null, 8, ["label"])) : _ctx.type === "overwrite" ? (openBlock(), createBlock(unref(script$V), {
key: 2,
label: _ctx.$t("g.overwrite"),
severity: "warn",
onClick: onConfirm,
icon: "pi pi-save"
}, null, 8, ["label"])) : _ctx.type === "dirtyClose" ? (openBlock(), createElementBlock(Fragment$1, { key: 3 }, [
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
label: _ctx.$t("g.no"),
severity: "secondary",
onClick: onDeny,
icon: "pi pi-times"
}, null, 8, ["label"]),
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
label: _ctx.$t("g.save"),
onClick: onConfirm,
icon: "pi pi-save"
}, null, 8, ["label"])
- ], 64)) : _ctx.type === "reinstall" ? (openBlock(), createBlock(unref(script$U), {
+ ], 64)) : _ctx.type === "reinstall" ? (openBlock(), createBlock(unref(script$V), {
key: 4,
label: _ctx.$t("desktopMenu.reinstall"),
severity: "warn",
onClick: onConfirm,
icon: "pi pi-eraser"
- }, null, 8, ["label"])) : (openBlock(), createBlock(unref(script$U), {
+ }, null, 8, ["label"])) : (openBlock(), createBlock(unref(script$V), {
key: 5,
label: _ctx.$t("g.close"),
severity: "primary",
@@ -141155,13 +148182,18 @@ const _sfc_main$_ = /* @__PURE__ */ defineComponent({
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const ConfirmationDialogContent = /* @__PURE__ */ _export_sfc(_sfc_main$_, [["__scopeId", "data-v-3df70997"]]);
var theme$v = /* @__PURE__ */ __name(function theme10(_ref) {
+========
+const ConfirmationDialogContent = /* @__PURE__ */ _export_sfc(_sfc_main$_, [["__scopeId", "data-v-4f1e3bbe"]]);
+var theme$v = /* @__PURE__ */ __name(function theme11(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-divider-horizontal {\n display: flex;\n width: 100%;\n position: relative;\n align-items: center;\n margin: ".concat(dt2("divider.horizontal.margin"), ";\n padding: ").concat(dt2("divider.horizontal.padding"), ';\n}\n\n.p-divider-horizontal:before {\n position: absolute;\n display: block;\n inset-block-start: 50%;\n inset-inline-start: 0;\n width: 100%;\n content: "";\n border-block-start: 1px solid ').concat(dt2("divider.border.color"), ";\n}\n\n.p-divider-horizontal .p-divider-content {\n padding: ").concat(dt2("divider.horizontal.content.padding"), ";\n}\n\n.p-divider-vertical {\n min-height: 100%;\n display: flex;\n position: relative;\n justify-content: center;\n margin: ").concat(dt2("divider.vertical.margin"), ";\n padding: ").concat(dt2("divider.vertical.padding"), ';\n}\n\n.p-divider-vertical:before {\n position: absolute;\n display: block;\n inset-block-start: 0;\n inset-inline-start: 50%;\n height: 100%;\n content: "";\n border-inline-start: 1px solid ').concat(dt2("divider.border.color"), ";\n}\n\n.p-divider.p-divider-vertical .p-divider-content {\n padding: ").concat(dt2("divider.vertical.content.padding"), ";\n}\n\n.p-divider-content {\n z-index: 1;\n background: ").concat(dt2("divider.content.background"), ";\n color: ").concat(dt2("divider.content.color"), ";\n}\n\n.p-divider-solid.p-divider-horizontal:before {\n border-block-start-style: solid;\n}\n\n.p-divider-solid.p-divider-vertical:before {\n border-inline-start-style: solid;\n}\n\n.p-divider-dashed.p-divider-horizontal:before {\n border-block-start-style: dashed;\n}\n\n.p-divider-dashed.p-divider-vertical:before {\n border-inline-start-style: dashed;\n}\n\n.p-divider-dotted.p-divider-horizontal:before {\n border-block-start-style: dotted;\n}\n\n.p-divider-dotted.p-divider-vertical:before {\n border-inline-start-style: dotted;\n}\n\n.p-divider-left:dir(rtl),\n.p-divider-right:dir(rtl) {\n flex-direction: row-reverse;\n}\n");
}, "theme");
-var inlineStyles$2 = {
- root: /* @__PURE__ */ __name(function root5(_ref2) {
+var inlineStyles$3 = {
+ root: /* @__PURE__ */ __name(function root6(_ref2) {
var props = _ref2.props;
return {
justifyContent: props.layout === "horizontal" ? props.align === "center" || props.align === null ? "center" : props.align === "left" ? "flex-start" : props.align === "right" ? "flex-end" : null : null,
@@ -141170,7 +148202,11 @@ var inlineStyles$2 = {
}, "root")
};
var classes$z = {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
root: /* @__PURE__ */ __name(function root6(_ref3) {
+========
+ root: /* @__PURE__ */ __name(function root7(_ref3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var props = _ref3.props;
return ["p-divider p-component", "p-divider-" + props.layout, "p-divider-" + props.type, {
"p-divider-left": props.layout === "horizontal" && (!props.align || props.align === "left")
@@ -141188,15 +148224,23 @@ var classes$z = {
}, "root"),
content: "p-divider-content"
};
-var DividerStyle = BaseStyle.extend({
+var DividerStyle = BaseStyle$1.extend({
name: "divider",
theme: theme$v,
classes: classes$z,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
inlineStyles: inlineStyles$2
});
var script$1$A = {
name: "BaseDivider",
"extends": script$13,
+========
+ inlineStyles: inlineStyles$3
+});
+var script$1$z = {
+ name: "BaseDivider",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
align: {
type: String,
@@ -141212,7 +148256,7 @@ var script$1$A = {
}
},
style: DividerStyle,
- provide: /* @__PURE__ */ __name(function provide9() {
+ provide: /* @__PURE__ */ __name(function provide10() {
return {
$pcDivider: this,
$parentInstance: this
@@ -141221,24 +148265,40 @@ var script$1$A = {
};
var script$R = {
name: "Divider",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$1$A,
inheritAttrs: false
};
var _hoisted_1$16 = ["aria-orientation"];
function render$Q(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ "extends": script$1$z,
+ inheritAttrs: false
+};
+var _hoisted_1$15 = ["aria-orientation"];
+function render$P(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root"),
style: _ctx.sx("root"),
role: "separator",
"aria-orientation": _ctx.layout
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptmi("root")), [_ctx.$slots["default"] ? (openBlock(), createElementBlock("div", mergeProps$1({
key: 0,
"class": _ctx.cx("content")
}, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "default")], 16)) : createCommentVNode("", true)], 16, _hoisted_1$16);
+========
+ }, _ctx.ptmi("root")), [_ctx.$slots["default"] ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "default")], 16)) : createCommentVNode("", true)], 16, _hoisted_1$15);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
-__name(render$Q, "render$Q");
-script$R.render = render$Q;
-var theme$u = /* @__PURE__ */ __name(function theme11(_ref) {
+__name(render$P, "render$P");
+script$R.render = render$P;
+var theme$u = /* @__PURE__ */ __name(function theme12(_ref) {
var dt2 = _ref.dt;
return "\n.p-scrollpanel-content-container {\n overflow: hidden;\n width: 100%;\n height: 100%;\n position: relative;\n z-index: 1;\n float: left;\n}\n\n.p-scrollpanel-content {\n height: calc(100% + calc(2 * ".concat(dt2("scrollpanel.bar.size"), "));\n width: calc(100% + calc(2 * ").concat(dt2("scrollpanel.bar.size"), "));\n padding-inline: 0 calc(2 * ").concat(dt2("scrollpanel.bar.size"), ");\n padding-block: 0 calc(2 * ").concat(dt2("scrollpanel.bar.size"), ");\n position: relative;\n overflow: auto;\n box-sizing: border-box;\n scrollbar-width: none;\n}\n\n.p-scrollpanel-content::-webkit-scrollbar {\n display: none;\n}\n\n.p-scrollpanel-bar {\n position: relative;\n border-radius: ").concat(dt2("scrollpanel.bar.border.radius"), ";\n z-index: 2;\n cursor: pointer;\n opacity: 0;\n outline-color: transparent;\n background: ").concat(dt2("scrollpanel.bar.background"), ";\n border: 0 none;\n transition: outline-color ").concat(dt2("scrollpanel.transition.duration"), ", opacity ").concat(dt2("scrollpanel.transition.duration"), ";\n}\n\n.p-scrollpanel-bar:focus-visible {\n box-shadow: ").concat(dt2("scrollpanel.bar.focus.ring.shadow"), ";\n outline: ").concat(dt2("scrollpanel.barfocus.ring.width"), " ").concat(dt2("scrollpanel.bar.focus.ring.style"), " ").concat(dt2("scrollpanel.bar.focus.ring.color"), ";\n outline-offset: ").concat(dt2("scrollpanel.barfocus.ring.offset"), ";\n}\n\n.p-scrollpanel-bar-y {\n width: ").concat(dt2("scrollpanel.bar.size"), ";\n inset-block-start: 0;\n}\n\n.p-scrollpanel-bar-x {\n height: ").concat(dt2("scrollpanel.bar.size"), ";\n inset-block-end: 0;\n}\n\n.p-scrollpanel-hidden {\n visibility: hidden;\n}\n\n.p-scrollpanel:hover .p-scrollpanel-bar,\n.p-scrollpanel:active .p-scrollpanel-bar {\n opacity: 1;\n}\n\n.p-scrollpanel-grabbed {\n user-select: none;\n}\n");
}, "theme");
@@ -141249,14 +148309,20 @@ var classes$y = {
barX: "p-scrollpanel-bar p-scrollpanel-bar-x",
barY: "p-scrollpanel-bar p-scrollpanel-bar-y"
};
-var ScrollPanelStyle = BaseStyle.extend({
+var ScrollPanelStyle = BaseStyle$1.extend({
name: "scrollpanel",
theme: theme$u,
classes: classes$y
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$1$z = {
name: "BaseScrollPanel",
"extends": script$13,
+========
+var script$1$y = {
+ name: "BaseScrollPanel",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
step: {
type: Number,
@@ -141264,7 +148330,7 @@ var script$1$z = {
}
},
style: ScrollPanelStyle,
- provide: /* @__PURE__ */ __name(function provide10() {
+ provide: /* @__PURE__ */ __name(function provide11() {
return {
$pcScrollPanel: this,
$parentInstance: this
@@ -141273,7 +148339,11 @@ var script$1$z = {
};
var script$Q = {
name: "ScrollPanel",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$1$z,
+========
+ "extends": script$1$y,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
inheritAttrs: false,
initialized: false,
documentResizeListener: null,
@@ -141288,7 +148358,11 @@ var script$Q = {
lastPageY: null,
timer: null,
outsideClickListener: null,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
data: /* @__PURE__ */ __name(function data5() {
+========
+ data: /* @__PURE__ */ __name(function data6() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
id: this.$attrs.id,
orientation: "vertical",
@@ -141301,7 +148375,7 @@ var script$Q = {
this.id = newValue2 || UniqueComponentId();
}, "$attrsId")
},
- mounted: /* @__PURE__ */ __name(function mounted6() {
+ mounted: /* @__PURE__ */ __name(function mounted7() {
this.id = this.id || UniqueComponentId();
if (this.$el.offsetParent) {
this.initialize();
@@ -141325,7 +148399,7 @@ var script$Q = {
this.calculateContainerHeight();
}, "initialize"),
calculateContainerHeight: /* @__PURE__ */ __name(function calculateContainerHeight() {
- var containerStyles = getComputedStyle(this.$el), xBarStyles = getComputedStyle(this.$refs.xBar), pureContainerHeight = getHeight(this.$el) - parseInt(xBarStyles["height"], 10);
+ var containerStyles = getComputedStyle(this.$el), xBarStyles = getComputedStyle(this.$refs.xBar), pureContainerHeight = getHeight$1(this.$el) - parseInt(xBarStyles["height"], 10);
if (containerStyles["max-height"] !== "none" && pureContainerHeight === 0) {
if (this.$refs.content.offsetHeight + parseInt(xBarStyles["height"], 10) > parseInt(containerStyles["max-height"], 10)) {
this.$el.style.height = containerStyles["max-height"];
@@ -141349,20 +148423,28 @@ var script$Q = {
if (_this.$refs.xBar) {
if (_this.scrollXRatio >= 1) {
_this.$refs.xBar.setAttribute("data-p-scrollpanel-hidden", "true");
- !_this.isUnstyled && addClass(_this.$refs.xBar, "p-scrollpanel-hidden");
+ !_this.isUnstyled && addClass$1(_this.$refs.xBar, "p-scrollpanel-hidden");
} else {
_this.$refs.xBar.setAttribute("data-p-scrollpanel-hidden", "false");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
!_this.isUnstyled && removeClass(_this.$refs.xBar, "p-scrollpanel-hidden");
+========
+ !_this.isUnstyled && removeClass$1(_this.$refs.xBar, "p-scrollpanel-hidden");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
_this.$refs.xBar.style.cssText = "width:" + Math.max(_this.scrollXRatio * 100, 10) + "%; inset-inline-start:" + Math.abs(_this.$refs.content.scrollLeft) / totalWidth * 100 + "%;bottom:" + bottom + "px;";
}
}
if (_this.$refs.yBar) {
if (_this.scrollYRatio >= 1) {
_this.$refs.yBar.setAttribute("data-p-scrollpanel-hidden", "true");
- !_this.isUnstyled && addClass(_this.$refs.yBar, "p-scrollpanel-hidden");
+ !_this.isUnstyled && addClass$1(_this.$refs.yBar, "p-scrollpanel-hidden");
} else {
_this.$refs.yBar.setAttribute("data-p-scrollpanel-hidden", "false");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
!_this.isUnstyled && removeClass(_this.$refs.yBar, "p-scrollpanel-hidden");
+========
+ !_this.isUnstyled && removeClass$1(_this.$refs.yBar, "p-scrollpanel-hidden");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
_this.$refs.yBar.style.cssText = "height:" + Math.max(_this.scrollYRatio * 100, 10) + "%; top: calc(" + _this.$refs.content.scrollTop / totalHeight * 100 + "% - " + _this.$refs.xBar.clientHeight + "px); inset-inline-end:" + right + "px;";
}
}
@@ -141374,9 +148456,9 @@ var script$Q = {
this.$refs.yBar.focus();
this.lastPageY = e2.pageY;
this.$refs.yBar.setAttribute("data-p-scrollpanel-grabbed", "true");
- !this.isUnstyled && addClass(this.$refs.yBar, "p-scrollpanel-grabbed");
+ !this.isUnstyled && addClass$1(this.$refs.yBar, "p-scrollpanel-grabbed");
document.body.setAttribute("data-p-scrollpanel-grabbed", "true");
- !this.isUnstyled && addClass(document.body, "p-scrollpanel-grabbed");
+ !this.isUnstyled && addClass$1(document.body, "p-scrollpanel-grabbed");
this.bindDocumentMouseListeners();
e2.preventDefault();
}, "onYBarMouseDown"),
@@ -141385,9 +148467,9 @@ var script$Q = {
this.$refs.xBar.focus();
this.lastPageX = e2.pageX;
this.$refs.yBar.setAttribute("data-p-scrollpanel-grabbed", "false");
- !this.isUnstyled && addClass(this.$refs.xBar, "p-scrollpanel-grabbed");
+ !this.isUnstyled && addClass$1(this.$refs.xBar, "p-scrollpanel-grabbed");
document.body.setAttribute("data-p-scrollpanel-grabbed", "false");
- !this.isUnstyled && addClass(document.body, "p-scrollpanel-grabbed");
+ !this.isUnstyled && addClass$1(document.body, "p-scrollpanel-grabbed");
this.bindDocumentMouseListeners();
e2.preventDefault();
}, "onXBarMouseDown"),
@@ -141499,11 +148581,11 @@ var script$Q = {
}, "onBlur"),
onDocumentMouseUp: /* @__PURE__ */ __name(function onDocumentMouseUp() {
this.$refs.yBar.setAttribute("data-p-scrollpanel-grabbed", "false");
- !this.isUnstyled && removeClass(this.$refs.yBar, "p-scrollpanel-grabbed");
+ !this.isUnstyled && removeClass$1(this.$refs.yBar, "p-scrollpanel-grabbed");
this.$refs.xBar.setAttribute("data-p-scrollpanel-grabbed", "false");
- !this.isUnstyled && removeClass(this.$refs.xBar, "p-scrollpanel-grabbed");
+ !this.isUnstyled && removeClass$1(this.$refs.xBar, "p-scrollpanel-grabbed");
document.body.setAttribute("data-p-scrollpanel-grabbed", "false");
- !this.isUnstyled && removeClass(document.body, "p-scrollpanel-grabbed");
+ !this.isUnstyled && removeClass$1(document.body, "p-scrollpanel-grabbed");
this.unbindDocumentMouseListeners();
this.isXBarClicked = false;
this.isYBarClicked = false;
@@ -141570,6 +148652,7 @@ var script$Q = {
}, "contentId")
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_1$15 = ["id"];
var _hoisted_2$K = ["aria-controls", "aria-valuenow"];
var _hoisted_3$s = ["aria-controls", "aria-valuenow"];
@@ -141579,6 +148662,17 @@ function render$P(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("contentContainer")
}, _ctx.ptm("contentContainer")), [createBaseVNode("div", mergeProps$1({
+========
+var _hoisted_1$14 = ["id"];
+var _hoisted_2$K = ["aria-controls", "aria-valuenow"];
+var _hoisted_3$t = ["aria-controls", "aria-valuenow"];
+function render$O(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("contentContainer")
+ }, _ctx.ptm("contentContainer")), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "content",
id: $options.contentId,
"class": _ctx.cx("content"),
@@ -141588,7 +148682,11 @@ function render$P(_ctx, _cache, $props, $setup, $data, $options) {
onMouseenter: _cache[1] || (_cache[1] = function() {
return $options.moveBar && $options.moveBar.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "default")], 16, _hoisted_1$15)], 16), createBaseVNode("div", mergeProps$1({
+========
+ }, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "default")], 16, _hoisted_1$14)], 16), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "xBar",
"class": _ctx.cx("barx"),
tabindex: "0",
@@ -141613,7 +148711,11 @@ function render$P(_ctx, _cache, $props, $setup, $data, $options) {
})
}, _ctx.ptm("barx"), {
"data-pc-group-section": "bar"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), null, 16, _hoisted_2$K), createBaseVNode("div", mergeProps$1({
+========
+ }), null, 16, _hoisted_2$K), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "yBar",
"class": _ctx.cx("bary"),
tabindex: "0",
@@ -141635,11 +148737,15 @@ function render$P(_ctx, _cache, $props, $setup, $data, $options) {
})
}, _ctx.ptm("bary"), {
"data-pc-group-section": "bar"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), null, 16, _hoisted_3$s)], 16);
+========
+ }), null, 16, _hoisted_3$t)], 16);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
-__name(render$P, "render$P");
-script$Q.render = render$P;
-var theme$t = /* @__PURE__ */ __name(function theme12(_ref) {
+__name(render$O, "render$O");
+script$Q.render = render$O;
+var theme$t = /* @__PURE__ */ __name(function theme13(_ref) {
var dt2 = _ref.dt;
return "\n.p-card {\n background: ".concat(dt2("card.background"), ";\n color: ").concat(dt2("card.color"), ";\n box-shadow: ").concat(dt2("card.shadow"), ";\n border-radius: ").concat(dt2("card.border.radius"), ";\n display: flex;\n flex-direction: column;\n}\n\n.p-card-caption {\n display: flex;\n flex-direction: column;\n gap: ").concat(dt2("card.caption.gap"), ";\n}\n\n.p-card-body {\n padding: ").concat(dt2("card.body.padding"), ";\n display: flex;\n flex-direction: column;\n gap: ").concat(dt2("card.body.gap"), ";\n}\n\n.p-card-title {\n font-size: ").concat(dt2("card.title.font.size"), ";\n font-weight: ").concat(dt2("card.title.font.weight"), ";\n}\n\n.p-card-subtitle {\n color: ").concat(dt2("card.subtitle.color"), ";\n}\n");
}, "theme");
@@ -141653,16 +148759,22 @@ var classes$x = {
content: "p-card-content",
footer: "p-card-footer"
};
-var CardStyle = BaseStyle.extend({
+var CardStyle = BaseStyle$1.extend({
name: "card",
theme: theme$t,
classes: classes$x
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$1$y = {
name: "BaseCard",
"extends": script$13,
+========
+var script$1$x = {
+ name: "BaseCard",
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
style: CardStyle,
- provide: /* @__PURE__ */ __name(function provide11() {
+ provide: /* @__PURE__ */ __name(function provide12() {
return {
$pcCard: this,
$parentInstance: this
@@ -141671,6 +148783,7 @@ var script$1$y = {
};
var script$P = {
name: "Card",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$1$y,
inheritAttrs: false
};
@@ -141694,13 +148807,44 @@ function render$O(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("subtitle")), [renderSlot(_ctx.$slots, "subtitle")], 16)) : createCommentVNode("", true)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("content")
}, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "content")], 16), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ "extends": script$1$x,
+ inheritAttrs: false
+};
+function render$N(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [_ctx.$slots.header ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("header")
+ }, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header")], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("body")
+ }, _ctx.ptm("body")), [_ctx.$slots.title || _ctx.$slots.subtitle ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("caption")
+ }, _ctx.ptm("caption")), [_ctx.$slots.title ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("title")
+ }, _ctx.ptm("title")), [renderSlot(_ctx.$slots, "title")], 16)) : createCommentVNode("", true), _ctx.$slots.subtitle ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 1,
+ "class": _ctx.cx("subtitle")
+ }, _ctx.ptm("subtitle")), [renderSlot(_ctx.$slots, "subtitle")], 16)) : createCommentVNode("", true)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "content")], 16), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("footer")
}, _ctx.ptm("footer")), [renderSlot(_ctx.$slots, "footer")], 16)) : createCommentVNode("", true)], 16)], 16);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(render$O, "render$O");
script$P.render = render$O;
const _hoisted_1$14 = { class: "flex flex-col items-center" };
+========
+__name(render$N, "render$N");
+script$P.render = render$N;
+const _hoisted_1$13 = { class: "flex flex-col items-center" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_2$J = { class: "whitespace-pre-line text-center" };
const _sfc_main$Z = /* @__PURE__ */ defineComponent({
__name: "NoResultsPlaceholder",
@@ -141720,14 +148864,22 @@ const _sfc_main$Z = /* @__PURE__ */ defineComponent({
}, [
createVNode(unref(script$P), null, {
content: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("div", _hoisted_1$14, [
+========
+ createBaseVNode("div", _hoisted_1$13, [
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
createBaseVNode("i", {
class: normalizeClass(_ctx.icon),
style: { "font-size": "3rem", "margin-bottom": "1rem" }
}, null, 2),
createBaseVNode("h3", null, toDisplayString$1(_ctx.title), 1),
createBaseVNode("p", _hoisted_2$J, toDisplayString$1(_ctx.message), 1),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
_ctx.buttonLabel ? (openBlock(), createBlock(unref(script$U), {
+========
+ _ctx.buttonLabel ? (openBlock(), createBlock(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
label: _ctx.buttonLabel,
onClick: _cache[0] || (_cache[0] = ($event) => _ctx.$emit("action")),
@@ -141758,7 +148910,7 @@ const _sfc_main$Y = /* @__PURE__ */ defineComponent({
window.open(url, "_blank");
}, "openGitHubIssues");
return (_ctx, _cache) => {
- return openBlock(), createBlock(unref(script$U), {
+ return openBlock(), createBlock(unref(script$V), {
onClick: openGitHubIssues,
label: _ctx.$t("g.findIssues"),
severity: "secondary",
@@ -141776,22 +148928,22 @@ function useCopyToClipboard() {
await copy2(text2);
toast.add({
severity: "success",
- summary: "Success",
- detail: "Copied to clipboard",
+ summary: t("g.success"),
+ detail: t("clipboard.successMessage"),
life: 3e3
});
} catch (err) {
toast.add({
severity: "error",
- summary: "Error",
- detail: "Failed to copy report"
+ summary: t("g.error"),
+ detail: t("clipboard.errorMessage")
});
}
} else {
toast.add({
severity: "error",
- summary: "Error",
- detail: "Clipboard API not supported in your browser"
+ summary: t("g.error"),
+ detail: t("clipboard.errorNotSupported")
});
}
}, "copyToClipboard");
@@ -141800,6 +148952,7 @@ function useCopyToClipboard() {
};
}
__name(useCopyToClipboard, "useCopyToClipboard");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$d(o2) {
"@babel/helpers - typeof";
return _typeof$d = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -141826,12 +148979,1491 @@ function _unsupportedIterableToArray$e(r2, a2) {
}
__name(_unsupportedIterableToArray$e, "_unsupportedIterableToArray$e");
function _arrayLikeToArray$e(r2, a2) {
+========
+function classNames(...args) {
+ if (args) {
+ let classes2 = [];
+ for (let i2 = 0; i2 < args.length; i2++) {
+ let className = args[i2];
+ if (!className) {
+ continue;
+ }
+ const type = typeof className;
+ if (type === "string" || type === "number") {
+ classes2.push(className);
+ } else if (type === "object") {
+ const _classes = Array.isArray(className) ? [classNames(...className)] : Object.entries(className).map(([key, value4]) => value4 ? key : void 0);
+ classes2 = _classes.length ? classes2.concat(_classes.filter((c2) => !!c2)) : classes2;
+ }
+ }
+ return classes2.join(" ").trim();
+ }
+ return void 0;
+}
+__name(classNames, "classNames");
+function hasClass(element, className) {
+ if (element) {
+ if (element.classList) return element.classList.contains(className);
+ else return new RegExp("(^| )" + className + "( |$)", "gi").test(element.className);
+ }
+ return false;
+}
+__name(hasClass, "hasClass");
+function addClass(element, className) {
+ if (element && className) {
+ const fn = /* @__PURE__ */ __name((_className) => {
+ if (!hasClass(element, _className)) {
+ if (element.classList) element.classList.add(_className);
+ else element.className += " " + _className;
+ }
+ }, "fn");
+ [className].flat().filter(Boolean).forEach((_classNames) => _classNames.split(" ").forEach(fn));
+ }
+}
+__name(addClass, "addClass");
+function calculateBodyScrollbarWidth() {
+ return window.innerWidth - document.documentElement.offsetWidth;
+}
+__name(calculateBodyScrollbarWidth, "calculateBodyScrollbarWidth");
+function getCSSVariableByRegex(variableRegex) {
+ for (const sheet of document == null ? void 0 : document.styleSheets) {
+ try {
+ for (const rule of sheet == null ? void 0 : sheet.cssRules) {
+ for (const property of rule == null ? void 0 : rule.style) {
+ if (variableRegex.test(property)) {
+ return { name: property, value: rule.style.getPropertyValue(property).trim() };
+ }
+ }
+ }
+ } catch (e2) {
+ }
+ }
+ return null;
+}
+__name(getCSSVariableByRegex, "getCSSVariableByRegex");
+function blockBodyScroll(className = "p-overflow-hidden") {
+ const variableData = getCSSVariableByRegex(/-scrollbar-width$/);
+ (variableData == null ? void 0 : variableData.name) && document.body.style.setProperty(variableData.name, calculateBodyScrollbarWidth() + "px");
+ addClass(document.body, className);
+}
+__name(blockBodyScroll, "blockBodyScroll");
+function saveAs(file) {
+ if (file) {
+ let link2 = document.createElement("a");
+ if (link2.download !== void 0) {
+ const { name: name2, src } = file;
+ link2.setAttribute("href", src);
+ link2.setAttribute("download", name2);
+ link2.style.display = "none";
+ document.body.appendChild(link2);
+ link2.click();
+ document.body.removeChild(link2);
+ return true;
+ }
+ }
+ return false;
+}
+__name(saveAs, "saveAs");
+function exportCSV(csv, filename) {
+ let blob = new Blob([csv], {
+ type: "application/csv;charset=utf-8;"
+ });
+ if (window.navigator.msSaveOrOpenBlob) {
+ navigator.msSaveOrOpenBlob(blob, filename + ".csv");
+ } else {
+ const isDownloaded = saveAs({ name: filename + ".csv", src: URL.createObjectURL(blob) });
+ if (!isDownloaded) {
+ csv = "data:text/csv;charset=utf-8," + csv;
+ window.open(encodeURI(csv));
+ }
+ }
+}
+__name(exportCSV, "exportCSV");
+function removeClass(element, className) {
+ if (element && className) {
+ const fn = /* @__PURE__ */ __name((_className) => {
+ if (element.classList) element.classList.remove(_className);
+ else element.className = element.className.replace(new RegExp("(^|\\b)" + _className.split(" ").join("|") + "(\\b|$)", "gi"), " ");
+ }, "fn");
+ [className].flat().filter(Boolean).forEach((_classNames) => _classNames.split(" ").forEach(fn));
+ }
+}
+__name(removeClass, "removeClass");
+function unblockBodyScroll(className = "p-overflow-hidden") {
+ const variableData = getCSSVariableByRegex(/-scrollbar-width$/);
+ (variableData == null ? void 0 : variableData.name) && document.body.style.removeProperty(variableData.name);
+ removeClass(document.body, className);
+}
+__name(unblockBodyScroll, "unblockBodyScroll");
+function getHiddenElementDimensions(element) {
+ let dimensions = { width: 0, height: 0 };
+ if (element) {
+ element.style.visibility = "hidden";
+ element.style.display = "block";
+ dimensions.width = element.offsetWidth;
+ dimensions.height = element.offsetHeight;
+ element.style.display = "none";
+ element.style.visibility = "visible";
+ }
+ return dimensions;
+}
+__name(getHiddenElementDimensions, "getHiddenElementDimensions");
+function getViewport() {
+ let win = window, d2 = document, e2 = d2.documentElement, g2 = d2.getElementsByTagName("body")[0], w2 = win.innerWidth || e2.clientWidth || g2.clientWidth, h2 = win.innerHeight || e2.clientHeight || g2.clientHeight;
+ return { width: w2, height: h2 };
+}
+__name(getViewport, "getViewport");
+function getWindowScrollLeft() {
+ let doc2 = document.documentElement;
+ return (window.pageXOffset || doc2.scrollLeft) - (doc2.clientLeft || 0);
+}
+__name(getWindowScrollLeft, "getWindowScrollLeft");
+function getWindowScrollTop() {
+ let doc2 = document.documentElement;
+ return (window.pageYOffset || doc2.scrollTop) - (doc2.clientTop || 0);
+}
+__name(getWindowScrollTop, "getWindowScrollTop");
+function absolutePosition(element, target2, gutter = true) {
+ var _a2, _b, _c, _d;
+ if (element) {
+ const elementDimensions = element.offsetParent ? { width: element.offsetWidth, height: element.offsetHeight } : getHiddenElementDimensions(element);
+ const elementOuterHeight = elementDimensions.height;
+ const elementOuterWidth = elementDimensions.width;
+ const targetOuterHeight = target2.offsetHeight;
+ const targetOuterWidth = target2.offsetWidth;
+ const targetOffset = target2.getBoundingClientRect();
+ const windowScrollTop = getWindowScrollTop();
+ const windowScrollLeft = getWindowScrollLeft();
+ const viewport = getViewport();
+ let top, left, origin2 = "top";
+ if (targetOffset.top + targetOuterHeight + elementOuterHeight > viewport.height) {
+ top = targetOffset.top + windowScrollTop - elementOuterHeight;
+ origin2 = "bottom";
+ if (top < 0) {
+ top = windowScrollTop;
+ }
+ } else {
+ top = targetOuterHeight + targetOffset.top + windowScrollTop;
+ }
+ if (targetOffset.left + elementOuterWidth > viewport.width) left = Math.max(0, targetOffset.left + windowScrollLeft + targetOuterWidth - elementOuterWidth);
+ else left = targetOffset.left + windowScrollLeft;
+ element.style.top = top + "px";
+ element.style.left = left + "px";
+ element.style.transformOrigin = origin2;
+ gutter && (element.style.marginTop = origin2 === "bottom" ? `calc(${(_b = (_a2 = getCSSVariableByRegex(/-anchor-gutter$/)) == null ? void 0 : _a2.value) != null ? _b : "2px"} * -1)` : (_d = (_c = getCSSVariableByRegex(/-anchor-gutter$/)) == null ? void 0 : _c.value) != null ? _d : "");
+ }
+}
+__name(absolutePosition, "absolutePosition");
+function addStyle(element, style2) {
+ if (element) {
+ if (typeof style2 === "string") {
+ element.style.cssText = style2;
+ } else {
+ Object.entries(style2 || {}).forEach(([key, value4]) => element.style[key] = value4);
+ }
+ }
+}
+__name(addStyle, "addStyle");
+function getOuterWidth(element, margin) {
+ if (element instanceof HTMLElement) {
+ let width2 = element.offsetWidth;
+ if (margin) {
+ let style2 = getComputedStyle(element);
+ width2 += parseFloat(style2.marginLeft) + parseFloat(style2.marginRight);
+ }
+ return width2;
+ }
+ return 0;
+}
+__name(getOuterWidth, "getOuterWidth");
+function relativePosition(element, target2, gutter = true) {
+ var _a2, _b, _c, _d;
+ if (element) {
+ const elementDimensions = element.offsetParent ? { width: element.offsetWidth, height: element.offsetHeight } : getHiddenElementDimensions(element);
+ const targetHeight = target2.offsetHeight;
+ const targetOffset = target2.getBoundingClientRect();
+ const viewport = getViewport();
+ let top, left, origin2 = "top";
+ if (targetOffset.top + targetHeight + elementDimensions.height > viewport.height) {
+ top = -1 * elementDimensions.height;
+ origin2 = "bottom";
+ if (targetOffset.top + top < 0) {
+ top = -1 * targetOffset.top;
+ }
+ } else {
+ top = targetHeight;
+ }
+ if (elementDimensions.width > viewport.width) {
+ left = targetOffset.left * -1;
+ } else if (targetOffset.left + elementDimensions.width > viewport.width) {
+ left = (targetOffset.left + elementDimensions.width - viewport.width) * -1;
+ } else {
+ left = 0;
+ }
+ element.style.top = top + "px";
+ element.style.left = left + "px";
+ element.style.transformOrigin = origin2;
+ gutter && (element.style.marginTop = origin2 === "bottom" ? `calc(${(_b = (_a2 = getCSSVariableByRegex(/-anchor-gutter$/)) == null ? void 0 : _a2.value) != null ? _b : "2px"} * -1)` : (_d = (_c = getCSSVariableByRegex(/-anchor-gutter$/)) == null ? void 0 : _c.value) != null ? _d : "");
+ }
+}
+__name(relativePosition, "relativePosition");
+function alignOverlay(overlay, target2, appendTo2, calculateMinWidth = true) {
+ if (overlay && target2) {
+ if (appendTo2 === "self") {
+ relativePosition(overlay, target2);
+ } else {
+ calculateMinWidth && (overlay.style.minWidth = getOuterWidth(target2) + "px");
+ absolutePosition(overlay, target2);
+ }
+ }
+}
+__name(alignOverlay, "alignOverlay");
+function isElement(element) {
+ return typeof HTMLElement === "object" ? element instanceof HTMLElement : element && typeof element === "object" && element !== null && element.nodeType === 1 && typeof element.nodeName === "string";
+}
+__name(isElement, "isElement");
+function toElement(element) {
+ let target2 = element;
+ if (element && typeof element === "object") {
+ if (element.hasOwnProperty("current")) {
+ target2 = element.current;
+ } else if (element.hasOwnProperty("el")) {
+ if (element.el.hasOwnProperty("nativeElement")) {
+ target2 = element.el.nativeElement;
+ } else {
+ target2 = element.el;
+ }
+ }
+ }
+ return isElement(target2) ? target2 : void 0;
+}
+__name(toElement, "toElement");
+function appendChild(element, child) {
+ const target2 = toElement(element);
+ if (target2) target2.appendChild(child);
+ else throw new Error("Cannot append " + child + " to " + element);
+}
+__name(appendChild, "appendChild");
+var calculatedScrollbarHeight = void 0;
+function calculateScrollbarHeight(element) {
+ if (element) {
+ let style2 = getComputedStyle(element);
+ return element.offsetHeight - element.clientHeight - parseFloat(style2.borderTopWidth) - parseFloat(style2.borderBottomWidth);
+ } else {
+ if (calculatedScrollbarHeight != null) return calculatedScrollbarHeight;
+ let scrollDiv = document.createElement("div");
+ addStyle(scrollDiv, {
+ width: "100px",
+ height: "100px",
+ overflow: "scroll",
+ position: "absolute",
+ top: "-9999px"
+ });
+ document.body.appendChild(scrollDiv);
+ let scrollbarHeight = scrollDiv.offsetHeight - scrollDiv.clientHeight;
+ document.body.removeChild(scrollDiv);
+ calculatedScrollbarHeight = scrollbarHeight;
+ return scrollbarHeight;
+ }
+}
+__name(calculateScrollbarHeight, "calculateScrollbarHeight");
+var calculatedScrollbarWidth = void 0;
+function calculateScrollbarWidth(element) {
+ if (element) {
+ let style2 = getComputedStyle(element);
+ return element.offsetWidth - element.clientWidth - parseFloat(style2.borderLeftWidth) - parseFloat(style2.borderRightWidth);
+ } else {
+ if (calculatedScrollbarWidth != null) return calculatedScrollbarWidth;
+ let scrollDiv = document.createElement("div");
+ addStyle(scrollDiv, {
+ width: "100px",
+ height: "100px",
+ overflow: "scroll",
+ position: "absolute",
+ top: "-9999px"
+ });
+ document.body.appendChild(scrollDiv);
+ let scrollbarWidth = scrollDiv.offsetWidth - scrollDiv.clientWidth;
+ document.body.removeChild(scrollDiv);
+ calculatedScrollbarWidth = scrollbarWidth;
+ return scrollbarWidth;
+ }
+}
+__name(calculateScrollbarWidth, "calculateScrollbarWidth");
+function clearSelection() {
+ if (window.getSelection) {
+ const selection = window.getSelection() || {};
+ if (selection.empty) {
+ selection.empty();
+ } else if (selection.removeAllRanges && selection.rangeCount > 0 && selection.getRangeAt(0).getClientRects().length > 0) {
+ selection.removeAllRanges();
+ }
+ }
+}
+__name(clearSelection, "clearSelection");
+function setAttributes(element, attributes = {}) {
+ if (isElement(element)) {
+ const computedStyles = /* @__PURE__ */ __name((rule, value4) => {
+ var _a2, _b;
+ const styles = ((_a2 = element == null ? void 0 : element.$attrs) == null ? void 0 : _a2[rule]) ? [(_b = element == null ? void 0 : element.$attrs) == null ? void 0 : _b[rule]] : [];
+ return [value4].flat().reduce((cv, v2) => {
+ if (v2 !== null && v2 !== void 0) {
+ const type = typeof v2;
+ if (type === "string" || type === "number") {
+ cv.push(v2);
+ } else if (type === "object") {
+ const _cv = Array.isArray(v2) ? computedStyles(rule, v2) : Object.entries(v2).map(([_k, _v]) => rule === "style" && (!!_v || _v === 0) ? `${_k.replace(/([a-z])([A-Z])/g, "$1-$2").toLowerCase()}:${_v}` : !!_v ? _k : void 0);
+ cv = _cv.length ? cv.concat(_cv.filter((c2) => !!c2)) : cv;
+ }
+ }
+ return cv;
+ }, styles);
+ }, "computedStyles");
+ Object.entries(attributes).forEach(([key, value4]) => {
+ if (value4 !== void 0 && value4 !== null) {
+ const matchedEvent = key.match(/^on(.+)/);
+ if (matchedEvent) {
+ element.addEventListener(matchedEvent[1].toLowerCase(), value4);
+ } else if (key === "p-bind" || key === "pBind") {
+ setAttributes(element, value4);
+ } else {
+ value4 = key === "class" ? [...new Set(computedStyles("class", value4))].join(" ").trim() : key === "style" ? computedStyles("style", value4).join(";").trim() : value4;
+ (element.$attrs = element.$attrs || {}) && (element.$attrs[key] = value4);
+ element.setAttribute(key, value4);
+ }
+ }
+ });
+ }
+}
+__name(setAttributes, "setAttributes");
+function createElement(type, attributes = {}, ...children) {
+ if (type) {
+ const element = document.createElement(type);
+ setAttributes(element, attributes);
+ element.append(...children);
+ return element;
+ }
+ return void 0;
+}
+__name(createElement, "createElement");
+function createStyleAsString(css4, options4 = {}) {
+ return css4 ? `''` : "";
+}
+__name(createStyleAsString, "createStyleAsString");
+function createStyleTag$1(attributes = {}, container) {
+ let element = document.createElement("style");
+ setAttributes(element, attributes);
+ if (!container) {
+ container = document.head;
+ }
+ container.appendChild(element);
+ return element;
+}
+__name(createStyleTag$1, "createStyleTag$1");
+function fadeIn(element, duration) {
+ if (element) {
+ element.style.opacity = "0";
+ let last = +/* @__PURE__ */ new Date();
+ let opacity = "0";
+ let tick = /* @__PURE__ */ __name(function() {
+ opacity = `${+element.style.opacity + ((/* @__PURE__ */ new Date()).getTime() - last) / duration}`;
+ element.style.opacity = opacity;
+ last = +/* @__PURE__ */ new Date();
+ if (+opacity < 1) {
+ !!window.requestAnimationFrame && requestAnimationFrame(tick) || setTimeout(tick, 16);
+ }
+ }, "tick");
+ tick();
+ }
+}
+__name(fadeIn, "fadeIn");
+function fadeOut(element, duration) {
+ if (element) {
+ let opacity = 1, interval = 50, gap = interval / duration;
+ let fading = setInterval(() => {
+ opacity -= gap;
+ if (opacity <= 0) {
+ opacity = 0;
+ clearInterval(fading);
+ }
+ element.style.opacity = opacity.toString();
+ }, interval);
+ }
+}
+__name(fadeOut, "fadeOut");
+function find$1(element, selector) {
+ return isElement(element) ? Array.from(element.querySelectorAll(selector)) : [];
+}
+__name(find$1, "find$1");
+function findSingle(element, selector) {
+ return isElement(element) ? element.matches(selector) ? element : element.querySelector(selector) : null;
+}
+__name(findSingle, "findSingle");
+function focus$1(element, options4) {
+ element && document.activeElement !== element && element.focus(options4);
+}
+__name(focus$1, "focus$1");
+function getAttribute(element, name2) {
+ if (isElement(element)) {
+ const value4 = element.getAttribute(name2);
+ if (!isNaN(value4)) {
+ return +value4;
+ }
+ if (value4 === "true" || value4 === "false") {
+ return value4 === "true";
+ }
+ return value4;
+ }
+ return void 0;
+}
+__name(getAttribute, "getAttribute");
+function resolveUserAgent() {
+ let ua = navigator.userAgent.toLowerCase();
+ let match2 = /(chrome)[ ]([\w.]+)/.exec(ua) || /(webkit)[ ]([\w.]+)/.exec(ua) || /(opera)(?:.*version|)[ ]([\w.]+)/.exec(ua) || /(msie) ([\w.]+)/.exec(ua) || ua.indexOf("compatible") < 0 && /(mozilla)(?:.*? rv:([\w.]+)|)/.exec(ua) || [];
+ return {
+ browser: match2[1] || "",
+ version: match2[2] || "0"
+ };
+}
+__name(resolveUserAgent, "resolveUserAgent");
+var browser = null;
+function getBrowser() {
+ if (!browser) {
+ browser = {};
+ let matched = resolveUserAgent();
+ if (matched.browser) {
+ browser[matched.browser] = true;
+ browser["version"] = matched.version;
+ }
+ if (browser["chrome"]) {
+ browser["webkit"] = true;
+ } else if (browser["webkit"]) {
+ browser["safari"] = true;
+ }
+ }
+ return browser;
+}
+__name(getBrowser, "getBrowser");
+function getBrowserLanguage() {
+ return navigator.languages && navigator.languages.length && navigator.languages[0] || navigator.language || "en";
+}
+__name(getBrowserLanguage, "getBrowserLanguage");
+function getCSSProperty(element, property, inline3) {
+ var _a2;
+ if (element && property) {
+ return inline3 ? (_a2 = element == null ? void 0 : element.style) == null ? void 0 : _a2.getPropertyValue(property) : getComputedStyle(element).getPropertyValue(property);
+ }
+ return null;
+}
+__name(getCSSProperty, "getCSSProperty");
+function getCursorOffset(element, prevText, nextText, currentText) {
+ if (element) {
+ let style2 = getComputedStyle(element);
+ let ghostDiv = document.createElement("div");
+ ghostDiv.style.position = "absolute";
+ ghostDiv.style.top = "0px";
+ ghostDiv.style.left = "0px";
+ ghostDiv.style.visibility = "hidden";
+ ghostDiv.style.pointerEvents = "none";
+ ghostDiv.style.overflow = style2.overflow;
+ ghostDiv.style.width = style2.width;
+ ghostDiv.style.height = style2.height;
+ ghostDiv.style.padding = style2.padding;
+ ghostDiv.style.border = style2.border;
+ ghostDiv.style.overflowWrap = style2.overflowWrap;
+ ghostDiv.style.whiteSpace = style2.whiteSpace;
+ ghostDiv.style.lineHeight = style2.lineHeight;
+ ghostDiv.innerHTML = prevText.replace(/\r\n|\r|\n/g, "
");
+ let ghostSpan = document.createElement("span");
+ ghostSpan.textContent = currentText;
+ ghostDiv.appendChild(ghostSpan);
+ let text2 = document.createTextNode(nextText);
+ ghostDiv.appendChild(text2);
+ document.body.appendChild(ghostDiv);
+ const { offsetLeft, offsetTop, clientHeight } = ghostSpan;
+ document.body.removeChild(ghostDiv);
+ return {
+ left: Math.abs(offsetLeft - element.scrollLeft),
+ top: Math.abs(offsetTop - element.scrollTop) + clientHeight
+ };
+ }
+ return {
+ top: "auto",
+ left: "auto"
+ };
+}
+__name(getCursorOffset, "getCursorOffset");
+function getFocusableElements(element, selector = "") {
+ let focusableElements = find$1(
+ element,
+ `button:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [href][clientHeight][clientWidth]:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ input:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ select:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ textarea:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [tabIndex]:not([tabIndex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [contenteditable]:not([tabIndex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector}`
+ );
+ let visibleFocusableElements = [];
+ for (let focusableElement of focusableElements) {
+ if (getComputedStyle(focusableElement).display != "none" && getComputedStyle(focusableElement).visibility != "hidden") visibleFocusableElements.push(focusableElement);
+ }
+ return visibleFocusableElements;
+}
+__name(getFocusableElements, "getFocusableElements");
+function getFirstFocusableElement(element, selector) {
+ const focusableElements = getFocusableElements(element, selector);
+ return focusableElements.length > 0 ? focusableElements[0] : null;
+}
+__name(getFirstFocusableElement, "getFirstFocusableElement");
+function getHeight(element) {
+ if (element) {
+ let height = element.offsetHeight;
+ let style2 = getComputedStyle(element);
+ height -= parseFloat(style2.paddingTop) + parseFloat(style2.paddingBottom) + parseFloat(style2.borderTopWidth) + parseFloat(style2.borderBottomWidth);
+ return height;
+ }
+ return 0;
+}
+__name(getHeight, "getHeight");
+function getHiddenElementOuterHeight(element) {
+ if (element) {
+ element.style.visibility = "hidden";
+ element.style.display = "block";
+ let elementHeight = element.offsetHeight;
+ element.style.display = "none";
+ element.style.visibility = "visible";
+ return elementHeight;
+ }
+ return 0;
+}
+__name(getHiddenElementOuterHeight, "getHiddenElementOuterHeight");
+function getHiddenElementOuterWidth(element) {
+ if (element) {
+ element.style.visibility = "hidden";
+ element.style.display = "block";
+ let elementWidth = element.offsetWidth;
+ element.style.display = "none";
+ element.style.visibility = "visible";
+ return elementWidth;
+ }
+ return 0;
+}
+__name(getHiddenElementOuterWidth, "getHiddenElementOuterWidth");
+function getParentNode(element) {
+ if (element) {
+ let parent = element.parentNode;
+ if (parent && parent instanceof ShadowRoot && parent.host) {
+ parent = parent.host;
+ }
+ return parent;
+ }
+ return null;
+}
+__name(getParentNode, "getParentNode");
+function getIndex(element) {
+ var _a2;
+ if (element) {
+ let children = (_a2 = getParentNode(element)) == null ? void 0 : _a2.childNodes;
+ let num = 0;
+ if (children) {
+ for (let i2 = 0; i2 < children.length; i2++) {
+ if (children[i2] === element) return num;
+ if (children[i2].nodeType === 1) num++;
+ }
+ }
+ }
+ return -1;
+}
+__name(getIndex, "getIndex");
+function getInnerWidth(element) {
+ if (element) {
+ let width2 = element.offsetWidth;
+ let style2 = getComputedStyle(element);
+ width2 -= parseFloat(style2.borderLeft) + parseFloat(style2.borderRight);
+ return width2;
+ }
+ return 0;
+}
+__name(getInnerWidth, "getInnerWidth");
+function getLastFocusableElement(element, selector) {
+ const focusableElements = getFocusableElements(element, selector);
+ return focusableElements.length > 0 ? focusableElements[focusableElements.length - 1] : null;
+}
+__name(getLastFocusableElement, "getLastFocusableElement");
+function getNextElementSibling(element, selector) {
+ let nextElement = element.nextElementSibling;
+ while (nextElement) {
+ if (nextElement.matches(selector)) {
+ return nextElement;
+ } else {
+ nextElement = nextElement.nextElementSibling;
+ }
+ }
+ return null;
+}
+__name(getNextElementSibling, "getNextElementSibling");
+function getNextFocusableElement(container, element, selector) {
+ const focusableElements = getFocusableElements(container, selector);
+ const index2 = focusableElements.length > 0 ? focusableElements.findIndex((el) => el === element) : -1;
+ const nextIndex = index2 > -1 && focusableElements.length >= index2 + 1 ? index2 + 1 : -1;
+ return nextIndex > -1 ? focusableElements[nextIndex] : null;
+}
+__name(getNextFocusableElement, "getNextFocusableElement");
+function getOffset(element) {
+ if (element) {
+ let rect = element.getBoundingClientRect();
+ return {
+ top: rect.top + (window.pageYOffset || document.documentElement.scrollTop || document.body.scrollTop || 0),
+ left: rect.left + (window.pageXOffset || document.documentElement.scrollLeft || document.body.scrollLeft || 0)
+ };
+ }
+ return {
+ top: "auto",
+ left: "auto"
+ };
+}
+__name(getOffset, "getOffset");
+function getOuterHeight(element, margin) {
+ if (element) {
+ let height = element.offsetHeight;
+ if (margin) {
+ let style2 = getComputedStyle(element);
+ height += parseFloat(style2.marginTop) + parseFloat(style2.marginBottom);
+ }
+ return height;
+ }
+ return 0;
+}
+__name(getOuterHeight, "getOuterHeight");
+function getParents(element, parents = []) {
+ const parent = getParentNode(element);
+ return parent === null ? parents : getParents(parent, parents.concat([parent]));
+}
+__name(getParents, "getParents");
+function getPreviousElementSibling(element, selector) {
+ let previousElement = element.previousElementSibling;
+ while (previousElement) {
+ if (previousElement.matches(selector)) {
+ return previousElement;
+ } else {
+ previousElement = previousElement.previousElementSibling;
+ }
+ }
+ return null;
+}
+__name(getPreviousElementSibling, "getPreviousElementSibling");
+function getScrollableParents(element) {
+ let scrollableParents = [];
+ if (element) {
+ let parents = getParents(element);
+ const overflowRegex = /(auto|scroll)/;
+ const overflowCheck = /* @__PURE__ */ __name((node3) => {
+ try {
+ let styleDeclaration = window["getComputedStyle"](node3, null);
+ return overflowRegex.test(styleDeclaration.getPropertyValue("overflow")) || overflowRegex.test(styleDeclaration.getPropertyValue("overflowX")) || overflowRegex.test(styleDeclaration.getPropertyValue("overflowY"));
+ } catch (err) {
+ return false;
+ }
+ }, "overflowCheck");
+ for (let parent of parents) {
+ let scrollSelectors = parent.nodeType === 1 && parent.dataset["scrollselectors"];
+ if (scrollSelectors) {
+ let selectors = scrollSelectors.split(",");
+ for (let selector of selectors) {
+ let el = findSingle(parent, selector);
+ if (el && overflowCheck(el)) {
+ scrollableParents.push(el);
+ }
+ }
+ }
+ if (parent.nodeType !== 9 && overflowCheck(parent)) {
+ scrollableParents.push(parent);
+ }
+ }
+ }
+ return scrollableParents;
+}
+__name(getScrollableParents, "getScrollableParents");
+function getSelection$1() {
+ if (window.getSelection) return window.getSelection().toString();
+ else if (document.getSelection) return document.getSelection().toString();
+ return void 0;
+}
+__name(getSelection$1, "getSelection$1");
+function isExist(element) {
+ return !!(element !== null && typeof element !== "undefined" && element.nodeName && getParentNode(element));
+}
+__name(isExist, "isExist");
+function getTargetElement(target2, currentElement) {
+ var _a2;
+ if (!target2) return void 0;
+ switch (target2) {
+ case "document":
+ return document;
+ case "window":
+ return window;
+ case "body":
+ return document.body;
+ case "@next":
+ return currentElement == null ? void 0 : currentElement.nextElementSibling;
+ case "@prev":
+ return currentElement == null ? void 0 : currentElement.previousElementSibling;
+ case "@parent":
+ return currentElement == null ? void 0 : currentElement.parentElement;
+ case "@grandparent":
+ return (_a2 = currentElement == null ? void 0 : currentElement.parentElement) == null ? void 0 : _a2.parentElement;
+ default:
+ if (typeof target2 === "string") {
+ return document.querySelector(target2);
+ }
+ const isFunction2 = /* @__PURE__ */ __name((obj) => !!(obj && obj.constructor && obj.call && obj.apply), "isFunction");
+ const element = toElement(isFunction2(target2) ? target2() : target2);
+ return (element == null ? void 0 : element.nodeType) === 9 || isExist(element) ? element : void 0;
+ }
+}
+__name(getTargetElement, "getTargetElement");
+function getUserAgent() {
+ return navigator.userAgent;
+}
+__name(getUserAgent, "getUserAgent");
+function getWidth(element) {
+ if (element) {
+ let width2 = element.offsetWidth;
+ let style2 = getComputedStyle(element);
+ width2 -= parseFloat(style2.paddingLeft) + parseFloat(style2.paddingRight) + parseFloat(style2.borderLeftWidth) + parseFloat(style2.borderRightWidth);
+ return width2;
+ }
+ return 0;
+}
+__name(getWidth, "getWidth");
+function hasCSSAnimation(element) {
+ if (element) {
+ const style2 = getComputedStyle(element);
+ const animationDuration = parseFloat(style2.getPropertyValue("animation-duration") || "0");
+ return animationDuration > 0;
+ }
+ return false;
+}
+__name(hasCSSAnimation, "hasCSSAnimation");
+function hasCSSTransition(element) {
+ if (element) {
+ const style2 = getComputedStyle(element);
+ const transitionDuration = parseFloat(style2.getPropertyValue("transition-duration") || "0");
+ return transitionDuration > 0;
+ }
+ return false;
+}
+__name(hasCSSTransition, "hasCSSTransition");
+function invokeElementMethod(element, methodName, args) {
+ element[methodName].apply(element, args);
+}
+__name(invokeElementMethod, "invokeElementMethod");
+function isAndroid$2() {
+ return /(android)/i.test(navigator.userAgent);
+}
+__name(isAndroid$2, "isAndroid$2");
+function isAttributeEquals(element, name2, value4) {
+ return isElement(element) ? getAttribute(element, name2) === value4 : false;
+}
+__name(isAttributeEquals, "isAttributeEquals");
+function isAttributeNotEquals(element, name2, value4) {
+ return !isAttributeEquals(element, name2, value4);
+}
+__name(isAttributeNotEquals, "isAttributeNotEquals");
+function isClickable(element) {
+ if (element) {
+ const targetNode = element.nodeName;
+ const parentNode2 = element.parentElement && element.parentElement.nodeName;
+ return targetNode === "INPUT" || targetNode === "TEXTAREA" || targetNode === "BUTTON" || targetNode === "A" || parentNode2 === "INPUT" || parentNode2 === "TEXTAREA" || parentNode2 === "BUTTON" || parentNode2 === "A" || !!element.closest(".p-button, .p-checkbox, .p-radiobutton");
+ }
+ return false;
+}
+__name(isClickable, "isClickable");
+function isClient() {
+ return !!(typeof window !== "undefined" && window.document && window.document.createElement);
+}
+__name(isClient, "isClient");
+function isFocusableElement(element, selector = "") {
+ return isElement(element) ? element.matches(`button:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [href][clientHeight][clientWidth]:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ input:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ select:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ textarea:not([tabindex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [tabIndex]:not([tabIndex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector},
+ [contenteditable]:not([tabIndex = "-1"]):not([disabled]):not([style*="display:none"]):not([hidden])${selector}`) : false;
+}
+__name(isFocusableElement, "isFocusableElement");
+function isVisible(element) {
+ return !!(element && element.offsetParent != null);
+}
+__name(isVisible, "isVisible");
+function isHidden(element) {
+ return !isVisible(element);
+}
+__name(isHidden, "isHidden");
+function isIOS() {
+ return /iPad|iPhone|iPod/.test(navigator.userAgent) && !window["MSStream"];
+}
+__name(isIOS, "isIOS");
+function isRTL(element) {
+ return element ? getComputedStyle(element).direction === "rtl" : false;
+}
+__name(isRTL, "isRTL");
+function isServer() {
+ return !isClient();
+}
+__name(isServer, "isServer");
+function isTouchDevice() {
+ return "ontouchstart" in window || navigator.maxTouchPoints > 0 || navigator.msMaxTouchPoints > 0;
+}
+__name(isTouchDevice, "isTouchDevice");
+function nestedPosition(element, level) {
+ var _a2, _b;
+ if (element) {
+ const parentItem = element.parentElement;
+ const elementOffset = getOffset(parentItem);
+ const viewport = getViewport();
+ const sublistWidth = element.offsetParent ? element.offsetWidth : getHiddenElementOuterWidth(element);
+ const sublistHeight = element.offsetParent ? element.offsetHeight : getHiddenElementOuterHeight(element);
+ const itemOuterWidth = getOuterWidth((_a2 = parentItem == null ? void 0 : parentItem.children) == null ? void 0 : _a2[0]);
+ const itemOuterHeight = getOuterHeight((_b = parentItem == null ? void 0 : parentItem.children) == null ? void 0 : _b[0]);
+ let left = "";
+ let top = "";
+ if (elementOffset.left + itemOuterWidth + sublistWidth > viewport.width - calculateScrollbarWidth()) {
+ if (elementOffset.left < sublistWidth) {
+ if (level % 2 === 1) {
+ left = elementOffset.left ? "-" + elementOffset.left + "px" : "100%";
+ } else if (level % 2 === 0) {
+ left = viewport.width - sublistWidth - calculateScrollbarWidth() + "px";
+ }
+ } else {
+ left = "-100%";
+ }
+ } else {
+ left = "100%";
+ }
+ if (element.getBoundingClientRect().top + itemOuterHeight + sublistHeight > viewport.height) {
+ top = `-${sublistHeight - itemOuterHeight}px`;
+ } else {
+ top = "0px";
+ }
+ element.style.top = top;
+ element.style.left = left;
+ }
+}
+__name(nestedPosition, "nestedPosition");
+function remove(element) {
+ var _a2;
+ if (element) {
+ if (!("remove" in Element.prototype)) (_a2 = element.parentNode) == null ? void 0 : _a2.removeChild(element);
+ else element.remove();
+ }
+}
+__name(remove, "remove");
+function removeChild(element, child) {
+ const target2 = toElement(element);
+ if (target2) target2.removeChild(child);
+ else throw new Error("Cannot remove " + child + " from " + element);
+}
+__name(removeChild, "removeChild");
+function removeStyleTag(element) {
+ var _a2;
+ if (isExist(element)) {
+ try {
+ (_a2 = element.parentNode) == null ? void 0 : _a2.removeChild(element);
+ } catch (error2) {
+ }
+ return null;
+ }
+ return element;
+}
+__name(removeStyleTag, "removeStyleTag");
+function scrollInView(container, item3) {
+ let borderTopValue = getComputedStyle(container).getPropertyValue("borderTopWidth");
+ let borderTop = borderTopValue ? parseFloat(borderTopValue) : 0;
+ let paddingTopValue = getComputedStyle(container).getPropertyValue("paddingTop");
+ let paddingTop = paddingTopValue ? parseFloat(paddingTopValue) : 0;
+ let containerRect = container.getBoundingClientRect();
+ let itemRect = item3.getBoundingClientRect();
+ let offset = itemRect.top + document.body.scrollTop - (containerRect.top + document.body.scrollTop) - borderTop - paddingTop;
+ let scroll = container.scrollTop;
+ let elementHeight = container.clientHeight;
+ let itemHeight = getOuterHeight(item3);
+ if (offset < 0) {
+ container.scrollTop = scroll + offset;
+ } else if (offset + itemHeight > elementHeight) {
+ container.scrollTop = scroll + offset - elementHeight + itemHeight;
+ }
+}
+__name(scrollInView, "scrollInView");
+function setAttribute(element, attribute2 = "", value4) {
+ if (isElement(element) && value4 !== null && value4 !== void 0) {
+ element.setAttribute(attribute2, value4);
+ }
+}
+__name(setAttribute, "setAttribute");
+function setCSSProperty(element, property, value4 = null, priority) {
+ var _a2;
+ property && ((_a2 = element == null ? void 0 : element.style) == null ? void 0 : _a2.setProperty(property, value4, priority));
+}
+__name(setCSSProperty, "setCSSProperty");
+function EventBus() {
+ const allHandlers = /* @__PURE__ */ new Map();
+ return {
+ on(type, handler12) {
+ let handlers2 = allHandlers.get(type);
+ if (!handlers2) handlers2 = [handler12];
+ else handlers2.push(handler12);
+ allHandlers.set(type, handlers2);
+ return this;
+ },
+ off(type, handler12) {
+ let handlers2 = allHandlers.get(type);
+ if (handlers2) {
+ handlers2.splice(handlers2.indexOf(handler12) >>> 0, 1);
+ }
+ return this;
+ },
+ emit(type, evt) {
+ let handlers2 = allHandlers.get(type);
+ if (handlers2) {
+ handlers2.slice().map((handler12) => {
+ handler12(evt);
+ });
+ }
+ },
+ clear() {
+ allHandlers.clear();
+ }
+ };
+}
+__name(EventBus, "EventBus");
+var __defProp$4 = Object.defineProperty;
+var __getOwnPropSymbols$3 = Object.getOwnPropertySymbols;
+var __hasOwnProp$3 = Object.prototype.hasOwnProperty;
+var __propIsEnum$3 = Object.prototype.propertyIsEnumerable;
+var __defNormalProp$4 = /* @__PURE__ */ __name((obj, key, value4) => key in obj ? __defProp$4(obj, key, { enumerable: true, configurable: true, writable: true, value: value4 }) : obj[key] = value4, "__defNormalProp$4");
+var __spreadValues$3 = /* @__PURE__ */ __name((a2, b2) => {
+ for (var prop2 in b2 || (b2 = {}))
+ if (__hasOwnProp$3.call(b2, prop2))
+ __defNormalProp$4(a2, prop2, b2[prop2]);
+ if (__getOwnPropSymbols$3)
+ for (var prop2 of __getOwnPropSymbols$3(b2)) {
+ if (__propIsEnum$3.call(b2, prop2))
+ __defNormalProp$4(a2, prop2, b2[prop2]);
+ }
+ return a2;
+}, "__spreadValues$3");
+function isFunction$8(value4) {
+ return !!(value4 && value4.constructor && value4.call && value4.apply);
+}
+__name(isFunction$8, "isFunction$8");
+function mergeProps(...props) {
+ return props == null ? void 0 : props.reduce((merged, ps = {}) => {
+ for (const key in ps) {
+ const value4 = ps[key];
+ if (key === "style") {
+ merged["style"] = __spreadValues$3(__spreadValues$3({}, merged["style"]), ps["style"]);
+ } else if (key === "class") {
+ merged["class"] = [merged["class"], ps["class"]].join(" ").trim() || void 0;
+ } else if (key === "className") {
+ merged["className"] = [merged["className"], ps["className"]].join(" ").trim() || void 0;
+ } else if (isFunction$8(value4)) {
+ const fn = merged[key];
+ merged[key] = fn ? (...args) => {
+ fn(...args);
+ value4(...args);
+ } : value4;
+ } else {
+ merged[key] = value4;
+ }
+ }
+ return merged;
+ }, {});
+}
+__name(mergeProps, "mergeProps");
+var __defProp$3 = Object.defineProperty;
+var __getOwnPropSymbols$2 = Object.getOwnPropertySymbols;
+var __hasOwnProp$2 = Object.prototype.hasOwnProperty;
+var __propIsEnum$2 = Object.prototype.propertyIsEnumerable;
+var __defNormalProp$3 = /* @__PURE__ */ __name((obj, key, value4) => key in obj ? __defProp$3(obj, key, { enumerable: true, configurable: true, writable: true, value: value4 }) : obj[key] = value4, "__defNormalProp$3");
+var __spreadValues$2 = /* @__PURE__ */ __name((a2, b2) => {
+ for (var prop2 in b2 || (b2 = {}))
+ if (__hasOwnProp$2.call(b2, prop2))
+ __defNormalProp$3(a2, prop2, b2[prop2]);
+ if (__getOwnPropSymbols$2)
+ for (var prop2 of __getOwnPropSymbols$2(b2)) {
+ if (__propIsEnum$2.call(b2, prop2))
+ __defNormalProp$3(a2, prop2, b2[prop2]);
+ }
+ return a2;
+}, "__spreadValues$2");
+function isEmpty$2(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;
+}
+__name(isEmpty$2, "isEmpty$2");
+function compare$2(value1, value22, comparator, order = 1) {
+ let result = -1;
+ const emptyValue1 = isEmpty$2(value1);
+ const emptyValue2 = isEmpty$2(value22);
+ if (emptyValue1 && emptyValue2) result = 0;
+ else if (emptyValue1) result = order;
+ else if (emptyValue2) result = -order;
+ else if (typeof value1 === "string" && typeof value22 === "string") result = comparator(value1, value22);
+ else result = value1 < value22 ? -1 : value1 > value22 ? 1 : 0;
+ return result;
+}
+__name(compare$2, "compare$2");
+function _deepEquals$1(obj1, obj2, visited = /* @__PURE__ */ new WeakSet()) {
+ if (obj1 === obj2) return true;
+ if (!obj1 || !obj2 || typeof obj1 !== "object" || typeof obj2 !== "object") return false;
+ if (visited.has(obj1) || visited.has(obj2)) return false;
+ visited.add(obj1).add(obj2);
+ let arrObj1 = Array.isArray(obj1), arrObj2 = Array.isArray(obj2), i2, length, key;
+ if (arrObj1 && arrObj2) {
+ length = obj1.length;
+ if (length != obj2.length) return false;
+ for (i2 = length; i2-- !== 0; ) if (!_deepEquals$1(obj1[i2], obj2[i2], visited)) return false;
+ return true;
+ }
+ if (arrObj1 != arrObj2) return false;
+ let dateObj1 = obj1 instanceof Date, dateObj2 = obj2 instanceof Date;
+ if (dateObj1 != dateObj2) return false;
+ if (dateObj1 && dateObj2) return obj1.getTime() == obj2.getTime();
+ let regexpObj1 = obj1 instanceof RegExp, regexpObj2 = obj2 instanceof RegExp;
+ if (regexpObj1 != regexpObj2) return false;
+ if (regexpObj1 && regexpObj2) return obj1.toString() == obj2.toString();
+ let keys2 = Object.keys(obj1);
+ length = keys2.length;
+ if (length !== Object.keys(obj2).length) return false;
+ for (i2 = length; i2-- !== 0; ) if (!Object.prototype.hasOwnProperty.call(obj2, keys2[i2])) return false;
+ for (i2 = length; i2-- !== 0; ) {
+ key = keys2[i2];
+ if (!_deepEquals$1(obj1[key], obj2[key], visited)) return false;
+ }
+ return true;
+}
+__name(_deepEquals$1, "_deepEquals$1");
+function deepEquals$1(obj1, obj2) {
+ return _deepEquals$1(obj1, obj2);
+}
+__name(deepEquals$1, "deepEquals$1");
+function isFunction$7(value4) {
+ return !!(value4 && value4.constructor && value4.call && value4.apply);
+}
+__name(isFunction$7, "isFunction$7");
+function isNotEmpty$1(value4) {
+ return !isEmpty$2(value4);
+}
+__name(isNotEmpty$1, "isNotEmpty$1");
+function resolveFieldData$1(data26, field2) {
+ if (!data26 || !field2) {
+ return null;
+ }
+ try {
+ const value4 = data26[field2];
+ if (isNotEmpty$1(value4)) return value4;
+ } catch (e2) {
+ }
+ if (Object.keys(data26).length) {
+ if (isFunction$7(field2)) {
+ return field2(data26);
+ } else if (field2.indexOf(".") === -1) {
+ return data26[field2];
+ } else {
+ let fields = field2.split(".");
+ let value4 = data26;
+ for (let i2 = 0, len = fields.length; i2 < len; ++i2) {
+ if (value4 == null) {
+ return null;
+ }
+ value4 = value4[fields[i2]];
+ }
+ return value4;
+ }
+ }
+ return null;
+}
+__name(resolveFieldData$1, "resolveFieldData$1");
+function equals$1(obj1, obj2, field2) {
+ if (field2) return resolveFieldData$1(obj1, field2) === resolveFieldData$1(obj2, field2);
+ else return deepEquals$1(obj1, obj2);
+}
+__name(equals$1, "equals$1");
+function contains$1(value4, list2) {
+ if (value4 != null && list2 && list2.length) {
+ for (let val of list2) {
+ if (equals$1(value4, val)) return true;
+ }
+ }
+ return false;
+}
+__name(contains$1, "contains$1");
+function filter$1(value4, fields, filterValue) {
+ let filteredItems = [];
+ if (value4) {
+ for (let item3 of value4) {
+ for (let field2 of fields) {
+ if (String(resolveFieldData$1(item3, field2)).toLowerCase().indexOf(filterValue.toLowerCase()) > -1) {
+ filteredItems.push(item3);
+ break;
+ }
+ }
+ }
+ }
+ return filteredItems;
+}
+__name(filter$1, "filter$1");
+function findIndexInList$1(value4, list2) {
+ let index2 = -1;
+ if (list2) {
+ for (let i2 = 0; i2 < list2.length; i2++) {
+ if (list2[i2] === value4) {
+ index2 = i2;
+ break;
+ }
+ }
+ }
+ return index2;
+}
+__name(findIndexInList$1, "findIndexInList$1");
+function findLast$1(arr, callback) {
+ let item3;
+ if (isNotEmpty$1(arr)) {
+ try {
+ item3 = arr.findLast(callback);
+ } catch (e2) {
+ item3 = [...arr].reverse().find(callback);
+ }
+ }
+ return item3;
+}
+__name(findLast$1, "findLast$1");
+function findLastIndex$1(arr, callback) {
+ let index2 = -1;
+ if (isNotEmpty$1(arr)) {
+ try {
+ index2 = arr.findLastIndex(callback);
+ } catch (e2) {
+ index2 = arr.lastIndexOf([...arr].reverse().find(callback));
+ }
+ }
+ return index2;
+}
+__name(findLastIndex$1, "findLastIndex$1");
+function isObject$a(value4, empty3 = true) {
+ return value4 instanceof Object && value4.constructor === Object && (empty3 || Object.keys(value4).length !== 0);
+}
+__name(isObject$a, "isObject$a");
+function resolve$1(obj, ...params) {
+ return isFunction$7(obj) ? obj(...params) : obj;
+}
+__name(resolve$1, "resolve$1");
+function isString$5(value4, empty3 = true) {
+ return typeof value4 === "string" && (empty3 || value4 !== "");
+}
+__name(isString$5, "isString$5");
+function toFlatCase$1(str) {
+ return isString$5(str) ? str.replace(/(-|_)/g, "").toLowerCase() : str;
+}
+__name(toFlatCase$1, "toFlatCase$1");
+function getKeyValue$1(obj, key = "", params = {}) {
+ const fKeys = toFlatCase$1(key).split(".");
+ const fKey = fKeys.shift();
+ return fKey ? isObject$a(obj) ? getKeyValue$1(resolve$1(obj[Object.keys(obj).find((k2) => toFlatCase$1(k2) === fKey) || ""], params), fKeys.join("."), params) : void 0 : resolve$1(obj, params);
+}
+__name(getKeyValue$1, "getKeyValue$1");
+function insertIntoOrderedArray$1(item3, index2, arr, sourceArr) {
+ if (arr.length > 0) {
+ let injected = false;
+ for (let i2 = 0; i2 < arr.length; i2++) {
+ let currentItemIndex = findIndexInList$1(arr[i2], sourceArr);
+ if (currentItemIndex > index2) {
+ arr.splice(i2, 0, item3);
+ injected = true;
+ break;
+ }
+ }
+ if (!injected) {
+ arr.push(item3);
+ }
+ } else {
+ arr.push(item3);
+ }
+}
+__name(insertIntoOrderedArray$1, "insertIntoOrderedArray$1");
+function isArray$7(value4, empty3 = true) {
+ return Array.isArray(value4) && (empty3 || value4.length !== 0);
+}
+__name(isArray$7, "isArray$7");
+function isDate$1(value4) {
+ return value4 instanceof Date && value4.constructor === Date;
+}
+__name(isDate$1, "isDate$1");
+function isLetter$2(char) {
+ return /^[a-zA-Z\u00C0-\u017F]$/.test(char);
+}
+__name(isLetter$2, "isLetter$2");
+function isNumber$4(value4) {
+ return isNotEmpty$1(value4) && !isNaN(value4);
+}
+__name(isNumber$4, "isNumber$4");
+function isPrintableCharacter$1(char = "") {
+ return isNotEmpty$1(char) && char.length === 1 && !!char.match(/\S| /);
+}
+__name(isPrintableCharacter$1, "isPrintableCharacter$1");
+function isScalar$1(value4) {
+ return value4 != null && (typeof value4 === "string" || typeof value4 === "number" || typeof value4 === "bigint" || typeof value4 === "boolean");
+}
+__name(isScalar$1, "isScalar$1");
+function localeComparator$1() {
+ return new Intl.Collator(void 0, { numeric: true }).compare;
+}
+__name(localeComparator$1, "localeComparator$1");
+function matchRegex$1(str, regex2) {
+ if (regex2) {
+ const match2 = regex2.test(str);
+ regex2.lastIndex = 0;
+ return match2;
+ }
+ return false;
+}
+__name(matchRegex$1, "matchRegex$1");
+function mergeKeys$1(...args) {
+ const _mergeKeys = /* @__PURE__ */ __name((target2 = {}, source = {}) => {
+ const mergedObj = __spreadValues$2({}, target2);
+ Object.keys(source).forEach((key) => {
+ if (isObject$a(source[key]) && key in target2 && isObject$a(target2[key])) {
+ mergedObj[key] = _mergeKeys(target2[key], source[key]);
+ } else {
+ mergedObj[key] = source[key];
+ }
+ });
+ return mergedObj;
+ }, "_mergeKeys");
+ return args.reduce((acc, obj, i2) => i2 === 0 ? obj : _mergeKeys(acc, obj), {});
+}
+__name(mergeKeys$1, "mergeKeys$1");
+function minifyCSS$1(css4) {
+ return css4 ? css4.replace(/\/\*(?:(?!\*\/)[\s\S])*\*\/|[\r\n\t]+/g, "").replace(/ {2,}/g, " ").replace(/ ([{:}]) /g, "$1").replace(/([;,]) /g, "$1").replace(/ !/g, "!").replace(/: /g, ":") : css4;
+}
+__name(minifyCSS$1, "minifyCSS$1");
+function nestedKeys$1(obj = {}, parentKey = "") {
+ return Object.entries(obj).reduce((o2, [key, value4]) => {
+ const currentKey = parentKey ? `${parentKey}.${key}` : key;
+ isObject$a(value4) ? o2 = o2.concat(nestedKeys$1(value4, currentKey)) : o2.push(currentKey);
+ return o2;
+ }, []);
+}
+__name(nestedKeys$1, "nestedKeys$1");
+function omit$1(obj, ...keys2) {
+ if (!isObject$a(obj)) return obj;
+ const copy2 = __spreadValues$2({}, obj);
+ keys2 == null ? void 0 : keys2.flat().forEach((key) => delete copy2[key]);
+ return copy2;
+}
+__name(omit$1, "omit$1");
+function removeAccents$1(str) {
+ const accentCheckRegex = /[\xC0-\xFF\u0100-\u017E]/;
+ if (str && accentCheckRegex.test(str)) {
+ const accentsMap = {
+ A: /[\xC0-\xC5\u0100\u0102\u0104]/g,
+ AE: /[\xC6]/g,
+ C: /[\xC7\u0106\u0108\u010A\u010C]/g,
+ D: /[\xD0\u010E\u0110]/g,
+ E: /[\xC8-\xCB\u0112\u0114\u0116\u0118\u011A]/g,
+ G: /[\u011C\u011E\u0120\u0122]/g,
+ H: /[\u0124\u0126]/g,
+ I: /[\xCC-\xCF\u0128\u012A\u012C\u012E\u0130]/g,
+ IJ: /[\u0132]/g,
+ J: /[\u0134]/g,
+ K: /[\u0136]/g,
+ L: /[\u0139\u013B\u013D\u013F\u0141]/g,
+ N: /[\xD1\u0143\u0145\u0147\u014A]/g,
+ O: /[\xD2-\xD6\xD8\u014C\u014E\u0150]/g,
+ OE: /[\u0152]/g,
+ R: /[\u0154\u0156\u0158]/g,
+ S: /[\u015A\u015C\u015E\u0160]/g,
+ T: /[\u0162\u0164\u0166]/g,
+ U: /[\xD9-\xDC\u0168\u016A\u016C\u016E\u0170\u0172]/g,
+ W: /[\u0174]/g,
+ Y: /[\xDD\u0176\u0178]/g,
+ Z: /[\u0179\u017B\u017D]/g,
+ a: /[\xE0-\xE5\u0101\u0103\u0105]/g,
+ ae: /[\xE6]/g,
+ c: /[\xE7\u0107\u0109\u010B\u010D]/g,
+ d: /[\u010F\u0111]/g,
+ e: /[\xE8-\xEB\u0113\u0115\u0117\u0119\u011B]/g,
+ g: /[\u011D\u011F\u0121\u0123]/g,
+ i: /[\xEC-\xEF\u0129\u012B\u012D\u012F\u0131]/g,
+ ij: /[\u0133]/g,
+ j: /[\u0135]/g,
+ k: /[\u0137,\u0138]/g,
+ l: /[\u013A\u013C\u013E\u0140\u0142]/g,
+ n: /[\xF1\u0144\u0146\u0148\u014B]/g,
+ p: /[\xFE]/g,
+ o: /[\xF2-\xF6\xF8\u014D\u014F\u0151]/g,
+ oe: /[\u0153]/g,
+ r: /[\u0155\u0157\u0159]/g,
+ s: /[\u015B\u015D\u015F\u0161]/g,
+ t: /[\u0163\u0165\u0167]/g,
+ u: /[\xF9-\xFC\u0169\u016B\u016D\u016F\u0171\u0173]/g,
+ w: /[\u0175]/g,
+ y: /[\xFD\xFF\u0177]/g,
+ z: /[\u017A\u017C\u017E]/g
+ };
+ for (let key in accentsMap) {
+ str = str.replace(accentsMap[key], key);
+ }
+ }
+ return str;
+}
+__name(removeAccents$1, "removeAccents$1");
+function reorderArray$1(value4, from2, to) {
+ if (value4 && from2 !== to) {
+ if (to >= value4.length) {
+ to %= value4.length;
+ from2 %= value4.length;
+ }
+ value4.splice(to, 0, value4.splice(from2, 1)[0]);
+ }
+}
+__name(reorderArray$1, "reorderArray$1");
+function sort$1(value1, value22, order = 1, comparator, nullSortOrder = 1) {
+ const result = compare$2(value1, value22, comparator, order);
+ let finalSortOrder = order;
+ if (isEmpty$2(value1) || isEmpty$2(value22)) {
+ finalSortOrder = nullSortOrder === 1 ? order : nullSortOrder;
+ }
+ return finalSortOrder * result;
+}
+__name(sort$1, "sort$1");
+function stringify$1(value4, indent = 2, currentIndent = 0) {
+ const currentIndentStr = " ".repeat(currentIndent);
+ const nextIndentStr = " ".repeat(currentIndent + indent);
+ if (isArray$7(value4)) {
+ return "[" + value4.map((v2) => stringify$1(v2, indent, currentIndent + indent)).join(", ") + "]";
+ } else if (isDate$1(value4)) {
+ return value4.toISOString();
+ } else if (isFunction$7(value4)) {
+ return value4.toString();
+ } else if (isObject$a(value4)) {
+ return "{\n" + Object.entries(value4).map(([k2, v2]) => `${nextIndentStr}${k2}: ${stringify$1(v2, indent, currentIndent + indent)}`).join(",\n") + `
+${currentIndentStr}}`;
+ } else {
+ return JSON.stringify(value4);
+ }
+}
+__name(stringify$1, "stringify$1");
+function toCapitalCase$1(str) {
+ return isString$5(str, false) ? str[0].toUpperCase() + str.slice(1) : str;
+}
+__name(toCapitalCase$1, "toCapitalCase$1");
+function toKebabCase$1(str) {
+ return isString$5(str) ? str.replace(/(_)/g, "-").replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "-" + c2.toLowerCase()).toLowerCase() : str;
+}
+__name(toKebabCase$1, "toKebabCase$1");
+function toTokenKey$2(str) {
+ return isString$5(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
+}
+__name(toTokenKey$2, "toTokenKey$2");
+function toValue$2(value4) {
+ if (value4 && typeof value4 === "object") {
+ if (value4.hasOwnProperty("current")) {
+ return value4.current;
+ } else if (value4.hasOwnProperty("value")) {
+ return value4.value;
+ }
+ }
+ return resolve$1(value4);
+}
+__name(toValue$2, "toValue$2");
+var lastIds = {};
+function uuid(prefix2 = "pui_id_") {
+ if (!lastIds.hasOwnProperty(prefix2)) {
+ lastIds[prefix2] = 0;
+ }
+ lastIds[prefix2]++;
+ return `${prefix2}${lastIds[prefix2]}`;
+}
+__name(uuid, "uuid");
+function handler() {
+ let zIndexes = [];
+ const generateZIndex = /* @__PURE__ */ __name((key, autoZIndex, baseZIndex = 999) => {
+ const lastZIndex = getLastZIndex(key, autoZIndex, baseZIndex);
+ const newZIndex = lastZIndex.value + (lastZIndex.key === key ? 0 : baseZIndex) + 1;
+ zIndexes.push({ key, value: newZIndex });
+ return newZIndex;
+ }, "generateZIndex");
+ const revertZIndex = /* @__PURE__ */ __name((zIndex) => {
+ zIndexes = zIndexes.filter((obj) => obj.value !== zIndex);
+ }, "revertZIndex");
+ const getCurrentZIndex = /* @__PURE__ */ __name((key, autoZIndex) => {
+ return getLastZIndex(key, autoZIndex).value;
+ }, "getCurrentZIndex");
+ const getLastZIndex = /* @__PURE__ */ __name((key, autoZIndex, baseZIndex = 0) => {
+ return [...zIndexes].reverse().find((obj) => autoZIndex ? true : obj.key === key) || { key, value: baseZIndex };
+ }, "getLastZIndex");
+ const getZIndex = /* @__PURE__ */ __name((element) => {
+ return element ? parseInt(element.style.zIndex, 10) || 0 : 0;
+ }, "getZIndex");
+ return {
+ get: getZIndex,
+ set: /* @__PURE__ */ __name((key, element, baseZIndex) => {
+ if (element) {
+ element.style.zIndex = String(generateZIndex(key, true, baseZIndex));
+ }
+ }, "set"),
+ clear: /* @__PURE__ */ __name((element) => {
+ if (element) {
+ revertZIndex(getZIndex(element));
+ element.style.zIndex = "";
+ }
+ }, "clear"),
+ getCurrent: /* @__PURE__ */ __name((key) => getCurrentZIndex(key, true), "getCurrent")
+ };
+}
+__name(handler, "handler");
+var ZIndex = handler();
+function _typeof$f(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$f = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$f(o2);
+}
+__name(_typeof$f, "_typeof$f");
+function _slicedToArray$4(r2, e2) {
+ return _arrayWithHoles$4(r2) || _iterableToArrayLimit$4(r2, e2) || _unsupportedIterableToArray$g(r2, e2) || _nonIterableRest$4();
+}
+__name(_slicedToArray$4, "_slicedToArray$4");
+function _nonIterableRest$4() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest$4, "_nonIterableRest$4");
+function _unsupportedIterableToArray$g(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$g(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$g(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$g, "_unsupportedIterableToArray$g");
+function _arrayLikeToArray$g(r2, a2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
(null == a2 || a2 > r2.length) && (a2 = r2.length);
for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
return n2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_arrayLikeToArray$e, "_arrayLikeToArray$e");
function _iterableToArrayLimit$2(r2, l2) {
+========
+__name(_arrayLikeToArray$g, "_arrayLikeToArray$g");
+function _iterableToArrayLimit$4(r2, l2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = null == r2 ? null : "undefined" != typeof Symbol && r2[Symbol.iterator] || r2["@@iterator"];
if (null != t2) {
var e2, n2, i2, u2, a2 = [], f2 = true, o2 = false;
@@ -141850,12 +150482,21 @@ function _iterableToArrayLimit$2(r2, l2) {
return a2;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_iterableToArrayLimit$2, "_iterableToArrayLimit$2");
function _arrayWithHoles$2(r2) {
if (Array.isArray(r2)) return r2;
}
__name(_arrayWithHoles$2, "_arrayWithHoles$2");
function ownKeys$f(e2, r2) {
+========
+__name(_iterableToArrayLimit$4, "_iterableToArrayLimit$4");
+function _arrayWithHoles$4(r2) {
+ if (Array.isArray(r2)) return r2;
+}
+__name(_arrayWithHoles$4, "_arrayWithHoles$4");
+function ownKeys$h(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -141865,6 +150506,7 @@ function ownKeys$f(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$f, "ownKeys$f");
function _objectSpread$f(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -141872,11 +150514,21 @@ function _objectSpread$f(e2) {
r2 % 2 ? ownKeys$f(Object(t2), true).forEach(function(r3) {
_defineProperty$f(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$f(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$h, "ownKeys$h");
+function _objectSpread$h(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$h(Object(t2), true).forEach(function(r3) {
+ _defineProperty$h(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$h(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$f, "_objectSpread$f");
function _defineProperty$f(e2, r2, t2) {
return (r2 = _toPropertyKey$d(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -141893,11 +150545,33 @@ function _toPrimitive$d(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$d(i2)) return i2;
+========
+__name(_objectSpread$h, "_objectSpread$h");
+function _defineProperty$h(e2, r2, t2) {
+ return (r2 = _toPropertyKey$e(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$h, "_defineProperty$h");
+function _toPropertyKey$e(t2) {
+ var i2 = _toPrimitive$e(t2, "string");
+ return "symbol" == _typeof$f(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$e, "_toPropertyKey$e");
+function _toPrimitive$e(t2, r2) {
+ if ("object" != _typeof$f(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$f(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$d, "_toPrimitive$d");
+========
+__name(_toPrimitive$e, "_toPrimitive$e");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function _regeneratorRuntime() {
/*! regenerator-runtime -- Copyright (c) 2014-present, Facebook, Inc. -- license (MIT): https://github.com/facebook/regenerator/blob/main/LICENSE */
_regeneratorRuntime = /* @__PURE__ */ __name(function _regeneratorRuntime2() {
@@ -141961,7 +150635,11 @@ function _regeneratorRuntime() {
var c3 = tryCatch(t3[r4], t3, o3);
if ("throw" !== c3.type) {
var u3 = c3.arg, h3 = u3.value;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return h3 && "object" == _typeof$d(h3) && n2.call(h3, "__await") ? e3.resolve(h3.__await).then(function(t4) {
+========
+ return h3 && "object" == _typeof$f(h3) && n2.call(h3, "__await") ? e3.resolve(h3.__await).then(function(t4) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
invoke2("next", t4, i3, a3);
}, function(t4) {
invoke2("throw", t4, i3, a3);
@@ -142055,7 +150733,11 @@ function _regeneratorRuntime() {
return i3.next = i3;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
throw new TypeError(_typeof$d(e3) + " is not iterable");
+========
+ throw new TypeError(_typeof$f(e3) + " is not iterable");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(values, "values");
return GeneratorFunction.prototype = GeneratorFunctionPrototype, o2(g2, "constructor", { value: GeneratorFunctionPrototype, configurable: true }), o2(GeneratorFunctionPrototype, "constructor", { value: GeneratorFunction, configurable: true }), GeneratorFunction.displayName = define(GeneratorFunctionPrototype, u2, "GeneratorFunction"), e2.isGeneratorFunction = function(t3) {
@@ -142181,13 +150863,21 @@ function _asyncToGenerator(n2) {
};
}
__name(_asyncToGenerator, "_asyncToGenerator");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function tryOnMounted(fn) {
+========
+function tryOnMounted$1(fn) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var sync = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : true;
if (getCurrentInstance()) onMounted(fn);
else if (sync) fn();
else nextTick(fn);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(tryOnMounted, "tryOnMounted");
+========
+__name(tryOnMounted$1, "tryOnMounted$1");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var useForm = /* @__PURE__ */ __name(function useForm2() {
var options4 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
var states = reactive({});
@@ -142211,8 +150901,13 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
};
}, "getInitialState");
var isFieldValidate = /* @__PURE__ */ __name(function isFieldValidate2(field2, validateOn2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var value4 = resolve$2(validateOn2, field2);
return value4 === true || isArray$a(value4) && value4.includes(field2);
+========
+ var value4 = resolve$1(validateOn2, field2);
+ return value4 === true || isArray$7(value4) && value4.includes(field2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "isFieldValidate");
var validateOn = /* @__PURE__ */ function() {
var _ref = _asyncToGenerator(/* @__PURE__ */ _regeneratorRuntime().mark(/* @__PURE__ */ __name(function _callee(option3, defaultValue2) {
@@ -142222,7 +150917,11 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
while (1) switch (_context.prev = _context.next) {
case 0:
results = {};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!isArray$a(options4[option3])) {
+========
+ if (!isArray$7(options4[option3])) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
_context.next = 7;
break;
}
@@ -142247,7 +150946,11 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
var _fields$field;
return (_fields$field = fields[field2]) === null || _fields$field === void 0 || (_fields$field = _fields$field.options) === null || _fields$field === void 0 ? void 0 : _fields$field[option3];
}) || [];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
_context.t1 = isNotEmpty(fieldArr);
+========
+ _context.t1 = isNotEmpty$1(fieldArr);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!_context.t1) {
_context.next = 18;
break;
@@ -142275,7 +150978,11 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
var defineField = /* @__PURE__ */ __name(function defineField2(field2, fieldOptions) {
var _resolve;
states[field2] || (states[field2] = getInitialState(field2, fieldOptions === null || fieldOptions === void 0 ? void 0 : fieldOptions.initialValue));
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var props = mergeProps$1((_resolve = resolve$2(fieldOptions, states[field2])) === null || _resolve === void 0 ? void 0 : _resolve.props, resolve$2(fieldOptions === null || fieldOptions === void 0 ? void 0 : fieldOptions.props, states[field2]), {
+========
+ var props = mergeProps$2((_resolve = resolve$1(fieldOptions, states[field2])) === null || _resolve === void 0 ? void 0 : _resolve.props, resolve$1(fieldOptions === null || fieldOptions === void 0 ? void 0 : fieldOptions.props, states[field2]), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: field2,
onBlur: /* @__PURE__ */ __name(function onBlur9() {
states[field2].touched = true;
@@ -142301,11 +151008,19 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
};
watch(function() {
return states[field2].value;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, function(newValue2, oldValue2) {
if (states[field2].pristine) {
states[field2].pristine = false;
}
if (newValue2 !== oldValue2) {
+========
+ }, function(newValue2, oldValue) {
+ if (states[field2].pristine) {
+ states[field2].pristine = false;
+ }
+ if (newValue2 !== oldValue) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
states[field2].dirty = true;
}
validateFieldOn(field2, fieldOptions, "validateOnValueUpdate", true);
@@ -142323,10 +151038,17 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
return validateOn("validateOnSubmit", true);
case 2:
results = _context2.sent;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return _context2.abrupt("return", callback(_objectSpread$f({
originalEvent: event,
valid: toValue$1(valid),
states: toValue$1(states),
+========
+ return _context2.abrupt("return", callback(_objectSpread$h({
+ originalEvent: event,
+ valid: toValue$4(valid),
+ states: toValue$4(states),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
reset: reset2
}, results)));
case 4:
@@ -142348,7 +151070,11 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
while (1) switch (_context3.prev = _context3.next) {
case 0:
resolverOptions = Object.entries(states).reduce(function(acc, _ref4) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _ref5 = _slicedToArray$2(_ref4, 2), key = _ref5[0], val = _ref5[1];
+========
+ var _ref5 = _slicedToArray$4(_ref4, 2), key = _ref5[0], val = _ref5[1];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
acc.names.push(key);
acc.values[key] = val.value;
return acc;
@@ -142386,7 +151112,11 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
_context3.next = 44;
break;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
_Object$entries$_i = _slicedToArray$2(_Object$entries[_i], 2), fieldName = _Object$entries$_i[0], fieldInst = _Object$entries$_i[1];
+========
+ _Object$entries$_i = _slicedToArray$4(_Object$entries[_i], 2), fieldName = _Object$entries$_i[0], fieldInst = _Object$entries$_i[1];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!(flattenFields.includes(fieldName) || !field2)) {
_context3.next = 41;
break;
@@ -142423,8 +151153,13 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
_context3.t5 = {};
case 33:
fieldResult = _context3.t5;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isArray$a(fieldResult.errors) && (fieldResult.errors = _defineProperty$f({}, fieldName, fieldResult.errors));
result = mergeKeys(result, fieldResult);
+========
+ isArray$7(fieldResult.errors) && (fieldResult.errors = _defineProperty$h({}, fieldName, fieldResult.errors));
+ result = mergeKeys$1(result, fieldResult);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
case 36:
errors2 = (_result$errors$fieldN = result.errors[fieldName]) !== null && _result$errors$fieldN !== void 0 ? _result$errors$fieldN : [];
states[fieldName].invalid = errors2.length > 0;
@@ -142456,7 +151191,11 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
var validateOnMounted = /* @__PURE__ */ __name(function validateOnMounted2() {
validateOn("validateOnMount");
}, "validateOnMounted");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tryOnMounted(validateOnMounted);
+========
+ tryOnMounted$1(validateOnMounted);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
defineField,
handleSubmit,
@@ -142467,16 +151206,1606 @@ var useForm = /* @__PURE__ */ __name(function useForm2() {
fields
};
}, "useForm");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var classes$w = {
+========
+var __defProp$2 = Object.defineProperty;
+var __defProps = Object.defineProperties;
+var __getOwnPropDescs = Object.getOwnPropertyDescriptors;
+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");
+var __spreadProps = /* @__PURE__ */ __name((a2, b2) => __defProps(a2, __getOwnPropDescs(b2)), "__spreadProps");
+var __objRest = /* @__PURE__ */ __name((source, exclude) => {
+ var target2 = {};
+ for (var prop2 in source)
+ if (__hasOwnProp$1.call(source, prop2) && exclude.indexOf(prop2) < 0)
+ target2[prop2] = source[prop2];
+ if (source != null && __getOwnPropSymbols$1)
+ for (var prop2 of __getOwnPropSymbols$1(source)) {
+ if (exclude.indexOf(prop2) < 0 && __propIsEnum$1.call(source, prop2))
+ target2[prop2] = source[prop2];
+ }
+ return target2;
+}, "__objRest");
+function definePreset(...presets) {
+ return mergeKeys$1(...presets);
+}
+__name(definePreset, "definePreset");
+var ThemeService = EventBus();
+var service_default = ThemeService;
+function toTokenKey$1(str) {
+ return isString$5(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
+}
+__name(toTokenKey$1, "toTokenKey$1");
+function merge(value1, value22) {
+ if (isArray$7(value1)) {
+ value1.push(...value22 || []);
+ } else if (isObject$a(value1)) {
+ Object.assign(value1, value22);
+ }
+}
+__name(merge, "merge");
+function toValue$1(value4) {
+ return isObject$a(value4) && value4.hasOwnProperty("value") && value4.hasOwnProperty("type") ? value4.value : value4;
+}
+__name(toValue$1, "toValue$1");
+function toUnit(value4, variable = "") {
+ const excludedProperties = ["opacity", "z-index", "line-height", "font-weight", "flex", "flex-grow", "flex-shrink", "order"];
+ if (!excludedProperties.some((property) => variable.endsWith(property))) {
+ const val = `${value4}`.trim();
+ const valArr = val.split(" ");
+ return valArr.map((v2) => isNumber$4(v2) ? `${v2}px` : v2).join(" ");
+ }
+ return value4;
+}
+__name(toUnit, "toUnit");
+function toNormalizePrefix(prefix2) {
+ return prefix2.replaceAll(/ /g, "").replace(/[^\w]/g, "-");
+}
+__name(toNormalizePrefix, "toNormalizePrefix");
+function toNormalizeVariable(prefix2 = "", variable = "") {
+ return toNormalizePrefix(`${isString$5(prefix2, false) && isString$5(variable, false) ? `${prefix2}-` : prefix2}${variable}`);
+}
+__name(toNormalizeVariable, "toNormalizeVariable");
+function getVariableName(prefix2 = "", variable = "") {
+ return `--${toNormalizeVariable(prefix2, variable)}`;
+}
+__name(getVariableName, "getVariableName");
+function hasOddBraces(str = "") {
+ const openBraces = (str.match(/{/g) || []).length;
+ const closeBraces = (str.match(/}/g) || []).length;
+ return (openBraces + closeBraces) % 2 !== 0;
+}
+__name(hasOddBraces, "hasOddBraces");
+function getVariableValue(value4, variable = "", prefix2 = "", excludedKeyRegexes = [], fallback) {
+ if (isString$5(value4)) {
+ const regex2 = /{([^}]*)}/g;
+ const val = value4.trim();
+ if (hasOddBraces(val)) {
+ return void 0;
+ } else if (matchRegex$1(val, regex2)) {
+ const _val = val.replaceAll(regex2, (v2) => {
+ const path = v2.replace(/{|}/g, "");
+ const keys2 = path.split(".").filter((_v) => !excludedKeyRegexes.some((_r) => matchRegex$1(_v, _r)));
+ return `var(${getVariableName(prefix2, toKebabCase$1(keys2.join("-")))}${isNotEmpty$1(fallback) ? `, ${fallback}` : ""})`;
+ });
+ const calculationRegex = /(\d+\s+[\+\-\*\/]\s+\d+)/g;
+ const cleanedVarRegex = /var\([^)]+\)/g;
+ return matchRegex$1(_val.replace(cleanedVarRegex, "0"), calculationRegex) ? `calc(${_val})` : _val;
+ }
+ return val;
+ } else if (isNumber$4(value4)) {
+ return value4;
+ }
+ return void 0;
+}
+__name(getVariableValue, "getVariableValue");
+function getComputedValue(obj = {}, value4) {
+ if (isString$5(value4)) {
+ const regex2 = /{([^}]*)}/g;
+ const val = value4.trim();
+ return matchRegex$1(val, regex2) ? val.replaceAll(regex2, (v2) => getKeyValue$1(obj, v2.replace(/{|}/g, ""))) : val;
+ } else if (isNumber$4(value4)) {
+ return value4;
+ }
+ return void 0;
+}
+__name(getComputedValue, "getComputedValue");
+function setProperty(properties, key, value4) {
+ if (isString$5(key, false)) {
+ properties.push(`${key}:${value4};`);
+ }
+}
+__name(setProperty, "setProperty");
+function getRule(selector, properties) {
+ if (selector) {
+ return `${selector}{${properties}}`;
+ }
+ return "";
+}
+__name(getRule, "getRule");
+function normalizeColor(color2) {
+ if (color2.length === 4) {
+ return `#${color2[1]}${color2[1]}${color2[2]}${color2[2]}${color2[3]}${color2[3]}`;
+ }
+ return color2;
+}
+__name(normalizeColor, "normalizeColor");
+function hexToRgb$1(hex) {
+ var bigint = parseInt(hex.substring(1), 16);
+ var r2 = bigint >> 16 & 255;
+ var g2 = bigint >> 8 & 255;
+ var b2 = bigint & 255;
+ return { r: r2, g: g2, b: b2 };
+}
+__name(hexToRgb$1, "hexToRgb$1");
+function rgbToHex(r2, g2, b2) {
+ return `#${r2.toString(16).padStart(2, "0")}${g2.toString(16).padStart(2, "0")}${b2.toString(16).padStart(2, "0")}`;
+}
+__name(rgbToHex, "rgbToHex");
+var mix_default = /* @__PURE__ */ __name((color1, color2, weight) => {
+ color1 = normalizeColor(color1);
+ color2 = normalizeColor(color2);
+ var p2 = weight / 100;
+ var w2 = p2 * 2 - 1;
+ var w1 = (w2 + 1) / 2;
+ var w22 = 1 - w1;
+ var rgb1 = hexToRgb$1(color1);
+ var rgb2 = hexToRgb$1(color2);
+ var r2 = Math.round(rgb1.r * w1 + rgb2.r * w22);
+ var g2 = Math.round(rgb1.g * w1 + rgb2.g * w22);
+ var b2 = Math.round(rgb1.b * w1 + rgb2.b * w22);
+ return rgbToHex(r2, g2, b2);
+}, "mix_default");
+var shade_default = /* @__PURE__ */ __name((color2, percent) => mix_default("#000000", color2, percent), "shade_default");
+var tint_default = /* @__PURE__ */ __name((color2, percent) => mix_default("#ffffff", color2, percent), "tint_default");
+var scales = [50, 100, 200, 300, 400, 500, 600, 700, 800, 900, 950];
+var palette_default = /* @__PURE__ */ __name((color2) => {
+ if (/{([^}]*)}/g.test(color2)) {
+ const token = color2.replace(/{|}/g, "");
+ return scales.reduce((acc, scale) => (acc[scale] = `{${token}.${scale}}`, acc), {});
+ }
+ return typeof color2 === "string" ? scales.reduce((acc, scale, i2) => (acc[scale] = i2 <= 5 ? tint_default(color2, (5 - i2) * 19) : shade_default(color2, (i2 - 5) * 15), acc), {}) : color2;
+}, "palette_default");
+var $dt = /* @__PURE__ */ __name((tokenPath) => {
+ var _a2;
+ const theme43 = config_default.getTheme();
+ const variable = dtwt(theme43, tokenPath, void 0, "variable");
+ const name2 = (_a2 = variable == null ? void 0 : variable.match(/--[\w-]+/g)) == null ? void 0 : _a2[0];
+ const value4 = dtwt(theme43, tokenPath, void 0, "value");
+ return {
+ name: name2,
+ variable,
+ value: value4
+ };
+}, "$dt");
+var dt = /* @__PURE__ */ __name((...args) => {
+ return dtwt(config_default.getTheme(), ...args);
+}, "dt");
+var dtwt = /* @__PURE__ */ __name((theme43 = {}, tokenPath, fallback, type) => {
+ if (tokenPath) {
+ const { variable: VARIABLE, options: OPTIONS } = config_default.defaults || {};
+ const { prefix: prefix2, transform: transform2 } = (theme43 == null ? void 0 : theme43.options) || OPTIONS || {};
+ const regex2 = /{([^}]*)}/g;
+ const token = matchRegex$1(tokenPath, regex2) ? tokenPath : `{${tokenPath}}`;
+ const isStrictTransform = type === "value" || isEmpty$2(type) && transform2 === "strict";
+ return isStrictTransform ? config_default.getTokenValue(tokenPath) : getVariableValue(token, void 0, prefix2, [VARIABLE.excludedKeyRegex], fallback);
+ }
+ return "";
+}, "dtwt");
+function css$2(style2) {
+ return resolve$1(style2, { dt });
+}
+__name(css$2, "css$2");
+var $t = /* @__PURE__ */ __name((theme43 = {}) => {
+ let { preset: _preset, options: _options } = theme43;
+ return {
+ preset(value4) {
+ _preset = _preset ? mergeKeys$1(_preset, value4) : value4;
+ return this;
+ },
+ options(value4) {
+ _options = _options ? __spreadValues$1(__spreadValues$1({}, _options), value4) : value4;
+ return this;
+ },
+ // features
+ primaryPalette(primary) {
+ const { semantic } = _preset || {};
+ _preset = __spreadProps(__spreadValues$1({}, _preset), { semantic: __spreadProps(__spreadValues$1({}, semantic), { primary }) });
+ return this;
+ },
+ surfacePalette(surface) {
+ var _a2, _b;
+ const { semantic } = _preset || {};
+ const lightSurface = (surface == null ? void 0 : surface.hasOwnProperty("light")) ? surface == null ? void 0 : surface.light : surface;
+ const darkSurface = (surface == null ? void 0 : surface.hasOwnProperty("dark")) ? surface == null ? void 0 : surface.dark : surface;
+ const newColorScheme = {
+ colorScheme: {
+ light: __spreadValues$1(__spreadValues$1({}, (_a2 = semantic == null ? void 0 : semantic.colorScheme) == null ? void 0 : _a2.light), !!lightSurface && { surface: lightSurface }),
+ dark: __spreadValues$1(__spreadValues$1({}, (_b = semantic == null ? void 0 : semantic.colorScheme) == null ? void 0 : _b.dark), !!darkSurface && { surface: darkSurface })
+ }
+ };
+ _preset = __spreadProps(__spreadValues$1({}, _preset), { semantic: __spreadValues$1(__spreadValues$1({}, semantic), newColorScheme) });
+ return this;
+ },
+ // actions
+ define({ useDefaultPreset = false, useDefaultOptions = false } = {}) {
+ return {
+ preset: useDefaultPreset ? config_default.getPreset() : _preset,
+ options: useDefaultOptions ? config_default.getOptions() : _options
+ };
+ },
+ update({ mergePresets = true, mergeOptions: mergeOptions2 = true } = {}) {
+ const newTheme = {
+ preset: mergePresets ? mergeKeys$1(config_default.getPreset(), _preset) : _preset,
+ options: mergeOptions2 ? __spreadValues$1(__spreadValues$1({}, config_default.getOptions()), _options) : _options
+ };
+ config_default.setTheme(newTheme);
+ return newTheme;
+ },
+ use(options4) {
+ const newTheme = this.define(options4);
+ config_default.setTheme(newTheme);
+ return newTheme;
+ }
+ };
+}, "$t");
+function toVariables_default(theme43, options4 = {}) {
+ const VARIABLE = config_default.defaults.variable;
+ const { prefix: prefix2 = VARIABLE.prefix, selector = VARIABLE.selector, excludedKeyRegex = VARIABLE.excludedKeyRegex } = options4;
+ const _toVariables = /* @__PURE__ */ __name((_theme, _prefix = "") => {
+ return Object.entries(_theme).reduce(
+ (acc, [key, value4]) => {
+ const px = matchRegex$1(key, excludedKeyRegex) ? toNormalizeVariable(_prefix) : toNormalizeVariable(_prefix, toKebabCase$1(key));
+ const v2 = toValue$1(value4);
+ if (isObject$a(v2)) {
+ const { variables: variables2, tokens: tokens2 } = _toVariables(v2, px);
+ merge(acc["tokens"], tokens2);
+ merge(acc["variables"], variables2);
+ } else {
+ acc["tokens"].push((prefix2 ? px.replace(`${prefix2}-`, "") : px).replaceAll("-", "."));
+ setProperty(acc["variables"], getVariableName(px), getVariableValue(v2, px, prefix2, [excludedKeyRegex]));
+ }
+ return acc;
+ },
+ { variables: [], tokens: [] }
+ );
+ }, "_toVariables");
+ const { variables, tokens } = _toVariables(theme43, prefix2);
+ return {
+ value: variables,
+ tokens,
+ declarations: variables.join(""),
+ css: getRule(selector, variables.join(""))
+ };
+}
+__name(toVariables_default, "toVariables_default");
+var themeUtils_default = {
+ regex: {
+ rules: {
+ class: {
+ pattern: /^\.([a-zA-Z][\w-]*)$/,
+ resolve(value4) {
+ return { type: "class", selector: value4, matched: this.pattern.test(value4.trim()) };
+ }
+ },
+ attr: {
+ pattern: /^\[(.*)\]$/,
+ resolve(value4) {
+ return { type: "attr", selector: `:root${value4}`, matched: this.pattern.test(value4.trim()) };
+ }
+ },
+ media: {
+ pattern: /^@media (.*)$/,
+ resolve(value4) {
+ return { type: "media", selector: `${value4}{:root{[CSS]}}`, matched: this.pattern.test(value4.trim()) };
+ }
+ },
+ system: {
+ pattern: /^system$/,
+ resolve(value4) {
+ return { type: "system", selector: "@media (prefers-color-scheme: dark){:root{[CSS]}}", matched: this.pattern.test(value4.trim()) };
+ }
+ },
+ custom: {
+ resolve(value4) {
+ return { type: "custom", selector: value4, matched: true };
+ }
+ }
+ },
+ resolve(value4) {
+ const rules = Object.keys(this.rules).filter((k2) => k2 !== "custom").map((r2) => this.rules[r2]);
+ return [value4].flat().map((v2) => {
+ var _a2;
+ return (_a2 = rules.map((r2) => r2.resolve(v2)).find((rr) => rr.matched)) != null ? _a2 : this.rules.custom.resolve(v2);
+ });
+ }
+ },
+ _toVariables(theme43, options4) {
+ return toVariables_default(theme43, { prefix: options4 == null ? void 0 : options4.prefix });
+ },
+ getCommon({ name: name2 = "", theme: theme43 = {}, params, set: set3, defaults: defaults2 }) {
+ var _e, _f, _g, _h, _i, _j, _k;
+ const { preset, options: options4 } = theme43;
+ let primitive_css, primitive_tokens, semantic_css, semantic_tokens, global_css, global_tokens, style2;
+ if (isNotEmpty$1(preset) && options4.transform !== "strict") {
+ const { primitive, semantic, extend: extend5 } = preset;
+ const _a2 = semantic || {}, { colorScheme } = _a2, sRest = __objRest(_a2, ["colorScheme"]);
+ const _b = extend5 || {}, { colorScheme: eColorScheme } = _b, eRest = __objRest(_b, ["colorScheme"]);
+ const _c = colorScheme || {}, { dark: dark2 } = _c, csRest = __objRest(_c, ["dark"]);
+ const _d = eColorScheme || {}, { dark: eDark } = _d, ecsRest = __objRest(_d, ["dark"]);
+ const prim_var = isNotEmpty$1(primitive) ? this._toVariables({ primitive }, options4) : {};
+ const sRest_var = isNotEmpty$1(sRest) ? this._toVariables({ semantic: sRest }, options4) : {};
+ const csRest_var = isNotEmpty$1(csRest) ? this._toVariables({ light: csRest }, options4) : {};
+ const csDark_var = isNotEmpty$1(dark2) ? this._toVariables({ dark: dark2 }, options4) : {};
+ const eRest_var = isNotEmpty$1(eRest) ? this._toVariables({ semantic: eRest }, options4) : {};
+ const ecsRest_var = isNotEmpty$1(ecsRest) ? this._toVariables({ light: ecsRest }, options4) : {};
+ const ecsDark_var = isNotEmpty$1(eDark) ? this._toVariables({ dark: eDark }, options4) : {};
+ const [prim_css, prim_tokens] = [(_e = prim_var.declarations) != null ? _e : "", prim_var.tokens];
+ const [sRest_css, sRest_tokens] = [(_f = sRest_var.declarations) != null ? _f : "", sRest_var.tokens || []];
+ const [csRest_css, csRest_tokens] = [(_g = csRest_var.declarations) != null ? _g : "", csRest_var.tokens || []];
+ const [csDark_css, csDark_tokens] = [(_h = csDark_var.declarations) != null ? _h : "", csDark_var.tokens || []];
+ const [eRest_css, eRest_tokens] = [(_i = eRest_var.declarations) != null ? _i : "", eRest_var.tokens || []];
+ const [ecsRest_css, ecsRest_tokens] = [(_j = ecsRest_var.declarations) != null ? _j : "", ecsRest_var.tokens || []];
+ const [ecsDark_css, ecsDark_tokens] = [(_k = ecsDark_var.declarations) != null ? _k : "", ecsDark_var.tokens || []];
+ primitive_css = this.transformCSS(name2, prim_css, "light", "variable", options4, set3, defaults2);
+ primitive_tokens = prim_tokens;
+ const semantic_light_css = this.transformCSS(name2, `${sRest_css}${csRest_css}`, "light", "variable", options4, set3, defaults2);
+ const semantic_dark_css = this.transformCSS(name2, `${csDark_css}`, "dark", "variable", options4, set3, defaults2);
+ semantic_css = `${semantic_light_css}${semantic_dark_css}`;
+ semantic_tokens = [.../* @__PURE__ */ new Set([...sRest_tokens, ...csRest_tokens, ...csDark_tokens])];
+ const global_light_css = this.transformCSS(name2, `${eRest_css}${ecsRest_css}color-scheme:light`, "light", "variable", options4, set3, defaults2);
+ const global_dark_css = this.transformCSS(name2, `${ecsDark_css}color-scheme:dark`, "dark", "variable", options4, set3, defaults2);
+ global_css = `${global_light_css}${global_dark_css}`;
+ global_tokens = [.../* @__PURE__ */ new Set([...eRest_tokens, ...ecsRest_tokens, ...ecsDark_tokens])];
+ style2 = resolve$1(preset.css, { dt });
+ }
+ return {
+ primitive: {
+ css: primitive_css,
+ tokens: primitive_tokens
+ },
+ semantic: {
+ css: semantic_css,
+ tokens: semantic_tokens
+ },
+ global: {
+ css: global_css,
+ tokens: global_tokens
+ },
+ style: style2
+ };
+ },
+ getPreset({ name: name2 = "", preset = {}, options: options4, params, set: set3, defaults: defaults2, selector }) {
+ var _e, _f, _g;
+ let p_css, p_tokens, p_style;
+ if (isNotEmpty$1(preset) && options4.transform !== "strict") {
+ const _name = name2.replace("-directive", "");
+ const _a2 = preset, { colorScheme, extend: extend5, css: css22 } = _a2, vRest = __objRest(_a2, ["colorScheme", "extend", "css"]);
+ const _b = extend5 || {}, { colorScheme: eColorScheme } = _b, evRest = __objRest(_b, ["colorScheme"]);
+ const _c = colorScheme || {}, { dark: dark2 } = _c, csRest = __objRest(_c, ["dark"]);
+ const _d = eColorScheme || {}, { dark: ecsDark } = _d, ecsRest = __objRest(_d, ["dark"]);
+ const vRest_var = isNotEmpty$1(vRest) ? this._toVariables({ [_name]: __spreadValues$1(__spreadValues$1({}, vRest), evRest) }, options4) : {};
+ const csRest_var = isNotEmpty$1(csRest) ? this._toVariables({ [_name]: __spreadValues$1(__spreadValues$1({}, csRest), ecsRest) }, options4) : {};
+ const csDark_var = isNotEmpty$1(dark2) ? this._toVariables({ [_name]: __spreadValues$1(__spreadValues$1({}, dark2), ecsDark) }, options4) : {};
+ const [vRest_css, vRest_tokens] = [(_e = vRest_var.declarations) != null ? _e : "", vRest_var.tokens || []];
+ const [csRest_css, csRest_tokens] = [(_f = csRest_var.declarations) != null ? _f : "", csRest_var.tokens || []];
+ const [csDark_css, csDark_tokens] = [(_g = csDark_var.declarations) != null ? _g : "", csDark_var.tokens || []];
+ const light_variable_css = this.transformCSS(_name, `${vRest_css}${csRest_css}`, "light", "variable", options4, set3, defaults2, selector);
+ const dark_variable_css = this.transformCSS(_name, csDark_css, "dark", "variable", options4, set3, defaults2, selector);
+ p_css = `${light_variable_css}${dark_variable_css}`;
+ p_tokens = [.../* @__PURE__ */ new Set([...vRest_tokens, ...csRest_tokens, ...csDark_tokens])];
+ p_style = resolve$1(css22, { dt });
+ }
+ return {
+ css: p_css,
+ tokens: p_tokens,
+ style: p_style
+ };
+ },
+ getPresetC({ name: name2 = "", theme: theme43 = {}, params, set: set3, defaults: defaults2 }) {
+ var _a2;
+ const { preset, options: options4 } = theme43;
+ 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: set3, defaults: defaults2 });
+ },
+ getPresetD({ name: name2 = "", theme: theme43 = {}, params, set: set3, defaults: defaults2 }) {
+ var _a2;
+ const dName = name2.replace("-directive", "");
+ const { preset, options: options4 } = theme43;
+ const dPreset = (_a2 = preset == null ? void 0 : preset.directives) == null ? void 0 : _a2[dName];
+ return this.getPreset({ name: dName, preset: dPreset, options: options4, params, set: set3, defaults: defaults2 });
+ },
+ applyDarkColorScheme(options4) {
+ return !(options4.darkModeSelector === "none" || options4.darkModeSelector === false);
+ },
+ getColorSchemeOption(options4, defaults2) {
+ var _a2;
+ return this.applyDarkColorScheme(options4) ? this.regex.resolve(options4.darkModeSelector === true ? defaults2.options.darkModeSelector : (_a2 = options4.darkModeSelector) != null ? _a2 : defaults2.options.darkModeSelector) : [];
+ },
+ getLayerOrder(name2, options4 = {}, params, defaults2) {
+ const { cssLayer } = options4;
+ if (cssLayer) {
+ const order = resolve$1(cssLayer.order || "primeui", params);
+ return `@layer ${order}`;
+ }
+ return "";
+ },
+ getCommonStyleSheet({ name: name2 = "", theme: theme43 = {}, params, props = {}, set: set3, defaults: defaults2 }) {
+ const common = this.getCommon({ name: name2, theme: theme43, params, set: set3, defaults: defaults2 });
+ 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) {
+ const _css = minifyCSS$1(value4 == null ? void 0 : value4.css);
+ const id3 = `${key}-variables`;
+ acc.push(``);
+ }
+ return acc;
+ }, []).join("");
+ },
+ getStyleSheet({ name: name2 = "", theme: theme43 = {}, params, props = {}, set: set3, defaults: defaults2 }) {
+ var _a2;
+ const options4 = { name: name2, theme: theme43, params, set: set3, defaults: defaults2 };
+ 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 ? `` : "";
+ },
+ createTokens(obj = {}, defaults2, parentKey = "", parentPath = "", tokens = {}) {
+ Object.entries(obj).forEach(([key, value4]) => {
+ const currentKey = matchRegex$1(key, defaults2.variable.excludedKeyRegex) ? parentKey : parentKey ? `${parentKey}.${toTokenKey$2(key)}` : toTokenKey$2(key);
+ const currentPath = parentPath ? `${parentPath}.${key}` : key;
+ if (isObject$a(value4)) {
+ this.createTokens(value4, defaults2, currentKey, currentPath, tokens);
+ } else {
+ tokens[currentKey] || (tokens[currentKey] = {
+ paths: [],
+ computed(colorScheme, tokenPathMap = {}) {
+ var _a2, _b;
+ if (this.paths.length === 1) {
+ return (_a2 = this.paths[0]) == null ? void 0 : _a2.computed(this.paths[0].scheme, tokenPathMap["binding"]);
+ } else if (colorScheme && colorScheme !== "none") {
+ return (_b = this.paths.find((p2) => p2.scheme === colorScheme)) == null ? void 0 : _b.computed(colorScheme, tokenPathMap["binding"]);
+ }
+ return this.paths.map((p2) => p2.computed(p2.scheme, tokenPathMap[p2.scheme]));
+ }
+ });
+ tokens[currentKey].paths.push({
+ path: currentPath,
+ value: value4,
+ scheme: currentPath.includes("colorScheme.light") ? "light" : currentPath.includes("colorScheme.dark") ? "dark" : "none",
+ computed(colorScheme, tokenPathMap = {}) {
+ const regex2 = /{([^}]*)}/g;
+ let computedValue = value4;
+ tokenPathMap["name"] = this.path;
+ tokenPathMap["binding"] || (tokenPathMap["binding"] = {});
+ if (matchRegex$1(value4, regex2)) {
+ const val = value4.trim();
+ const _val = val.replaceAll(regex2, (v2) => {
+ var _a2;
+ const path = v2.replace(/{|}/g, "");
+ const computed2 = (_a2 = tokens[path]) == null ? void 0 : _a2.computed(colorScheme, tokenPathMap);
+ return isArray$7(computed2) && computed2.length === 2 ? `light-dark(${computed2[0].value},${computed2[1].value})` : computed2 == null ? void 0 : computed2.value;
+ });
+ const calculationRegex = /(\d+\w*\s+[\+\-\*\/]\s+\d+\w*)/g;
+ const cleanedVarRegex = /var\([^)]+\)/g;
+ computedValue = matchRegex$1(_val.replace(cleanedVarRegex, "0"), calculationRegex) ? `calc(${_val})` : _val;
+ }
+ isEmpty$2(tokenPathMap["binding"]) && delete tokenPathMap["binding"];
+ return {
+ colorScheme,
+ path: this.path,
+ paths: tokenPathMap,
+ value: computedValue.includes("undefined") ? void 0 : computedValue
+ };
+ }
+ });
+ }
+ });
+ return tokens;
+ },
+ getTokenValue(tokens, path, defaults2) {
+ var _a2;
+ const normalizePath2 = /* @__PURE__ */ __name((str) => {
+ const strArr = str.split(".");
+ return strArr.filter((s2) => !matchRegex$1(s2.toLowerCase(), defaults2.variable.excludedKeyRegex)).join(".");
+ }, "normalizePath");
+ const token = normalizePath2(path);
+ const colorScheme = path.includes("colorScheme.light") ? "light" : path.includes("colorScheme.dark") ? "dark" : void 0;
+ const computedValues = [(_a2 = tokens[token]) == null ? void 0 : _a2.computed(colorScheme)].flat().filter((computed2) => computed2);
+ return computedValues.length === 1 ? computedValues[0].value : computedValues.reduce((acc = {}, computed2) => {
+ const _a22 = computed2, { colorScheme: cs } = _a22, rest = __objRest(_a22, ["colorScheme"]);
+ acc[cs] = rest;
+ return acc;
+ }, void 0);
+ },
+ getSelectorRule(selector1, selector2, type, css22) {
+ return type === "class" || type === "attr" ? getRule(isNotEmpty$1(selector2) ? `${selector1}${selector2},${selector1} ${selector2}` : selector1, css22) : getRule(selector1, isNotEmpty$1(selector2) ? getRule(selector2, css22) : css22);
+ },
+ transformCSS(name2, css22, mode2, type, options4 = {}, set3, defaults2, selector) {
+ if (isNotEmpty$1(css22)) {
+ const { cssLayer } = options4;
+ if (type !== "style") {
+ const colorSchemeOption = this.getColorSchemeOption(options4, defaults2);
+ css22 = mode2 === "dark" ? colorSchemeOption.reduce((acc, { type: type2, selector: _selector }) => {
+ if (isNotEmpty$1(_selector)) {
+ acc += _selector.includes("[CSS]") ? _selector.replace("[CSS]", css22) : this.getSelectorRule(_selector, selector, type2, css22);
+ }
+ return acc;
+ }, "") : getRule(selector != null ? selector : ":root", css22);
+ }
+ if (cssLayer) {
+ const layerOptions = {
+ name: "primeui",
+ order: "primeui"
+ };
+ isObject$a(cssLayer) && (layerOptions.name = resolve$1(cssLayer.name, { name: name2, type }));
+ if (isNotEmpty$1(layerOptions.name)) {
+ css22 = getRule(`@layer ${layerOptions.name}`, css22);
+ set3 == null ? void 0 : set3.layerNames(layerOptions.name);
+ }
+ }
+ return css22;
+ }
+ return "";
+ }
+};
+var config_default = {
+ defaults: {
+ variable: {
+ prefix: "p",
+ selector: ":root",
+ excludedKeyRegex: /^(primitive|semantic|components|directives|variables|colorscheme|light|dark|common|root|states|extend|css)$/gi
+ },
+ options: {
+ prefix: "p",
+ darkModeSelector: "system",
+ cssLayer: false
+ }
+ },
+ _theme: void 0,
+ _layerNames: /* @__PURE__ */ new Set(),
+ _loadedStyleNames: /* @__PURE__ */ new Set(),
+ _loadingStyles: /* @__PURE__ */ new Set(),
+ _tokens: {},
+ update(newValues = {}) {
+ const { theme: theme43 } = newValues;
+ if (theme43) {
+ this._theme = __spreadProps(__spreadValues$1({}, theme43), {
+ options: __spreadValues$1(__spreadValues$1({}, this.defaults.options), theme43.options)
+ });
+ this._tokens = themeUtils_default.createTokens(this.preset, this.defaults);
+ this.clearLoadedStyleNames();
+ }
+ },
+ get theme() {
+ return this._theme;
+ },
+ get preset() {
+ var _a2;
+ return ((_a2 = this.theme) == null ? void 0 : _a2.preset) || {};
+ },
+ get options() {
+ var _a2;
+ return ((_a2 = this.theme) == null ? void 0 : _a2.options) || {};
+ },
+ get tokens() {
+ return this._tokens;
+ },
+ getTheme() {
+ return this.theme;
+ },
+ setTheme(newValue2) {
+ this.update({ theme: newValue2 });
+ service_default.emit("theme:change", newValue2);
+ },
+ getPreset() {
+ return this.preset;
+ },
+ setPreset(newValue2) {
+ this._theme = __spreadProps(__spreadValues$1({}, this.theme), { preset: newValue2 });
+ this._tokens = themeUtils_default.createTokens(newValue2, this.defaults);
+ this.clearLoadedStyleNames();
+ service_default.emit("preset:change", newValue2);
+ service_default.emit("theme:change", this.theme);
+ },
+ getOptions() {
+ return this.options;
+ },
+ setOptions(newValue2) {
+ this._theme = __spreadProps(__spreadValues$1({}, this.theme), { options: newValue2 });
+ this.clearLoadedStyleNames();
+ service_default.emit("options:change", newValue2);
+ service_default.emit("theme:change", this.theme);
+ },
+ getLayerNames() {
+ return [...this._layerNames];
+ },
+ setLayerNames(layerName) {
+ this._layerNames.add(layerName);
+ },
+ getLoadedStyleNames() {
+ return this._loadedStyleNames;
+ },
+ isStyleNameLoaded(name2) {
+ return this._loadedStyleNames.has(name2);
+ },
+ setLoadedStyleName(name2) {
+ this._loadedStyleNames.add(name2);
+ },
+ deleteLoadedStyleName(name2) {
+ this._loadedStyleNames.delete(name2);
+ },
+ clearLoadedStyleNames() {
+ this._loadedStyleNames.clear();
+ },
+ getTokenValue(tokenPath) {
+ return themeUtils_default.getTokenValue(this.tokens, tokenPath, this.defaults);
+ },
+ getCommon(name2 = "", params) {
+ return themeUtils_default.getCommon({ name: name2, theme: this.theme, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
+ },
+ getComponent(name2 = "", params) {
+ const options4 = { name: name2, theme: this.theme, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } };
+ return themeUtils_default.getPresetC(options4);
+ },
+ getDirective(name2 = "", params) {
+ const options4 = { name: name2, theme: this.theme, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } };
+ return themeUtils_default.getPresetD(options4);
+ },
+ getCustomPreset(name2 = "", preset, selector, params) {
+ const options4 = { name: name2, preset, options: this.options, selector, params, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } };
+ return themeUtils_default.getPreset(options4);
+ },
+ getLayerOrderCSS(name2 = "") {
+ return themeUtils_default.getLayerOrder(name2, this.options, { names: this.getLayerNames() }, this.defaults);
+ },
+ transformCSS(name2 = "", css22, type = "style", mode2) {
+ return themeUtils_default.transformCSS(name2, css22, mode2, type, this.options, { layerNames: this.setLayerNames.bind(this) }, this.defaults);
+ },
+ getCommonStyleSheet(name2 = "", params, props = {}) {
+ return themeUtils_default.getCommonStyleSheet({ name: name2, theme: this.theme, params, props, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
+ },
+ getStyleSheet(name2, params, props = {}) {
+ return themeUtils_default.getStyleSheet({ name: name2, theme: this.theme, params, props, defaults: this.defaults, set: { layerNames: this.setLayerNames.bind(this) } });
+ },
+ onStyleMounted(name2) {
+ this._loadingStyles.add(name2);
+ },
+ onStyleUpdated(name2) {
+ this._loadingStyles.add(name2);
+ },
+ onStyleLoaded(event, { name: name2 }) {
+ if (this._loadingStyles.size) {
+ this._loadingStyles.delete(name2);
+ service_default.emit(`theme:${name2}:load`, event);
+ !this._loadingStyles.size && service_default.emit("theme:load");
+ }
+ }
+};
+function updatePreset(...presets) {
+ const newPreset = mergeKeys$1(config_default.getPreset(), ...presets);
+ config_default.setPreset(newPreset);
+ return newPreset;
+}
+__name(updatePreset, "updatePreset");
+function updatePrimaryPalette(primary) {
+ return $t().primaryPalette(primary).update().preset;
+}
+__name(updatePrimaryPalette, "updatePrimaryPalette");
+function updateSurfacePalette(palette) {
+ return $t().surfacePalette(palette).update().preset;
+}
+__name(updateSurfacePalette, "updateSurfacePalette");
+function usePreset(...presets) {
+ const newPreset = mergeKeys$1(...presets);
+ config_default.setPreset(newPreset);
+ return newPreset;
+}
+__name(usePreset, "usePreset");
+function useTheme(theme43) {
+ return $t(theme43).update({ mergePresets: false });
+}
+__name(useTheme, "useTheme");
+var Base = {
+ _loadedStyleNames: /* @__PURE__ */ new Set(),
+ getLoadedStyleNames: /* @__PURE__ */ __name(function getLoadedStyleNames2() {
+ return this._loadedStyleNames;
+ }, "getLoadedStyleNames"),
+ isStyleNameLoaded: /* @__PURE__ */ __name(function isStyleNameLoaded2(name2) {
+ return this._loadedStyleNames.has(name2);
+ }, "isStyleNameLoaded"),
+ setLoadedStyleName: /* @__PURE__ */ __name(function setLoadedStyleName2(name2) {
+ this._loadedStyleNames.add(name2);
+ }, "setLoadedStyleName"),
+ deleteLoadedStyleName: /* @__PURE__ */ __name(function deleteLoadedStyleName2(name2) {
+ this._loadedStyleNames["delete"](name2);
+ }, "deleteLoadedStyleName"),
+ clearLoadedStyleNames: /* @__PURE__ */ __name(function clearLoadedStyleNames2() {
+ this._loadedStyleNames.clear();
+ }, "clearLoadedStyleNames")
+};
+function _typeof$e(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$e = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$e(o2);
+}
+__name(_typeof$e, "_typeof$e");
+function ownKeys$g(e2, r2) {
+ var t2 = Object.keys(e2);
+ if (Object.getOwnPropertySymbols) {
+ var o2 = Object.getOwnPropertySymbols(e2);
+ r2 && (o2 = o2.filter(function(r3) {
+ return Object.getOwnPropertyDescriptor(e2, r3).enumerable;
+ })), t2.push.apply(t2, o2);
+ }
+ return t2;
+}
+__name(ownKeys$g, "ownKeys$g");
+function _objectSpread$g(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$g(Object(t2), true).forEach(function(r3) {
+ _defineProperty$g(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$g(Object(t2)).forEach(function(r3) {
+ Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
+ });
+ }
+ return e2;
+}
+__name(_objectSpread$g, "_objectSpread$g");
+function _defineProperty$g(e2, r2, t2) {
+ return (r2 = _toPropertyKey$d(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$g, "_defineProperty$g");
+function _toPropertyKey$d(t2) {
+ var i2 = _toPrimitive$d(t2, "string");
+ return "symbol" == _typeof$e(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$d, "_toPropertyKey$d");
+function _toPrimitive$d(t2, r2) {
+ if ("object" != _typeof$e(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$e(i2)) return i2;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r2 ? String : Number)(t2);
+}
+__name(_toPrimitive$d, "_toPrimitive$d");
+function tryOnMounted(fn) {
+ var sync = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : true;
+ if (getCurrentInstance()) onMounted(fn);
+ else if (sync) fn();
+ else nextTick(fn);
+}
+__name(tryOnMounted, "tryOnMounted");
+var _id = 0;
+function useStyle(css4) {
+ var options4 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ var isLoaded = ref(false);
+ var cssRef = ref(css4);
+ var styleRef = ref(null);
+ var defaultDocument2 = isClient() ? window.document : void 0;
+ var _options$document = options4.document, document2 = _options$document === void 0 ? defaultDocument2 : _options$document, _options$immediate = options4.immediate, immediate = _options$immediate === void 0 ? true : _options$immediate, _options$manual = options4.manual, manual = _options$manual === void 0 ? false : _options$manual, _options$name = options4.name, name2 = _options$name === void 0 ? "style_".concat(++_id) : _options$name, _options$id = options4.id, id3 = _options$id === void 0 ? void 0 : _options$id, _options$media = options4.media, media = _options$media === void 0 ? void 0 : _options$media, _options$nonce = options4.nonce, nonce = _options$nonce === void 0 ? void 0 : _options$nonce, _options$first = options4.first, first2 = _options$first === void 0 ? false : _options$first, _options$onMounted = options4.onMounted, onStyleMounted = _options$onMounted === void 0 ? void 0 : _options$onMounted, _options$onUpdated = options4.onUpdated, onStyleUpdated = _options$onUpdated === void 0 ? void 0 : _options$onUpdated, _options$onLoad = options4.onLoad, onStyleLoaded = _options$onLoad === void 0 ? void 0 : _options$onLoad, _options$props = options4.props, props = _options$props === void 0 ? {} : _options$props;
+ var stop2 = /* @__PURE__ */ __name(function stop3() {
+ }, "stop");
+ var load3 = /* @__PURE__ */ __name(function load4(_css) {
+ var _props = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ if (!document2) return;
+ var _styleProps = _objectSpread$g(_objectSpread$g({}, props), _props);
+ var _name = _styleProps.name || name2, _id2 = _styleProps.id || id3, _nonce = _styleProps.nonce || nonce;
+ styleRef.value = document2.querySelector('style[data-primevue-style-id="'.concat(_name, '"]')) || document2.getElementById(_id2) || document2.createElement("style");
+ if (!styleRef.value.isConnected) {
+ cssRef.value = _css || css4;
+ setAttributes(styleRef.value, {
+ type: "text/css",
+ id: _id2,
+ media,
+ nonce: _nonce
+ });
+ first2 ? document2.head.prepend(styleRef.value) : document2.head.appendChild(styleRef.value);
+ setAttribute(styleRef.value, "data-primevue-style-id", _name);
+ setAttributes(styleRef.value, _styleProps);
+ styleRef.value.onload = function(event) {
+ return onStyleLoaded === null || onStyleLoaded === void 0 ? void 0 : onStyleLoaded(event, {
+ name: _name
+ });
+ };
+ onStyleMounted === null || onStyleMounted === void 0 || onStyleMounted(_name);
+ }
+ if (isLoaded.value) return;
+ stop2 = watch(cssRef, function(value4) {
+ styleRef.value.textContent = value4;
+ onStyleUpdated === null || onStyleUpdated === void 0 || onStyleUpdated(_name);
+ }, {
+ immediate: true
+ });
+ isLoaded.value = true;
+ }, "load");
+ var unload = /* @__PURE__ */ __name(function unload2() {
+ if (!document2 || !isLoaded.value) return;
+ stop2();
+ isExist(styleRef.value) && document2.head.removeChild(styleRef.value);
+ isLoaded.value = false;
+ }, "unload");
+ if (immediate && !manual) tryOnMounted(load3);
+ return {
+ id: id3,
+ name: name2,
+ el: styleRef,
+ css: cssRef,
+ unload,
+ load: load3,
+ isLoaded: readonly(isLoaded)
+ };
+}
+__name(useStyle, "useStyle");
+function _typeof$d(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$d = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$d(o2);
+}
+__name(_typeof$d, "_typeof$d");
+function _slicedToArray$3(r2, e2) {
+ return _arrayWithHoles$3(r2) || _iterableToArrayLimit$3(r2, e2) || _unsupportedIterableToArray$f(r2, e2) || _nonIterableRest$3();
+}
+__name(_slicedToArray$3, "_slicedToArray$3");
+function _nonIterableRest$3() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest$3, "_nonIterableRest$3");
+function _unsupportedIterableToArray$f(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$f(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$f(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$f, "_unsupportedIterableToArray$f");
+function _arrayLikeToArray$f(r2, a2) {
+ (null == a2 || a2 > r2.length) && (a2 = r2.length);
+ for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
+ return n2;
+}
+__name(_arrayLikeToArray$f, "_arrayLikeToArray$f");
+function _iterableToArrayLimit$3(r2, l2) {
+ var t2 = null == r2 ? null : "undefined" != typeof Symbol && r2[Symbol.iterator] || r2["@@iterator"];
+ if (null != t2) {
+ var e2, n2, i2, u2, a2 = [], f2 = true, o2 = false;
+ try {
+ if (i2 = (t2 = t2.call(r2)).next, 0 === l2) ;
+ else for (; !(f2 = (e2 = i2.call(t2)).done) && (a2.push(e2.value), a2.length !== l2); f2 = true) ;
+ } catch (r3) {
+ o2 = true, n2 = r3;
+ } finally {
+ try {
+ if (!f2 && null != t2["return"] && (u2 = t2["return"](), Object(u2) !== u2)) return;
+ } finally {
+ if (o2) throw n2;
+ }
+ }
+ return a2;
+ }
+}
+__name(_iterableToArrayLimit$3, "_iterableToArrayLimit$3");
+function _arrayWithHoles$3(r2) {
+ if (Array.isArray(r2)) return r2;
+}
+__name(_arrayWithHoles$3, "_arrayWithHoles$3");
+function ownKeys$f(e2, r2) {
+ var t2 = Object.keys(e2);
+ if (Object.getOwnPropertySymbols) {
+ var o2 = Object.getOwnPropertySymbols(e2);
+ r2 && (o2 = o2.filter(function(r3) {
+ return Object.getOwnPropertyDescriptor(e2, r3).enumerable;
+ })), t2.push.apply(t2, o2);
+ }
+ return t2;
+}
+__name(ownKeys$f, "ownKeys$f");
+function _objectSpread$f(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$f(Object(t2), true).forEach(function(r3) {
+ _defineProperty$f(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$f(Object(t2)).forEach(function(r3) {
+ Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
+ });
+ }
+ return e2;
+}
+__name(_objectSpread$f, "_objectSpread$f");
+function _defineProperty$f(e2, r2, t2) {
+ return (r2 = _toPropertyKey$c(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$f, "_defineProperty$f");
+function _toPropertyKey$c(t2) {
+ var i2 = _toPrimitive$c(t2, "string");
+ return "symbol" == _typeof$d(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$c, "_toPropertyKey$c");
+function _toPrimitive$c(t2, r2) {
+ if ("object" != _typeof$d(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$d(i2)) return i2;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r2 ? String : Number)(t2);
+}
+__name(_toPrimitive$c, "_toPrimitive$c");
+var theme$s = /* @__PURE__ */ __name(function theme14(_ref) {
+ var dt2 = _ref.dt;
+ return "\n*,\n::before,\n::after {\n box-sizing: border-box;\n}\n\n/* Non vue overlay animations */\n.p-connected-overlay {\n opacity: 0;\n transform: scaleY(0.8);\n transition: transform 0.12s cubic-bezier(0, 0, 0.2, 1),\n opacity 0.12s cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-connected-overlay-visible {\n opacity: 1;\n transform: scaleY(1);\n}\n\n.p-connected-overlay-hidden {\n opacity: 0;\n transform: scaleY(1);\n transition: opacity 0.1s linear;\n}\n\n/* Vue based overlay animations */\n.p-connected-overlay-enter-from {\n opacity: 0;\n transform: scaleY(0.8);\n}\n\n.p-connected-overlay-leave-to {\n opacity: 0;\n}\n\n.p-connected-overlay-enter-active {\n transition: transform 0.12s cubic-bezier(0, 0, 0.2, 1),\n opacity 0.12s cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-connected-overlay-leave-active {\n transition: opacity 0.1s linear;\n}\n\n/* Toggleable Content */\n.p-toggleable-content-enter-from,\n.p-toggleable-content-leave-to {\n max-height: 0;\n}\n\n.p-toggleable-content-enter-to,\n.p-toggleable-content-leave-from {\n max-height: 1000px;\n}\n\n.p-toggleable-content-leave-active {\n overflow: hidden;\n transition: max-height 0.45s cubic-bezier(0, 1, 0, 1);\n}\n\n.p-toggleable-content-enter-active {\n overflow: hidden;\n transition: max-height 1s ease-in-out;\n}\n\n.p-disabled,\n.p-disabled * {\n cursor: default;\n pointer-events: none;\n user-select: none;\n}\n\n.p-disabled,\n.p-component:disabled {\n opacity: ".concat(dt2("disabled.opacity"), ";\n}\n\n.pi {\n font-size: ").concat(dt2("icon.size"), ";\n}\n\n.p-icon {\n width: ").concat(dt2("icon.size"), ";\n height: ").concat(dt2("icon.size"), ";\n}\n\n.p-overlay-mask {\n background: ").concat(dt2("mask.background"), ";\n color: ").concat(dt2("mask.color"), ";\n position: fixed;\n top: 0;\n left: 0;\n width: 100%;\n height: 100%;\n}\n\n.p-overlay-mask-enter {\n animation: p-overlay-mask-enter-animation ").concat(dt2("mask.transition.duration"), " forwards;\n}\n\n.p-overlay-mask-leave {\n animation: p-overlay-mask-leave-animation ").concat(dt2("mask.transition.duration"), " forwards;\n}\n\n@keyframes p-overlay-mask-enter-animation {\n from {\n background: transparent;\n }\n to {\n background: ").concat(dt2("mask.background"), ";\n }\n}\n@keyframes p-overlay-mask-leave-animation {\n from {\n background: ").concat(dt2("mask.background"), ";\n }\n to {\n background: transparent;\n }\n}\n");
+}, "theme");
+var css$1 = /* @__PURE__ */ __name(function css3(_ref2) {
+ var dt2 = _ref2.dt;
+ return "\n.p-hidden-accessible {\n border: 0;\n clip: rect(0 0 0 0);\n height: 1px;\n margin: -1px;\n overflow: hidden;\n padding: 0;\n position: absolute;\n width: 1px;\n}\n\n.p-hidden-accessible input,\n.p-hidden-accessible select {\n transform: scale(0);\n}\n\n.p-overflow-hidden {\n overflow: hidden;\n padding-right: ".concat(dt2("scrollbar.width"), ";\n}\n");
+}, "css");
+var classes$w = {};
+var inlineStyles$2 = {};
+var BaseStyle = {
+ name: "base",
+ css: css$1,
+ theme: theme$s,
+ classes: classes$w,
+ inlineStyles: inlineStyles$2,
+ load: /* @__PURE__ */ __name(function load2(style2) {
+ var options4 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ var transform2 = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : function(cs) {
+ return cs;
+ };
+ var computedStyle = transform2(resolve$1(style2, {
+ dt
+ }));
+ return isNotEmpty$1(computedStyle) ? useStyle(minifyCSS$1(computedStyle), _objectSpread$f({
+ name: this.name
+ }, options4)) : {};
+ }, "load"),
+ loadCSS: /* @__PURE__ */ __name(function loadCSS2() {
+ var options4 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
+ return this.load(this.css, options4);
+ }, "loadCSS"),
+ loadTheme: /* @__PURE__ */ __name(function loadTheme2() {
+ var _this = this;
+ var options4 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
+ var style2 = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
+ return this.load(this.theme, options4, function() {
+ var computedStyle = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ return config_default.transformCSS(options4.name || _this.name, "".concat(computedStyle).concat(style2));
+ });
+ }, "loadTheme"),
+ getCommonTheme: /* @__PURE__ */ __name(function getCommonTheme2(params) {
+ return config_default.getCommon(this.name, params);
+ }, "getCommonTheme"),
+ getComponentTheme: /* @__PURE__ */ __name(function getComponentTheme2(params) {
+ return config_default.getComponent(this.name, params);
+ }, "getComponentTheme"),
+ getDirectiveTheme: /* @__PURE__ */ __name(function getDirectiveTheme2(params) {
+ return config_default.getDirective(this.name, params);
+ }, "getDirectiveTheme"),
+ getPresetTheme: /* @__PURE__ */ __name(function getPresetTheme2(preset, selector, params) {
+ return config_default.getCustomPreset(this.name, preset, selector, params);
+ }, "getPresetTheme"),
+ getLayerOrderThemeCSS: /* @__PURE__ */ __name(function getLayerOrderThemeCSS2() {
+ return config_default.getLayerOrderCSS(this.name);
+ }, "getLayerOrderThemeCSS"),
+ getStyleSheet: /* @__PURE__ */ __name(function getStyleSheet2() {
+ var extendedCSS = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ var props = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ if (this.css) {
+ var _css = resolve$1(this.css, {
+ dt
+ }) || "";
+ var _style = minifyCSS$1("".concat(_css).concat(extendedCSS));
+ var _props = Object.entries(props).reduce(function(acc, _ref3) {
+ var _ref4 = _slicedToArray$3(_ref3, 2), k2 = _ref4[0], v2 = _ref4[1];
+ return acc.push("".concat(k2, '="').concat(v2, '"')) && acc;
+ }, []).join(" ");
+ return isNotEmpty$1(_style) ? '") : "";
+ }
+ return "";
+ }, "getStyleSheet"),
+ getCommonThemeStyleSheet: /* @__PURE__ */ __name(function getCommonThemeStyleSheet2(params) {
+ var props = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ return config_default.getCommonStyleSheet(this.name, params, props);
+ }, "getCommonThemeStyleSheet"),
+ getThemeStyleSheet: /* @__PURE__ */ __name(function getThemeStyleSheet2(params) {
+ var props = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ var css4 = [config_default.getStyleSheet(this.name, params, props)];
+ if (this.theme) {
+ var name2 = this.name === "base" ? "global-style" : "".concat(this.name, "-style");
+ var _css = resolve$1(this.theme, {
+ dt
+ });
+ var _style = minifyCSS$1(config_default.transformCSS(name2, _css));
+ var _props = Object.entries(props).reduce(function(acc, _ref5) {
+ var _ref6 = _slicedToArray$3(_ref5, 2), k2 = _ref6[0], v2 = _ref6[1];
+ return acc.push("".concat(k2, '="').concat(v2, '"')) && acc;
+ }, []).join(" ");
+ isNotEmpty$1(_style) && css4.push('"));
+ }
+ return css4.join("");
+ }, "getThemeStyleSheet"),
+ extend: /* @__PURE__ */ __name(function extend4(style2) {
+ return _objectSpread$f(_objectSpread$f({}, this), {}, {
+ css: void 0,
+ theme: void 0
+ }, style2);
+ }, "extend")
+};
+var BaseComponentStyle = BaseStyle.extend({
+ name: "common"
+});
+function _typeof$c(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$c = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$c(o2);
+}
+__name(_typeof$c, "_typeof$c");
+function _toArray(r2) {
+ return _arrayWithHoles$2(r2) || _iterableToArray$b(r2) || _unsupportedIterableToArray$e(r2) || _nonIterableRest$2();
+}
+__name(_toArray, "_toArray");
+function _iterableToArray$b(r2) {
+ if ("undefined" != typeof Symbol && null != r2[Symbol.iterator] || null != r2["@@iterator"]) return Array.from(r2);
+}
+__name(_iterableToArray$b, "_iterableToArray$b");
+function _slicedToArray$2(r2, e2) {
+ return _arrayWithHoles$2(r2) || _iterableToArrayLimit$2(r2, e2) || _unsupportedIterableToArray$e(r2, e2) || _nonIterableRest$2();
+}
+__name(_slicedToArray$2, "_slicedToArray$2");
+function _nonIterableRest$2() {
+ throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
+}
+__name(_nonIterableRest$2, "_nonIterableRest$2");
+function _unsupportedIterableToArray$e(r2, a2) {
+ if (r2) {
+ if ("string" == typeof r2) return _arrayLikeToArray$e(r2, a2);
+ var t2 = {}.toString.call(r2).slice(8, -1);
+ return "Object" === t2 && r2.constructor && (t2 = r2.constructor.name), "Map" === t2 || "Set" === t2 ? Array.from(r2) : "Arguments" === t2 || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t2) ? _arrayLikeToArray$e(r2, a2) : void 0;
+ }
+}
+__name(_unsupportedIterableToArray$e, "_unsupportedIterableToArray$e");
+function _arrayLikeToArray$e(r2, a2) {
+ (null == a2 || a2 > r2.length) && (a2 = r2.length);
+ for (var e2 = 0, n2 = Array(a2); e2 < a2; e2++) n2[e2] = r2[e2];
+ return n2;
+}
+__name(_arrayLikeToArray$e, "_arrayLikeToArray$e");
+function _iterableToArrayLimit$2(r2, l2) {
+ var t2 = null == r2 ? null : "undefined" != typeof Symbol && r2[Symbol.iterator] || r2["@@iterator"];
+ if (null != t2) {
+ var e2, n2, i2, u2, a2 = [], f2 = true, o2 = false;
+ try {
+ if (i2 = (t2 = t2.call(r2)).next, 0 === l2) {
+ if (Object(t2) !== t2) return;
+ f2 = false;
+ } else for (; !(f2 = (e2 = i2.call(t2)).done) && (a2.push(e2.value), a2.length !== l2); f2 = true) ;
+ } catch (r3) {
+ o2 = true, n2 = r3;
+ } finally {
+ try {
+ if (!f2 && null != t2["return"] && (u2 = t2["return"](), Object(u2) !== u2)) return;
+ } finally {
+ if (o2) throw n2;
+ }
+ }
+ return a2;
+ }
+}
+__name(_iterableToArrayLimit$2, "_iterableToArrayLimit$2");
+function _arrayWithHoles$2(r2) {
+ if (Array.isArray(r2)) return r2;
+}
+__name(_arrayWithHoles$2, "_arrayWithHoles$2");
+function ownKeys$e(e2, r2) {
+ var t2 = Object.keys(e2);
+ if (Object.getOwnPropertySymbols) {
+ var o2 = Object.getOwnPropertySymbols(e2);
+ r2 && (o2 = o2.filter(function(r3) {
+ return Object.getOwnPropertyDescriptor(e2, r3).enumerable;
+ })), t2.push.apply(t2, o2);
+ }
+ return t2;
+}
+__name(ownKeys$e, "ownKeys$e");
+function _objectSpread$e(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$e(Object(t2), true).forEach(function(r3) {
+ _defineProperty$e(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$e(Object(t2)).forEach(function(r3) {
+ Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
+ });
+ }
+ return e2;
+}
+__name(_objectSpread$e, "_objectSpread$e");
+function _defineProperty$e(e2, r2, t2) {
+ return (r2 = _toPropertyKey$b(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$e, "_defineProperty$e");
+function _toPropertyKey$b(t2) {
+ var i2 = _toPrimitive$b(t2, "string");
+ return "symbol" == _typeof$c(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$b, "_toPropertyKey$b");
+function _toPrimitive$b(t2, r2) {
+ if ("object" != _typeof$c(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$c(i2)) return i2;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r2 ? String : Number)(t2);
+}
+__name(_toPrimitive$b, "_toPrimitive$b");
+var script$O = {
+ name: "BaseComponent",
+ props: {
+ pt: {
+ type: Object,
+ "default": void 0
+ },
+ ptOptions: {
+ type: Object,
+ "default": void 0
+ },
+ unstyled: {
+ type: Boolean,
+ "default": void 0
+ },
+ dt: {
+ type: Object,
+ "default": void 0
+ }
+ },
+ inject: {
+ $parentInstance: {
+ "default": void 0
+ }
+ },
+ watch: {
+ isUnstyled: {
+ immediate: true,
+ handler: /* @__PURE__ */ __name(function handler7(newValue2) {
+ if (!newValue2) {
+ this._loadCoreStyles();
+ this._themeChangeListener(this._loadCoreStyles);
+ }
+ }, "handler")
+ },
+ dt: {
+ immediate: true,
+ handler: /* @__PURE__ */ __name(function handler8(newValue2) {
+ var _this = this;
+ if (newValue2) {
+ this._loadScopedThemeStyles(newValue2);
+ this._themeChangeListener(function() {
+ return _this._loadScopedThemeStyles(newValue2);
+ });
+ } else {
+ this._unloadScopedThemeStyles();
+ }
+ }, "handler")
+ }
+ },
+ scopedStyleEl: void 0,
+ rootEl: void 0,
+ $attrSelector: void 0,
+ beforeCreate: /* @__PURE__ */ __name(function beforeCreate2() {
+ var _this$pt, _this$pt2, _this$pt3, _ref, _ref$onBeforeCreate, _this$$primevueConfig, _this$$primevue, _this$$primevue2, _this$$primevue3, _ref2, _ref2$onBeforeCreate;
+ var _usept = (_this$pt = this.pt) === null || _this$pt === void 0 ? void 0 : _this$pt["_usept"];
+ var originalValue = _usept ? (_this$pt2 = this.pt) === null || _this$pt2 === void 0 || (_this$pt2 = _this$pt2.originalValue) === null || _this$pt2 === void 0 ? void 0 : _this$pt2[this.$.type.name] : void 0;
+ var value4 = _usept ? (_this$pt3 = this.pt) === null || _this$pt3 === void 0 || (_this$pt3 = _this$pt3.value) === null || _this$pt3 === void 0 ? void 0 : _this$pt3[this.$.type.name] : this.pt;
+ (_ref = value4 || originalValue) === null || _ref === void 0 || (_ref = _ref.hooks) === null || _ref === void 0 || (_ref$onBeforeCreate = _ref["onBeforeCreate"]) === null || _ref$onBeforeCreate === void 0 || _ref$onBeforeCreate.call(_ref);
+ var _useptInConfig = (_this$$primevueConfig = this.$primevueConfig) === null || _this$$primevueConfig === void 0 || (_this$$primevueConfig = _this$$primevueConfig.pt) === null || _this$$primevueConfig === void 0 ? void 0 : _this$$primevueConfig["_usept"];
+ var originalValueInConfig = _useptInConfig ? (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.pt) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.originalValue : void 0;
+ var valueInConfig = _useptInConfig ? (_this$$primevue2 = this.$primevue) === null || _this$$primevue2 === void 0 || (_this$$primevue2 = _this$$primevue2.config) === null || _this$$primevue2 === void 0 || (_this$$primevue2 = _this$$primevue2.pt) === null || _this$$primevue2 === void 0 ? void 0 : _this$$primevue2.value : (_this$$primevue3 = this.$primevue) === null || _this$$primevue3 === void 0 || (_this$$primevue3 = _this$$primevue3.config) === null || _this$$primevue3 === void 0 ? void 0 : _this$$primevue3.pt;
+ (_ref2 = valueInConfig || originalValueInConfig) === null || _ref2 === void 0 || (_ref2 = _ref2[this.$.type.name]) === null || _ref2 === void 0 || (_ref2 = _ref2.hooks) === null || _ref2 === void 0 || (_ref2$onBeforeCreate = _ref2["onBeforeCreate"]) === null || _ref2$onBeforeCreate === void 0 || _ref2$onBeforeCreate.call(_ref2);
+ this.$attrSelector = uuid("pc");
+ }, "beforeCreate"),
+ created: /* @__PURE__ */ __name(function created2() {
+ this._hook("onCreated");
+ }, "created"),
+ beforeMount: /* @__PURE__ */ __name(function beforeMount3() {
+ this.rootEl = findSingle(this.$el, '[data-pc-name="'.concat(toFlatCase$1(this.$.type.name), '"]'));
+ if (this.rootEl) {
+ this.$attrSelector && !this.rootEl.hasAttribute(this.$attrSelector) && this.rootEl.setAttribute(this.$attrSelector, "");
+ this.rootEl.$pc = _objectSpread$e({
+ name: this.$.type.name,
+ attrSelector: this.$attrSelector
+ }, this.$params);
+ }
+ this._loadStyles();
+ this._hook("onBeforeMount");
+ }, "beforeMount"),
+ mounted: /* @__PURE__ */ __name(function mounted8() {
+ this._hook("onMounted");
+ }, "mounted"),
+ beforeUpdate: /* @__PURE__ */ __name(function beforeUpdate2() {
+ this._hook("onBeforeUpdate");
+ }, "beforeUpdate"),
+ updated: /* @__PURE__ */ __name(function updated6() {
+ this._hook("onUpdated");
+ }, "updated"),
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount4() {
+ this._hook("onBeforeUnmount");
+ }, "beforeUnmount"),
+ unmounted: /* @__PURE__ */ __name(function unmounted5() {
+ this._unloadScopedThemeStyles();
+ this._hook("onUnmounted");
+ }, "unmounted"),
+ methods: {
+ _hook: /* @__PURE__ */ __name(function _hook3(hookName) {
+ if (!this.$options.hostName) {
+ var selfHook = this._usePT(this._getPT(this.pt, this.$.type.name), this._getOptionValue, "hooks.".concat(hookName));
+ var defaultHook = this._useDefaultPT(this._getOptionValue, "hooks.".concat(hookName));
+ selfHook === null || selfHook === void 0 || selfHook();
+ defaultHook === null || defaultHook === void 0 || defaultHook();
+ }
+ }, "_hook"),
+ _mergeProps: /* @__PURE__ */ __name(function _mergeProps3(fn) {
+ for (var _len = arguments.length, args = new Array(_len > 1 ? _len - 1 : 0), _key2 = 1; _key2 < _len; _key2++) {
+ args[_key2 - 1] = arguments[_key2];
+ }
+ return isFunction$7(fn) ? fn.apply(void 0, args) : mergeProps$2.apply(void 0, args);
+ }, "_mergeProps"),
+ _loadStyles: /* @__PURE__ */ __name(function _loadStyles3() {
+ var _this2 = this;
+ var _load = /* @__PURE__ */ __name(function _load2() {
+ if (!Base.isStyleNameLoaded("base")) {
+ BaseStyle.loadCSS(_this2.$styleOptions);
+ _this2._loadGlobalStyles();
+ Base.setLoadedStyleName("base");
+ }
+ _this2._loadThemeStyles();
+ }, "_load");
+ _load();
+ this._themeChangeListener(_load);
+ }, "_loadStyles"),
+ _loadCoreStyles: /* @__PURE__ */ __name(function _loadCoreStyles3() {
+ var _this$$style, _this$$style2;
+ if (!Base.isStyleNameLoaded((_this$$style = this.$style) === null || _this$$style === void 0 ? void 0 : _this$$style.name) && (_this$$style2 = this.$style) !== null && _this$$style2 !== void 0 && _this$$style2.name) {
+ BaseComponentStyle.loadCSS(this.$styleOptions);
+ this.$options.style && this.$style.loadCSS(this.$styleOptions);
+ Base.setLoadedStyleName(this.$style.name);
+ }
+ }, "_loadCoreStyles"),
+ _loadGlobalStyles: /* @__PURE__ */ __name(function _loadGlobalStyles2() {
+ var globalCSS = this._useGlobalPT(this._getOptionValue, "global.css", this.$params);
+ isNotEmpty$1(globalCSS) && BaseStyle.load(globalCSS, _objectSpread$e({
+ name: "global"
+ }, this.$styleOptions));
+ }, "_loadGlobalStyles"),
+ _loadThemeStyles: /* @__PURE__ */ __name(function _loadThemeStyles3() {
+ var _this$$style4, _this$$style5;
+ if (this.isUnstyled || this.$theme === "none") return;
+ if (!config_default.isStyleNameLoaded("common")) {
+ var _this$$style3, _this$$style3$getComm;
+ var _ref3 = ((_this$$style3 = this.$style) === null || _this$$style3 === void 0 || (_this$$style3$getComm = _this$$style3.getCommonTheme) === null || _this$$style3$getComm === void 0 ? void 0 : _this$$style3$getComm.call(_this$$style3)) || {}, primitive = _ref3.primitive, semantic = _ref3.semantic, global2 = _ref3.global, style2 = _ref3.style;
+ BaseStyle.load(primitive === null || primitive === void 0 ? void 0 : primitive.css, _objectSpread$e({
+ name: "primitive-variables"
+ }, this.$styleOptions));
+ BaseStyle.load(semantic === null || semantic === void 0 ? void 0 : semantic.css, _objectSpread$e({
+ name: "semantic-variables"
+ }, this.$styleOptions));
+ BaseStyle.load(global2 === null || global2 === void 0 ? void 0 : global2.css, _objectSpread$e({
+ name: "global-variables"
+ }, this.$styleOptions));
+ BaseStyle.loadTheme(_objectSpread$e({
+ name: "global-style"
+ }, this.$styleOptions), style2);
+ config_default.setLoadedStyleName("common");
+ }
+ if (!config_default.isStyleNameLoaded((_this$$style4 = this.$style) === null || _this$$style4 === void 0 ? void 0 : _this$$style4.name) && (_this$$style5 = this.$style) !== null && _this$$style5 !== void 0 && _this$$style5.name) {
+ var _this$$style6, _this$$style6$getComp, _this$$style7, _this$$style8;
+ var _ref4 = ((_this$$style6 = this.$style) === null || _this$$style6 === void 0 || (_this$$style6$getComp = _this$$style6.getComponentTheme) === null || _this$$style6$getComp === void 0 ? void 0 : _this$$style6$getComp.call(_this$$style6)) || {}, css4 = _ref4.css, _style = _ref4.style;
+ (_this$$style7 = this.$style) === null || _this$$style7 === void 0 || _this$$style7.load(css4, _objectSpread$e({
+ name: "".concat(this.$style.name, "-variables")
+ }, this.$styleOptions));
+ (_this$$style8 = this.$style) === null || _this$$style8 === void 0 || _this$$style8.loadTheme(_objectSpread$e({
+ name: "".concat(this.$style.name, "-style")
+ }, this.$styleOptions), _style);
+ config_default.setLoadedStyleName(this.$style.name);
+ }
+ if (!config_default.isStyleNameLoaded("layer-order")) {
+ var _this$$style9, _this$$style9$getLaye;
+ var layerOrder = (_this$$style9 = this.$style) === null || _this$$style9 === void 0 || (_this$$style9$getLaye = _this$$style9.getLayerOrderThemeCSS) === null || _this$$style9$getLaye === void 0 ? void 0 : _this$$style9$getLaye.call(_this$$style9);
+ BaseStyle.load(layerOrder, _objectSpread$e({
+ name: "layer-order",
+ first: true
+ }, this.$styleOptions));
+ config_default.setLoadedStyleName("layer-order");
+ }
+ }, "_loadThemeStyles"),
+ _loadScopedThemeStyles: /* @__PURE__ */ __name(function _loadScopedThemeStyles3(preset) {
+ var _this$$style10, _this$$style10$getPre, _this$$style11;
+ var _ref5 = ((_this$$style10 = this.$style) === null || _this$$style10 === void 0 || (_this$$style10$getPre = _this$$style10.getPresetTheme) === null || _this$$style10$getPre === void 0 ? void 0 : _this$$style10$getPre.call(_this$$style10, preset, "[".concat(this.$attrSelector, "]"))) || {}, css4 = _ref5.css;
+ var scopedStyle = (_this$$style11 = this.$style) === null || _this$$style11 === void 0 ? void 0 : _this$$style11.load(css4, _objectSpread$e({
+ name: "".concat(this.$attrSelector, "-").concat(this.$style.name)
+ }, this.$styleOptions));
+ this.scopedStyleEl = scopedStyle.el;
+ }, "_loadScopedThemeStyles"),
+ _unloadScopedThemeStyles: /* @__PURE__ */ __name(function _unloadScopedThemeStyles2() {
+ var _this$scopedStyleEl;
+ (_this$scopedStyleEl = this.scopedStyleEl) === null || _this$scopedStyleEl === void 0 || (_this$scopedStyleEl = _this$scopedStyleEl.value) === null || _this$scopedStyleEl === void 0 || _this$scopedStyleEl.remove();
+ }, "_unloadScopedThemeStyles"),
+ _themeChangeListener: /* @__PURE__ */ __name(function _themeChangeListener3() {
+ var callback = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : function() {
+ };
+ Base.clearLoadedStyleNames();
+ service_default.on("theme:change", callback);
+ }, "_themeChangeListener"),
+ _getHostInstance: /* @__PURE__ */ __name(function _getHostInstance2(instance) {
+ return instance ? this.$options.hostName ? instance.$.type.name === this.$options.hostName ? instance : this._getHostInstance(instance.$parentInstance) : instance.$parentInstance : void 0;
+ }, "_getHostInstance"),
+ _getPropValue: /* @__PURE__ */ __name(function _getPropValue2(name2) {
+ var _this$_getHostInstanc;
+ return this[name2] || ((_this$_getHostInstanc = this._getHostInstance(this)) === null || _this$_getHostInstanc === void 0 ? void 0 : _this$_getHostInstanc[name2]);
+ }, "_getPropValue"),
+ _getOptionValue: /* @__PURE__ */ __name(function _getOptionValue2(options4) {
+ var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
+ var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+ return getKeyValue$1(options4, key, params);
+ }, "_getOptionValue"),
+ _getPTValue: /* @__PURE__ */ __name(function _getPTValue3() {
+ var _this$$primevueConfig2;
+ var obj = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
+ var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
+ var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+ var searchInDefaultPT = arguments.length > 3 && arguments[3] !== void 0 ? arguments[3] : true;
+ var searchOut = /./g.test(key) && !!params[key.split(".")[0]];
+ var _ref6 = this._getPropValue("ptOptions") || ((_this$$primevueConfig2 = this.$primevueConfig) === null || _this$$primevueConfig2 === void 0 ? void 0 : _this$$primevueConfig2.ptOptions) || {}, _ref6$mergeSections = _ref6.mergeSections, mergeSections = _ref6$mergeSections === void 0 ? true : _ref6$mergeSections, _ref6$mergeProps = _ref6.mergeProps, useMergeProps = _ref6$mergeProps === void 0 ? false : _ref6$mergeProps;
+ var global2 = searchInDefaultPT ? searchOut ? this._useGlobalPT(this._getPTClassValue, key, params) : this._useDefaultPT(this._getPTClassValue, key, params) : void 0;
+ var self2 = searchOut ? void 0 : this._getPTSelf(obj, this._getPTClassValue, key, _objectSpread$e(_objectSpread$e({}, params), {}, {
+ global: global2 || {}
+ }));
+ var datasets = this._getPTDatasets(key);
+ return mergeSections || !mergeSections && self2 ? useMergeProps ? this._mergeProps(useMergeProps, global2, self2, datasets) : _objectSpread$e(_objectSpread$e(_objectSpread$e({}, global2), self2), datasets) : _objectSpread$e(_objectSpread$e({}, self2), datasets);
+ }, "_getPTValue"),
+ _getPTSelf: /* @__PURE__ */ __name(function _getPTSelf2() {
+ var obj = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
+ for (var _len2 = arguments.length, args = new Array(_len2 > 1 ? _len2 - 1 : 0), _key3 = 1; _key3 < _len2; _key3++) {
+ args[_key3 - 1] = arguments[_key3];
+ }
+ return mergeProps$2(
+ this._usePT.apply(this, [this._getPT(obj, this.$name)].concat(args)),
+ // Exp; {value}"
+ );
+ }, "_getPTSelf"),
+ _getPTDatasets: /* @__PURE__ */ __name(function _getPTDatasets3() {
+ var _this$pt4, _this$pt5;
+ var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ var datasetPrefix = "data-pc-";
+ var isExtended = key === "root" && isNotEmpty$1((_this$pt4 = this.pt) === null || _this$pt4 === void 0 ? void 0 : _this$pt4["data-pc-section"]);
+ return key !== "transition" && _objectSpread$e(_objectSpread$e({}, key === "root" && _objectSpread$e(_objectSpread$e(_defineProperty$e({}, "".concat(datasetPrefix, "name"), toFlatCase$1(isExtended ? (_this$pt5 = this.pt) === null || _this$pt5 === void 0 ? void 0 : _this$pt5["data-pc-section"] : this.$.type.name)), isExtended && _defineProperty$e({}, "".concat(datasetPrefix, "extend"), toFlatCase$1(this.$.type.name))), isClient() && _defineProperty$e({}, "".concat(this.$attrSelector), ""))), {}, _defineProperty$e({}, "".concat(datasetPrefix, "section"), toFlatCase$1(key)));
+ }, "_getPTDatasets"),
+ _getPTClassValue: /* @__PURE__ */ __name(function _getPTClassValue2() {
+ var value4 = this._getOptionValue.apply(this, arguments);
+ return isString$5(value4) || isArray$7(value4) ? {
+ "class": value4
+ } : value4;
+ }, "_getPTClassValue"),
+ _getPT: /* @__PURE__ */ __name(function _getPT3(pt) {
+ var _this3 = this;
+ var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
+ var callback = arguments.length > 2 ? arguments[2] : void 0;
+ var getValue2 = /* @__PURE__ */ __name(function getValue3(value4) {
+ var _ref9;
+ var checkSameKey = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
+ var computedValue = callback ? callback(value4) : value4;
+ var _key = toFlatCase$1(key);
+ var _cKey = toFlatCase$1(_this3.$name);
+ return (_ref9 = checkSameKey ? _key !== _cKey ? computedValue === null || computedValue === void 0 ? void 0 : computedValue[_key] : void 0 : computedValue === null || computedValue === void 0 ? void 0 : computedValue[_key]) !== null && _ref9 !== void 0 ? _ref9 : computedValue;
+ }, "getValue");
+ return pt !== null && pt !== void 0 && pt.hasOwnProperty("_usept") ? {
+ _usept: pt["_usept"],
+ originalValue: getValue2(pt.originalValue),
+ value: getValue2(pt.value)
+ } : getValue2(pt, true);
+ }, "_getPT"),
+ _usePT: /* @__PURE__ */ __name(function _usePT3(pt, callback, key, params) {
+ var fn = /* @__PURE__ */ __name(function fn2(value5) {
+ return callback(value5, key, params);
+ }, "fn");
+ if (pt !== null && pt !== void 0 && pt.hasOwnProperty("_usept")) {
+ var _this$$primevueConfig3;
+ var _ref10 = pt["_usept"] || ((_this$$primevueConfig3 = this.$primevueConfig) === null || _this$$primevueConfig3 === void 0 ? void 0 : _this$$primevueConfig3.ptOptions) || {}, _ref10$mergeSections = _ref10.mergeSections, mergeSections = _ref10$mergeSections === void 0 ? true : _ref10$mergeSections, _ref10$mergeProps = _ref10.mergeProps, useMergeProps = _ref10$mergeProps === void 0 ? false : _ref10$mergeProps;
+ var originalValue = fn(pt.originalValue);
+ var value4 = fn(pt.value);
+ if (originalValue === void 0 && value4 === void 0) return void 0;
+ else if (isString$5(value4)) return value4;
+ else if (isString$5(originalValue)) return originalValue;
+ return mergeSections || !mergeSections && value4 ? useMergeProps ? this._mergeProps(useMergeProps, originalValue, value4) : _objectSpread$e(_objectSpread$e({}, originalValue), value4) : value4;
+ }
+ return fn(pt);
+ }, "_usePT"),
+ _useGlobalPT: /* @__PURE__ */ __name(function _useGlobalPT2(callback, key, params) {
+ return this._usePT(this.globalPT, callback, key, params);
+ }, "_useGlobalPT"),
+ _useDefaultPT: /* @__PURE__ */ __name(function _useDefaultPT3(callback, key, params) {
+ return this._usePT(this.defaultPT, callback, key, params);
+ }, "_useDefaultPT"),
+ ptm: /* @__PURE__ */ __name(function ptm2() {
+ var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ var params = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ return this._getPTValue(this.pt, key, _objectSpread$e(_objectSpread$e({}, this.$params), params));
+ }, "ptm"),
+ ptmi: /* @__PURE__ */ __name(function ptmi2() {
+ var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ var params = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ return mergeProps$2(this.$_attrsWithoutPT, this.ptm(key, params));
+ }, "ptmi"),
+ ptmo: /* @__PURE__ */ __name(function ptmo2() {
+ var obj = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : {};
+ var key = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : "";
+ var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+ return this._getPTValue(obj, key, _objectSpread$e({
+ instance: this
+ }, params), false);
+ }, "ptmo"),
+ cx: /* @__PURE__ */ __name(function cx2() {
+ var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ var params = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : {};
+ return !this.isUnstyled ? this._getOptionValue(this.$style.classes, key, _objectSpread$e(_objectSpread$e({}, this.$params), params)) : void 0;
+ }, "cx"),
+ sx: /* @__PURE__ */ __name(function sx2() {
+ var key = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : "";
+ var when = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : true;
+ var params = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : {};
+ if (when) {
+ var self2 = this._getOptionValue(this.$style.inlineStyles, key, _objectSpread$e(_objectSpread$e({}, this.$params), params));
+ var base2 = this._getOptionValue(BaseComponentStyle.inlineStyles, key, _objectSpread$e(_objectSpread$e({}, this.$params), params));
+ return [base2, self2];
+ }
+ return void 0;
+ }, "sx")
+ },
+ computed: {
+ globalPT: /* @__PURE__ */ __name(function globalPT2() {
+ var _this$$primevueConfig4, _this4 = this;
+ return this._getPT((_this$$primevueConfig4 = this.$primevueConfig) === null || _this$$primevueConfig4 === void 0 ? void 0 : _this$$primevueConfig4.pt, void 0, function(value4) {
+ return resolve$1(value4, {
+ instance: _this4
+ });
+ });
+ }, "globalPT"),
+ defaultPT: /* @__PURE__ */ __name(function defaultPT2() {
+ var _this$$primevueConfig5, _this5 = this;
+ return this._getPT((_this$$primevueConfig5 = this.$primevueConfig) === null || _this$$primevueConfig5 === void 0 ? void 0 : _this$$primevueConfig5.pt, void 0, function(value4) {
+ return _this5._getOptionValue(value4, _this5.$name, _objectSpread$e({}, _this5.$params)) || resolve$1(value4, _objectSpread$e({}, _this5.$params));
+ });
+ }, "defaultPT"),
+ isUnstyled: /* @__PURE__ */ __name(function isUnstyled2() {
+ var _this$$primevueConfig6;
+ return this.unstyled !== void 0 ? this.unstyled : (_this$$primevueConfig6 = this.$primevueConfig) === null || _this$$primevueConfig6 === void 0 ? void 0 : _this$$primevueConfig6.unstyled;
+ }, "isUnstyled"),
+ $inProps: /* @__PURE__ */ __name(function $inProps2() {
+ var _this$$$vnode;
+ var nodePropKeys = Object.keys(((_this$$$vnode = this.$.vnode) === null || _this$$$vnode === void 0 ? void 0 : _this$$$vnode.props) || {});
+ return Object.fromEntries(Object.entries(this.$props).filter(function(_ref11) {
+ var _ref12 = _slicedToArray$2(_ref11, 1), k2 = _ref12[0];
+ return nodePropKeys === null || nodePropKeys === void 0 ? void 0 : nodePropKeys.includes(k2);
+ }));
+ }, "$inProps"),
+ $theme: /* @__PURE__ */ __name(function $theme2() {
+ var _this$$primevueConfig7;
+ return (_this$$primevueConfig7 = this.$primevueConfig) === null || _this$$primevueConfig7 === void 0 ? void 0 : _this$$primevueConfig7.theme;
+ }, "$theme"),
+ $style: /* @__PURE__ */ __name(function $style2() {
+ return _objectSpread$e(_objectSpread$e({
+ classes: void 0,
+ inlineStyles: void 0,
+ load: /* @__PURE__ */ __name(function load3() {
+ }, "load"),
+ loadCSS: /* @__PURE__ */ __name(function loadCSS3() {
+ }, "loadCSS"),
+ loadTheme: /* @__PURE__ */ __name(function loadTheme3() {
+ }, "loadTheme")
+ }, (this._getHostInstance(this) || {}).$style), this.$options.style);
+ }, "$style"),
+ $styleOptions: /* @__PURE__ */ __name(function $styleOptions2() {
+ var _this$$primevueConfig8;
+ return {
+ nonce: (_this$$primevueConfig8 = this.$primevueConfig) === null || _this$$primevueConfig8 === void 0 || (_this$$primevueConfig8 = _this$$primevueConfig8.csp) === null || _this$$primevueConfig8 === void 0 ? void 0 : _this$$primevueConfig8.nonce
+ };
+ }, "$styleOptions"),
+ $primevueConfig: /* @__PURE__ */ __name(function $primevueConfig2() {
+ var _this$$primevue4;
+ return (_this$$primevue4 = this.$primevue) === null || _this$$primevue4 === void 0 ? void 0 : _this$$primevue4.config;
+ }, "$primevueConfig"),
+ $name: /* @__PURE__ */ __name(function $name2() {
+ return this.$options.hostName || this.$.type.name;
+ }, "$name"),
+ $params: /* @__PURE__ */ __name(function $params2() {
+ var parentInstance = this._getHostInstance(this) || this.$parent;
+ return {
+ instance: this,
+ props: this.$props,
+ state: this.$data,
+ attrs: this.$attrs,
+ parent: {
+ instance: parentInstance,
+ props: parentInstance === null || parentInstance === void 0 ? void 0 : parentInstance.$props,
+ state: parentInstance === null || parentInstance === void 0 ? void 0 : parentInstance.$data,
+ attrs: parentInstance === null || parentInstance === void 0 ? void 0 : parentInstance.$attrs
+ }
+ };
+ }, "$params"),
+ $_attrsPT: /* @__PURE__ */ __name(function $_attrsPT2() {
+ return Object.entries(this.$attrs || {}).filter(function(_ref13) {
+ var _ref14 = _slicedToArray$2(_ref13, 1), key = _ref14[0];
+ return key === null || key === void 0 ? void 0 : key.startsWith("pt:");
+ }).reduce(function(result, _ref15) {
+ var _ref16 = _slicedToArray$2(_ref15, 2), key = _ref16[0], value4 = _ref16[1];
+ var _key$split = key.split(":"), _key$split2 = _toArray(_key$split), rest = _key$split2.slice(1);
+ rest === null || rest === void 0 || rest.reduce(function(currentObj, nestedKey, index2, array) {
+ !currentObj[nestedKey] && (currentObj[nestedKey] = index2 === array.length - 1 ? value4 : {});
+ return currentObj[nestedKey];
+ }, result);
+ return result;
+ }, {});
+ }, "$_attrsPT"),
+ $_attrsWithoutPT: /* @__PURE__ */ __name(function $_attrsWithoutPT2() {
+ return Object.entries(this.$attrs || {}).filter(function(_ref17) {
+ var _ref18 = _slicedToArray$2(_ref17, 1), key = _ref18[0];
+ return !(key !== null && key !== void 0 && key.startsWith("pt:"));
+ }).reduce(function(acc, _ref19) {
+ var _ref20 = _slicedToArray$2(_ref19, 2), key = _ref20[0], value4 = _ref20[1];
+ acc[key] = value4;
+ return acc;
+ }, {});
+ }, "$_attrsWithoutPT")
+ }
+};
+var classes$v = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root: "p-form p-component"
};
var FormStyle = BaseStyle.extend({
name: "form",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
classes: classes$w
});
var script$1$x = {
name: "BaseForm",
"extends": script$13,
+========
+ classes: classes$v
+});
+var script$1$w = {
+ name: "BaseForm",
+ "extends": script$O,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
style: FormStyle,
props: {
resolver: {
@@ -142504,13 +152833,18 @@ var script$1$x = {
"default": true
}
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
provide: /* @__PURE__ */ __name(function provide12() {
+========
+ provide: /* @__PURE__ */ __name(function provide13() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
$pcForm: this,
$parentInstance: this
};
}, "provide")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$c(o2) {
"@babel/helpers - typeof";
return _typeof$c = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -142521,6 +152855,18 @@ function _typeof$c(o2) {
}
__name(_typeof$c, "_typeof$c");
function ownKeys$e(e2, r2) {
+========
+function _typeof$b(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$b = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$b(o2);
+}
+__name(_typeof$b, "_typeof$b");
+function ownKeys$d(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -142530,6 +152876,7 @@ function ownKeys$e(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$e, "ownKeys$e");
function _objectSpread$e(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -142537,11 +152884,21 @@ function _objectSpread$e(e2) {
r2 % 2 ? ownKeys$e(Object(t2), true).forEach(function(r3) {
_defineProperty$e(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$e(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$d, "ownKeys$d");
+function _objectSpread$d(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$d(Object(t2), true).forEach(function(r3) {
+ _defineProperty$d(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$d(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$e, "_objectSpread$e");
function _defineProperty$e(e2, r2, t2) {
return (r2 = _toPropertyKey$c(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -142558,11 +152915,33 @@ function _toPrimitive$c(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$c(i2)) return i2;
+========
+__name(_objectSpread$d, "_objectSpread$d");
+function _defineProperty$d(e2, r2, t2) {
+ return (r2 = _toPropertyKey$a(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$d, "_defineProperty$d");
+function _toPropertyKey$a(t2) {
+ var i2 = _toPrimitive$a(t2, "string");
+ return "symbol" == _typeof$b(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$a, "_toPropertyKey$a");
+function _toPrimitive$a(t2, r2) {
+ if ("object" != _typeof$b(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$b(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$c, "_toPrimitive$c");
+========
+__name(_toPrimitive$a, "_toPrimitive$a");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function _slicedToArray$1(r2, e2) {
return _arrayWithHoles$1(r2) || _iterableToArrayLimit$1(r2, e2) || _unsupportedIterableToArray$d(r2, e2) || _nonIterableRest$1();
}
@@ -142609,9 +152988,15 @@ function _arrayWithHoles$1(r2) {
if (Array.isArray(r2)) return r2;
}
__name(_arrayWithHoles$1, "_arrayWithHoles$1");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$O = {
name: "Form",
"extends": script$1$x,
+========
+var script$N = {
+ name: "Form",
+ "extends": script$1$w,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
inheritAttrs: false,
emits: ["submit"],
setup: /* @__PURE__ */ __name(function setup2(props, _ref) {
@@ -142624,36 +153009,63 @@ var script$O = {
var onSubmit = $form.handleSubmit(function(e2) {
emit2("submit", e2);
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return _objectSpread$e({
+========
+ return _objectSpread$d({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
register: register3,
onSubmit
}, omit$1($form, ["handleSubmit"]));
}, "setup")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function render$N(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("form", mergeProps$1({
+========
+function render$M(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("form", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
onSubmit: _cache[0] || (_cache[0] = withModifiers(function() {
return $setup.onSubmit && $setup.onSubmit.apply($setup, arguments);
}, ["prevent"])),
"class": _ctx.cx("root")
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default", mergeProps$1({
+========
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
register: $setup.register,
valid: _ctx.valid,
reset: _ctx.reset
}, _ctx.states))], 16);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(render$N, "render$N");
script$O.render = render$N;
var classes$v = {
+========
+__name(render$M, "render$M");
+script$N.render = render$M;
+var classes$u = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
root: "p-formfield p-component"
};
var FormFieldStyle = BaseStyle.extend({
name: "formfield",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
classes: classes$v
});
var script$1$w = {
name: "BaseFormField",
"extends": script$13,
+========
+ classes: classes$u
+});
+var script$1$v = {
+ name: "BaseFormField",
+ "extends": script$O,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
style: FormFieldStyle,
props: {
name: {
@@ -142693,13 +153105,18 @@ var script$1$w = {
"default": false
}
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
provide: /* @__PURE__ */ __name(function provide13() {
+========
+ provide: /* @__PURE__ */ __name(function provide14() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
$pcFormField: this,
$parentInstance: this
};
}, "provide")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function _typeof$b(o2) {
"@babel/helpers - typeof";
return _typeof$b = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
@@ -142710,6 +153127,18 @@ function _typeof$b(o2) {
}
__name(_typeof$b, "_typeof$b");
function ownKeys$d(e2, r2) {
+========
+function _typeof$a(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$a = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$a(o2);
+}
+__name(_typeof$a, "_typeof$a");
+function ownKeys$c(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -142719,6 +153148,7 @@ function ownKeys$d(e2, r2) {
}
return t2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(ownKeys$d, "ownKeys$d");
function _objectSpread$d(e2) {
for (var r2 = 1; r2 < arguments.length; r2++) {
@@ -142726,11 +153156,21 @@ function _objectSpread$d(e2) {
r2 % 2 ? ownKeys$d(Object(t2), true).forEach(function(r3) {
_defineProperty$d(e2, r3, t2[r3]);
}) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$d(Object(t2)).forEach(function(r3) {
+========
+__name(ownKeys$c, "ownKeys$c");
+function _objectSpread$c(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$c(Object(t2), true).forEach(function(r3) {
+ _defineProperty$c(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$c(Object(t2)).forEach(function(r3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
});
}
return e2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_objectSpread$d, "_objectSpread$d");
function _defineProperty$d(e2, r2, t2) {
return (r2 = _toPropertyKey$b(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
@@ -142747,14 +153187,39 @@ function _toPrimitive$b(t2, r2) {
if (void 0 !== e2) {
var i2 = e2.call(t2, r2 || "default");
if ("object" != _typeof$b(i2)) return i2;
+========
+__name(_objectSpread$c, "_objectSpread$c");
+function _defineProperty$c(e2, r2, t2) {
+ return (r2 = _toPropertyKey$9(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$c, "_defineProperty$c");
+function _toPropertyKey$9(t2) {
+ var i2 = _toPrimitive$9(t2, "string");
+ return "symbol" == _typeof$a(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$9, "_toPropertyKey$9");
+function _toPrimitive$9(t2, r2) {
+ if ("object" != _typeof$a(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$a(i2)) return i2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$b, "_toPrimitive$b");
var script$N = {
name: "FormField",
"extends": script$1$w,
+========
+__name(_toPrimitive$9, "_toPrimitive$9");
+var script$M = {
+ name: "FormField",
+ "extends": script$1$v,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
inheritAttrs: false,
inject: {
$pcForm: {
@@ -142764,7 +153229,11 @@ var script$N = {
watch: {
formControl: {
immediate: true,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler: /* @__PURE__ */ __name(function handler7(newValue2) {
+========
+ handler: /* @__PURE__ */ __name(function handler9(newValue2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _this$$pcForm, _this$$pcForm$registe;
(_this$$pcForm = this.$pcForm) === null || _this$$pcForm === void 0 || (_this$$pcForm$registe = _this$$pcForm.register) === null || _this$$pcForm$registe === void 0 || _this$$pcForm$registe.call(_this$$pcForm, this.name, newValue2);
}, "handler")
@@ -142787,31 +153256,451 @@ var script$N = {
return ((_this$$pcForm2 = this.$pcForm) === null || _this$$pcForm2 === void 0 || (_this$$pcForm2 = _this$$pcForm2.fields) === null || _this$$pcForm2 === void 0 ? void 0 : _this$$pcForm2[this.name]) || {};
}, "field"),
fieldAttrs: /* @__PURE__ */ __name(function fieldAttrs() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return _objectSpread$d(_objectSpread$d({}, this.field.props), this.field.states);
}, "fieldAttrs")
}
};
function render$M(_ctx, _cache, $props, $setup, $data, $options) {
return !_ctx.asChild ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps$1({
+========
+ return _objectSpread$c(_objectSpread$c({}, this.field.props), this.field.states);
+ }, "fieldAttrs")
+ }
+};
+function render$L(_ctx, _cache, $props, $setup, $data, $options) {
+ return !_ctx.asChild ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [renderSlot(_ctx.$slots, "default", mergeProps$1({
+========
+ return [renderSlot(_ctx.$slots, "default", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: $options.field.props
}, $options.fieldAttrs))];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 16, ["class"])) : renderSlot(_ctx.$slots, "default", mergeProps$1({
+========
+ }, 16, ["class"])) : renderSlot(_ctx.$slots, "default", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("root"),
props: $options.field.props
}, $options.fieldAttrs));
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(render$M, "render$M");
script$N.render = render$M;
var toValues = /* @__PURE__ */ __name((value4, name2) => {
if (isObject$f(value4) && value4.hasOwnProperty(name2)) {
+========
+__name(render$L, "render$L");
+script$M.render = render$L;
+var __defProp$1 = Object.defineProperty;
+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");
+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;
+}
+__name(isEmpty$1, "isEmpty$1");
+function compare$1(value1, value22, comparator, order = 1) {
+ let result = -1;
+ const emptyValue1 = isEmpty$1(value1);
+ const emptyValue2 = isEmpty$1(value22);
+ if (emptyValue1 && emptyValue2) result = 0;
+ else if (emptyValue1) result = order;
+ else if (emptyValue2) result = -order;
+ else if (typeof value1 === "string" && typeof value22 === "string") result = comparator(value1, value22);
+ else result = value1 < value22 ? -1 : value1 > value22 ? 1 : 0;
+ return result;
+}
+__name(compare$1, "compare$1");
+function _deepEquals(obj1, obj2, visited = /* @__PURE__ */ new WeakSet()) {
+ if (obj1 === obj2) return true;
+ if (!obj1 || !obj2 || typeof obj1 !== "object" || typeof obj2 !== "object") return false;
+ if (visited.has(obj1) || visited.has(obj2)) return false;
+ visited.add(obj1).add(obj2);
+ let arrObj1 = Array.isArray(obj1), arrObj2 = Array.isArray(obj2), i2, length, key;
+ if (arrObj1 && arrObj2) {
+ length = obj1.length;
+ if (length != obj2.length) return false;
+ for (i2 = length; i2-- !== 0; ) if (!_deepEquals(obj1[i2], obj2[i2], visited)) return false;
+ return true;
+ }
+ if (arrObj1 != arrObj2) return false;
+ let dateObj1 = obj1 instanceof Date, dateObj2 = obj2 instanceof Date;
+ if (dateObj1 != dateObj2) return false;
+ if (dateObj1 && dateObj2) return obj1.getTime() == obj2.getTime();
+ let regexpObj1 = obj1 instanceof RegExp, regexpObj2 = obj2 instanceof RegExp;
+ if (regexpObj1 != regexpObj2) return false;
+ if (regexpObj1 && regexpObj2) return obj1.toString() == obj2.toString();
+ let keys2 = Object.keys(obj1);
+ length = keys2.length;
+ if (length !== Object.keys(obj2).length) return false;
+ for (i2 = length; i2-- !== 0; ) if (!Object.prototype.hasOwnProperty.call(obj2, keys2[i2])) return false;
+ for (i2 = length; i2-- !== 0; ) {
+ key = keys2[i2];
+ if (!_deepEquals(obj1[key], obj2[key], visited)) return false;
+ }
+ return true;
+}
+__name(_deepEquals, "_deepEquals");
+function deepEquals(obj1, obj2) {
+ return _deepEquals(obj1, obj2);
+}
+__name(deepEquals, "deepEquals");
+function isFunction$6(value4) {
+ return !!(value4 && value4.constructor && value4.call && value4.apply);
+}
+__name(isFunction$6, "isFunction$6");
+function isNotEmpty(value4) {
+ return !isEmpty$1(value4);
+}
+__name(isNotEmpty, "isNotEmpty");
+function resolveFieldData(data26, field2) {
+ if (!data26 || !field2) {
+ return null;
+ }
+ try {
+ const value4 = data26[field2];
+ if (isNotEmpty(value4)) return value4;
+ } catch (e2) {
+ }
+ if (Object.keys(data26).length) {
+ if (isFunction$6(field2)) {
+ return field2(data26);
+ } else if (field2.indexOf(".") === -1) {
+ return data26[field2];
+ } else {
+ let fields = field2.split(".");
+ let value4 = data26;
+ for (let i2 = 0, len = fields.length; i2 < len; ++i2) {
+ if (value4 == null) {
+ return null;
+ }
+ value4 = value4[fields[i2]];
+ }
+ return value4;
+ }
+ }
+ return null;
+}
+__name(resolveFieldData, "resolveFieldData");
+function equals(obj1, obj2, field2) {
+ if (field2) return resolveFieldData(obj1, field2) === resolveFieldData(obj2, field2);
+ else return deepEquals(obj1, obj2);
+}
+__name(equals, "equals");
+function contains(value4, list2) {
+ if (value4 != null && list2 && list2.length) {
+ for (let val of list2) {
+ if (equals(value4, val)) return true;
+ }
+ }
+ return false;
+}
+__name(contains, "contains");
+function filter(value4, fields, filterValue) {
+ let filteredItems = [];
+ if (value4) {
+ for (let item3 of value4) {
+ for (let field2 of fields) {
+ if (String(resolveFieldData(item3, field2)).toLowerCase().indexOf(filterValue.toLowerCase()) > -1) {
+ filteredItems.push(item3);
+ break;
+ }
+ }
+ }
+ }
+ return filteredItems;
+}
+__name(filter, "filter");
+function findIndexInList(value4, list2) {
+ let index2 = -1;
+ if (list2) {
+ for (let i2 = 0; i2 < list2.length; i2++) {
+ if (list2[i2] === value4) {
+ index2 = i2;
+ break;
+ }
+ }
+ }
+ return index2;
+}
+__name(findIndexInList, "findIndexInList");
+function findLast(arr, callback) {
+ let item3;
+ if (isNotEmpty(arr)) {
+ try {
+ item3 = arr.findLast(callback);
+ } catch (e2) {
+ item3 = [...arr].reverse().find(callback);
+ }
+ }
+ return item3;
+}
+__name(findLast, "findLast");
+function findLastIndex(arr, callback) {
+ let index2 = -1;
+ if (isNotEmpty(arr)) {
+ try {
+ index2 = arr.findLastIndex(callback);
+ } catch (e2) {
+ index2 = arr.lastIndexOf([...arr].reverse().find(callback));
+ }
+ }
+ return index2;
+}
+__name(findLastIndex, "findLastIndex");
+function isObject$9(value4, empty3 = true) {
+ return value4 instanceof Object && value4.constructor === Object && (empty3 || Object.keys(value4).length !== 0);
+}
+__name(isObject$9, "isObject$9");
+function resolve(obj, ...params) {
+ return isFunction$6(obj) ? obj(...params) : obj;
+}
+__name(resolve, "resolve");
+function isString$4(value4, empty3 = true) {
+ return typeof value4 === "string" && (empty3 || value4 !== "");
+}
+__name(isString$4, "isString$4");
+function toFlatCase(str) {
+ return isString$4(str) ? str.replace(/(-|_)/g, "").toLowerCase() : str;
+}
+__name(toFlatCase, "toFlatCase");
+function getKeyValue(obj, key = "", params = {}) {
+ const fKeys = toFlatCase(key).split(".");
+ const fKey = fKeys.shift();
+ return fKey ? isObject$9(obj) ? getKeyValue(resolve(obj[Object.keys(obj).find((k2) => toFlatCase(k2) === fKey) || ""], params), fKeys.join("."), params) : void 0 : resolve(obj, params);
+}
+__name(getKeyValue, "getKeyValue");
+function insertIntoOrderedArray(item3, index2, arr, sourceArr) {
+ if (arr.length > 0) {
+ let injected = false;
+ for (let i2 = 0; i2 < arr.length; i2++) {
+ let currentItemIndex = findIndexInList(arr[i2], sourceArr);
+ if (currentItemIndex > index2) {
+ arr.splice(i2, 0, item3);
+ injected = true;
+ break;
+ }
+ }
+ if (!injected) {
+ arr.push(item3);
+ }
+ } else {
+ arr.push(item3);
+ }
+}
+__name(insertIntoOrderedArray, "insertIntoOrderedArray");
+function isArray$6(value4, empty3 = true) {
+ return Array.isArray(value4) && (empty3 || value4.length !== 0);
+}
+__name(isArray$6, "isArray$6");
+function isDate(value4) {
+ return value4 instanceof Date && value4.constructor === Date;
+}
+__name(isDate, "isDate");
+function isLetter$1(char) {
+ return /^[a-zA-Z\u00C0-\u017F]$/.test(char);
+}
+__name(isLetter$1, "isLetter$1");
+function isNumber$3(value4) {
+ return isNotEmpty(value4) && !isNaN(value4);
+}
+__name(isNumber$3, "isNumber$3");
+function isPrintableCharacter(char = "") {
+ return isNotEmpty(char) && char.length === 1 && !!char.match(/\S| /);
+}
+__name(isPrintableCharacter, "isPrintableCharacter");
+function isScalar(value4) {
+ return value4 != null && (typeof value4 === "string" || typeof value4 === "number" || typeof value4 === "bigint" || typeof value4 === "boolean");
+}
+__name(isScalar, "isScalar");
+function localeComparator() {
+ return new Intl.Collator(void 0, { numeric: true }).compare;
+}
+__name(localeComparator, "localeComparator");
+function matchRegex(str, regex2) {
+ if (regex2) {
+ const match2 = regex2.test(str);
+ regex2.lastIndex = 0;
+ return match2;
+ }
+ return false;
+}
+__name(matchRegex, "matchRegex");
+function mergeKeys(...args) {
+ const _mergeKeys = /* @__PURE__ */ __name((target2 = {}, source = {}) => {
+ const mergedObj = __spreadValues({}, target2);
+ Object.keys(source).forEach((key) => {
+ if (isObject$9(source[key]) && key in target2 && isObject$9(target2[key])) {
+ mergedObj[key] = _mergeKeys(target2[key], source[key]);
+ } else {
+ mergedObj[key] = source[key];
+ }
+ });
+ return mergedObj;
+ }, "_mergeKeys");
+ return args.reduce((acc, obj, i2) => i2 === 0 ? obj : _mergeKeys(acc, obj), {});
+}
+__name(mergeKeys, "mergeKeys");
+function minifyCSS(css4) {
+ return css4 ? css4.replace(/\/\*(?:(?!\*\/)[\s\S])*\*\/|[\r\n\t]+/g, "").replace(/ {2,}/g, " ").replace(/ ([{:}]) /g, "$1").replace(/([;,]) /g, "$1").replace(/ !/g, "!").replace(/: /g, ":") : css4;
+}
+__name(minifyCSS, "minifyCSS");
+function nestedKeys(obj = {}, parentKey = "") {
+ return Object.entries(obj).reduce((o2, [key, value4]) => {
+ const currentKey = parentKey ? `${parentKey}.${key}` : key;
+ isObject$9(value4) ? o2 = o2.concat(nestedKeys(value4, currentKey)) : o2.push(currentKey);
+ return o2;
+ }, []);
+}
+__name(nestedKeys, "nestedKeys");
+function omit(obj, ...keys2) {
+ if (!isObject$9(obj)) return obj;
+ const copy2 = __spreadValues({}, obj);
+ keys2 == null ? void 0 : keys2.flat().forEach((key) => delete copy2[key]);
+ return copy2;
+}
+__name(omit, "omit");
+function removeAccents(str) {
+ const accentCheckRegex = /[\xC0-\xFF\u0100-\u017E]/;
+ if (str && accentCheckRegex.test(str)) {
+ const accentsMap = {
+ A: /[\xC0-\xC5\u0100\u0102\u0104]/g,
+ AE: /[\xC6]/g,
+ C: /[\xC7\u0106\u0108\u010A\u010C]/g,
+ D: /[\xD0\u010E\u0110]/g,
+ E: /[\xC8-\xCB\u0112\u0114\u0116\u0118\u011A]/g,
+ G: /[\u011C\u011E\u0120\u0122]/g,
+ H: /[\u0124\u0126]/g,
+ I: /[\xCC-\xCF\u0128\u012A\u012C\u012E\u0130]/g,
+ IJ: /[\u0132]/g,
+ J: /[\u0134]/g,
+ K: /[\u0136]/g,
+ L: /[\u0139\u013B\u013D\u013F\u0141]/g,
+ N: /[\xD1\u0143\u0145\u0147\u014A]/g,
+ O: /[\xD2-\xD6\xD8\u014C\u014E\u0150]/g,
+ OE: /[\u0152]/g,
+ R: /[\u0154\u0156\u0158]/g,
+ S: /[\u015A\u015C\u015E\u0160]/g,
+ T: /[\u0162\u0164\u0166]/g,
+ U: /[\xD9-\xDC\u0168\u016A\u016C\u016E\u0170\u0172]/g,
+ W: /[\u0174]/g,
+ Y: /[\xDD\u0176\u0178]/g,
+ Z: /[\u0179\u017B\u017D]/g,
+ a: /[\xE0-\xE5\u0101\u0103\u0105]/g,
+ ae: /[\xE6]/g,
+ c: /[\xE7\u0107\u0109\u010B\u010D]/g,
+ d: /[\u010F\u0111]/g,
+ e: /[\xE8-\xEB\u0113\u0115\u0117\u0119\u011B]/g,
+ g: /[\u011D\u011F\u0121\u0123]/g,
+ i: /[\xEC-\xEF\u0129\u012B\u012D\u012F\u0131]/g,
+ ij: /[\u0133]/g,
+ j: /[\u0135]/g,
+ k: /[\u0137,\u0138]/g,
+ l: /[\u013A\u013C\u013E\u0140\u0142]/g,
+ n: /[\xF1\u0144\u0146\u0148\u014B]/g,
+ p: /[\xFE]/g,
+ o: /[\xF2-\xF6\xF8\u014D\u014F\u0151]/g,
+ oe: /[\u0153]/g,
+ r: /[\u0155\u0157\u0159]/g,
+ s: /[\u015B\u015D\u015F\u0161]/g,
+ t: /[\u0163\u0165\u0167]/g,
+ u: /[\xF9-\xFC\u0169\u016B\u016D\u016F\u0171\u0173]/g,
+ w: /[\u0175]/g,
+ y: /[\xFD\xFF\u0177]/g,
+ z: /[\u017A\u017C\u017E]/g
+ };
+ for (let key in accentsMap) {
+ str = str.replace(accentsMap[key], key);
+ }
+ }
+ return str;
+}
+__name(removeAccents, "removeAccents");
+function reorderArray(value4, from2, to) {
+ if (value4 && from2 !== to) {
+ if (to >= value4.length) {
+ to %= value4.length;
+ from2 %= value4.length;
+ }
+ value4.splice(to, 0, value4.splice(from2, 1)[0]);
+ }
+}
+__name(reorderArray, "reorderArray");
+function sort(value1, value22, order = 1, comparator, nullSortOrder = 1) {
+ const result = compare$1(value1, value22, comparator, order);
+ let finalSortOrder = order;
+ if (isEmpty$1(value1) || isEmpty$1(value22)) {
+ finalSortOrder = nullSortOrder === 1 ? order : nullSortOrder;
+ }
+ return finalSortOrder * result;
+}
+__name(sort, "sort");
+function stringify(value4, indent = 2, currentIndent = 0) {
+ const currentIndentStr = " ".repeat(currentIndent);
+ const nextIndentStr = " ".repeat(currentIndent + indent);
+ if (isArray$6(value4)) {
+ return "[" + value4.map((v2) => stringify(v2, indent, currentIndent + indent)).join(", ") + "]";
+ } else if (isDate(value4)) {
+ return value4.toISOString();
+ } else if (isFunction$6(value4)) {
+ return value4.toString();
+ } else if (isObject$9(value4)) {
+ return "{\n" + Object.entries(value4).map(([k2, v2]) => `${nextIndentStr}${k2}: ${stringify(v2, indent, currentIndent + indent)}`).join(",\n") + `
+${currentIndentStr}}`;
+ } else {
+ return JSON.stringify(value4);
+ }
+}
+__name(stringify, "stringify");
+function toCapitalCase(str) {
+ return isString$4(str, false) ? str[0].toUpperCase() + str.slice(1) : str;
+}
+__name(toCapitalCase, "toCapitalCase");
+function toKebabCase(str) {
+ return isString$4(str) ? str.replace(/(_)/g, "-").replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "-" + c2.toLowerCase()).toLowerCase() : str;
+}
+__name(toKebabCase, "toKebabCase");
+function toTokenKey(str) {
+ return isString$4(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
+}
+__name(toTokenKey, "toTokenKey");
+function toValue(value4) {
+ if (value4 && typeof value4 === "object") {
+ if (value4.hasOwnProperty("current")) {
+ return value4.current;
+ } else if (value4.hasOwnProperty("value")) {
+ return value4.value;
+ }
+ }
+ return resolve(value4);
+}
+__name(toValue, "toValue");
+var toValues = /* @__PURE__ */ __name((value4, name2) => {
+ if (isObject$9(value4) && value4.hasOwnProperty(name2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return value4;
}
return name2 ? { [name2]: value4 } : value4;
@@ -144008,12 +154897,21 @@ function cloneDeep(value4) {
__name(cloneDeep, "cloneDeep");
var cloneDeep_1 = cloneDeep;
const cloneDeep$1 = /* @__PURE__ */ getDefaultExportFromCjs(cloneDeep_1);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$M = {
name: "CheckIcon",
"extends": script$_
};
function render$L(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+var script$L = {
+ name: "CheckIcon",
+ "extends": script$$
+};
+function render$K(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -144024,6 +154922,7 @@ function render$L(_ctx, _cache, $props, $setup, $data, $options) {
fill: "currentColor"
}, null, -1)]), 16);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(render$L, "render$L");
script$M.render = render$L;
var script$L = {
@@ -144032,6 +154931,16 @@ var script$L = {
};
function render$K(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+__name(render$K, "render$K");
+script$L.render = render$K;
+var script$K = {
+ name: "MinusIcon",
+ "extends": script$$
+};
+function render$J(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -144042,6 +154951,7 @@ function render$K(_ctx, _cache, $props, $setup, $data, $options) {
fill: "currentColor"
}, null, -1)]), 16);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(render$K, "render$K");
script$L.render = render$K;
var theme$s = /* @__PURE__ */ __name(function theme13(_ref) {
@@ -144050,6 +154960,16 @@ var theme$s = /* @__PURE__ */ __name(function theme13(_ref) {
}, "theme");
var classes$u = {
root: /* @__PURE__ */ __name(function root7(_ref2) {
+========
+__name(render$J, "render$J");
+script$K.render = render$J;
+var theme$r = /* @__PURE__ */ __name(function theme15(_ref) {
+ var dt2 = _ref.dt;
+ return "\n.p-checkbox {\n position: relative;\n display: inline-flex;\n user-select: none;\n vertical-align: bottom;\n width: ".concat(dt2("checkbox.width"), ";\n height: ").concat(dt2("checkbox.height"), ";\n}\n\n.p-checkbox-input {\n cursor: pointer;\n appearance: none;\n position: absolute;\n inset-block-start: 0;\n inset-inline-start: 0;\n width: 100%;\n height: 100%;\n padding: 0;\n margin: 0;\n opacity: 0;\n z-index: 1;\n outline: 0 none;\n border: 1px solid transparent;\n border-radius: ").concat(dt2("checkbox.border.radius"), ";\n}\n\n.p-checkbox-box {\n display: flex;\n justify-content: center;\n align-items: center;\n border-radius: ").concat(dt2("checkbox.border.radius"), ";\n border: 1px solid ").concat(dt2("checkbox.border.color"), ";\n background: ").concat(dt2("checkbox.background"), ";\n width: ").concat(dt2("checkbox.width"), ";\n height: ").concat(dt2("checkbox.height"), ";\n transition: background ").concat(dt2("checkbox.transition.duration"), ", color ").concat(dt2("checkbox.transition.duration"), ", border-color ").concat(dt2("checkbox.transition.duration"), ", box-shadow ").concat(dt2("checkbox.transition.duration"), ", outline-color ").concat(dt2("checkbox.transition.duration"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt2("checkbox.shadow"), ";\n}\n\n.p-checkbox-icon {\n transition-duration: ").concat(dt2("checkbox.transition.duration"), ";\n color: ").concat(dt2("checkbox.icon.color"), ";\n font-size: ").concat(dt2("checkbox.icon.size"), ";\n width: ").concat(dt2("checkbox.icon.size"), ";\n height: ").concat(dt2("checkbox.icon.size"), ";\n}\n\n.p-checkbox:not(.p-disabled):has(.p-checkbox-input:hover) .p-checkbox-box {\n border-color: ").concat(dt2("checkbox.hover.border.color"), ";\n}\n\n.p-checkbox-checked .p-checkbox-box {\n border-color: ").concat(dt2("checkbox.checked.border.color"), ";\n background: ").concat(dt2("checkbox.checked.background"), ";\n}\n\n.p-checkbox-checked .p-checkbox-icon {\n color: ").concat(dt2("checkbox.icon.checked.color"), ";\n}\n\n.p-checkbox-checked:not(.p-disabled):has(.p-checkbox-input:hover) .p-checkbox-box {\n background: ").concat(dt2("checkbox.checked.hover.background"), ";\n border-color: ").concat(dt2("checkbox.checked.hover.border.color"), ";\n}\n\n.p-checkbox-checked:not(.p-disabled):has(.p-checkbox-input:hover) .p-checkbox-icon {\n color: ").concat(dt2("checkbox.icon.checked.hover.color"), ";\n}\n\n.p-checkbox:not(.p-disabled):has(.p-checkbox-input:focus-visible) .p-checkbox-box {\n border-color: ").concat(dt2("checkbox.focus.border.color"), ";\n box-shadow: ").concat(dt2("checkbox.focus.ring.shadow"), ";\n outline: ").concat(dt2("checkbox.focus.ring.width"), " ").concat(dt2("checkbox.focus.ring.style"), " ").concat(dt2("checkbox.focus.ring.color"), ";\n outline-offset: ").concat(dt2("checkbox.focus.ring.offset"), ";\n}\n\n.p-checkbox-checked:not(.p-disabled):has(.p-checkbox-input:focus-visible) .p-checkbox-box {\n border-color: ").concat(dt2("checkbox.checked.focus.border.color"), ";\n}\n\n.p-checkbox.p-invalid > .p-checkbox-box {\n border-color: ").concat(dt2("checkbox.invalid.border.color"), ";\n}\n\n.p-checkbox.p-variant-filled .p-checkbox-box {\n background: ").concat(dt2("checkbox.filled.background"), ";\n}\n\n.p-checkbox-checked.p-variant-filled .p-checkbox-box {\n background: ").concat(dt2("checkbox.checked.background"), ";\n}\n\n.p-checkbox-checked.p-variant-filled:not(.p-disabled):has(.p-checkbox-input:hover) .p-checkbox-box {\n background: ").concat(dt2("checkbox.checked.hover.background"), ";\n}\n\n.p-checkbox.p-disabled {\n opacity: 1;\n}\n\n.p-checkbox.p-disabled .p-checkbox-box {\n background: ").concat(dt2("checkbox.disabled.background"), ";\n border-color: ").concat(dt2("checkbox.checked.disabled.border.color"), ";\n}\n\n.p-checkbox.p-disabled .p-checkbox-box .p-checkbox-icon {\n color: ").concat(dt2("checkbox.icon.disabled.color"), ";\n}\n\n.p-checkbox-sm,\n.p-checkbox-sm .p-checkbox-box {\n width: ").concat(dt2("checkbox.sm.width"), ";\n height: ").concat(dt2("checkbox.sm.height"), ";\n}\n\n.p-checkbox-sm .p-checkbox-icon {\n font-size: ").concat(dt2("checkbox.icon.sm.size"), ";\n width: ").concat(dt2("checkbox.icon.sm.size"), ";\n height: ").concat(dt2("checkbox.icon.sm.size"), ";\n}\n\n.p-checkbox-lg,\n.p-checkbox-lg .p-checkbox-box {\n width: ").concat(dt2("checkbox.lg.width"), ";\n height: ").concat(dt2("checkbox.lg.height"), ";\n}\n\n.p-checkbox-lg .p-checkbox-icon {\n font-size: ").concat(dt2("checkbox.icon.lg.size"), ";\n width: ").concat(dt2("checkbox.icon.lg.size"), ";\n height: ").concat(dt2("checkbox.icon.lg.size"), ";\n}\n");
+}, "theme");
+var classes$t = {
+ root: /* @__PURE__ */ __name(function root8(_ref2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var instance = _ref2.instance, props = _ref2.props;
return ["p-checkbox p-component", {
"p-checkbox-checked": instance.checked,
@@ -144064,14 +154984,23 @@ var classes$u = {
input: "p-checkbox-input",
icon: "p-checkbox-icon"
};
-var CheckboxStyle = BaseStyle.extend({
+var CheckboxStyle = BaseStyle$1.extend({
name: "checkbox",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
theme: theme$s,
classes: classes$u
});
var script$1$v = {
name: "BaseCheckbox",
"extends": script$$,
+========
+ theme: theme$r,
+ classes: classes$t
+});
+var script$1$u = {
+ name: "BaseCheckbox",
+ "extends": script$10,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
value: null,
binary: Boolean,
@@ -144158,9 +155087,15 @@ function _arrayLikeToArray$c(r2, a2) {
return n2;
}
__name(_arrayLikeToArray$c, "_arrayLikeToArray$c");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$K = {
name: "Checkbox",
"extends": script$1$v,
+========
+var script$J = {
+ name: "Checkbox",
+ "extends": script$1$u,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
inheritAttrs: false,
emits: ["change", "focus", "blur", "update:indeterminate"],
inject: {
@@ -144168,7 +155103,11 @@ var script$K = {
"default": void 0
}
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
data: /* @__PURE__ */ __name(function data6() {
+========
+ data: /* @__PURE__ */ __name(function data7() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
d_indeterminate: this.indeterminate
};
@@ -144198,7 +155137,11 @@ var script$K = {
newModelValue = this.d_indeterminate ? this.trueValue : this.checked ? this.falseValue : this.trueValue;
} else {
if (this.checked || this.d_indeterminate) newModelValue = value4.filter(function(val) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return !equals(val, _this.value);
+========
+ return !equals$2(val, _this.value);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
else newModelValue = value4 ? [].concat(_toConsumableArray$a(value4), [this.value]) : [this.value];
}
@@ -144225,6 +155168,7 @@ var script$K = {
}, "groupName"),
checked: /* @__PURE__ */ __name(function checked() {
var value4 = this.$pcCheckboxGroup ? this.$pcCheckboxGroup.d_value : this.d_value;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return this.d_indeterminate ? false : this.binary ? value4 === this.trueValue : contains(this.value, value4);
}, "checked")
},
@@ -144239,12 +155183,32 @@ function render$J(_ctx, _cache, $props, $setup, $data, $options) {
var _component_CheckIcon = resolveComponent("CheckIcon");
var _component_MinusIcon = resolveComponent("MinusIcon");
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return this.d_indeterminate ? false : this.binary ? value4 === this.trueValue : contains$2(this.value, value4);
+ }, "checked")
+ },
+ components: {
+ CheckIcon: script$L,
+ MinusIcon: script$K
+ }
+};
+var _hoisted_1$12 = ["data-p-checked", "data-p-indeterminate", "data-p-disabled"];
+var _hoisted_2$I = ["id", "value", "name", "checked", "tabindex", "disabled", "readonly", "required", "aria-labelledby", "aria-label", "aria-invalid", "aria-checked"];
+function render$I(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_CheckIcon = resolveComponent("CheckIcon");
+ var _component_MinusIcon = resolveComponent("MinusIcon");
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root")
}, $options.getPTOptions("root"), {
"data-p-checked": $options.checked,
"data-p-indeterminate": $data.d_indeterminate || void 0,
"data-p-disabled": _ctx.disabled
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [createBaseVNode("input", mergeProps$1({
+========
+ }), [createBaseVNode("input", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: _ctx.inputId,
type: "checkbox",
"class": [_ctx.cx("input"), _ctx.inputClass],
@@ -144269,13 +155233,18 @@ function render$J(_ctx, _cache, $props, $setup, $data, $options) {
onChange: _cache[2] || (_cache[2] = function() {
return $options.onChange && $options.onChange.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, $options.getPTOptions("input")), null, 16, _hoisted_2$I), createBaseVNode("div", mergeProps$1({
+========
+ }, $options.getPTOptions("input")), null, 16, _hoisted_2$I), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("box")
}, $options.getPTOptions("box")), [renderSlot(_ctx.$slots, "icon", {
checked: $options.checked,
indeterminate: $data.d_indeterminate,
"class": normalizeClass(_ctx.cx("icon"))
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [$options.checked ? (openBlock(), createBlock(_component_CheckIcon, mergeProps$1({
key: 0,
"class": _ctx.cx("icon")
@@ -144293,6 +155262,25 @@ var theme$r = /* @__PURE__ */ __name(function theme14(_ref) {
}, "theme");
var classes$t = {
root: /* @__PURE__ */ __name(function root8(_ref2) {
+========
+ return [$options.checked ? (openBlock(), createBlock(_component_CheckIcon, mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("icon")
+ }, $options.getPTOptions("icon")), null, 16, ["class"])) : $data.d_indeterminate ? (openBlock(), createBlock(_component_MinusIcon, mergeProps$2({
+ key: 1,
+ "class": _ctx.cx("icon")
+ }, $options.getPTOptions("icon")), null, 16, ["class"])) : createCommentVNode("", true)];
+ })], 16)], 16, _hoisted_1$12);
+}
+__name(render$I, "render$I");
+script$J.render = render$I;
+var theme$q = /* @__PURE__ */ __name(function theme16(_ref) {
+ var dt2 = _ref.dt;
+ return "\n.p-inputtext {\n font-family: inherit;\n font-feature-settings: inherit;\n font-size: 1rem;\n color: ".concat(dt2("inputtext.color"), ";\n background: ").concat(dt2("inputtext.background"), ";\n padding-block: ").concat(dt2("inputtext.padding.y"), ";\n padding-inline: ").concat(dt2("inputtext.padding.x"), ";\n border: 1px solid ").concat(dt2("inputtext.border.color"), ";\n transition: background ").concat(dt2("inputtext.transition.duration"), ", color ").concat(dt2("inputtext.transition.duration"), ", border-color ").concat(dt2("inputtext.transition.duration"), ", outline-color ").concat(dt2("inputtext.transition.duration"), ", box-shadow ").concat(dt2("inputtext.transition.duration"), ";\n appearance: none;\n border-radius: ").concat(dt2("inputtext.border.radius"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt2("inputtext.shadow"), ";\n}\n\n.p-inputtext:enabled:hover {\n border-color: ").concat(dt2("inputtext.hover.border.color"), ";\n}\n\n.p-inputtext:enabled:focus {\n border-color: ").concat(dt2("inputtext.focus.border.color"), ";\n box-shadow: ").concat(dt2("inputtext.focus.ring.shadow"), ";\n outline: ").concat(dt2("inputtext.focus.ring.width"), " ").concat(dt2("inputtext.focus.ring.style"), " ").concat(dt2("inputtext.focus.ring.color"), ";\n outline-offset: ").concat(dt2("inputtext.focus.ring.offset"), ";\n}\n\n.p-inputtext.p-invalid {\n border-color: ").concat(dt2("inputtext.invalid.border.color"), ";\n}\n\n.p-inputtext.p-variant-filled {\n background: ").concat(dt2("inputtext.filled.background"), ";\n}\n\n.p-inputtext.p-variant-filled:enabled:hover {\n background: ").concat(dt2("inputtext.filled.hover.background"), ";\n}\n\n.p-inputtext.p-variant-filled:enabled:focus {\n background: ").concat(dt2("inputtext.filled.focus.background"), ";\n}\n\n.p-inputtext:disabled {\n opacity: 1;\n background: ").concat(dt2("inputtext.disabled.background"), ";\n color: ").concat(dt2("inputtext.disabled.color"), ";\n}\n\n.p-inputtext::placeholder {\n color: ").concat(dt2("inputtext.placeholder.color"), ";\n}\n\n.p-inputtext.p-invalid::placeholder {\n color: ").concat(dt2("inputtext.invalid.placeholder.color"), ";\n}\n\n.p-inputtext-sm {\n font-size: ").concat(dt2("inputtext.sm.font.size"), ";\n padding-block: ").concat(dt2("inputtext.sm.padding.y"), ";\n padding-inline: ").concat(dt2("inputtext.sm.padding.x"), ";\n}\n\n.p-inputtext-lg {\n font-size: ").concat(dt2("inputtext.lg.font.size"), ";\n padding-block: ").concat(dt2("inputtext.lg.padding.y"), ";\n padding-inline: ").concat(dt2("inputtext.lg.padding.x"), ";\n}\n\n.p-inputtext-fluid {\n width: 100%;\n}\n");
+}, "theme");
+var classes$s = {
+ root: /* @__PURE__ */ __name(function root9(_ref2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var instance = _ref2.instance, props = _ref2.props;
return ["p-inputtext p-component", {
"p-filled": instance.$filled,
@@ -144304,6 +155292,7 @@ var classes$t = {
}];
}, "root")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var InputTextStyle = BaseStyle.extend({
name: "inputtext",
theme: theme$r,
@@ -144314,15 +155303,33 @@ var script$1$u = {
"extends": script$$,
style: InputTextStyle,
provide: /* @__PURE__ */ __name(function provide15() {
+========
+var InputTextStyle = BaseStyle$1.extend({
+ name: "inputtext",
+ theme: theme$q,
+ classes: classes$s
+});
+var script$1$t = {
+ name: "BaseInputText",
+ "extends": script$10,
+ style: InputTextStyle,
+ provide: /* @__PURE__ */ __name(function provide16() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return {
$pcInputText: this,
$parentInstance: this
};
}, "provide")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var script$J = {
name: "InputText",
"extends": script$1$u,
+========
+var script$I = {
+ name: "InputText",
+ "extends": script$1$t,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
inheritAttrs: false,
methods: {
onInput: /* @__PURE__ */ __name(function onInput(event) {
@@ -144331,7 +155338,11 @@ var script$J = {
},
computed: {
attrs: /* @__PURE__ */ __name(function attrs3() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeProps$1(this.ptmi("root", {
+========
+ return mergeProps$2(this.ptmi("root", {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
context: {
filled: this.$filled,
disabled: this.disabled
@@ -144340,9 +155351,15 @@ var script$J = {
}, "attrs")
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_1$12 = ["value", "disabled", "aria-invalid"];
function render$I(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("input", mergeProps$1({
+========
+var _hoisted_1$11 = ["value", "disabled", "aria-invalid"];
+function render$H(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("input", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
type: "text",
"class": _ctx.cx("root"),
value: _ctx.d_value,
@@ -144351,6 +155368,7 @@ function render$I(_ctx, _cache, $props, $setup, $data, $options) {
onInput: _cache[0] || (_cache[0] = function() {
return $options.onInput && $options.onInput.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, $options.attrs), null, 16, _hoisted_1$12);
}
__name(render$I, "render$I");
@@ -144564,15 +155582,25 @@ function render$H(_ctx, _cache, $props, $setup, $data, $options) {
}),
_: 3
}, 16);
+========
+ }, $options.attrs), null, 16, _hoisted_1$11);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(render$H, "render$H");
script$I.render = render$H;
var script$H = {
name: "PlusIcon",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$_
};
function render$G(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ "extends": script$$
+};
+function render$G(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -144585,7 +155613,11 @@ function render$G(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$G, "render$G");
script$H.render = render$G;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$p = /* @__PURE__ */ __name(function theme16(_ref) {
+========
+var theme$p = /* @__PURE__ */ __name(function theme17(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-panel {\n border: 1px solid ".concat(dt2("panel.border.color"), ";\n border-radius: ").concat(dt2("panel.border.radius"), ";\n background: ").concat(dt2("panel.background"), ";\n color: ").concat(dt2("panel.color"), ";\n}\n\n.p-panel-header {\n display: flex;\n justify-content: space-between;\n align-items: center;\n padding: ").concat(dt2("panel.header.padding"), ";\n background: ").concat(dt2("panel.header.background"), ";\n color: ").concat(dt2("panel.header.color"), ";\n border-style: solid;\n border-width: ").concat(dt2("panel.header.border.width"), ";\n border-color: ").concat(dt2("panel.header.border.color"), ";\n border-radius: ").concat(dt2("panel.header.border.radius"), ";\n}\n\n.p-panel-toggleable .p-panel-header {\n padding: ").concat(dt2("panel.toggleable.header.padding"), ";\n}\n\n.p-panel-title {\n line-height: 1;\n font-weight: ").concat(dt2("panel.title.font.weight"), ";\n}\n\n.p-panel-content {\n padding: ").concat(dt2("panel.content.padding"), ";\n}\n\n.p-panel-footer {\n padding: ").concat(dt2("panel.footer.padding"), ";\n}\n");
}, "theme");
@@ -144604,14 +155636,22 @@ var classes$r = {
content: "p-panel-content",
footer: "p-panel-footer"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var PanelStyle = BaseStyle.extend({
+========
+var PanelStyle = BaseStyle$1.extend({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "panel",
theme: theme$p,
classes: classes$r
});
var script$1$s = {
name: "BasePanel",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
header: String,
toggleable: Boolean,
@@ -144654,7 +155694,11 @@ var script$G = {
this.d_collapsed = newValue2;
}, "collapsed")
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mounted: /* @__PURE__ */ __name(function mounted8() {
+========
+ mounted: /* @__PURE__ */ __name(function mounted9() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.id = this.id || UniqueComponentId();
}, "mounted"),
methods: {
@@ -144680,8 +155724,13 @@ var script$G = {
},
components: {
PlusIcon: script$H,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
MinusIcon: script$L,
Button: script$U
+========
+ MinusIcon: script$K,
+ Button: script$V
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
},
directives: {
ripple: Ripple
@@ -144691,22 +155740,38 @@ var _hoisted_1$10 = ["id"];
var _hoisted_2$H = ["id", "aria-labelledby"];
function render$F(_ctx, _cache, $props, $setup, $data, $options) {
var _component_Button = resolveComponent("Button");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("header")
}, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header", {
id: $data.id + "_header",
"class": normalizeClass(_ctx.cx("title"))
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.header ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ return [_ctx.header ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $data.id + "_header",
"class": _ctx.cx("title")
}, _ctx.ptm("title")), toDisplayString$1(_ctx.header), 17, _hoisted_1$10)) : createCommentVNode("", true)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("headerActions")
}, _ctx.ptm("headerActions")), [renderSlot(_ctx.$slots, "icons"), _ctx.toggleable ? (openBlock(), createBlock(_component_Button, mergeProps$1({
+========
+ }), createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("headerActions")
+ }, _ctx.ptm("headerActions")), [renderSlot(_ctx.$slots, "icons"), _ctx.toggleable ? (openBlock(), createBlock(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $data.id + "_header",
"class": _ctx.cx("pcToggleButton"),
@@ -144723,24 +155788,42 @@ function render$F(_ctx, _cache, $props, $setup, $data, $options) {
return [renderSlot(_ctx.$slots, _ctx.$slots.toggleicon ? "toggleicon" : "togglericon", {
collapsed: $data.d_collapsed
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent($data.d_collapsed ? "PlusIcon" : "MinusIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent($data.d_collapsed ? "PlusIcon" : "MinusIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": slotProps["class"]
}, _ctx.ptm("pcToggleButton")["icon"]), null, 16, ["class"]))];
})];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 16, ["id", "class", "aria-label", "aria-controls", "aria-expanded", "unstyled", "onClick", "onKeydown", "pt"])) : createCommentVNode("", true)], 16)], 16), createVNode(Transition, mergeProps$1({
name: "p-toggleable-content"
}, _ctx.ptm("transition")), {
"default": withCtx(function() {
return [withDirectives(createBaseVNode("div", mergeProps$1({
+========
+ }, 16, ["id", "class", "aria-label", "aria-controls", "aria-expanded", "unstyled", "onClick", "onKeydown", "pt"])) : createCommentVNode("", true)], 16)], 16), createVNode(Transition, mergeProps$2({
+ name: "p-toggleable-content"
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [withDirectives(createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: $data.id + "_content",
"class": _ctx.cx("contentContainer"),
role: "region",
"aria-labelledby": $data.id + "_header"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("contentContainer")), [createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("content")
}, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "default")], 16), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }, _ctx.ptm("contentContainer")), [createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "default")], 16), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("footer")
}, _ctx.ptm("footer")), [renderSlot(_ctx.$slots, "footer")], 16)) : createCommentVNode("", true)], 16, _hoisted_2$H), [[vShow, !$data.d_collapsed]])];
@@ -144750,7 +155833,11 @@ function render$F(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$F, "render$F");
script$G.render = render$F;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$o = /* @__PURE__ */ __name(function theme17(_ref) {
+========
+var theme$o = /* @__PURE__ */ __name(function theme18(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-textarea {\n font-family: inherit;\n font-feature-settings: inherit;\n font-size: 1rem;\n color: ".concat(dt2("textarea.color"), ";\n background: ").concat(dt2("textarea.background"), ";\n padding-block: ").concat(dt2("textarea.padding.y"), ";\n padding-inline: ").concat(dt2("textarea.padding.x"), ";\n border: 1px solid ").concat(dt2("textarea.border.color"), ";\n transition: background ").concat(dt2("textarea.transition.duration"), ", color ").concat(dt2("textarea.transition.duration"), ", border-color ").concat(dt2("textarea.transition.duration"), ", outline-color ").concat(dt2("textarea.transition.duration"), ", box-shadow ").concat(dt2("textarea.transition.duration"), ";\n appearance: none;\n border-radius: ").concat(dt2("textarea.border.radius"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt2("textarea.shadow"), ";\n}\n\n.p-textarea:enabled:hover {\n border-color: ").concat(dt2("textarea.hover.border.color"), ";\n}\n\n.p-textarea:enabled:focus {\n border-color: ").concat(dt2("textarea.focus.border.color"), ";\n box-shadow: ").concat(dt2("textarea.focus.ring.shadow"), ";\n outline: ").concat(dt2("textarea.focus.ring.width"), " ").concat(dt2("textarea.focus.ring.style"), " ").concat(dt2("textarea.focus.ring.color"), ";\n outline-offset: ").concat(dt2("textarea.focus.ring.offset"), ";\n}\n\n.p-textarea.p-invalid {\n border-color: ").concat(dt2("textarea.invalid.border.color"), ";\n}\n\n.p-textarea.p-variant-filled {\n background: ").concat(dt2("textarea.filled.background"), ";\n}\n\n.p-textarea.p-variant-filled:enabled:focus {\n background: ").concat(dt2("textarea.filled.focus.background"), ";\n}\n\n.p-textarea:disabled {\n opacity: 1;\n background: ").concat(dt2("textarea.disabled.background"), ";\n color: ").concat(dt2("textarea.disabled.color"), ";\n}\n\n.p-textarea::placeholder {\n color: ").concat(dt2("textarea.placeholder.color"), ";\n}\n\n.p-textarea.p-invalid::placeholder {\n color: ").concat(dt2("textarea.invalid.placeholder.color"), ";\n}\n\n.p-textarea-fluid {\n width: 100%;\n}\n\n.p-textarea-resizable {\n overflow: hidden;\n resize: none;\n}\n\n.p-textarea-sm {\n font-size: ").concat(dt2("textarea.sm.font.size"), ";\n padding-block: ").concat(dt2("textarea.sm.padding.y"), ";\n padding-inline: ").concat(dt2("textarea.sm.padding.x"), ";\n}\n\n.p-textarea-lg {\n font-size: ").concat(dt2("textarea.lg.font.size"), ";\n padding-block: ").concat(dt2("textarea.lg.padding.y"), ";\n padding-inline: ").concat(dt2("textarea.lg.padding.x"), ";\n}\n");
}, "theme");
@@ -144768,14 +155855,22 @@ var classes$q = {
}];
}, "root")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var TextareaStyle = BaseStyle.extend({
+========
+var TextareaStyle = BaseStyle$1.extend({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "textarea",
theme: theme$o,
classes: classes$q
});
var script$1$r = {
name: "BaseTextarea",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$$,
+========
+ "extends": script$10,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
autoResize: Boolean
},
@@ -144792,7 +155887,11 @@ var script$F = {
"extends": script$1$r,
inheritAttrs: false,
observer: null,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mounted: /* @__PURE__ */ __name(function mounted9() {
+========
+ mounted: /* @__PURE__ */ __name(function mounted10() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _this = this;
if (this.autoResize) {
this.observer = new ResizeObserver(function() {
@@ -144801,12 +155900,20 @@ var script$F = {
this.observer.observe(this.$el);
}
}, "mounted"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
updated: /* @__PURE__ */ __name(function updated6() {
+========
+ updated: /* @__PURE__ */ __name(function updated7() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (this.autoResize) {
this.resize();
}
}, "updated"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount4() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount5() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (this.observer) {
this.observer.disconnect();
}
@@ -144832,7 +155939,11 @@ var script$F = {
},
computed: {
attrs: /* @__PURE__ */ __name(function attrs4() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeProps$1(this.ptmi("root", {
+========
+ return mergeProps$2(this.ptmi("root", {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
context: {
filled: this.$filled,
disabled: this.disabled
@@ -144843,7 +155954,11 @@ var script$F = {
};
var _hoisted_1$$ = ["value", "disabled", "aria-invalid"];
function render$E(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("textarea", mergeProps$1({
+========
+ return openBlock(), createElementBlock("textarea", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root"),
value: _ctx.d_value,
disabled: _ctx.disabled,
@@ -144864,9 +155979,15 @@ const issueReportSchema = z.object({
});
const _hoisted_1$_ = { class: "flex items-center gap-2" };
const _hoisted_2$G = { class: "font-bold" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$r = { class: "flex justify-end gap-4" };
const _hoisted_4$k = { class: "p-4 mt-2 border border-round surface-border shadow-1" };
const _hoisted_5$f = { class: "flex flex-row gap-3 mb-2" };
+========
+const _hoisted_3$s = { class: "flex justify-end gap-4" };
+const _hoisted_4$k = { class: "p-4 mt-2 border border-round surface-border shadow-1" };
+const _hoisted_5$g = { class: "flex flex-row gap-3 mb-2" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_6$a = ["for"];
const _hoisted_7$4 = { class: "flex flex-row gap-3 mt-2" };
const _hoisted_8$3 = ["for"];
@@ -144982,7 +156103,11 @@ const _sfc_main$X = /* @__PURE__ */ defineComponent({
}, "submit");
return (_ctx, _cache) => {
const _directive_tooltip = resolveDirective("tooltip");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createBlock(unref(script$O), {
+========
+ return openBlock(), createBlock(unref(script$N), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
onSubmit: submit,
resolver: unref(zodResolver)(unref(issueReportSchema))
}, {
@@ -144996,8 +156121,13 @@ const _sfc_main$X = /* @__PURE__ */ defineComponent({
])
]),
footer: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("div", _hoisted_3$r, [
withDirectives(createVNode(unref(script$U), {
+========
+ createBaseVNode("div", _hoisted_3$s, [
+ withDirectives(createVNode(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
label: submitted.value ? _ctx.$t("g.reportSent") : _ctx.$t("g.reportIssue"),
severity: submitted.value ? "secondary" : "primary",
icon: submitted.value ? "pi pi-check" : "pi pi-send",
@@ -145010,18 +156140,30 @@ const _sfc_main$X = /* @__PURE__ */ defineComponent({
]),
default: withCtx(() => [
createBaseVNode("div", _hoisted_4$k, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("div", _hoisted_5$f, [
+========
+ createBaseVNode("div", _hoisted_5$g, [
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
(openBlock(true), createElementBlock(Fragment$1, null, renderList(fields.value, (field2) => {
return openBlock(), createElementBlock("div", {
key: field2.value
}, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
field2.optIn ? (openBlock(), createBlock(unref(script$N), {
+========
+ field2.optIn ? (openBlock(), createBlock(unref(script$M), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
name: field2.value,
class: "flex space-x-1"
}, {
default: withCtx(($field) => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$K), mergeProps$1({ ref_for: true }, $field, {
+========
+ createVNode(unref(script$J), mergeProps$2({ ref_for: true }, $field, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
inputId: field2.value,
value: field2.value,
modelValue: selection.value,
@@ -145036,18 +156178,30 @@ const _sfc_main$X = /* @__PURE__ */ defineComponent({
]);
}), 128))
]),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$N), {
+========
+ createVNode(unref(script$M), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
class: "mb-4",
name: "details"
}, {
default: withCtx(($field) => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$F), mergeProps$1($field, {
+========
+ createVNode(unref(script$F), mergeProps$2($field, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
class: "w-full",
rows: "5",
placeholder: _ctx.$t("issueReport.provideAdditionalDetails"),
"aria-label": _ctx.$t("issueReport.provideAdditionalDetails")
}), null, 16, ["placeholder", "aria-label"]),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
$field?.error && $field.touched && $field.value ? (openBlock(), createBlock(unref(script$I), {
+========
+ $field?.error && $field.touched && $field.value ? (openBlock(), createBlock(unref(script$S), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
severity: "error",
size: "small",
@@ -145061,6 +156215,7 @@ const _sfc_main$X = /* @__PURE__ */ defineComponent({
]),
_: 1
}),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$N), { name: "contactInfo" }, {
default: withCtx(($field) => [
createVNode(unref(script$J), mergeProps$1($field, {
@@ -145068,6 +156223,15 @@ const _sfc_main$X = /* @__PURE__ */ defineComponent({
placeholder: _ctx.$t("issueReport.provideEmail")
}), null, 16, ["placeholder"]),
$field?.error && $field.touched && $field.value !== "" ? (openBlock(), createBlock(unref(script$I), {
+========
+ createVNode(unref(script$M), { name: "contactInfo" }, {
+ default: withCtx(($field) => [
+ createVNode(unref(script$I), mergeProps$2($field, {
+ class: "w-full",
+ placeholder: _ctx.$t("issueReport.provideEmail")
+ }), null, 16, ["placeholder"]),
+ $field?.error && $field.touched && $field.value !== "" ? (openBlock(), createBlock(unref(script$S), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
severity: "error",
size: "small",
@@ -145086,12 +156250,20 @@ const _sfc_main$X = /* @__PURE__ */ defineComponent({
return createBaseVNode("div", {
key: checkbox.value
}, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$N), {
+========
+ createVNode(unref(script$M), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: checkbox.value,
class: "flex space-x-1"
}, {
default: withCtx(($field) => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$K), mergeProps$1({ ref_for: true }, $field, {
+========
+ createVNode(unref(script$J), mergeProps$2({ ref_for: true }, $field, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
inputId: checkbox.value,
value: checkbox.value,
modelValue: contactPrefs.value,
@@ -145119,7 +156291,11 @@ const _sfc_main$X = /* @__PURE__ */ defineComponent({
});
const _hoisted_1$Z = { class: "comfy-error-report" };
const _hoisted_2$F = { class: "flex gap-2 justify-center" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$q = { class: "wrapper-pre" };
+========
+const _hoisted_3$r = { class: "wrapper-pre" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_4$j = { class: "action-container" };
const repoOwner = "comfyanonymous";
const repoName = "ComfyUI";
@@ -145240,14 +156416,18 @@ ${workflowText}
}, null, 8, ["title", "message"]),
createBaseVNode("div", _hoisted_1$Z, [
createBaseVNode("div", _hoisted_2$F, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
withDirectives(createVNode(unref(script$U), {
+========
+ withDirectives(createVNode(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
text: "",
label: _ctx.$t("g.showReport"),
onClick: showReport
}, null, 8, ["label"]), [
[vShow, !reportOpen.value]
]),
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
text: "",
label: _ctx.$t("issueReport.helpFix"),
onClick: showSendReport
@@ -145259,7 +156439,11 @@ ${workflowText}
createVNode(unref(script$R)),
createVNode(unref(script$Q), { style: { "width": "100%", "height": "400px", "max-width": "80vw" } }, {
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("pre", _hoisted_3$q, toDisplayString$1(reportContent.value), 1)
+========
+ createBaseVNode("pre", _hoisted_3$r, toDisplayString$1(reportContent.value), 1)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
]),
_: 1
}),
@@ -145278,7 +156462,7 @@ ${workflowText}
repoOwner,
repoName
}, null, 8, ["errorMessage"]),
- reportOpen.value ? (openBlock(), createBlock(unref(script$U), {
+ reportOpen.value ? (openBlock(), createBlock(unref(script$V), {
key: 0,
label: _ctx.$t("g.copyToClipboard"),
icon: "pi pi-copy",
@@ -145290,13 +156474,21 @@ ${workflowText}
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const ExecutionErrorDialogContent = /* @__PURE__ */ _export_sfc(_sfc_main$W, [["__scopeId", "data-v-3faf7785"]]);
+========
+const ExecutionErrorDialogContent = /* @__PURE__ */ _export_sfc(_sfc_main$W, [["__scopeId", "data-v-e5000be2"]]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_1$Y = {
class: "p-2 h-full",
"aria-labelledby": "issue-report-title"
};
const _hoisted_2$E = { class: "flex flex-col items-center w-full" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$p = {
+========
+const _hoisted_3$q = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: "issue-report-title",
class: "text-4xl"
};
@@ -145320,12 +156512,20 @@ const _sfc_main$V = /* @__PURE__ */ defineComponent({
} }, {
header: withCtx(() => [
createBaseVNode("header", _hoisted_2$E, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("h2", _hoisted_3$p, toDisplayString$1(_ctx.title), 1),
+========
+ createBaseVNode("h2", _hoisted_3$q, toDisplayString$1(_ctx.title), 1),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
_ctx.subtitle ? (openBlock(), createElementBlock("span", _hoisted_4$i, toDisplayString$1(_ctx.subtitle), 1)) : createCommentVNode("", true)
])
]),
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(_sfc_main$X, mergeProps$1(_ctx.panelProps, { pt: { root: "border-none" } }), null, 16)
+========
+ createVNode(_sfc_main$X, mergeProps$2(_ctx.panelProps, { pt: { root: "border-none" } }), null, 16)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
]),
_: 1
})
@@ -145335,10 +156535,14 @@ const _sfc_main$V = /* @__PURE__ */ defineComponent({
});
var script$E = {
name: "BlankIcon",
- "extends": script$_
+ "extends": script$$
};
function render$D(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -145355,10 +156559,14 @@ __name(render$D, "render$D");
script$E.render = render$D;
var script$D = {
name: "SearchIcon",
- "extends": script$_
+ "extends": script$$
};
function render$C(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -145373,21 +156581,29 @@ function render$C(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$C, "render$C");
script$D.render = render$C;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$n = /* @__PURE__ */ __name(function theme18(_ref) {
+========
+var theme$n = /* @__PURE__ */ __name(function theme19(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-iconfield {\n position: relative;\n}\n\n.p-inputicon {\n position: absolute;\n top: 50%;\n margin-top: calc(-1 * (".concat(dt2("icon.size"), " / 2));\n color: ").concat(dt2("iconfield.icon.color"), ";\n line-height: 1;\n}\n\n.p-iconfield .p-inputicon:first-child {\n inset-inline-start: ").concat(dt2("form.field.padding.x"), ";\n}\n\n.p-iconfield .p-inputicon:last-child {\n inset-inline-end: ").concat(dt2("form.field.padding.x"), ";\n}\n\n.p-iconfield .p-inputtext:not(:first-child) {\n padding-inline-start: calc((").concat(dt2("form.field.padding.x"), " * 2) + ").concat(dt2("icon.size"), ");\n}\n\n.p-iconfield .p-inputtext:not(:last-child) {\n padding-inline-end: calc((").concat(dt2("form.field.padding.x"), " * 2) + ").concat(dt2("icon.size"), ");\n}\n\n.p-iconfield:has(.p-inputfield-sm) .p-inputicon {\n font-size: ").concat(dt2("form.field.sm.font.size"), ";\n width: ").concat(dt2("form.field.sm.font.size"), ";\n height: ").concat(dt2("form.field.sm.font.size"), ";\n margin-top: calc(-1 * (").concat(dt2("form.field.sm.font.size"), " / 2));\n}\n\n.p-iconfield:has(.p-inputfield-lg) .p-inputicon {\n font-size: ").concat(dt2("form.field.lg.font.size"), ";\n width: ").concat(dt2("form.field.lg.font.size"), ";\n height: ").concat(dt2("form.field.lg.font.size"), ";\n margin-top: calc(-1 * (").concat(dt2("form.field.lg.font.size"), " / 2));\n}\n");
}, "theme");
var classes$p = {
root: "p-iconfield"
};
-var IconFieldStyle = BaseStyle.extend({
+var IconFieldStyle = BaseStyle$1.extend({
name: "iconfield",
theme: theme$n,
classes: classes$p
});
var script$1$q = {
name: "BaseIconField",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
style: IconFieldStyle,
provide: /* @__PURE__ */ __name(function provide19() {
return {
@@ -145402,7 +156618,11 @@ var script$C = {
inheritAttrs: false
};
function render$B(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
}
@@ -145411,13 +156631,17 @@ script$C.render = render$B;
var classes$o = {
root: "p-inputicon"
};
-var InputIconStyle = BaseStyle.extend({
+var InputIconStyle = BaseStyle$1.extend({
name: "inputicon",
classes: classes$o
});
var script$1$p = {
name: "BaseInputIcon",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
style: InputIconStyle,
props: {
"class": null
@@ -145440,25 +156664,41 @@ var script$B = {
}
};
function render$A(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("span", mergeProps$1({
+========
+ return openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": $options.containerClass
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
}
__name(render$A, "render$A");
script$B.render = render$A;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$m = /* @__PURE__ */ __name(function theme19(_ref) {
+========
+var theme$m = /* @__PURE__ */ __name(function theme20(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-virtualscroller-loader {\n background: ".concat(dt2("virtualscroller.loader.mask.background"), ";\n color: ").concat(dt2("virtualscroller.loader.mask.color"), ";\n}\n\n.p-virtualscroller-loading-icon {\n font-size: ").concat(dt2("virtualscroller.loader.icon.size"), ";\n width: ").concat(dt2("virtualscroller.loader.icon.size"), ";\n height: ").concat(dt2("virtualscroller.loader.icon.size"), ";\n}\n");
}, "theme");
var css = "\n.p-virtualscroller {\n position: relative;\n overflow: auto;\n contain: strict;\n transform: translateZ(0);\n will-change: scroll-position;\n outline: 0 none;\n}\n\n.p-virtualscroller-content {\n position: absolute;\n top: 0;\n left: 0;\n min-height: 100%;\n min-width: 100%;\n will-change: transform;\n}\n\n.p-virtualscroller-spacer {\n position: absolute;\n top: 0;\n left: 0;\n height: 1px;\n width: 1px;\n transform-origin: 0 0;\n pointer-events: none;\n}\n\n.p-virtualscroller-loader {\n position: sticky;\n top: 0;\n left: 0;\n width: 100%;\n height: 100%;\n}\n\n.p-virtualscroller-loader-mask {\n display: flex;\n align-items: center;\n justify-content: center;\n}\n\n.p-virtualscroller-horizontal > .p-virtualscroller-content {\n display: flex;\n}\n\n.p-virtualscroller-inline .p-virtualscroller-content {\n position: static;\n}\n";
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var VirtualScrollerStyle = BaseStyle.extend({
+========
+var VirtualScrollerStyle = BaseStyle$1.extend({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "virtualscroller",
css,
theme: theme$m
});
var script$1$o = {
name: "BaseVirtualScroller",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
id: {
type: String,
@@ -145548,7 +156788,7 @@ var script$1$o = {
$parentInstance: this
};
}, "provide"),
- beforeMount: /* @__PURE__ */ __name(function beforeMount3() {
+ beforeMount: /* @__PURE__ */ __name(function beforeMount4() {
var _this$$primevueConfig;
VirtualScrollerStyle.loadCSS({
nonce: (_this$$primevueConfig = this.$primevueConfig) === null || _this$$primevueConfig === void 0 || (_this$$primevueConfig = _this$$primevueConfig.csp) === null || _this$$primevueConfig === void 0 ? void 0 : _this$$primevueConfig.nonce
@@ -145606,7 +156846,11 @@ function _toPrimitive$9(t2, r2) {
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$9, "_toPrimitive$9");
+========
+__name(_toPrimitive$8, "_toPrimitive$8");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var script$A = {
name: "VirtualScroller",
"extends": script$1$o,
@@ -145659,13 +156903,13 @@ var script$A = {
numToleratedItems: /* @__PURE__ */ __name(function numToleratedItems(newValue2) {
this.d_numToleratedItems = newValue2;
}, "numToleratedItems"),
- loading: /* @__PURE__ */ __name(function loading(newValue2, oldValue2) {
- if (this.lazy && newValue2 !== oldValue2 && newValue2 !== this.d_loading) {
+ loading: /* @__PURE__ */ __name(function loading(newValue2, oldValue) {
+ if (this.lazy && newValue2 !== oldValue && newValue2 !== this.d_loading) {
this.d_loading = newValue2;
}
}, "loading"),
- items: /* @__PURE__ */ __name(function items(newValue2, oldValue2) {
- if (!oldValue2 || oldValue2.length !== (newValue2 || []).length) {
+ items: /* @__PURE__ */ __name(function items(newValue2, oldValue) {
+ if (!oldValue || oldValue.length !== (newValue2 || []).length) {
this.init();
this.calculateAutoSize();
}
@@ -145689,7 +156933,11 @@ var script$A = {
this.calculateAutoSize();
}, "scrollWidth")
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mounted: /* @__PURE__ */ __name(function mounted10() {
+========
+ mounted: /* @__PURE__ */ __name(function mounted11() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.viewInit();
this.lastScrollPos = this.isBoth() ? {
top: 0,
@@ -145697,24 +156945,24 @@ var script$A = {
} : 0;
this.lazyLoadState = this.lazyLoadState || {};
}, "mounted"),
- updated: /* @__PURE__ */ __name(function updated7() {
+ updated: /* @__PURE__ */ __name(function updated8() {
!this.initialized && this.viewInit();
}, "updated"),
- unmounted: /* @__PURE__ */ __name(function unmounted5() {
+ unmounted: /* @__PURE__ */ __name(function unmounted6() {
this.unbindResizeListener();
this.initialized = false;
}, "unmounted"),
methods: {
viewInit: /* @__PURE__ */ __name(function viewInit() {
- if (isVisible(this.element)) {
+ if (isVisible$1(this.element)) {
this.setContentEl(this.content);
this.init();
this.calculateAutoSize();
this.bindResizeListener();
- this.defaultWidth = getWidth(this.element);
- this.defaultHeight = getHeight(this.element);
- this.defaultContentWidth = getWidth(this.content);
- this.defaultContentHeight = getHeight(this.content);
+ this.defaultWidth = getWidth$1(this.element);
+ this.defaultHeight = getHeight$1(this.element);
+ this.defaultContentWidth = getWidth$1(this.content);
+ this.defaultContentHeight = getHeight$1(this.content);
this.initialized = true;
}
}, "viewInit"),
@@ -145822,8 +157070,8 @@ var script$A = {
}
} else {
if (viewport.first - first2 > index2) {
- var pos2 = (viewport.first - 1) * this.itemSize;
- horizontal2 ? scrollTo3(pos2, 0) : scrollTo3(0, pos2);
+ var pos = (viewport.first - 1) * this.itemSize;
+ horizontal2 ? scrollTo3(pos, 0) : scrollTo3(0, pos);
}
}
} else if (isToEnd) {
@@ -145955,7 +157203,7 @@ var script$A = {
_this4.content.style.minHeight = _this4.content.style.minWidth = "auto";
_this4.content.style.position = "relative";
_this4.element.style.contain = "none";
- var _ref = [getWidth(_this4.element), getHeight(_this4.element)], width2 = _ref[0], height = _ref[1];
+ var _ref = [getWidth$1(_this4.element), getHeight$1(_this4.element)], width2 = _ref[0], height = _ref[1];
(both || horizontal2) && (_this4.element.style.width = width2 < _this4.defaultWidth ? width2 + "px" : _this4.scrollWidth || _this4.defaultWidth + "px");
(both || vertical2) && (_this4.element.style.height = height < _this4.defaultHeight ? height + "px" : _this4.scrollHeight || _this4.defaultHeight + "px");
_this4.content.style.minHeight = _this4.content.style.minWidth = "";
@@ -146034,12 +157282,12 @@ var script$A = {
}
}
}, "setSpacerSize"),
- setContentPosition: /* @__PURE__ */ __name(function setContentPosition(pos2) {
+ setContentPosition: /* @__PURE__ */ __name(function setContentPosition(pos) {
var _this7 = this;
if (this.content && !this.appendOnly) {
var both = this.isBoth();
var horizontal2 = this.isHorizontal();
- var first2 = pos2 ? pos2.first : this.first;
+ var first2 = pos ? pos.first : this.first;
var calculateTranslateVal = /* @__PURE__ */ __name(function calculateTranslateVal2(_first, _size) {
return _first * _size;
}, "calculateTranslateVal");
@@ -146193,19 +157441,19 @@ var script$A = {
clearTimeout(this.resizeTimeout);
}
this.resizeTimeout = setTimeout(function() {
- if (isVisible(_this10.element)) {
+ if (isVisible$1(_this10.element)) {
var both = _this10.isBoth();
var vertical2 = _this10.isVertical();
var horizontal2 = _this10.isHorizontal();
- var _ref3 = [getWidth(_this10.element), getHeight(_this10.element)], width2 = _ref3[0], height = _ref3[1];
+ var _ref3 = [getWidth$1(_this10.element), getHeight$1(_this10.element)], width2 = _ref3[0], height = _ref3[1];
var isDiffWidth = width2 !== _this10.defaultWidth, isDiffHeight = height !== _this10.defaultHeight;
var reinit = both ? isDiffWidth || isDiffHeight : horizontal2 ? isDiffWidth : vertical2 ? isDiffHeight : false;
if (reinit) {
_this10.d_numToleratedItems = _this10.numToleratedItems;
_this10.defaultWidth = width2;
_this10.defaultHeight = height;
- _this10.defaultContentWidth = getWidth(_this10.content);
- _this10.defaultContentHeight = getHeight(_this10.content);
+ _this10.defaultContentWidth = getWidth$1(_this10.content);
+ _this10.defaultContentHeight = getHeight$1(_this10.content);
_this10.init();
}
}
@@ -146255,7 +157503,7 @@ var script$A = {
return this.step && !this.lazy ? this.page !== this.getPageByFirst(first2 !== null && first2 !== void 0 ? first2 : this.first) : true;
}, "isPageChanged"),
setContentEl: /* @__PURE__ */ __name(function setContentEl(el) {
- this.content = el || this.content || findSingle(this.element, '[data-pc-section="content"]');
+ this.content = el || this.content || findSingle$1(this.element, '[data-pc-section="content"]');
}, "setContentEl"),
elementRef: /* @__PURE__ */ __name(function elementRef(el) {
this.element = el;
@@ -146308,13 +157556,17 @@ var script$A = {
}, "loadedColumns")
},
components: {
- SpinnerIcon: script$W
+ SpinnerIcon: script$X
}
};
var _hoisted_1$X = ["tabindex"];
function render$z(_ctx, _cache, $props, $setup, $data, $options) {
var _component_SpinnerIcon = resolveComponent("SpinnerIcon");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return !_ctx.disabled ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return !_ctx.disabled ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.elementRef,
"class": $options.containerClass,
@@ -146339,7 +157591,11 @@ function render$z(_ctx, _cache, $props, $setup, $data, $options) {
horizontal: $options.isHorizontal(),
both: $options.isBoth()
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("div", mergeProps$1({
+========
+ return [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: $options.contentRef,
"class": $options.contentClass,
style: $data.contentStyle
@@ -146350,11 +157606,19 @@ function render$z(_ctx, _cache, $props, $setup, $data, $options) {
options: $options.getOptions(index2)
});
}), 128))], 16)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), _ctx.showSpacer ? (openBlock(), createElementBlock("div", mergeProps$1({
key: 0,
"class": "p-virtualscroller-spacer",
style: $data.spacerStyle
}, _ctx.ptm("spacer")), null, 16)) : createCommentVNode("", true), !_ctx.loaderDisabled && _ctx.showLoader && $data.d_loading ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }), _ctx.showSpacer ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": "p-virtualscroller-spacer",
+ style: $data.spacerStyle
+ }, _ctx.ptm("spacer")), null, 16)) : createCommentVNode("", true), !_ctx.loaderDisabled && _ctx.showLoader && $data.d_loading ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": $options.loaderClass
}, _ctx.ptm("loader")), [_ctx.$slots && _ctx.$slots.loader ? (openBlock(true), createElementBlock(Fragment$1, {
@@ -146367,7 +157631,11 @@ function render$z(_ctx, _cache, $props, $setup, $data, $options) {
})
});
}), 128)) : createCommentVNode("", true), renderSlot(_ctx.$slots, "loadingicon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createVNode(_component_SpinnerIcon, mergeProps$1({
+========
+ return [createVNode(_component_SpinnerIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
spin: "",
"class": "p-virtualscroller-loading-icon"
}, _ctx.ptm("loadingIcon")), null, 16)];
@@ -146381,7 +157649,11 @@ function render$z(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$z, "render$z");
script$A.render = render$z;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$l = /* @__PURE__ */ __name(function theme20(_ref) {
+========
+var theme$l = /* @__PURE__ */ __name(function theme21(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-listbox {\n background: ".concat(dt2("listbox.background"), ";\n color: ").concat(dt2("listbox.color"), ";\n border: 1px solid ").concat(dt2("listbox.border.color"), ";\n border-radius: ").concat(dt2("listbox.border.radius"), ";\n transition: background ").concat(dt2("listbox.transition.duration"), ", color ").concat(dt2("listbox.transition.duration"), ", border-color ").concat(dt2("listbox.transition.duration"), ",\n box-shadow ").concat(dt2("listbox.transition.duration"), ", outline-color ").concat(dt2("listbox.transition.duration"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt2("listbox.shadow"), ";\n}\n\n.p-listbox.p-disabled {\n opacity: 1;\n background: ").concat(dt2("listbox.disabled.background"), ";\n color: ").concat(dt2("listbox.disabled.color"), ";\n}\n\n.p-listbox.p-disabled .p-listbox-option {\n color: ").concat(dt2("listbox.disabled.color"), ";\n}\n\n.p-listbox.p-invalid {\n border-color: ").concat(dt2("listbox.invalid.border.color"), ";\n}\n\n.p-listbox-header {\n padding: ").concat(dt2("listbox.list.header.padding"), ";\n}\n\n.p-listbox-filter {\n width: 100%;\n}\n\n.p-listbox-list-container {\n overflow: auto;\n}\n\n.p-listbox-list {\n list-style-type: none;\n margin: 0;\n padding: ").concat(dt2("listbox.list.padding"), ";\n outline: 0 none;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt2("listbox.list.gap"), ";\n}\n\n.p-listbox-option {\n display: flex;\n align-items: center;\n cursor: pointer;\n position: relative;\n overflow: hidden;\n padding: ").concat(dt2("listbox.option.padding"), ";\n border: 0 none;\n border-radius: ").concat(dt2("listbox.option.border.radius"), ";\n color: ").concat(dt2("listbox.option.color"), ";\n transition: background ").concat(dt2("listbox.transition.duration"), ", color ").concat(dt2("listbox.transition.duration"), ", border-color ").concat(dt2("listbox.transition.duration"), ",\n box-shadow ").concat(dt2("listbox.transition.duration"), ", outline-color ").concat(dt2("listbox.transition.duration"), ";\n}\n\n.p-listbox-striped li:nth-child(even of .p-listbox-option) {\n background: ").concat(dt2("listbox.option.striped.background"), ";\n}\n\n.p-listbox .p-listbox-list .p-listbox-option.p-listbox-option-selected {\n background: ").concat(dt2("listbox.option.selected.background"), ";\n color: ").concat(dt2("listbox.option.selected.color"), ";\n}\n\n.p-listbox:not(.p-disabled) .p-listbox-option.p-listbox-option-selected.p-focus {\n background: ").concat(dt2("listbox.option.selected.focus.background"), ";\n color: ").concat(dt2("listbox.option.selected.focus.color"), ";\n}\n\n.p-listbox:not(.p-disabled) .p-listbox-option:not(.p-listbox-option-selected):not(.p-disabled).p-focus {\n background: ").concat(dt2("listbox.option.focus.background"), ";\n color: ").concat(dt2("listbox.option.focus.color"), ";\n}\n\n.p-listbox:not(.p-disabled) .p-listbox-option:not(.p-listbox-option-selected):not(.p-disabled):hover {\n background: ").concat(dt2("listbox.option.focus.background"), ";\n color: ").concat(dt2("listbox.option.focus.color"), ";\n}\n\n.p-listbox-option-check-icon {\n position: relative;\n margin-inline-start: ").concat(dt2("listbox.checkmark.gutter.start"), ";\n margin-inline-end: ").concat(dt2("listbox.checkmark.gutter.end"), ";\n color: ").concat(dt2("listbox.checkmark.color"), ";\n}\n\n.p-listbox-option-group {\n margin: 0;\n padding: ").concat(dt2("listbox.option.group.padding"), ";\n color: ").concat(dt2("listbox.option.group.color"), ";\n background: ").concat(dt2("listbox.option.group.background"), ";\n font-weight: ").concat(dt2("listbox.option.group.font.weight"), ";\n}\n\n.p-listbox-empty-message {\n padding: ").concat(dt2("listbox.empty.message.padding"), ";\n}\n");
}, "theme");
@@ -146411,7 +157683,7 @@ var classes$n = {
optionBlankIcon: "p-listbox-option-blank-icon",
emptyMessage: "p-listbox-empty-message"
};
-var ListboxStyle = BaseStyle.extend({
+var ListboxStyle = BaseStyle$1.extend({
name: "listbox",
theme: theme$l,
classes: classes$n
@@ -146581,7 +157853,11 @@ var script$z = {
this.autoUpdateModel();
}, "options")
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mounted: /* @__PURE__ */ __name(function mounted11() {
+========
+ mounted: /* @__PURE__ */ __name(function mounted12() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.id = this.id || UniqueComponentId();
this.autoUpdateModel();
}, "mounted"),
@@ -146590,13 +157866,13 @@ var script$z = {
return this.virtualScrollerDisabled ? index2 : fn && fn(index2)["index"];
}, "getOptionIndex"),
getOptionLabel: /* @__PURE__ */ __name(function getOptionLabel(option3) {
- return this.optionLabel ? resolveFieldData(option3, this.optionLabel) : typeof option3 === "string" ? option3 : null;
+ return this.optionLabel ? resolveFieldData$2(option3, this.optionLabel) : typeof option3 === "string" ? option3 : null;
}, "getOptionLabel"),
getOptionValue: /* @__PURE__ */ __name(function getOptionValue(option3) {
- return this.optionValue ? resolveFieldData(option3, this.optionValue) : option3;
+ return this.optionValue ? resolveFieldData$2(option3, this.optionValue) : option3;
}, "getOptionValue"),
getOptionRenderKey: /* @__PURE__ */ __name(function getOptionRenderKey(option3, index2) {
- return (this.dataKey ? resolveFieldData(option3, this.dataKey) : this.getOptionLabel(option3)) + "_" + index2;
+ return (this.dataKey ? resolveFieldData$2(option3, this.dataKey) : this.getOptionLabel(option3)) + "_" + index2;
}, "getOptionRenderKey"),
getPTOptions: /* @__PURE__ */ __name(function getPTOptions3(option3, itemOptions, index2, key) {
return this.ptm(key, {
@@ -146608,16 +157884,16 @@ var script$z = {
});
}, "getPTOptions"),
isOptionDisabled: /* @__PURE__ */ __name(function isOptionDisabled(option3) {
- return this.optionDisabled ? resolveFieldData(option3, this.optionDisabled) : false;
+ return this.optionDisabled ? resolveFieldData$2(option3, this.optionDisabled) : false;
}, "isOptionDisabled"),
isOptionGroup: /* @__PURE__ */ __name(function isOptionGroup(option3) {
return this.optionGroupLabel && option3.optionGroup && option3.group;
}, "isOptionGroup"),
getOptionGroupLabel: /* @__PURE__ */ __name(function getOptionGroupLabel(optionGroup) {
- return resolveFieldData(optionGroup, this.optionGroupLabel);
+ return resolveFieldData$2(optionGroup, this.optionGroupLabel);
}, "getOptionGroupLabel"),
getOptionGroupChildren: /* @__PURE__ */ __name(function getOptionGroupChildren(optionGroup) {
- return resolveFieldData(optionGroup, this.optionGroupChildren);
+ return resolveFieldData$2(optionGroup, this.optionGroupChildren);
}, "getOptionGroupChildren"),
getAriaPosInset: /* @__PURE__ */ __name(function getAriaPosInset(index2) {
var _this = this;
@@ -146626,19 +157902,19 @@ var script$z = {
}).length : index2) + 1;
}, "getAriaPosInset"),
onFirstHiddenFocus: /* @__PURE__ */ __name(function onFirstHiddenFocus() {
- focus$1(this.list);
- var firstFocusableEl = getFirstFocusableElement(this.$el, ':not([data-p-hidden-focusable="true"])');
- this.$refs.lastHiddenFocusableElement.tabIndex = isElement(firstFocusableEl) ? void 0 : -1;
+ focus$2(this.list);
+ var firstFocusableEl = getFirstFocusableElement$1(this.$el, ':not([data-p-hidden-focusable="true"])');
+ this.$refs.lastHiddenFocusableElement.tabIndex = isElement$1(firstFocusableEl) ? void 0 : -1;
this.$refs.firstHiddenFocusableElement.tabIndex = -1;
}, "onFirstHiddenFocus"),
onLastHiddenFocus: /* @__PURE__ */ __name(function onLastHiddenFocus(event) {
var relatedTarget = event.relatedTarget;
if (relatedTarget === this.list) {
- var firstFocusableEl = getFirstFocusableElement(this.$el, ':not([data-p-hidden-focusable="true"])');
- focus$1(firstFocusableEl);
+ var firstFocusableEl = getFirstFocusableElement$1(this.$el, ':not([data-p-hidden-focusable="true"])');
+ focus$2(firstFocusableEl);
this.$refs.firstHiddenFocusableElement.tabIndex = void 0;
} else {
- focus$1(this.$refs.firstHiddenFocusableElement);
+ focus$2(this.$refs.firstHiddenFocusableElement);
}
this.$refs.lastHiddenFocusableElement.tabIndex = -1;
}, "onLastHiddenFocus"),
@@ -146703,7 +157979,7 @@ var script$z = {
event.preventDefault();
break;
}
- if (!metaKey && isPrintableCharacter(event.key)) {
+ if (!metaKey && isPrintableCharacter$2(event.key)) {
this.searchOptions(event, event.key);
event.preventDefault();
}
@@ -146927,13 +158203,13 @@ var script$z = {
return this.isValidOption(option3) && typeof this.getOptionLabel(option3) === "string" && ((_this$getOptionLabel = this.getOptionLabel(option3)) === null || _this$getOptionLabel === void 0 ? void 0 : _this$getOptionLabel.toLocaleLowerCase(this.filterLocale).startsWith(this.searchValue.toLocaleLowerCase(this.filterLocale)));
}, "isOptionMatched"),
isValidOption: /* @__PURE__ */ __name(function isValidOption(option3) {
- return isNotEmpty(option3) && !(this.isOptionDisabled(option3) || this.isOptionGroup(option3));
+ return isNotEmpty$2(option3) && !(this.isOptionDisabled(option3) || this.isOptionGroup(option3));
}, "isValidOption"),
isValidSelectedOption: /* @__PURE__ */ __name(function isValidSelectedOption(option3) {
return this.isValidOption(option3) && this.isSelected(option3);
}, "isValidSelectedOption"),
isEquals: /* @__PURE__ */ __name(function isEquals(value1, value22) {
- return equals(value1, value22, this.equalityKey);
+ return equals$2(value1, value22, this.equalityKey);
}, "isEquals"),
isSelected: /* @__PURE__ */ __name(function isSelected(option3) {
var _this4 = this;
@@ -146951,7 +158227,7 @@ var script$z = {
}, "findFirstOptionIndex"),
findLastOptionIndex: /* @__PURE__ */ __name(function findLastOptionIndex() {
var _this6 = this;
- return findLastIndex(this.visibleOptions, function(option3) {
+ return findLastIndex$2(this.visibleOptions, function(option3) {
return _this6.isValidOption(option3);
});
}, "findLastOptionIndex"),
@@ -146964,7 +158240,7 @@ var script$z = {
}, "findNextOptionIndex"),
findPrevOptionIndex: /* @__PURE__ */ __name(function findPrevOptionIndex(index2) {
var _this8 = this;
- var matchedOptionIndex = index2 > 0 ? findLastIndex(this.visibleOptions.slice(0, index2), function(option3) {
+ var matchedOptionIndex = index2 > 0 ? findLastIndex$2(this.visibleOptions.slice(0, index2), function(option3) {
return _this8.isValidOption(option3);
}) : -1;
return matchedOptionIndex > -1 ? matchedOptionIndex : index2;
@@ -147002,7 +158278,11 @@ var script$z = {
}, "findFirstSelectedOptionIndex"),
findLastSelectedOptionIndex: /* @__PURE__ */ __name(function findLastSelectedOptionIndex() {
var _this11 = this;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return this.$filled ? findLastIndex(this.visibleOptions, function(option3) {
+========
+ return this.$filled ? findLastIndex$2(this.visibleOptions, function(option3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return _this11.isValidSelectedOption(option3);
}) : -1;
}, "findLastSelectedOptionIndex"),
@@ -147015,7 +158295,11 @@ var script$z = {
}, "findNextSelectedOptionIndex"),
findPrevSelectedOptionIndex: /* @__PURE__ */ __name(function findPrevSelectedOptionIndex(index2) {
var _this13 = this;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var matchedOptionIndex = this.$filled && index2 > 0 ? findLastIndex(this.visibleOptions.slice(0, index2), function(option3) {
+========
+ var matchedOptionIndex = this.$filled && index2 > 0 ? findLastIndex$2(this.visibleOptions.slice(0, index2), function(option3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return _this13.isValidSelectedOption(option3);
}) : -1;
return matchedOptionIndex > -1 ? matchedOptionIndex : -1;
@@ -147046,7 +158330,7 @@ var script$z = {
var _this14 = this;
this.searchValue = (this.searchValue || "") + _char;
var optionIndex = -1;
- if (isNotEmpty(this.searchValue)) {
+ if (isNotEmpty$2(this.searchValue)) {
if (this.focusedOptionIndex !== -1) {
optionIndex = this.visibleOptions.slice(this.focusedOptionIndex).findIndex(function(option3) {
return _this14.isOptionMatched(option3);
@@ -147077,7 +158361,11 @@ var script$z = {
removeOption: /* @__PURE__ */ __name(function removeOption(option3) {
var _this15 = this;
return this.d_value.filter(function(val) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return !equals(val, _this15.getOptionValue(option3), _this15.equalityKey);
+========
+ return !equals$2(val, _this15.getOptionValue(option3), _this15.equalityKey);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
}, "removeOption"),
changeFocusedOptionIndex: /* @__PURE__ */ __name(function changeFocusedOptionIndex(event, index2) {
@@ -147094,7 +158382,7 @@ var script$z = {
var index2 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : -1;
this.$nextTick(function() {
var id3 = index2 !== -1 ? "".concat(_this16.id, "_").concat(index2) : _this16.focusedOptionId;
- var element = findSingle(_this16.list, 'li[id="'.concat(id3, '"]'));
+ var element = findSingle$1(_this16.list, 'li[id="'.concat(id3, '"]'));
if (element) {
element.scrollIntoView && element.scrollIntoView({
block: "nearest",
@@ -147151,7 +158439,11 @@ var script$z = {
}, "visibleOptions"),
// @deprecated use $filled instead
hasSelectedOption: /* @__PURE__ */ __name(function hasSelectedOption() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return isNotEmpty(this.d_value);
+========
+ return isNotEmpty$2(this.d_value);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "hasSelectedOption"),
equalityKey: /* @__PURE__ */ __name(function equalityKey() {
return this.optionValue ? null : this.dataKey;
@@ -147160,7 +158452,7 @@ var script$z = {
return this.filterFields || [this.optionLabel];
}, "searchFields"),
filterResultMessageText: /* @__PURE__ */ __name(function filterResultMessageText() {
- return isNotEmpty(this.visibleOptions) ? this.filterMessageText.replaceAll("{0}", this.visibleOptions.length) : this.emptyFilterMessageText;
+ return isNotEmpty$2(this.visibleOptions) ? this.filterMessageText.replaceAll("{0}", this.visibleOptions.length) : this.emptyFilterMessageText;
}, "filterResultMessageText"),
filterMessageText: /* @__PURE__ */ __name(function filterMessageText() {
return this.filterMessage || this.$primevue.config.locale.searchMessage || "";
@@ -147197,20 +158489,34 @@ var script$z = {
ripple: Ripple
},
components: {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
InputText: script$J,
+========
+ InputText: script$I,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
VirtualScroller: script$A,
InputIcon: script$B,
IconField: script$C,
SearchIcon: script$D,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
CheckIcon: script$M,
+========
+ CheckIcon: script$L,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
BlankIcon: script$E
}
};
var _hoisted_1$W = ["id"];
var _hoisted_2$D = ["tabindex"];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_3$o = ["id", "aria-multiselectable", "aria-label", "aria-labelledby", "aria-activedescendant", "aria-disabled"];
var _hoisted_4$h = ["id"];
var _hoisted_5$e = ["id", "aria-label", "aria-selected", "aria-disabled", "aria-setsize", "aria-posinset", "onClick", "onMousedown", "onMousemove", "onDblclick", "data-p-selected", "data-p-focused", "data-p-disabled"];
+========
+var _hoisted_3$p = ["id", "aria-multiselectable", "aria-label", "aria-labelledby", "aria-activedescendant", "aria-disabled"];
+var _hoisted_4$h = ["id"];
+var _hoisted_5$f = ["id", "aria-label", "aria-selected", "aria-disabled", "aria-setsize", "aria-posinset", "onClick", "onMousedown", "onMousemove", "onDblclick", "data-p-selected", "data-p-focused", "data-p-disabled"];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _hoisted_6$9 = ["tabindex"];
function render$y(_ctx, _cache, $props, $setup, $data, $options) {
var _component_InputText = resolveComponent("InputText");
@@ -147221,13 +158527,21 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
var _component_BlankIcon = resolveComponent("BlankIcon");
var _component_VirtualScroller = resolveComponent("VirtualScroller");
var _directive_ripple = resolveDirective("ripple");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: $data.id,
"class": _ctx.cx("root"),
onFocusout: _cache[7] || (_cache[7] = function() {
return $options.onFocusout && $options.onFocusout.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptmi("root")), [createBaseVNode("span", mergeProps$1({
+========
+ }, _ctx.ptmi("root")), [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "firstHiddenFocusableElement",
role: "presentation",
"aria-hidden": "true",
@@ -147245,7 +158559,11 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
}, [renderSlot(_ctx.$slots, "header", {
value: _ctx.d_value,
options: $options.visibleOptions
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 2)) : createCommentVNode("", true), _ctx.filter ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ })], 2)) : createCommentVNode("", true), _ctx.filter ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("header")
}, _ctx.ptm("header")), [createVNode(_component_IconField, {
@@ -147278,10 +158596,17 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
}, {
"default": withCtx(function() {
return [renderSlot(_ctx.$slots, "filtericon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.filterIcon ? (openBlock(), createElementBlock("span", mergeProps$1({
key: 0,
"class": _ctx.filterIcon
}, _ctx.ptm("filterIcon")), null, 16)) : (openBlock(), createBlock(_component_SearchIcon, normalizeProps(mergeProps$1({
+========
+ return [_ctx.filterIcon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 0,
+ "class": _ctx.filterIcon
+ }, _ctx.ptm("filterIcon")), null, 16)) : (openBlock(), createBlock(_component_SearchIcon, normalizeProps(mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1
}, _ctx.ptm("filterIcon"))), null, 16))];
})];
@@ -147290,18 +158615,30 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
}, 8, ["unstyled", "pt"])];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 8, ["unstyled", "pt"]), createBaseVNode("span", mergeProps$1({
+========
+ }, 8, ["unstyled", "pt"]), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
role: "status",
"aria-live": "polite",
"class": "p-hidden-accessible"
}, _ctx.ptm("hiddenFilterResult"), {
"data-p-hidden-accessible": true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), toDisplayString$1($options.filterResultMessageText), 17)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ }), toDisplayString$1($options.filterResultMessageText), 17)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("listContainer"),
style: [{
"max-height": $options.virtualScrollerDisabled ? _ctx.scrollHeight : ""
}, _ctx.listStyle]
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("listContainer")), [createVNode(_component_VirtualScroller, mergeProps$1({
+========
+ }, _ctx.ptm("listContainer")), [createVNode(_component_VirtualScroller, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: $options.virtualScrollerRef
}, _ctx.virtualScrollerOptions, {
items: $options.visibleOptions,
@@ -147314,7 +158651,11 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
}), createSlots({
content: withCtx(function(_ref) {
var styleClass = _ref.styleClass, contentRef3 = _ref.contentRef, items2 = _ref.items, getItemOptions = _ref.getItemOptions, contentStyle = _ref.contentStyle, itemSize2 = _ref.itemSize;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("ul", mergeProps$1({
+========
+ return [createBaseVNode("ul", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: /* @__PURE__ */ __name(function ref2(el) {
return $options.listRef(el, contentRef3);
}, "ref"),
@@ -147340,7 +158681,11 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("list")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList(items2, function(option3, i2) {
return openBlock(), createElementBlock(Fragment$1, {
key: $options.getOptionRenderKey(option3, $options.getOptionIndex(i2, getItemOptions))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [$options.isOptionGroup(option3) ? (openBlock(), createElementBlock("li", mergeProps$1({
+========
+ }, [$options.isOptionGroup(option3) ? (openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $data.id + "_" + $options.getOptionIndex(i2, getItemOptions),
style: {
@@ -147354,7 +158699,11 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
index: $options.getOptionIndex(i2, getItemOptions)
}, function() {
return [createTextVNode(toDisplayString$1($options.getOptionGroupLabel(option3.optionGroup)), 1)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 16, _hoisted_4$h)) : withDirectives((openBlock(), createElementBlock("li", mergeProps$1({
+========
+ })], 16, _hoisted_4$h)) : withDirectives((openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
id: $data.id + "_" + $options.getOptionIndex(i2, getItemOptions),
style: {
@@ -147393,11 +158742,19 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
"data-p-disabled": $options.isOptionDisabled(option3)
}), [_ctx.checkmark ? (openBlock(), createElementBlock(Fragment$1, {
key: 0
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [$options.isSelected(option3) ? (openBlock(), createBlock(_component_CheckIcon, mergeProps$1({
key: 0,
"class": _ctx.cx("optionCheckIcon"),
ref_for: true
}, _ctx.ptm("optionCheckIcon")), null, 16, ["class"])) : (openBlock(), createBlock(_component_BlankIcon, mergeProps$1({
+========
+ }, [$options.isSelected(option3) ? (openBlock(), createBlock(_component_CheckIcon, mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("optionCheckIcon"),
+ ref_for: true
+ }, _ctx.ptm("optionCheckIcon")), null, 16, ["class"])) : (openBlock(), createBlock(_component_BlankIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("optionBlankIcon"),
ref_for: true
@@ -147407,20 +158764,33 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
index: $options.getOptionIndex(i2, getItemOptions)
}, function() {
return [createTextVNode(toDisplayString$1($options.getOptionLabel(option3)), 1)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 16, _hoisted_5$e)), [[_directive_ripple]])], 64);
}), 128)), $data.filterValue && (!items2 || items2 && items2.length === 0) ? (openBlock(), createElementBlock("li", mergeProps$1({
+========
+ })], 16, _hoisted_5$f)), [[_directive_ripple]])], 64);
+ }), 128)), $data.filterValue && (!items2 || items2 && items2.length === 0) ? (openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("emptyMessage"),
role: "option"
}, _ctx.ptm("emptyMessage")), [renderSlot(_ctx.$slots, "emptyfilter", {}, function() {
return [createTextVNode(toDisplayString$1($options.emptyFilterMessageText), 1)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 16)) : !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("li", mergeProps$1({
+========
+ })], 16)) : !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("emptyMessage"),
role: "option"
}, _ctx.ptm("emptyMessage")), [renderSlot(_ctx.$slots, "empty", {}, function() {
return [createTextVNode(toDisplayString$1($options.emptyMessageText), 1)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 16)) : createCommentVNode("", true)], 16, _hoisted_3$o)];
+========
+ })], 16)) : createCommentVNode("", true)], 16, _hoisted_3$p)];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}),
_: 2
}, [_ctx.$slots.loader ? {
@@ -147435,20 +158805,32 @@ function render$y(_ctx, _cache, $props, $setup, $data, $options) {
} : void 0]), 1040, ["items", "style", "disabled", "pt"])], 16), renderSlot(_ctx.$slots, "footer", {
value: _ctx.d_value,
options: $options.visibleOptions
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ }), !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 2,
role: "status",
"aria-live": "polite",
"class": "p-hidden-accessible"
}, _ctx.ptm("hiddenEmptyMessage"), {
"data-p-hidden-accessible": true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), toDisplayString$1($options.emptyMessageText), 17)) : createCommentVNode("", true), createBaseVNode("span", mergeProps$1({
+========
+ }), toDisplayString$1($options.emptyMessageText), 17)) : createCommentVNode("", true), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
role: "status",
"aria-live": "polite",
"class": "p-hidden-accessible"
}, _ctx.ptm("hiddenSelectedMessage"), {
"data-p-hidden-accessible": true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), toDisplayString$1($options.selectedMessageText), 17), createBaseVNode("span", mergeProps$1({
+========
+ }), toDisplayString$1($options.selectedMessageText), 17), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "lastHiddenFocusableElement",
role: "presentation",
"aria-hidden": "true",
@@ -147466,7 +158848,11 @@ __name(render$y, "render$y");
script$z.render = render$y;
const _hoisted_1$V = { class: "flex align-items-center" };
const _hoisted_2$C = { class: "node-type" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$n = {
+========
+const _hoisted_3$o = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
class: "node-hint"
};
@@ -147515,8 +158901,13 @@ const _sfc_main$U = /* @__PURE__ */ defineComponent({
option: withCtx((slotProps) => [
createBaseVNode("div", _hoisted_1$V, [
createBaseVNode("span", _hoisted_2$C, toDisplayString$1(slotProps.option.label), 1),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
slotProps.option.hint ? (openBlock(), createElementBlock("span", _hoisted_3$n, toDisplayString$1(slotProps.option.hint), 1)) : createCommentVNode("", true),
slotProps.option.action ? (openBlock(), createBlock(unref(script$U), {
+========
+ slotProps.option.hint ? (openBlock(), createElementBlock("span", _hoisted_3$o, toDisplayString$1(slotProps.option.hint), 1)) : createCommentVNode("", true),
+ slotProps.option.action ? (openBlock(), createBlock(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
onClick: slotProps.option.action.callback,
label: slotProps.option.action.text,
@@ -147532,7 +158923,11 @@ const _sfc_main$U = /* @__PURE__ */ defineComponent({
}
});
const LoadWorkflowWarning = /* @__PURE__ */ _export_sfc(_sfc_main$U, [["__scopeId", "data-v-425cc3ac"]]);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$k = /* @__PURE__ */ __name(function theme21(_ref) {
+========
+var theme$k = /* @__PURE__ */ __name(function theme22(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-progressbar {\n position: relative;\n overflow: hidden;\n height: ".concat(dt2("progressbar.height"), ";\n background: ").concat(dt2("progressbar.background"), ";\n border-radius: ").concat(dt2("progressbar.border.radius"), ";\n}\n\n.p-progressbar-value {\n margin: 0;\n background: ").concat(dt2("progressbar.value.background"), ";\n}\n\n.p-progressbar-label {\n color: ").concat(dt2("progressbar.label.color"), ";\n font-size: ").concat(dt2("progressbar.label.font.size"), ";\n font-weight: ").concat(dt2("progressbar.label.font.weight"), ';\n}\n\n.p-progressbar-determinate .p-progressbar-value {\n height: 100%;\n width: 0%;\n position: absolute;\n display: none;\n display: flex;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n transition: width 1s ease-in-out;\n}\n\n.p-progressbar-determinate .p-progressbar-label {\n display: inline-flex;\n}\n\n.p-progressbar-indeterminate .p-progressbar-value::before {\n content: "";\n position: absolute;\n background: inherit;\n inset-block-start: 0;\n inset-inline-start: 0;\n inset-block-end: 0;\n will-change: inset-inline-start, inset-inline-end;\n animation: p-progressbar-indeterminate-anim 2.1s cubic-bezier(0.65, 0.815, 0.735, 0.395) infinite;\n}\n\n.p-progressbar-indeterminate .p-progressbar-value::after {\n content: "";\n position: absolute;\n background: inherit;\n inset-block-start: 0;\n inset-inline-start: 0;\n inset-block-end: 0;\n will-change: inset-inline-start, inset-inline-end;\n animation: p-progressbar-indeterminate-anim-short 2.1s cubic-bezier(0.165, 0.84, 0.44, 1) infinite;\n animation-delay: 1.15s;\n}\n\n@keyframes p-progressbar-indeterminate-anim {\n 0% {\n inset-inline-start: -35%;\n inset-inline-end: 100%;\n }\n 60% {\n inset-inline-start: 100%;\n inset-inline-end: -90%;\n }\n 100% {\n inset-inline-start: 100%;\n inset-inline-end: -90%;\n }\n}\n@-webkit-keyframes p-progressbar-indeterminate-anim {\n 0% {\n inset-inline-start: -35%;\n inset-inline-end: 100%;\n }\n 60% {\n inset-inline-start: 100%;\n inset-inline-end: -90%;\n }\n 100% {\n inset-inline-start: 100%;\n inset-inline-end: -90%;\n }\n}\n\n@keyframes p-progressbar-indeterminate-anim-short {\n 0% {\n inset-inline-start: -200%;\n inset-inline-end: 100%;\n }\n 60% {\n inset-inline-start: 107%;\n inset-inline-end: -8%;\n }\n 100% {\n inset-inline-start: 107%;\n inset-inline-end: -8%;\n }\n}\n@-webkit-keyframes p-progressbar-indeterminate-anim-short {\n 0% {\n inset-inline-start: -200%;\n inset-inline-end: 100%;\n }\n 60% {\n inset-inline-start: 107%;\n inset-inline-end: -8%;\n }\n 100% {\n inset-inline-start: 107%;\n inset-inline-end: -8%;\n }\n}\n');
}, "theme");
@@ -147547,14 +158942,18 @@ var classes$m = {
value: "p-progressbar-value",
label: "p-progressbar-label"
};
-var ProgressBarStyle = BaseStyle.extend({
+var ProgressBarStyle = BaseStyle$1.extend({
name: "progressbar",
theme: theme$k,
classes: classes$m
});
var script$1$m = {
name: "BaseProgressBar",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
value: {
type: Number,
@@ -147598,22 +158997,38 @@ var script$y = {
};
var _hoisted_1$U = ["aria-valuenow"];
function render$x(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
role: "progressbar",
"class": _ctx.cx("root"),
"aria-valuemin": "0",
"aria-valuenow": _ctx.value,
"aria-valuemax": "100"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptmi("root")), [$options.determinate ? (openBlock(), createElementBlock("div", mergeProps$1({
key: 0,
"class": _ctx.cx("value"),
style: $options.progressStyle
}, _ctx.ptm("value")), [_ctx.value != null && _ctx.value !== 0 && _ctx.showValue ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }, _ctx.ptmi("root")), [$options.determinate ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("value"),
+ style: $options.progressStyle
+ }, _ctx.ptm("value")), [_ctx.value != null && _ctx.value !== 0 && _ctx.showValue ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("label")
}, _ctx.ptm("label")), [renderSlot(_ctx.$slots, "default", {}, function() {
return [createTextVNode(toDisplayString$1(_ctx.value + "%"), 1)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 16)) : createCommentVNode("", true)], 16)) : $options.indeterminate ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ })], 16)) : createCommentVNode("", true)], 16)) : $options.indeterminate ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("value")
}, _ctx.ptm("value")), null, 16)) : createCommentVNode("", true)], 16, _hoisted_1$U);
@@ -147957,12 +159372,20 @@ function isValidUrl(url) {
__name(isValidUrl, "isValidUrl");
const _hoisted_1$T = { class: "flex flex-col" };
const _hoisted_2$B = { class: "flex flex-row items-center gap-2" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$m = {
+========
+const _hoisted_3$n = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
class: "pi pi-check text-green-500"
};
const _hoisted_4$g = { class: "file-info" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_5$d = { class: "file-details" };
+========
+const _hoisted_5$e = { class: "file-details" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_6$8 = ["title"];
const _hoisted_7$3 = {
key: 0,
@@ -148015,9 +159438,15 @@ const _sfc_main$T = /* @__PURE__ */ defineComponent({
const _directive_tooltip = resolveDirective("tooltip");
return openBlock(), createElementBlock("div", _hoisted_1$T, [
createBaseVNode("div", _hoisted_2$B, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
status.value === "completed" ? (openBlock(), createElementBlock("i", _hoisted_3$m)) : createCommentVNode("", true),
createBaseVNode("div", _hoisted_4$g, [
createBaseVNode("div", _hoisted_5$d, [
+========
+ status.value === "completed" ? (openBlock(), createElementBlock("i", _hoisted_3$n)) : createCommentVNode("", true),
+ createBaseVNode("div", _hoisted_4$g, [
+ createBaseVNode("div", _hoisted_5$e, [
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
createBaseVNode("span", {
class: "file-type",
title: hint.value
@@ -148026,7 +159455,11 @@ const _sfc_main$T = /* @__PURE__ */ defineComponent({
props.error ? (openBlock(), createElementBlock("div", _hoisted_7$3, toDisplayString$1(props.error), 1)) : createCommentVNode("", true)
]),
createBaseVNode("div", _hoisted_8$2, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
status.value === null || status.value === "error" ? (openBlock(), createBlock(unref(script$U), {
+========
+ status.value === null || status.value === "error" ? (openBlock(), createBlock(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
class: "file-action-button",
label: _ctx.$t("g.download") + " (" + fileSize.value + ")",
@@ -148044,7 +159477,7 @@ const _sfc_main$T = /* @__PURE__ */ defineComponent({
value: downloadProgress.value,
"show-value": downloadProgress.value > 10
}, null, 8, ["value", "show-value"]),
- status.value === "in_progress" ? withDirectives((openBlock(), createBlock(unref(script$U), {
+ status.value === "in_progress" ? withDirectives((openBlock(), createBlock(unref(script$V), {
key: 0,
class: "file-action-button",
size: "small",
@@ -148060,7 +159493,7 @@ const _sfc_main$T = /* @__PURE__ */ defineComponent({
{ top: true }
]
]) : createCommentVNode("", true),
- status.value === "paused" ? withDirectives((openBlock(), createBlock(unref(script$U), {
+ status.value === "paused" ? withDirectives((openBlock(), createBlock(unref(script$V), {
key: 1,
class: "file-action-button",
size: "small",
@@ -148076,7 +159509,7 @@ const _sfc_main$T = /* @__PURE__ */ defineComponent({
{ top: true }
]
]) : createCommentVNode("", true),
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
class: "file-action-button",
size: "small",
outlined: "",
@@ -148099,9 +159532,15 @@ const _sfc_main$T = /* @__PURE__ */ defineComponent({
});
const _hoisted_1$S = { class: "flex flex-row items-center gap-2" };
const _hoisted_2$A = { class: "file-info" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$l = { class: "file-details" };
const _hoisted_4$f = ["title"];
const _hoisted_5$c = {
+========
+const _hoisted_3$m = { class: "file-details" };
+const _hoisted_4$f = ["title"];
+const _hoisted_5$d = {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
class: "file-error"
};
@@ -148125,7 +159564,11 @@ const _sfc_main$S = /* @__PURE__ */ defineComponent({
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$S, [
createBaseVNode("div", _hoisted_2$A, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("div", _hoisted_3$l, [
+========
+ createBaseVNode("div", _hoisted_3$m, [
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
createBaseVNode("span", {
class: "file-type",
title: hint.value
@@ -148134,7 +159577,11 @@ const _sfc_main$S = /* @__PURE__ */ defineComponent({
props.error ? (openBlock(), createElementBlock("div", _hoisted_5$c, toDisplayString$1(props.error), 1)) : createCommentVNode("", true)
]),
createBaseVNode("div", _hoisted_6$7, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$U), {
+========
+ createVNode(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
class: "file-action-button",
label: _ctx.$t("g.download") + " (" + fileSize.value + ")",
size: "small",
@@ -148255,11 +159702,11 @@ function tryMigrateDeprecatedValue(setting, value4) {
return setting?.migrateDeprecatedValue?.(value4) ?? value4;
}
__name(tryMigrateDeprecatedValue, "tryMigrateDeprecatedValue");
-function onChange(setting, newValue2, oldValue2) {
+function onChange(setting, newValue2, oldValue) {
if (setting?.onChange) {
- setting.onChange(newValue2, oldValue2);
+ setting.onChange(newValue2, oldValue);
}
- app$1.ui.settings.dispatchChange(setting.id, newValue2, oldValue2);
+ app$1.ui.settings.dispatchChange(setting.id, newValue2, oldValue);
}
__name(onChange, "onChange");
const useSettingStore = /* @__PURE__ */ defineStore("setting", () => {
@@ -148294,9 +159741,9 @@ const useSettingStore = /* @__PURE__ */ defineStore("setting", () => {
settingsById.value[key],
clonedValue
);
- const oldValue2 = get3(key);
- if (newValue2 === oldValue2) return;
- onChange(settingsById.value[key], newValue2, oldValue2);
+ const oldValue = get3(key);
+ if (newValue2 === oldValue) return;
+ onChange(settingsById.value[key], newValue2, oldValue);
settingValues.value[key] = newValue2;
await api.storeSetting(key, newValue2);
}
@@ -148431,7 +159878,11 @@ const _sfc_main$R = /* @__PURE__ */ defineComponent({
message: unref(t2)("missingModelsDialog.missingModelsMessage")
}, null, 8, ["title", "message"]),
createBaseVNode("div", _hoisted_1$R, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$K), {
+========
+ createVNode(unref(script$J), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
modelValue: doNotAskAgain.value,
"onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => doNotAskAgain.value = $event),
binary: "",
@@ -148467,7 +159918,11 @@ const _sfc_main$R = /* @__PURE__ */ defineComponent({
}
});
const MissingModelsWarning = /* @__PURE__ */ _export_sfc(_sfc_main$R, [["__scopeId", "data-v-f8d63775"]]);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$j = /* @__PURE__ */ __name(function theme22(_ref) {
+========
+var theme$j = /* @__PURE__ */ __name(function theme23(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-floatlabel {\n display: block;\n position: relative;\n}\n\n.p-floatlabel label {\n position: absolute;\n pointer-events: none;\n top: 50%;\n transform: translateY(-50%);\n transition-property: all;\n transition-timing-function: ease;\n line-height: 1;\n font-weight: ".concat(dt2("floatlabel.font.weight"), ";\n inset-inline-start: ").concat(dt2("floatlabel.position.x"), ";\n color: ").concat(dt2("floatlabel.color"), ";\n transition-duration: ").concat(dt2("floatlabel.transition.duration"), ";\n}\n\n.p-floatlabel:has(.p-textarea) label {\n top: ").concat(dt2("floatlabel.position.y"), ";\n transform: translateY(0);\n}\n\n.p-floatlabel:has(.p-inputicon:first-child) label {\n inset-inline-start: calc((").concat(dt2("form.field.padding.x"), " * 2) + ").concat(dt2("icon.size"), ");\n}\n\n.p-floatlabel:has(.p-invalid) label {\n color: ").concat(dt2("floatlabel.invalid.color"), ";\n}\n\n.p-floatlabel:has(input:focus) label,\n.p-floatlabel:has(input.p-filled) label,\n.p-floatlabel:has(input:-webkit-autofill) label,\n.p-floatlabel:has(textarea:focus) label,\n.p-floatlabel:has(textarea.p-filled) label,\n.p-floatlabel:has(.p-inputwrapper-focus) label,\n.p-floatlabel:has(.p-inputwrapper-filled) label {\n top: ").concat(dt2("floatlabel.over.active.top"), ";\n transform: translateY(0);\n font-size: ").concat(dt2("floatlabel.active.font.size"), ";\n font-weight: ").concat(dt2("floatlabel.label.active.font.weight"), ";\n}\n\n.p-floatlabel:has(input.p-filled) label,\n.p-floatlabel:has(textarea.p-filled) label,\n.p-floatlabel:has(.p-inputwrapper-filled) label {\n color: ").concat(dt2("floatlabel.active.color"), ";\n}\n\n.p-floatlabel:has(input:focus) label,\n.p-floatlabel:has(input:-webkit-autofill) label,\n.p-floatlabel:has(textarea:focus) label,\n.p-floatlabel:has(.p-inputwrapper-focus) label {\n color: ").concat(dt2("floatlabel.focus.color"), ";\n}\n\n.p-floatlabel-in .p-inputtext,\n.p-floatlabel-in .p-textarea,\n.p-floatlabel-in .p-select-label,\n.p-floatlabel-in .p-multiselect-label,\n.p-floatlabel-in .p-autocomplete-input-multiple,\n.p-floatlabel-in .p-cascadeselect-label,\n.p-floatlabel-in .p-treeselect-label {\n padding-block-start: ").concat(dt2("floatlabel.in.input.padding.top"), ";\n padding-block-end: ").concat(dt2("floatlabel.in.input.padding.bottom"), ";\n}\n\n.p-floatlabel-in:has(input:focus) label,\n.p-floatlabel-in:has(input.p-filled) label,\n.p-floatlabel-in:has(input:-webkit-autofill) label,\n.p-floatlabel-in:has(textarea:focus) label,\n.p-floatlabel-in:has(textarea.p-filled) label,\n.p-floatlabel-in:has(.p-inputwrapper-focus) label,\n.p-floatlabel-in:has(.p-inputwrapper-filled) label {\n top: ").concat(dt2("floatlabel.in.active.top"), ";\n}\n\n.p-floatlabel-on:has(input:focus) label,\n.p-floatlabel-on:has(input.p-filled) label,\n.p-floatlabel-on:has(input:-webkit-autofill) label,\n.p-floatlabel-on:has(textarea:focus) label,\n.p-floatlabel-on:has(textarea.p-filled) label,\n.p-floatlabel-on:has(.p-inputwrapper-focus) label,\n.p-floatlabel-on:has(.p-inputwrapper-filled) label {\n top: 0;\n transform: translateY(-50%);\n border-radius: ").concat(dt2("floatlabel.on.border.radius"), ";\n background: ").concat(dt2("floatlabel.on.active.background"), ";\n padding: ").concat(dt2("floatlabel.on.active.padding"), ";\n}\n");
}, "theme");
@@ -148482,14 +159937,22 @@ var classes$l = {
}];
}, "root")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var FloatLabelStyle = BaseStyle.extend({
+========
+var FloatLabelStyle = BaseStyle$1.extend({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "floatlabel",
theme: theme$j,
classes: classes$l
});
var script$1$l = {
name: "BaseFloatLabel",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
variant: {
type: String,
@@ -148510,7 +159973,11 @@ var script$x = {
inheritAttrs: false
};
function render$w(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("span", mergeProps$1({
+========
+ return openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
}
@@ -148541,7 +160008,11 @@ const _sfc_main$Q = /* @__PURE__ */ defineComponent({
return openBlock(), createElementBlock("div", _hoisted_1$Q, [
createVNode(unref(script$x), null, {
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$J), {
+========
+ createVNode(unref(script$I), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref_key: "inputRef",
ref: inputRef,
modelValue: inputValue.value,
@@ -148554,7 +160025,11 @@ const _sfc_main$Q = /* @__PURE__ */ defineComponent({
]),
_: 1
}),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$U), { onClick: onConfirm }, {
+========
+ createVNode(unref(script$V), { onClick: onConfirm }, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
default: withCtx(() => [
createTextVNode(toDisplayString$1(_ctx.$t("g.confirm")), 1)
]),
@@ -148567,13 +160042,21 @@ const _sfc_main$Q = /* @__PURE__ */ defineComponent({
var classes$k = {
root: "p-tabpanels"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var TabPanelsStyle = BaseStyle.extend({
+========
+var TabPanelsStyle = BaseStyle$1.extend({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "tabpanels",
classes: classes$k
});
var script$1$k = {
name: "BaseTabPanels",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {},
style: TabPanelsStyle,
provide: /* @__PURE__ */ __name(function provide25() {
@@ -148589,14 +160072,22 @@ var script$w = {
inheritAttrs: false
};
function render$v(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root"),
role: "presentation"
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
}
__name(render$v, "render$v");
script$w.render = render$v;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$i = /* @__PURE__ */ __name(function theme23(_ref) {
+========
+var theme$i = /* @__PURE__ */ __name(function theme24(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-tabs {\n display: flex;\n flex-direction: column;\n}\n\n.p-tablist {\n display: flex;\n position: relative;\n}\n\n.p-tabs-scrollable > .p-tablist {\n overflow: hidden;\n}\n\n.p-tablist-viewport {\n overflow-x: auto;\n overflow-y: hidden;\n scroll-behavior: smooth;\n scrollbar-width: none;\n overscroll-behavior: contain auto;\n}\n\n.p-tablist-viewport::-webkit-scrollbar {\n display: none;\n}\n\n.p-tablist-tab-list {\n position: relative;\n display: flex;\n background: ".concat(dt2("tabs.tablist.background"), ";\n border-style: solid;\n border-color: ").concat(dt2("tabs.tablist.border.color"), ";\n border-width: ").concat(dt2("tabs.tablist.border.width"), ";\n}\n\n.p-tablist-content {\n flex-grow: 1;\n}\n\n.p-tablist-nav-button {\n all: unset;\n position: absolute !important;\n flex-shrink: 0;\n inset-block-start: 0;\n z-index: 2;\n height: 100%;\n display: flex;\n align-items: center;\n justify-content: center;\n background: ").concat(dt2("tabs.nav.button.background"), ";\n color: ").concat(dt2("tabs.nav.button.color"), ";\n width: ").concat(dt2("tabs.nav.button.width"), ";\n transition: color ").concat(dt2("tabs.transition.duration"), ", outline-color ").concat(dt2("tabs.transition.duration"), ", box-shadow ").concat(dt2("tabs.transition.duration"), ";\n box-shadow: ").concat(dt2("tabs.nav.button.shadow"), ";\n outline-color: transparent;\n cursor: pointer;\n}\n\n.p-tablist-nav-button:focus-visible {\n z-index: 1;\n box-shadow: ").concat(dt2("tabs.nav.button.focus.ring.shadow"), ";\n outline: ").concat(dt2("tabs.nav.button.focus.ring.width"), " ").concat(dt2("tabs.nav.button.focus.ring.style"), " ").concat(dt2("tabs.nav.button.focus.ring.color"), ";\n outline-offset: ").concat(dt2("tabs.nav.button.focus.ring.offset"), ";\n}\n\n.p-tablist-nav-button:hover {\n color: ").concat(dt2("tabs.nav.button.hover.color"), ";\n}\n\n.p-tablist-prev-button {\n inset-inline-start: 0;\n}\n\n.p-tablist-next-button {\n inset-inline-end: 0;\n}\n\n.p-tablist-prev-button:dir(rtl),\n.p-tablist-next-button:dir(rtl) {\n transform: rotate(180deg);\n}\n\n\n.p-tab {\n flex-shrink: 0;\n cursor: pointer;\n user-select: none;\n position: relative;\n border-style: solid;\n white-space: nowrap;\n background: ").concat(dt2("tabs.tab.background"), ";\n border-width: ").concat(dt2("tabs.tab.border.width"), ";\n border-color: ").concat(dt2("tabs.tab.border.color"), ";\n color: ").concat(dt2("tabs.tab.color"), ";\n padding: ").concat(dt2("tabs.tab.padding"), ";\n font-weight: ").concat(dt2("tabs.tab.font.weight"), ";\n transition: background ").concat(dt2("tabs.transition.duration"), ", border-color ").concat(dt2("tabs.transition.duration"), ", color ").concat(dt2("tabs.transition.duration"), ", outline-color ").concat(dt2("tabs.transition.duration"), ", box-shadow ").concat(dt2("tabs.transition.duration"), ";\n margin: ").concat(dt2("tabs.tab.margin"), ";\n outline-color: transparent;\n}\n\n.p-tab:not(.p-disabled):focus-visible {\n z-index: 1;\n box-shadow: ").concat(dt2("tabs.tab.focus.ring.shadow"), ";\n outline: ").concat(dt2("tabs.tab.focus.ring.width"), " ").concat(dt2("tabs.tab.focus.ring.style"), " ").concat(dt2("tabs.tab.focus.ring.color"), ";\n outline-offset: ").concat(dt2("tabs.tab.focus.ring.offset"), ";\n}\n\n.p-tab:not(.p-tab-active):not(.p-disabled):hover {\n background: ").concat(dt2("tabs.tab.hover.background"), ";\n border-color: ").concat(dt2("tabs.tab.hover.border.color"), ";\n color: ").concat(dt2("tabs.tab.hover.color"), ";\n}\n\n.p-tab-active {\n background: ").concat(dt2("tabs.tab.active.background"), ";\n border-color: ").concat(dt2("tabs.tab.active.border.color"), ";\n color: ").concat(dt2("tabs.tab.active.color"), ";\n}\n\n.p-tabpanels {\n background: ").concat(dt2("tabs.tabpanel.background"), ";\n color: ").concat(dt2("tabs.tabpanel.color"), ";\n padding: ").concat(dt2("tabs.tabpanel.padding"), ";\n outline: 0 none;\n}\n\n.p-tabpanel:focus-visible {\n box-shadow: ").concat(dt2("tabs.tabpanel.focus.ring.shadow"), ";\n outline: ").concat(dt2("tabs.tabpanel.focus.ring.width"), " ").concat(dt2("tabs.tabpanel.focus.ring.style"), " ").concat(dt2("tabs.tabpanel.focus.ring.color"), ";\n outline-offset: ").concat(dt2("tabs.tabpanel.focus.ring.offset"), ";\n}\n\n.p-tablist-active-bar {\n z-index: 1;\n display: block;\n position: absolute;\n inset-block-end: ").concat(dt2("tabs.active.bar.bottom"), ";\n height: ").concat(dt2("tabs.active.bar.height"), ";\n background: ").concat(dt2("tabs.active.bar.background"), ";\n transition: 250ms cubic-bezier(0.35, 0, 0.25, 1);\n}\n");
}, "theme");
@@ -148608,14 +160099,22 @@ var classes$j = {
}];
}, "root")
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var TabsStyle = BaseStyle.extend({
+========
+var TabsStyle = BaseStyle$1.extend({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "tabs",
theme: theme$i,
classes: classes$j
});
var script$1$j = {
name: "BaseTabs",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
value: {
type: [String, Number],
@@ -148669,7 +160168,11 @@ var script$v = {
this.d_value = newValue2;
}, "value")
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mounted: /* @__PURE__ */ __name(function mounted12() {
+========
+ mounted: /* @__PURE__ */ __name(function mounted13() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.id = this.id || UniqueComponentId();
}, "mounted"),
methods: {
@@ -148685,7 +160188,11 @@ var script$v = {
}
};
function render$u(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
}
@@ -148693,10 +160200,17 @@ __name(render$u, "render$u");
script$v.render = render$u;
var script$u = {
name: "TimesCircleIcon",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$_
};
function render$t(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ "extends": script$$
+};
+function render$t(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -148711,7 +160225,232 @@ function render$t(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$t, "render$t");
script$u.render = render$t;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$h = /* @__PURE__ */ __name(function theme24(_ref) {
+========
+var theme$h = /* @__PURE__ */ __name(function theme25(_ref) {
+ var dt2 = _ref.dt;
+ return "\n.p-chip {\n display: inline-flex;\n align-items: center;\n background: ".concat(dt2("chip.background"), ";\n color: ").concat(dt2("chip.color"), ";\n border-radius: ").concat(dt2("chip.border.radius"), ";\n padding-block: ").concat(dt2("chip.padding.y"), ";\n padding-inline: ").concat(dt2("chip.padding.x"), ";\n gap: ").concat(dt2("chip.gap"), ";\n}\n\n.p-chip-icon {\n color: ").concat(dt2("chip.icon.color"), ";\n font-size: ").concat(dt2("chip.icon.font.size"), ";\n width: ").concat(dt2("chip.icon.size"), ";\n height: ").concat(dt2("chip.icon.size"), ";\n}\n\n.p-chip-image {\n border-radius: 50%;\n width: ").concat(dt2("chip.image.width"), ";\n height: ").concat(dt2("chip.image.height"), ";\n margin-inline-start: calc(-1 * ").concat(dt2("chip.padding.y"), ");\n}\n\n.p-chip:has(.p-chip-remove-icon) {\n padding-inline-end: ").concat(dt2("chip.padding.y"), ";\n}\n\n.p-chip:has(.p-chip-image) {\n padding-block-start: calc(").concat(dt2("chip.padding.y"), " / 2);\n padding-block-end: calc(").concat(dt2("chip.padding.y"), " / 2);\n}\n\n.p-chip-remove-icon {\n cursor: pointer;\n font-size: ").concat(dt2("chip.remove.icon.size"), ";\n width: ").concat(dt2("chip.remove.icon.size"), ";\n height: ").concat(dt2("chip.remove.icon.size"), ";\n color: ").concat(dt2("chip.remove.icon.color"), ";\n border-radius: 50%;\n transition: outline-color ").concat(dt2("chip.transition.duration"), ", box-shadow ").concat(dt2("chip.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-chip-remove-icon:focus-visible {\n box-shadow: ").concat(dt2("chip.remove.icon.focus.ring.shadow"), ";\n outline: ").concat(dt2("chip.remove.icon.focus.ring.width"), " ").concat(dt2("chip.remove.icon.focus.ring.style"), " ").concat(dt2("chip.remove.icon.focus.ring.color"), ";\n outline-offset: ").concat(dt2("chip.remove.icon.focus.ring.offset"), ";\n}\n");
+}, "theme");
+var classes$i = {
+ root: "p-chip p-component",
+ image: "p-chip-image",
+ icon: "p-chip-icon",
+ label: "p-chip-label",
+ removeIcon: "p-chip-remove-icon"
+};
+var ChipStyle = BaseStyle$1.extend({
+ name: "chip",
+ theme: theme$h,
+ classes: classes$i
+});
+var script$1$i = {
+ name: "BaseChip",
+ "extends": script$14,
+ props: {
+ label: {
+ type: String,
+ "default": null
+ },
+ icon: {
+ type: String,
+ "default": null
+ },
+ image: {
+ type: String,
+ "default": null
+ },
+ removable: {
+ type: Boolean,
+ "default": false
+ },
+ removeIcon: {
+ type: String,
+ "default": void 0
+ }
+ },
+ style: ChipStyle,
+ provide: /* @__PURE__ */ __name(function provide27() {
+ return {
+ $pcChip: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$t = {
+ name: "Chip",
+ "extends": script$1$i,
+ inheritAttrs: false,
+ emits: ["remove"],
+ data: /* @__PURE__ */ __name(function data12() {
+ return {
+ visible: true
+ };
+ }, "data"),
+ methods: {
+ onKeydown: /* @__PURE__ */ __name(function onKeydown2(event) {
+ if (event.key === "Enter" || event.key === "Backspace") {
+ this.close(event);
+ }
+ }, "onKeydown"),
+ close: /* @__PURE__ */ __name(function close4(event) {
+ this.visible = false;
+ this.$emit("remove", event);
+ }, "close")
+ },
+ components: {
+ TimesCircleIcon: script$u
+ }
+};
+var _hoisted_1$P = ["aria-label"];
+var _hoisted_2$y = ["src"];
+function render$s(_ctx, _cache, $props, $setup, $data, $options) {
+ return $data.visible ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("root"),
+ "aria-label": _ctx.label
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default", {}, function() {
+ return [_ctx.image ? (openBlock(), createElementBlock("img", mergeProps$2({
+ key: 0,
+ src: _ctx.image
+ }, _ctx.ptm("image"), {
+ "class": _ctx.cx("image")
+ }), null, 16, _hoisted_2$y)) : _ctx.$slots.icon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.icon), mergeProps$2({
+ key: 1,
+ "class": _ctx.cx("icon")
+ }, _ctx.ptm("icon")), null, 16, ["class"])) : _ctx.icon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 2,
+ "class": [_ctx.cx("icon"), _ctx.icon]
+ }, _ctx.ptm("icon")), null, 16)) : createCommentVNode("", true), _ctx.label ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 3,
+ "class": _ctx.cx("label")
+ }, _ctx.ptm("label")), toDisplayString$1(_ctx.label), 17)) : createCommentVNode("", true)];
+ }), _ctx.removable ? renderSlot(_ctx.$slots, "removeicon", {
+ key: 0,
+ removeCallback: $options.close,
+ keydownCallback: $options.onKeydown
+ }, function() {
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.removeIcon ? "span" : "TimesCircleIcon"), mergeProps$2({
+ "class": [_ctx.cx("removeIcon"), _ctx.removeIcon],
+ onClick: $options.close,
+ onKeydown: $options.onKeydown
+ }, _ctx.ptm("removeIcon")), null, 16, ["class", "onClick", "onKeydown"]))];
+ }) : createCommentVNode("", true)], 16, _hoisted_1$P)) : createCommentVNode("", true);
+}
+__name(render$s, "render$s");
+script$t.render = render$s;
+const _sfc_main$P = /* @__PURE__ */ defineComponent({
+ __name: "SearchFilterChip",
+ props: {
+ text: {},
+ badge: {},
+ badgeClass: {}
+ },
+ emits: ["remove"],
+ setup(__props) {
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(unref(script$t), {
+ removable: "",
+ onRemove: _cache[0] || (_cache[0] = ($event) => _ctx.$emit("remove", $event))
+ }, {
+ default: withCtx(() => [
+ createVNode(unref(script$W), {
+ size: "small",
+ class: normalizeClass(_ctx.badgeClass)
+ }, {
+ default: withCtx(() => [
+ createTextVNode(toDisplayString$1(_ctx.badge), 1)
+ ]),
+ _: 1
+ }, 8, ["class"]),
+ createTextVNode(" " + toDisplayString$1(_ctx.text), 1)
+ ]),
+ _: 1
+ });
+ };
+ }
+});
+const SearchFilterChip = /* @__PURE__ */ _export_sfc(_sfc_main$P, [["__scopeId", "data-v-53692f7e"]]);
+const _hoisted_1$O = {
+ key: 0,
+ class: "search-filters pt-2 flex flex-wrap gap-2"
+};
+const _sfc_main$O = /* @__PURE__ */ defineComponent({
+ __name: "SearchBox",
+ props: {
+ modelValue: {},
+ placeholder: { default: "Search..." },
+ icon: { default: "pi pi-search" },
+ debounceTime: { default: 300 },
+ filterIcon: {},
+ filters: { default: /* @__PURE__ */ __name(() => [], "default") }
+ },
+ emits: ["update:modelValue", "search", "showFilter", "removeFilter"],
+ setup(__props, { emit: __emit }) {
+ const emit2 = __emit;
+ const emitSearch = lodashExports.debounce((value4) => {
+ emit2("search", value4, __props.filters);
+ }, __props.debounceTime);
+ const handleInput = /* @__PURE__ */ __name((event) => {
+ const target2 = event.target;
+ emit2("update:modelValue", target2.value);
+ emitSearch(target2.value);
+ }, "handleInput");
+ const clearSearch = /* @__PURE__ */ __name(() => {
+ emit2("update:modelValue", "");
+ emitSearch("");
+ }, "clearSearch");
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", null, [
+ createVNode(unref(script$C), null, {
+ default: withCtx(() => [
+ _ctx.filterIcon ? (openBlock(), createBlock(unref(script$V), {
+ key: 0,
+ class: "p-inputicon filter-button",
+ icon: _ctx.filterIcon,
+ text: "",
+ severity: "contrast",
+ onClick: _cache[0] || (_cache[0] = ($event) => _ctx.$emit("showFilter", $event))
+ }, null, 8, ["icon"])) : createCommentVNode("", true),
+ createVNode(unref(script$I), {
+ class: "search-box-input w-full",
+ onInput: handleInput,
+ modelValue: _ctx.modelValue,
+ placeholder: _ctx.placeholder
+ }, null, 8, ["modelValue", "placeholder"]),
+ !_ctx.modelValue ? (openBlock(), createBlock(unref(script$B), {
+ key: 1,
+ class: normalizeClass(_ctx.icon)
+ }, null, 8, ["class"])) : createCommentVNode("", true),
+ _ctx.modelValue ? (openBlock(), createBlock(unref(script$V), {
+ key: 2,
+ class: "p-inputicon clear-button",
+ icon: "pi pi-times",
+ text: "",
+ severity: "contrast",
+ onClick: clearSearch
+ })) : createCommentVNode("", true)
+ ]),
+ _: 1
+ }),
+ _ctx.filters?.length ? (openBlock(), createElementBlock("div", _hoisted_1$O, [
+ (openBlock(true), createElementBlock(Fragment$1, null, renderList(_ctx.filters, (filter4) => {
+ return openBlock(), createBlock(SearchFilterChip, {
+ key: filter4.id,
+ text: filter4.text,
+ badge: filter4.badge,
+ "badge-class": filter4.badgeClass,
+ onRemove: /* @__PURE__ */ __name(($event) => _ctx.$emit("removeFilter", filter4), "onRemove")
+ }, null, 8, ["text", "badge", "badge-class", "onRemove"]);
+ }), 128))
+ ])) : createCommentVNode("", true)
+ ]);
+ };
+ }
+});
+const SearchBox = /* @__PURE__ */ _export_sfc(_sfc_main$O, [["__scopeId", "data-v-b3ab067d"]]);
+var theme$g = /* @__PURE__ */ __name(function theme26(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-chip {\n display: inline-flex;\n align-items: center;\n background: ".concat(dt2("chip.background"), ";\n color: ").concat(dt2("chip.color"), ";\n border-radius: ").concat(dt2("chip.border.radius"), ";\n padding-block: ").concat(dt2("chip.padding.y"), ";\n padding-inline: ").concat(dt2("chip.padding.x"), ";\n gap: ").concat(dt2("chip.gap"), ";\n}\n\n.p-chip-icon {\n color: ").concat(dt2("chip.icon.color"), ";\n font-size: ").concat(dt2("chip.icon.font.size"), ";\n width: ").concat(dt2("chip.icon.size"), ";\n height: ").concat(dt2("chip.icon.size"), ";\n}\n\n.p-chip-image {\n border-radius: 50%;\n width: ").concat(dt2("chip.image.width"), ";\n height: ").concat(dt2("chip.image.height"), ";\n margin-inline-start: calc(-1 * ").concat(dt2("chip.padding.y"), ");\n}\n\n.p-chip:has(.p-chip-remove-icon) {\n padding-inline-end: ").concat(dt2("chip.padding.y"), ";\n}\n\n.p-chip:has(.p-chip-image) {\n padding-block-start: calc(").concat(dt2("chip.padding.y"), " / 2);\n padding-block-end: calc(").concat(dt2("chip.padding.y"), " / 2);\n}\n\n.p-chip-remove-icon {\n cursor: pointer;\n font-size: ").concat(dt2("chip.remove.icon.size"), ";\n width: ").concat(dt2("chip.remove.icon.size"), ";\n height: ").concat(dt2("chip.remove.icon.size"), ";\n color: ").concat(dt2("chip.remove.icon.color"), ";\n border-radius: 50%;\n transition: outline-color ").concat(dt2("chip.transition.duration"), ", box-shadow ").concat(dt2("chip.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-chip-remove-icon:focus-visible {\n box-shadow: ").concat(dt2("chip.remove.icon.focus.ring.shadow"), ";\n outline: ").concat(dt2("chip.remove.icon.focus.ring.width"), " ").concat(dt2("chip.remove.icon.focus.ring.style"), " ").concat(dt2("chip.remove.icon.focus.ring.color"), ";\n outline-offset: ").concat(dt2("chip.remove.icon.focus.ring.offset"), ";\n}\n");
}, "theme");
@@ -148952,14 +160691,18 @@ var classes$h = {
icon: "p-tag-icon",
label: "p-tag-label"
};
-var TagStyle = BaseStyle.extend({
+var TagStyle = BaseStyle$1.extend({
name: "tag",
theme: theme$g,
classes: classes$h
});
var script$1$h = {
name: "BaseTag",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
value: null,
severity: null,
@@ -148980,18 +160723,31 @@ var script$s = {
inheritAttrs: false
};
function render$r(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("span", mergeProps$1({
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [_ctx.$slots.icon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.icon), mergeProps$1({
key: 0,
"class": _ctx.cx("icon")
}, _ctx.ptm("icon")), null, 16, ["class"])) : _ctx.icon ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ return openBlock(), createElementBlock("span", mergeProps$2({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [_ctx.$slots.icon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.icon), mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("icon")
+ }, _ctx.ptm("icon")), null, 16, ["class"])) : _ctx.icon ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": [_ctx.cx("icon"), _ctx.icon]
}, _ctx.ptm("icon")), null, 16)) : createCommentVNode("", true), _ctx.value != null || _ctx.$slots["default"] ? renderSlot(_ctx.$slots, "default", {
key: 2
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("span", mergeProps$1({
+========
+ return [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("label")
}, _ctx.ptm("label")), toDisplayString$1(_ctx.value), 17)];
}) : createCommentVNode("", true)], 16);
@@ -149006,13 +160762,17 @@ var classes$g = {
}];
}, "root")
};
-var TabPanelStyle = BaseStyle.extend({
+var TabPanelStyle = BaseStyle$1.extend({
name: "tabpanel",
classes: classes$g
});
var script$1$g = {
name: "BaseTabPanel",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
// in Tabs
value: {
@@ -149054,7 +160814,7 @@ var script$r = {
computed: {
active: /* @__PURE__ */ __name(function active() {
var _this$$pcTabs;
- return equals((_this$$pcTabs = this.$pcTabs) === null || _this$$pcTabs === void 0 ? void 0 : _this$$pcTabs.d_value, this.value);
+ return equals$2((_this$$pcTabs = this.$pcTabs) === null || _this$$pcTabs === void 0 ? void 0 : _this$$pcTabs.d_value, this.value);
}, "active"),
id: /* @__PURE__ */ __name(function id2() {
var _this$$pcTabs2;
@@ -149065,7 +160825,11 @@ var script$r = {
return "".concat((_this$$pcTabs3 = this.$pcTabs) === null || _this$$pcTabs3 === void 0 ? void 0 : _this$$pcTabs3.id, "_tab_").concat(this.value);
}, "ariaLabelledby"),
attrs: /* @__PURE__ */ __name(function attrs5() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeProps$1(this.a11yAttrs, this.ptmi("root", this.ptParams));
+========
+ return mergeProps$2(this.a11yAttrs, this.ptmi("root", this.ptParams));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "attrs"),
a11yAttrs: /* @__PURE__ */ __name(function a11yAttrs2() {
var _this$$pcTabs4;
@@ -149095,7 +160859,11 @@ function render$q(_ctx, _cache, $props, $setup, $data, $options) {
key: 1
}, [!_ctx.asChild ? (openBlock(), createElementBlock(Fragment$1, {
key: 0
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [((_$options$$pcTabs = $options.$pcTabs) !== null && _$options$$pcTabs !== void 0 && _$options$$pcTabs.lazy ? $options.active : true) ? withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps$1({
+========
+ }, [((_$options$$pcTabs = $options.$pcTabs) !== null && _$options$$pcTabs !== void 0 && _$options$$pcTabs.lazy ? $options.active : true) ? withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("root")
}, $options.attrs), {
@@ -149114,10 +160882,14 @@ __name(render$q, "render$q");
script$r.render = render$q;
var script$q = {
name: "ChevronLeftIcon",
- "extends": script$_
+ "extends": script$$
};
function render$p(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -149132,10 +160904,14 @@ __name(render$p, "render$p");
script$q.render = render$p;
var script$p = {
name: "ChevronRightIcon",
- "extends": script$_
+ "extends": script$$
};
function render$o(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -149148,7 +160924,11 @@ function render$o(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$o, "render$o");
script$p.render = render$o;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var theme$f = /* @__PURE__ */ __name(function theme26(_ref) {
+========
+var theme$f = /* @__PURE__ */ __name(function theme27(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-tabview-tablist-container {\n position: relative;\n}\n\n.p-tabview-scrollable > .p-tabview-tablist-container {\n overflow: hidden;\n}\n\n.p-tabview-tablist-scroll-container {\n overflow-x: auto;\n overflow-y: hidden;\n scroll-behavior: smooth;\n scrollbar-width: none;\n overscroll-behavior: contain auto;\n}\n\n.p-tabview-tablist-scroll-container::-webkit-scrollbar {\n display: none;\n}\n\n.p-tabview-tablist {\n display: flex;\n margin: 0;\n padding: 0;\n list-style-type: none;\n flex: 1 1 auto;\n background: ".concat(dt2("tabview.tab.list.background"), ";\n border: 1px solid ").concat(dt2("tabview.tab.list.border.color"), ";\n border-width: 0 0 1px 0;\n position: relative;\n}\n\n.p-tabview-tab-header {\n cursor: pointer;\n user-select: none;\n display: flex;\n align-items: center;\n text-decoration: none;\n position: relative;\n overflow: hidden;\n border-style: solid;\n border-width: 0 0 1px 0;\n border-color: transparent transparent ").concat(dt2("tabview.tab.border.color"), " transparent;\n color: ").concat(dt2("tabview.tab.color"), ";\n padding: 1rem 1.125rem;\n font-weight: 600;\n border-top-right-radius: ").concat(dt2("border.radius.md"), ";\n border-top-left-radius: ").concat(dt2("border.radius.md"), ";\n transition: color ").concat(dt2("tabview.transition.duration"), ", outline-color ").concat(dt2("tabview.transition.duration"), ";\n margin: 0 0 -1px 0;\n outline-color: transparent;\n}\n\n.p-tabview-tablist-item:not(.p-disabled) .p-tabview-tab-header:focus-visible {\n outline: ").concat(dt2("focus.ring.width"), " ").concat(dt2("focus.ring.style"), " ").concat(dt2("focus.ring.color"), ";\n outline-offset: -1px;\n}\n\n.p-tabview-tablist-item:not(.p-highlight):not(.p-disabled):hover > .p-tabview-tab-header {\n color: ").concat(dt2("tabview.tab.hover.color"), ";\n}\n\n.p-tabview-tablist-item.p-highlight > .p-tabview-tab-header {\n color: ").concat(dt2("tabview.tab.active.color"), ";\n}\n\n.p-tabview-tab-title {\n line-height: 1;\n white-space: nowrap;\n}\n\n.p-tabview-next-button,\n.p-tabview-prev-button {\n position: absolute;\n top: 0;\n margin: 0;\n padding: 0;\n z-index: 2;\n height: 100%;\n display: flex;\n align-items: center;\n justify-content: center;\n background: ").concat(dt2("tabview.nav.button.background"), ";\n color: ").concat(dt2("tabview.nav.button.color"), ";\n width: 2.5rem;\n border-radius: 0;\n outline-color: transparent;\n transition: color ").concat(dt2("tabview.transition.duration"), ", outline-color ").concat(dt2("tabview.transition.duration"), ";\n box-shadow: ").concat(dt2("tabview.nav.button.shadow"), ";\n border: none;\n cursor: pointer;\n user-select: none;\n}\n\n.p-tabview-next-button:focus-visible,\n.p-tabview-prev-button:focus-visible {\n outline: ").concat(dt2("focus.ring.width"), " ").concat(dt2("focus.ring.style"), " ").concat(dt2("focus.ring.color"), ";\n outline-offset: ").concat(dt2("focus.ring.offset"), ";\n}\n\n.p-tabview-next-button:hover,\n.p-tabview-prev-button:hover {\n color: ").concat(dt2("tabview.nav.button.hover.color"), ";\n}\n\n.p-tabview-prev-button {\n left: 0;\n}\n\n.p-tabview-next-button {\n right: 0;\n}\n\n.p-tabview-panels {\n background: ").concat(dt2("tabview.tab.panel.background"), ";\n color: ").concat(dt2("tabview.tab.panel.color"), ";\n padding: 0.875rem 1.125rem 1.125rem 1.125rem;\n}\n\n.p-tabview-ink-bar {\n z-index: 1;\n display: block;\n position: absolute;\n bottom: -1px;\n height: 1px;\n background: ").concat(dt2("tabview.tab.active.border.color"), ";\n transition: 250ms cubic-bezier(0.35, 0, 0.25, 1);\n}\n");
}, "theme");
@@ -149182,14 +160962,18 @@ var classes$f = {
nextButton: "p-tabview-next-button",
panelContainer: "p-tabview-panels"
};
-var TabViewStyle = BaseStyle.extend({
+var TabViewStyle = BaseStyle$1.extend({
name: "tabview",
theme: theme$f,
classes: classes$f
});
var script$1$f = {
name: "BaseTabView",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
activeIndex: {
type: Number,
@@ -149262,13 +161046,17 @@ var script$o = {
});
}, "activeIndex")
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
mounted: /* @__PURE__ */ __name(function mounted13() {
+========
+ mounted: /* @__PURE__ */ __name(function mounted14() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
console.warn("Deprecated since v4. Use Tabs component instead.");
this.id = this.id || UniqueComponentId();
this.updateInkBar();
this.scrollable && this.updateButtonState();
}, "mounted"),
- updated: /* @__PURE__ */ __name(function updated8() {
+ updated: /* @__PURE__ */ __name(function updated9() {
this.updateInkBar();
this.scrollable && this.updateButtonState();
}, "updated"),
@@ -149308,7 +161096,11 @@ var script$o = {
active: this.isTabActive(index2)
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return mergeProps$1(this.ptm("tabpanel.".concat(key), {
+========
+ return mergeProps$2(this.ptm("tabpanel.".concat(key), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
tabpanel: tabMetaData
}), this.ptm("tabpanel.".concat(key), tabMetaData), this.ptmo(this.getTabProp(tab, "pt"), key, tabMetaData));
}, "getTabPT"),
@@ -149318,16 +161110,16 @@ var script$o = {
}, "onScroll"),
onPrevButtonClick: /* @__PURE__ */ __name(function onPrevButtonClick() {
var content2 = this.$refs.content;
- var width2 = getWidth(content2);
- var pos2 = content2.scrollLeft - width2;
- content2.scrollLeft = pos2 <= 0 ? 0 : pos2;
+ var width2 = getWidth$1(content2);
+ var pos = content2.scrollLeft - width2;
+ content2.scrollLeft = pos <= 0 ? 0 : pos;
}, "onPrevButtonClick"),
onNextButtonClick: /* @__PURE__ */ __name(function onNextButtonClick() {
var content2 = this.$refs.content;
- var width2 = getWidth(content2) - this.getVisibleButtonWidths();
- var pos2 = content2.scrollLeft + width2;
+ var width2 = getWidth$1(content2) - this.getVisibleButtonWidths();
+ var pos = content2.scrollLeft + width2;
var lastPos = content2.scrollWidth - width2;
- content2.scrollLeft = pos2 >= lastPos ? lastPos : pos2;
+ content2.scrollLeft = pos >= lastPos ? lastPos : pos;
}, "onNextButtonClick"),
onTabClick: /* @__PURE__ */ __name(function onTabClick(event, tab, index2) {
this.changeActiveIndex(event, tab, index2);
@@ -149402,12 +161194,12 @@ var script$o = {
findNextHeaderAction: /* @__PURE__ */ __name(function findNextHeaderAction(tabElement) {
var selfCheck = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
var headerElement = selfCheck ? tabElement : tabElement.nextElementSibling;
- return headerElement ? getAttribute(headerElement, "data-p-disabled") || getAttribute(headerElement, "data-pc-section") === "inkbar" ? this.findNextHeaderAction(headerElement) : findSingle(headerElement, '[data-pc-section="headeraction"]') : null;
+ return headerElement ? getAttribute$1(headerElement, "data-p-disabled") || getAttribute$1(headerElement, "data-pc-section") === "inkbar" ? this.findNextHeaderAction(headerElement) : findSingle$1(headerElement, '[data-pc-section="headeraction"]') : null;
}, "findNextHeaderAction"),
findPrevHeaderAction: /* @__PURE__ */ __name(function findPrevHeaderAction(tabElement) {
var selfCheck = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
var headerElement = selfCheck ? tabElement : tabElement.previousElementSibling;
- return headerElement ? getAttribute(headerElement, "data-p-disabled") || getAttribute(headerElement, "data-pc-section") === "inkbar" ? this.findPrevHeaderAction(headerElement) : findSingle(headerElement, '[data-pc-section="headeraction"]') : null;
+ return headerElement ? getAttribute$1(headerElement, "data-p-disabled") || getAttribute$1(headerElement, "data-pc-section") === "inkbar" ? this.findPrevHeaderAction(headerElement) : findSingle$1(headerElement, '[data-pc-section="headeraction"]') : null;
}, "findPrevHeaderAction"),
findFirstHeaderAction: /* @__PURE__ */ __name(function findFirstHeaderAction() {
return this.findNextHeaderAction(this.$refs.nav.firstElementChild, true);
@@ -149430,7 +161222,7 @@ var script$o = {
}, "changeActiveIndex"),
changeFocusedTab: /* @__PURE__ */ __name(function changeFocusedTab(event, element) {
if (element) {
- focus$1(element);
+ focus$2(element);
this.scrollInView({
element
});
@@ -149452,20 +161244,20 @@ var script$o = {
}, "scrollInView"),
updateInkBar: /* @__PURE__ */ __name(function updateInkBar() {
var tabHeader = this.$refs.nav.children[this.d_activeIndex];
- this.$refs.inkbar.style.width = getWidth(tabHeader) + "px";
- this.$refs.inkbar.style.left = getOffset(tabHeader).left - getOffset(this.$refs.nav).left + "px";
+ this.$refs.inkbar.style.width = getWidth$1(tabHeader) + "px";
+ this.$refs.inkbar.style.left = getOffset$1(tabHeader).left - getOffset$1(this.$refs.nav).left + "px";
}, "updateInkBar"),
updateButtonState: /* @__PURE__ */ __name(function updateButtonState() {
var content2 = this.$refs.content;
var scrollLeft = content2.scrollLeft, scrollWidth2 = content2.scrollWidth;
- var width2 = getWidth(content2);
+ var width2 = getWidth$1(content2);
this.isPrevButtonDisabled = scrollLeft === 0;
this.isNextButtonDisabled = parseInt(scrollLeft) === scrollWidth2 - width2;
}, "updateButtonState"),
getVisibleButtonWidths: /* @__PURE__ */ __name(function getVisibleButtonWidths() {
var _this$$refs = this.$refs, prevBtn = _this$$refs.prevBtn, nextBtn = _this$$refs.nextBtn;
return [prevBtn, nextBtn].reduce(function(acc, el) {
- return el ? acc + getWidth(el) : acc;
+ return el ? acc + getWidth$1(el) : acc;
}, 0);
}, "getVisibleButtonWidths")
},
@@ -149551,6 +161343,7 @@ function _toPrimitive$8(t2, r2) {
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$8, "_toPrimitive$8");
var _hoisted_1$N = ["tabindex", "aria-label"];
var _hoisted_2$x = ["data-p-active", "data-p-disabled", "data-pc-index"];
@@ -149565,6 +161358,22 @@ function render$n(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("navContainer")
}, _ctx.ptm("navContainer")), [_ctx.scrollable && !$data.isPrevButtonDisabled ? withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+__name(_toPrimitive$7, "_toPrimitive$7");
+var _hoisted_1$N = ["tabindex", "aria-label"];
+var _hoisted_2$x = ["data-p-active", "data-p-disabled", "data-pc-index"];
+var _hoisted_3$l = ["id", "tabindex", "aria-disabled", "aria-selected", "aria-controls", "onClick", "onKeydown"];
+var _hoisted_4$e = ["tabindex", "aria-label"];
+var _hoisted_5$c = ["id", "aria-labelledby", "data-pc-index", "data-p-active"];
+function render$n(_ctx, _cache, $props, $setup, $data, $options) {
+ var _directive_ripple = resolveDirective("ripple");
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("root"),
+ role: "tablist"
+ }, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("navContainer")
+ }, _ctx.ptm("navContainer")), [_ctx.scrollable && !$data.isPrevButtonDisabled ? withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: "prevBtn",
type: "button",
@@ -149577,21 +161386,37 @@ function render$n(_ctx, _cache, $props, $setup, $data, $options) {
}, _objectSpread$a(_objectSpread$a({}, _ctx.prevButtonProps), _ctx.ptm("prevButton")), {
"data-pc-group-section": "navbutton"
}), [renderSlot(_ctx.$slots, "previcon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.prevIcon ? "span" : "ChevronLeftIcon"), mergeProps$1({
"aria-hidden": "true",
"class": _ctx.prevIcon
}, _ctx.ptm("prevIcon")), null, 16, ["class"]))];
})], 16, _hoisted_1$N)), [[_directive_ripple]]) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.prevIcon ? "span" : "ChevronLeftIcon"), mergeProps$2({
+ "aria-hidden": "true",
+ "class": _ctx.prevIcon
+ }, _ctx.ptm("prevIcon")), null, 16, ["class"]))];
+ })], 16, _hoisted_1$N)), [[_directive_ripple]]) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "content",
"class": _ctx.cx("navContent"),
onScroll: _cache[1] || (_cache[1] = function() {
return $options.onScroll && $options.onScroll.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("navContent")), [createBaseVNode("ul", mergeProps$1({
ref: "nav",
"class": _ctx.cx("nav")
}, _ctx.ptm("nav")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList($options.tabs, function(tab, index2) {
return openBlock(), createElementBlock("li", mergeProps$1({
+========
+ }, _ctx.ptm("navContent")), [createBaseVNode("ul", mergeProps$2({
+ ref: "nav",
+ "class": _ctx.cx("nav")
+ }, _ctx.ptm("nav")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList($options.tabs, function(tab, index2) {
+ return openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: $options.getKey(tab, index2),
style: $options.getTabProp(tab, "headerStyle"),
"class": _ctx.cx("tab.header", {
@@ -149605,7 +161430,11 @@ function render$n(_ctx, _cache, $props, $setup, $data, $options) {
"data-p-active": $data.d_activeIndex === index2,
"data-p-disabled": $options.getTabProp(tab, "disabled"),
"data-pc-index": index2
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [withDirectives((openBlock(), createElementBlock("a", mergeProps$1({
+========
+ }), [withDirectives((openBlock(), createElementBlock("a", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: $options.getTabHeaderActionId(index2),
"class": _ctx.cx("tab.headerAction"),
tabindex: $options.getTabProp(tab, "disabled") || !$options.isTabActive(index2) ? -1 : _ctx.tabindex,
@@ -149620,19 +161449,32 @@ function render$n(_ctx, _cache, $props, $setup, $data, $options) {
return $options.onTabKeyDown($event, tab, index2);
}, "onKeydown"),
ref_for: true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _objectSpread$a(_objectSpread$a({}, $options.getTabProp(tab, "headerActionProps")), $options.getTabPT(tab, "headerAction", index2))), [tab.props && tab.props.header ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ }, _objectSpread$a(_objectSpread$a({}, $options.getTabProp(tab, "headerActionProps")), $options.getTabPT(tab, "headerAction", index2))), [tab.props && tab.props.header ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("tab.headerTitle"),
ref_for: true
}, $options.getTabPT(tab, "headerTitle", index2)), toDisplayString$1(tab.props.header), 17)) : createCommentVNode("", true), tab.children && tab.children.header ? (openBlock(), createBlock(resolveDynamicComponent(tab.children.header), {
key: 1
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})) : createCommentVNode("", true)], 16, _hoisted_3$k)), [[_directive_ripple]])], 16, _hoisted_2$x);
}), 128)), createBaseVNode("li", mergeProps$1({
+========
+ })) : createCommentVNode("", true)], 16, _hoisted_3$l)), [[_directive_ripple]])], 16, _hoisted_2$x);
+ }), 128)), createBaseVNode("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "inkbar",
"class": _ctx.cx("inkbar"),
role: "presentation",
"aria-hidden": "true"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("inkbar")), null, 16)], 16)], 16), _ctx.scrollable && !$data.isNextButtonDisabled ? withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+ }, _ctx.ptm("inkbar")), null, 16)], 16)], 16), _ctx.scrollable && !$data.isNextButtonDisabled ? withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
ref: "nextBtn",
type: "button",
@@ -149645,16 +161487,28 @@ function render$n(_ctx, _cache, $props, $setup, $data, $options) {
}, _objectSpread$a(_objectSpread$a({}, _ctx.nextButtonProps), _ctx.ptm("nextButton")), {
"data-pc-group-section": "navbutton"
}), [renderSlot(_ctx.$slots, "nexticon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.nextIcon ? "span" : "ChevronRightIcon"), mergeProps$1({
"aria-hidden": "true",
"class": _ctx.nextIcon
}, _ctx.ptm("nextIcon")), null, 16, ["class"]))];
})], 16, _hoisted_4$e)), [[_directive_ripple]]) : createCommentVNode("", true)], 16), createBaseVNode("div", mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.nextIcon ? "span" : "ChevronRightIcon"), mergeProps$2({
+ "aria-hidden": "true",
+ "class": _ctx.nextIcon
+ }, _ctx.ptm("nextIcon")), null, 16, ["class"]))];
+ })], 16, _hoisted_4$e)), [[_directive_ripple]]) : createCommentVNode("", true)], 16), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("panelContainer")
}, _ctx.ptm("panelContainer")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList($options.tabs, function(tab, index2) {
return openBlock(), createElementBlock(Fragment$1, {
key: $options.getKey(tab, index2)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [(_ctx.lazy ? $options.isTabActive(index2) : true) ? withDirectives((openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }, [(_ctx.lazy ? $options.isTabActive(index2) : true) ? withDirectives((openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $options.getTabContentId(index2),
style: $options.getTabProp(tab, "contentStyle"),
@@ -149714,9 +161568,15 @@ const _sfc_main$N = /* @__PURE__ */ defineComponent({
});
const _hoisted_1$L = { class: "system-stats" };
const _hoisted_2$v = { class: "mb-6" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$j = { class: "text-2xl font-semibold mb-4" };
const _hoisted_4$d = { class: "grid grid-cols-2 gap-2" };
const _hoisted_5$a = { class: "font-medium" };
+========
+const _hoisted_3$k = { class: "text-2xl font-semibold mb-4" };
+const _hoisted_4$d = { class: "grid grid-cols-2 gap-2" };
+const _hoisted_5$b = { class: "font-medium" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_6$6 = { class: "text-2xl font-semibold mb-4" };
const _sfc_main$M = /* @__PURE__ */ defineComponent({
__name: "SystemStatsPanel",
@@ -149747,7 +161607,11 @@ const _sfc_main$M = /* @__PURE__ */ defineComponent({
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$L, [
createBaseVNode("div", _hoisted_2$v, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("h2", _hoisted_3$j, toDisplayString$1(_ctx.$t("g.systemInfo")), 1),
+========
+ createBaseVNode("h2", _hoisted_3$k, toDisplayString$1(_ctx.$t("g.systemInfo")), 1),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
createBaseVNode("div", _hoisted_4$d, [
(openBlock(), createElementBlock(Fragment$1, null, renderList(systemColumns, (col) => {
return openBlock(), createElementBlock(Fragment$1, {
@@ -149888,7 +161752,11 @@ const useSystemStatsStore = /* @__PURE__ */ defineStore("systemStats", () => {
};
});
const useAboutPanelStore = /* @__PURE__ */ defineStore("aboutPanel", () => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const frontendVersion = "1.8.8";
+========
+ const frontendVersion = "1.9.18";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const extensionStore = useExtensionStore();
const systemStatsStore = useSystemStatsStore();
const coreVersion = computed(
@@ -149955,7 +161823,11 @@ const _sfc_main$L = /* @__PURE__ */ defineComponent({
});
const _hoisted_1$J = { class: "text-2xl font-bold mb-2" };
const _hoisted_2$u = { class: "space-y-2" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$i = ["href", "title"];
+========
+const _hoisted_3$j = ["href", "title"];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _sfc_main$K = /* @__PURE__ */ defineComponent({
__name: "AboutPanel",
setup(__props) {
@@ -149994,7 +161866,11 @@ const _sfc_main$K = /* @__PURE__ */ defineComponent({
]),
_: 2
}, 1024)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
], 8, _hoisted_3$i);
+========
+ ], 8, _hoisted_3$j);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}), 128))
]),
createVNode(unref(script$R)),
@@ -150010,10 +161886,14 @@ const _sfc_main$K = /* @__PURE__ */ defineComponent({
});
var script$n = {
name: "ChevronDownIcon",
- "extends": script$_
+ "extends": script$$
};
function render$m(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -150026,8 +161906,8 @@ function render$m(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$m, "render$m");
script$n.render = render$m;
-var OverlayEventBus = EventBus();
-var theme$e = /* @__PURE__ */ __name(function theme27(_ref) {
+var OverlayEventBus = EventBus$1();
+var theme$e = /* @__PURE__ */ __name(function theme28(_ref) {
var dt2 = _ref.dt;
return "\n.p-select {\n display: inline-flex;\n cursor: pointer;\n position: relative;\n user-select: none;\n background: ".concat(dt2("select.background"), ";\n border: 1px solid ").concat(dt2("select.border.color"), ";\n transition: background ").concat(dt2("select.transition.duration"), ", color ").concat(dt2("select.transition.duration"), ", border-color ").concat(dt2("select.transition.duration"), ",\n outline-color ").concat(dt2("select.transition.duration"), ", box-shadow ").concat(dt2("select.transition.duration"), ";\n border-radius: ").concat(dt2("select.border.radius"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt2("select.shadow"), ";\n}\n\n.p-select:not(.p-disabled):hover {\n border-color: ").concat(dt2("select.hover.border.color"), ";\n}\n\n.p-select:not(.p-disabled).p-focus {\n border-color: ").concat(dt2("select.focus.border.color"), ";\n box-shadow: ").concat(dt2("select.focus.ring.shadow"), ";\n outline: ").concat(dt2("select.focus.ring.width"), " ").concat(dt2("select.focus.ring.style"), " ").concat(dt2("select.focus.ring.color"), ";\n outline-offset: ").concat(dt2("select.focus.ring.offset"), ";\n}\n\n.p-select.p-variant-filled {\n background: ").concat(dt2("select.filled.background"), ";\n}\n\n.p-select.p-variant-filled:not(.p-disabled):hover {\n background: ").concat(dt2("select.filled.hover.background"), ";\n}\n\n.p-select.p-variant-filled:not(.p-disabled).p-focus {\n background: ").concat(dt2("select.filled.focus.background"), ";\n}\n\n.p-select.p-invalid {\n border-color: ").concat(dt2("select.invalid.border.color"), ";\n}\n\n.p-select.p-disabled {\n opacity: 1;\n background: ").concat(dt2("select.disabled.background"), ";\n}\n\n.p-select-clear-icon {\n position: absolute;\n top: 50%;\n margin-top: -0.5rem;\n color: ").concat(dt2("select.clear.icon.color"), ";\n inset-inline-end: ").concat(dt2("select.dropdown.width"), ";\n}\n\n.p-select-dropdown {\n display: flex;\n align-items: center;\n justify-content: center;\n flex-shrink: 0;\n background: transparent;\n color: ").concat(dt2("select.dropdown.color"), ";\n width: ").concat(dt2("select.dropdown.width"), ";\n border-start-end-radius: ").concat(dt2("select.border.radius"), ";\n border-end-end-radius: ").concat(dt2("select.border.radius"), ";\n}\n\n.p-select-label {\n display: block;\n white-space: nowrap;\n overflow: hidden;\n flex: 1 1 auto;\n width: 1%;\n padding: ").concat(dt2("select.padding.y"), " ").concat(dt2("select.padding.x"), ";\n text-overflow: ellipsis;\n cursor: pointer;\n color: ").concat(dt2("select.color"), ";\n background: transparent;\n border: 0 none;\n outline: 0 none;\n}\n\n.p-select-label.p-placeholder {\n color: ").concat(dt2("select.placeholder.color"), ";\n}\n\n.p-select.p-invalid .p-select-label.p-placeholder {\n color: ").concat(dt2("select.invalid.placeholder.color"), ";\n}\n\n.p-select:has(.p-select-clear-icon) .p-select-label {\n padding-inline-end: calc(1rem + ").concat(dt2("select.padding.x"), ");\n}\n\n.p-select.p-disabled .p-select-label {\n color: ").concat(dt2("select.disabled.color"), ";\n}\n\n.p-select-label-empty {\n overflow: hidden;\n opacity: 0;\n}\n\ninput.p-select-label {\n cursor: default;\n}\n\n.p-select .p-select-overlay {\n min-width: 100%;\n}\n\n.p-select-overlay {\n position: absolute;\n top: 0;\n left: 0;\n background: ").concat(dt2("select.overlay.background"), ";\n color: ").concat(dt2("select.overlay.color"), ";\n border: 1px solid ").concat(dt2("select.overlay.border.color"), ";\n border-radius: ").concat(dt2("select.overlay.border.radius"), ";\n box-shadow: ").concat(dt2("select.overlay.shadow"), ";\n}\n\n.p-select-header {\n padding: ").concat(dt2("select.list.header.padding"), ";\n}\n\n.p-select-filter {\n width: 100%;\n}\n\n.p-select-list-container {\n overflow: auto;\n}\n\n.p-select-option-group {\n cursor: auto;\n margin: 0;\n padding: ").concat(dt2("select.option.group.padding"), ";\n background: ").concat(dt2("select.option.group.background"), ";\n color: ").concat(dt2("select.option.group.color"), ";\n font-weight: ").concat(dt2("select.option.group.font.weight"), ";\n}\n\n.p-select-list {\n margin: 0;\n padding: 0;\n list-style-type: none;\n padding: ").concat(dt2("select.list.padding"), ";\n gap: ").concat(dt2("select.list.gap"), ";\n display: flex;\n flex-direction: column;\n}\n\n.p-select-option {\n cursor: pointer;\n font-weight: normal;\n white-space: nowrap;\n position: relative;\n overflow: hidden;\n display: flex;\n align-items: center;\n padding: ").concat(dt2("select.option.padding"), ";\n border: 0 none;\n color: ").concat(dt2("select.option.color"), ";\n background: transparent;\n transition: background ").concat(dt2("select.transition.duration"), ", color ").concat(dt2("select.transition.duration"), ", border-color ").concat(dt2("select.transition.duration"), ",\n box-shadow ").concat(dt2("select.transition.duration"), ", outline-color ").concat(dt2("select.transition.duration"), ";\n border-radius: ").concat(dt2("select.option.border.radius"), ";\n}\n\n.p-select-option:not(.p-select-option-selected):not(.p-disabled).p-focus {\n background: ").concat(dt2("select.option.focus.background"), ";\n color: ").concat(dt2("select.option.focus.color"), ";\n}\n\n.p-select-option.p-select-option-selected {\n background: ").concat(dt2("select.option.selected.background"), ";\n color: ").concat(dt2("select.option.selected.color"), ";\n}\n\n.p-select-option.p-select-option-selected.p-focus {\n background: ").concat(dt2("select.option.selected.focus.background"), ";\n color: ").concat(dt2("select.option.selected.focus.color"), ";\n}\n\n.p-select-option-check-icon {\n position: relative;\n margin-inline-start: ").concat(dt2("select.checkmark.gutter.start"), ";\n margin-inline-end: ").concat(dt2("select.checkmark.gutter.end"), ";\n color: ").concat(dt2("select.checkmark.color"), ";\n}\n\n.p-select-empty-message {\n padding: ").concat(dt2("select.empty.message.padding"), ";\n}\n\n.p-select-fluid {\n display: flex;\n width: 100%;\n}\n\n.p-select-sm .p-select-label {\n font-size: ").concat(dt2("select.sm.font.size"), ";\n padding-block: ").concat(dt2("select.sm.padding.y"), ";\n padding-inline: ").concat(dt2("select.sm.padding.x"), ";\n}\n\n.p-select-sm .p-select-dropdown .p-icon {\n font-size: ").concat(dt2("select.sm.font.size"), ";\n width: ").concat(dt2("select.sm.font.size"), ";\n height: ").concat(dt2("select.sm.font.size"), ";\n}\n\n.p-select-lg .p-select-label {\n font-size: ").concat(dt2("select.lg.font.size"), ";\n padding-block: ").concat(dt2("select.lg.padding.y"), ";\n padding-inline: ").concat(dt2("select.lg.padding.x"), ";\n}\n\n.p-select-lg .p-select-dropdown .p-icon {\n font-size: ").concat(dt2("select.lg.font.size"), ";\n width: ").concat(dt2("select.lg.font.size"), ";\n height: ").concat(dt2("select.lg.font.size"), ";\n}\n");
}, "theme");
@@ -150078,14 +161958,18 @@ var classes$e = {
optionBlankIcon: "p-select-option-blank-icon",
emptyMessage: "p-select-empty-message"
};
-var SelectStyle = BaseStyle.extend({
+var SelectStyle = BaseStyle$1.extend({
name: "select",
theme: theme$e,
classes: classes$e
});
var script$1$e = {
name: "BaseSelect",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$$,
+========
+ "extends": script$10,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
options: Array,
optionLabel: [String, Function],
@@ -150322,6 +162206,7 @@ function _objectSpread$9(e2) {
}
__name(_objectSpread$9, "_objectSpread$9");
function _defineProperty$7(e2, r2, t2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return (r2 = _toPropertyKey$7(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
}
__name(_defineProperty$7, "_defineProperty$7");
@@ -150331,6 +162216,17 @@ function _toPropertyKey$7(t2) {
}
__name(_toPropertyKey$7, "_toPropertyKey$7");
function _toPrimitive$7(t2, r2) {
+========
+ return (r2 = _toPropertyKey$6(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$7, "_defineProperty$7");
+function _toPropertyKey$6(t2) {
+ var i2 = _toPrimitive$6(t2, "string");
+ return "symbol" == _typeof$7(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$6, "_toPropertyKey$6");
+function _toPrimitive$6(t2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if ("object" != _typeof$7(t2) || !t2) return t2;
var e2 = t2[Symbol.toPrimitive];
if (void 0 !== e2) {
@@ -150340,7 +162236,11 @@ function _toPrimitive$7(t2, r2) {
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$7, "_toPrimitive$7");
+========
+__name(_toPrimitive$6, "_toPrimitive$6");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var script$m = {
name: "Select",
"extends": script$1$e,
@@ -150377,18 +162277,22 @@ var script$m = {
this.autoUpdateModel();
}, "options")
},
- mounted: /* @__PURE__ */ __name(function mounted14() {
+ mounted: /* @__PURE__ */ __name(function mounted15() {
this.id = this.id || UniqueComponentId();
this.autoUpdateModel();
this.bindLabelClickListener();
}, "mounted"),
- updated: /* @__PURE__ */ __name(function updated9() {
+ updated: /* @__PURE__ */ __name(function updated10() {
if (this.overlayVisible && this.isModelValueChanged) {
this.scrollInView(this.findSelectedOptionIndex());
}
this.isModelValueChanged = false;
}, "updated"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount5() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount6() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.unbindOutsideClickListener();
this.unbindResizeListener();
this.unbindLabelClickListener();
@@ -150397,7 +162301,7 @@ var script$m = {
this.scrollHandler = null;
}
if (this.overlay) {
- ZIndex.clear(this.overlay);
+ ZIndex$1.clear(this.overlay);
this.overlay = null;
}
}, "beforeUnmount"),
@@ -150406,13 +162310,13 @@ var script$m = {
return this.virtualScrollerDisabled ? index2 : fn && fn(index2)["index"];
}, "getOptionIndex"),
getOptionLabel: /* @__PURE__ */ __name(function getOptionLabel2(option3) {
- return this.optionLabel ? resolveFieldData(option3, this.optionLabel) : option3;
+ return this.optionLabel ? resolveFieldData$2(option3, this.optionLabel) : option3;
}, "getOptionLabel"),
getOptionValue: /* @__PURE__ */ __name(function getOptionValue2(option3) {
- return this.optionValue ? resolveFieldData(option3, this.optionValue) : option3;
+ return this.optionValue ? resolveFieldData$2(option3, this.optionValue) : option3;
}, "getOptionValue"),
getOptionRenderKey: /* @__PURE__ */ __name(function getOptionRenderKey2(option3, index2) {
- return (this.dataKey ? resolveFieldData(option3, this.dataKey) : this.getOptionLabel(option3)) + "_" + index2;
+ return (this.dataKey ? resolveFieldData$2(option3, this.dataKey) : this.getOptionLabel(option3)) + "_" + index2;
}, "getOptionRenderKey"),
getPTItemOptions: /* @__PURE__ */ __name(function getPTItemOptions(option3, itemOptions, index2, key) {
return this.ptm(key, {
@@ -150426,16 +162330,16 @@ var script$m = {
});
}, "getPTItemOptions"),
isOptionDisabled: /* @__PURE__ */ __name(function isOptionDisabled2(option3) {
- return this.optionDisabled ? resolveFieldData(option3, this.optionDisabled) : false;
+ return this.optionDisabled ? resolveFieldData$2(option3, this.optionDisabled) : false;
}, "isOptionDisabled"),
isOptionGroup: /* @__PURE__ */ __name(function isOptionGroup2(option3) {
return this.optionGroupLabel && option3.optionGroup && option3.group;
}, "isOptionGroup"),
getOptionGroupLabel: /* @__PURE__ */ __name(function getOptionGroupLabel2(optionGroup) {
- return resolveFieldData(optionGroup, this.optionGroupLabel);
+ return resolveFieldData$2(optionGroup, this.optionGroupLabel);
}, "getOptionGroupLabel"),
getOptionGroupChildren: /* @__PURE__ */ __name(function getOptionGroupChildren2(optionGroup) {
- return resolveFieldData(optionGroup, this.optionGroupChildren);
+ return resolveFieldData$2(optionGroup, this.optionGroupChildren);
}, "getOptionGroupChildren"),
getAriaPosInset: /* @__PURE__ */ __name(function getAriaPosInset2(index2) {
var _this = this;
@@ -150447,7 +162351,7 @@ var script$m = {
this.$emit("before-show");
this.overlayVisible = true;
this.focusedOptionIndex = this.focusedOptionIndex !== -1 ? this.focusedOptionIndex : this.autoOptionFocus ? this.findFirstFocusedOptionIndex() : this.editable ? -1 : this.findSelectedOptionIndex();
- isFocus && focus$1(this.$refs.focusInput);
+ isFocus && focus$2(this.$refs.focusInput);
}, "show"),
hide: /* @__PURE__ */ __name(function hide2(isFocus) {
var _this2 = this;
@@ -150458,7 +162362,7 @@ var script$m = {
_this2.focusedOptionIndex = -1;
_this2.searchValue = "";
_this2.resetFilterOnHide && (_this2.filterValue = null);
- isFocus && focus$1(_this2.$refs.focusInput);
+ isFocus && focus$2(_this2.$refs.focusInput);
}, "_hide");
setTimeout(function() {
_hide();
@@ -150484,7 +162388,7 @@ var script$m = {
(_this$formField$onBlu = (_this$formField = this.formField).onBlur) === null || _this$formField$onBlu === void 0 || _this$formField$onBlu.call(_this$formField, event);
}, "onBlur"),
onKeyDown: /* @__PURE__ */ __name(function onKeyDown5(event) {
- if (this.disabled || isAndroid$2()) {
+ if (this.disabled || isAndroid$3()) {
event.preventDefault();
return;
}
@@ -150532,7 +162436,7 @@ var script$m = {
case "ShiftRight":
break;
default:
- if (!metaKey && isPrintableCharacter(event.key)) {
+ if (!metaKey && isPrintableCharacter$2(event.key)) {
!this.overlayVisible && this.show();
!this.editable && this.searchOptions(event, event.key);
}
@@ -150546,7 +162450,7 @@ var script$m = {
var matched = this.searchOptions(event, value4);
!matched && (this.focusedOptionIndex = -1);
this.updateModel(event, value4);
- !this.overlayVisible && isNotEmpty(value4) && this.show();
+ !this.overlayVisible && isNotEmpty$2(value4) && this.show();
}, "onEditableInput"),
onContainerClick: /* @__PURE__ */ __name(function onContainerClick(event) {
if (this.disabled || this.loading) {
@@ -150564,12 +162468,12 @@ var script$m = {
this.resetFilterOnClear && (this.filterValue = null);
}, "onClearClick"),
onFirstHiddenFocus: /* @__PURE__ */ __name(function onFirstHiddenFocus2(event) {
- var focusableEl = event.relatedTarget === this.$refs.focusInput ? getFirstFocusableElement(this.overlay, ':not([data-p-hidden-focusable="true"])') : this.$refs.focusInput;
- focus$1(focusableEl);
+ var focusableEl = event.relatedTarget === this.$refs.focusInput ? getFirstFocusableElement$1(this.overlay, ':not([data-p-hidden-focusable="true"])') : this.$refs.focusInput;
+ focus$2(focusableEl);
}, "onFirstHiddenFocus"),
onLastHiddenFocus: /* @__PURE__ */ __name(function onLastHiddenFocus2(event) {
- var focusableEl = event.relatedTarget === this.$refs.focusInput ? getLastFocusableElement(this.overlay, ':not([data-p-hidden-focusable="true"])') : this.$refs.focusInput;
- focus$1(focusableEl);
+ var focusableEl = event.relatedTarget === this.$refs.focusInput ? getLastFocusableElement$1(this.overlay, ':not([data-p-hidden-focusable="true"])') : this.$refs.focusInput;
+ focus$2(focusableEl);
}, "onLastHiddenFocus"),
onOptionSelect: /* @__PURE__ */ __name(function onOptionSelect2(event, option3) {
var isHide = arguments.length > 2 && arguments[2] !== void 0 ? arguments[2] : true;
@@ -150739,7 +162643,7 @@ var script$m = {
var pressedInInputText = arguments.length > 1 && arguments[1] !== void 0 ? arguments[1] : false;
if (!pressedInInputText) {
if (this.overlayVisible && this.hasFocusableElements()) {
- focus$1(this.$refs.firstHiddenFocusableElementOnOverlay);
+ focus$2(this.$refs.firstHiddenFocusableElementOnOverlay);
event.preventDefault();
} else {
if (this.focusedOptionIndex !== -1) {
@@ -150757,8 +162661,13 @@ var script$m = {
}, "onBackspaceKey"),
onOverlayEnter: /* @__PURE__ */ __name(function onOverlayEnter(el) {
var _this3 = this;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
ZIndex.set("overlay", el, this.$primevue.config.zIndex.overlay);
addStyle(el, {
+========
+ ZIndex$1.set("overlay", el, this.$primevue.config.zIndex.overlay);
+ addStyle$1(el, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
position: "absolute",
top: "0",
left: "0"
@@ -150766,7 +162675,11 @@ var script$m = {
this.alignOverlay();
this.scrollInView();
setTimeout(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
_this3.autoFilterFocus && _this3.filter && focus$1(_this3.$refs.filterInput.$el);
+========
+ _this3.autoFilterFocus && _this3.filter && focus$2(_this3.$refs.filterInput.$el);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, 1);
}, "onOverlayEnter"),
onOverlayAfterEnter: /* @__PURE__ */ __name(function onOverlayAfterEnter() {
@@ -150782,21 +162695,25 @@ var script$m = {
this.unbindResizeListener();
if (this.autoFilterFocus && this.filter && !this.editable) {
this.$nextTick(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
focus$1(_this4.$refs.filterInput.$el);
+========
+ focus$2(_this4.$refs.filterInput.$el);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
}
this.$emit("hide");
this.overlay = null;
}, "onOverlayLeave"),
onOverlayAfterLeave: /* @__PURE__ */ __name(function onOverlayAfterLeave(el) {
- ZIndex.clear(el);
+ ZIndex$1.clear(el);
}, "onOverlayAfterLeave"),
alignOverlay: /* @__PURE__ */ __name(function alignOverlay2() {
if (this.appendTo === "self") {
- relativePosition(this.overlay, this.$el);
+ relativePosition$1(this.overlay, this.$el);
} else {
- this.overlay.style.minWidth = getOuterWidth(this.$el) + "px";
- absolutePosition(this.overlay, this.$el);
+ this.overlay.style.minWidth = getOuterWidth$1(this.$el) + "px";
+ absolutePosition$1(this.overlay, this.$el);
}
}, "alignOverlay"),
bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener() {
@@ -150836,7 +162753,11 @@ var script$m = {
var _this7 = this;
if (!this.resizeListener) {
this.resizeListener = function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (_this7.overlayVisible && !isTouchDevice()) {
+========
+ if (_this7.overlayVisible && !isTouchDevice$1()) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
_this7.hide();
}
};
@@ -150853,9 +162774,15 @@ var script$m = {
var _this8 = this;
if (!this.editable && !this.labelClickListener) {
var label5 = document.querySelector('label[for="'.concat(this.labelId, '"]'));
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (label5 && isVisible(label5)) {
this.labelClickListener = function() {
focus$1(_this8.$refs.focusInput);
+========
+ if (label5 && isVisible$1(label5)) {
+ this.labelClickListener = function() {
+ focus$2(_this8.$refs.focusInput);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
label5.addEventListener("click", this.labelClickListener);
}
@@ -150864,26 +162791,34 @@ var script$m = {
unbindLabelClickListener: /* @__PURE__ */ __name(function unbindLabelClickListener() {
if (this.labelClickListener) {
var label5 = document.querySelector('label[for="'.concat(this.labelId, '"]'));
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (label5 && isVisible(label5)) {
+========
+ if (label5 && isVisible$1(label5)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
label5.removeEventListener("click", this.labelClickListener);
}
}
}, "unbindLabelClickListener"),
hasFocusableElements: /* @__PURE__ */ __name(function hasFocusableElements() {
- return getFocusableElements(this.overlay, ':not([data-p-hidden-focusable="true"])').length > 0;
+ return getFocusableElements$1(this.overlay, ':not([data-p-hidden-focusable="true"])').length > 0;
}, "hasFocusableElements"),
isOptionMatched: /* @__PURE__ */ __name(function isOptionMatched2(option3) {
var _this$getOptionLabel;
return this.isValidOption(option3) && typeof this.getOptionLabel(option3) === "string" && ((_this$getOptionLabel = this.getOptionLabel(option3)) === null || _this$getOptionLabel === void 0 ? void 0 : _this$getOptionLabel.toLocaleLowerCase(this.filterLocale).startsWith(this.searchValue.toLocaleLowerCase(this.filterLocale)));
}, "isOptionMatched"),
isValidOption: /* @__PURE__ */ __name(function isValidOption2(option3) {
- return isNotEmpty(option3) && !(this.isOptionDisabled(option3) || this.isOptionGroup(option3));
+ return isNotEmpty$2(option3) && !(this.isOptionDisabled(option3) || this.isOptionGroup(option3));
}, "isValidOption"),
isValidSelectedOption: /* @__PURE__ */ __name(function isValidSelectedOption2(option3) {
return this.isValidOption(option3) && this.isSelected(option3);
}, "isValidSelectedOption"),
isSelected: /* @__PURE__ */ __name(function isSelected2(option3) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return equals(this.d_value, this.getOptionValue(option3), this.equalityKey);
+========
+ return equals$2(this.d_value, this.getOptionValue(option3), this.equalityKey);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "isSelected"),
findFirstOptionIndex: /* @__PURE__ */ __name(function findFirstOptionIndex2() {
var _this9 = this;
@@ -150893,7 +162828,11 @@ var script$m = {
}, "findFirstOptionIndex"),
findLastOptionIndex: /* @__PURE__ */ __name(function findLastOptionIndex2() {
var _this10 = this;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return findLastIndex(this.visibleOptions, function(option3) {
+========
+ return findLastIndex$2(this.visibleOptions, function(option3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return _this10.isValidOption(option3);
});
}, "findLastOptionIndex"),
@@ -150906,7 +162845,11 @@ var script$m = {
}, "findNextOptionIndex"),
findPrevOptionIndex: /* @__PURE__ */ __name(function findPrevOptionIndex2(index2) {
var _this12 = this;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var matchedOptionIndex = index2 > 0 ? findLastIndex(this.visibleOptions.slice(0, index2), function(option3) {
+========
+ var matchedOptionIndex = index2 > 0 ? findLastIndex$2(this.visibleOptions.slice(0, index2), function(option3) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return _this12.isValidOption(option3);
}) : -1;
return matchedOptionIndex > -1 ? matchedOptionIndex : index2;
@@ -150930,7 +162873,7 @@ var script$m = {
this.searchValue = (this.searchValue || "") + _char;
var optionIndex = -1;
var matched = false;
- if (isNotEmpty(this.searchValue)) {
+ if (isNotEmpty$2(this.searchValue)) {
if (this.focusedOptionIndex !== -1) {
optionIndex = this.visibleOptions.slice(this.focusedOptionIndex).findIndex(function(option3) {
return _this14.isOptionMatched(option3);
@@ -150976,7 +162919,11 @@ var script$m = {
var index2 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : -1;
this.$nextTick(function() {
var id3 = index2 !== -1 ? "".concat(_this15.id, "_").concat(index2) : _this15.focusedOptionId;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var element = findSingle(_this15.list, 'li[id="'.concat(id3, '"]'));
+========
+ var element = findSingle$1(_this15.list, 'li[id="'.concat(id3, '"]'));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (element) {
element.scrollIntoView && element.scrollIntoView({
block: "nearest",
@@ -151067,7 +163014,7 @@ var script$m = {
return this.filterFields || [this.optionLabel];
}, "searchFields"),
filterResultMessageText: /* @__PURE__ */ __name(function filterResultMessageText2() {
- return isNotEmpty(this.visibleOptions) ? this.filterMessageText.replaceAll("{0}", this.visibleOptions.length) : this.emptyFilterMessageText;
+ return isNotEmpty$2(this.visibleOptions) ? this.filterMessageText.replaceAll("{0}", this.visibleOptions.length) : this.emptyFilterMessageText;
}, "filterResultMessageText"),
filterMessageText: /* @__PURE__ */ __name(function filterMessageText2() {
return this.filterMessage || this.$primevue.config.locale.searchMessage || "";
@@ -151097,7 +163044,11 @@ var script$m = {
}).length;
}, "ariaSetSize"),
isClearIconVisible: /* @__PURE__ */ __name(function isClearIconVisible() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return this.showClear && this.d_value != null && isNotEmpty(this.options);
+========
+ return this.showClear && this.d_value != null && isNotEmpty$2(this.options);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "isClearIconVisible"),
virtualScrollerDisabled: /* @__PURE__ */ __name(function virtualScrollerDisabled2() {
return !this.virtualScrollerOptions;
@@ -151107,6 +163058,7 @@ var script$m = {
ripple: Ripple
},
components: {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
InputText: script$J,
VirtualScroller: script$A,
Portal: script$T,
@@ -151117,14 +163069,32 @@ var script$m = {
SpinnerIcon: script$W,
SearchIcon: script$D,
CheckIcon: script$M,
+========
+ InputText: script$I,
+ VirtualScroller: script$A,
+ Portal: script$U,
+ InputIcon: script$B,
+ IconField: script$C,
+ TimesIcon: script$_,
+ ChevronDownIcon: script$n,
+ SpinnerIcon: script$X,
+ SearchIcon: script$D,
+ CheckIcon: script$L,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
BlankIcon: script$E
}
};
var _hoisted_1$I = ["id"];
var _hoisted_2$t = ["id", "value", "placeholder", "tabindex", "disabled", "aria-label", "aria-labelledby", "aria-expanded", "aria-controls", "aria-activedescendant", "aria-invalid"];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_3$h = ["id", "tabindex", "aria-label", "aria-labelledby", "aria-expanded", "aria-controls", "aria-activedescendant", "aria-disabled"];
var _hoisted_4$c = ["id"];
var _hoisted_5$9 = ["id"];
+========
+var _hoisted_3$i = ["id", "tabindex", "aria-label", "aria-labelledby", "aria-expanded", "aria-controls", "aria-activedescendant", "aria-disabled"];
+var _hoisted_4$c = ["id"];
+var _hoisted_5$a = ["id"];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _hoisted_6$5 = ["id", "aria-label", "aria-selected", "aria-disabled", "aria-setsize", "aria-posinset", "onClick", "onMousemove", "data-p-selected", "data-p-focused", "data-p-disabled"];
function render$l(_ctx, _cache, $props, $setup, $data, $options) {
var _component_SpinnerIcon = resolveComponent("SpinnerIcon");
@@ -151137,14 +163107,22 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
var _component_VirtualScroller = resolveComponent("VirtualScroller");
var _component_Portal = resolveComponent("Portal");
var _directive_ripple = resolveDirective("ripple");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "container",
id: $data.id,
"class": _ctx.cx("root"),
onClick: _cache[11] || (_cache[11] = function() {
return $options.onContainerClick && $options.onContainerClick.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptmi("root")), [_ctx.editable ? (openBlock(), createElementBlock("input", mergeProps$1({
+========
+ }, _ctx.ptmi("root")), [_ctx.editable ? (openBlock(), createElementBlock("input", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: "focusInput",
id: _ctx.labelId || _ctx.inputId,
@@ -151176,7 +163154,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
onInput: _cache[3] || (_cache[3] = function() {
return $options.onEditableInput && $options.onEditableInput.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("label")), null, 16, _hoisted_2$t)) : (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ }, _ctx.ptm("label")), null, 16, _hoisted_2$t)) : (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
ref: "focusInput",
id: _ctx.labelId || _ctx.inputId,
@@ -151206,29 +163188,49 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
}, function() {
var _$options$label;
return [createTextVNode(toDisplayString$1($options.label === "p-emptylabel" ? " " : (_$options$label = $options.label) !== null && _$options$label !== void 0 ? _$options$label : "empty"), 1)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 16, _hoisted_3$h)), $options.isClearIconVisible ? renderSlot(_ctx.$slots, "clearicon", {
+========
+ })], 16, _hoisted_3$i)), $options.isClearIconVisible ? renderSlot(_ctx.$slots, "clearicon", {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 2,
"class": normalizeClass(_ctx.cx("clearIcon")),
clearCallback: $options.onClearClick
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.clearIcon ? "i" : "TimesIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.clearIcon ? "i" : "TimesIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "clearIcon",
"class": [_ctx.cx("clearIcon"), _ctx.clearIcon],
onClick: $options.onClearClick
}, _ctx.ptm("clearIcon"), {
"data-pc-section": "clearicon"
}), null, 16, ["class", "onClick"]))];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ }) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("dropdown")
}, _ctx.ptm("dropdown")), [_ctx.loading ? renderSlot(_ctx.$slots, "loadingicon", {
key: 0,
"class": normalizeClass(_ctx.cx("loadingIcon"))
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.loadingIcon ? (openBlock(), createElementBlock("span", mergeProps$1({
key: 0,
"class": [_ctx.cx("loadingIcon"), "pi-spin", _ctx.loadingIcon],
"aria-hidden": "true"
}, _ctx.ptm("loadingIcon")), null, 16)) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps$1({
+========
+ return [_ctx.loadingIcon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 0,
+ "class": [_ctx.cx("loadingIcon"), "pi-spin", _ctx.loadingIcon],
+ "aria-hidden": "true"
+ }, _ctx.ptm("loadingIcon")), null, 16)) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("loadingIcon"),
spin: "",
@@ -151238,7 +163240,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
key: 1,
"class": normalizeClass(_ctx.cx("dropdownIcon"))
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.dropdownIcon ? "span" : "ChevronDownIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.dropdownIcon ? "span" : "ChevronDownIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.cx("dropdownIcon"), _ctx.dropdownIcon],
"aria-hidden": "true"
}, _ctx.ptm("dropdownIcon")), null, 16, ["class"]))];
@@ -151246,7 +163252,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
appendTo: _ctx.appendTo
}, {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createVNode(Transition, mergeProps$1({
+========
+ return [createVNode(Transition, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "p-connected-overlay",
onEnter: $options.onOverlayEnter,
onAfterEnter: $options.onOverlayAfterEnter,
@@ -151254,7 +163264,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
onAfterLeave: $options.onOverlayAfterLeave
}, _ctx.ptm("transition")), {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [$data.overlayVisible ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return [$data.overlayVisible ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.overlayRef,
"class": [_ctx.cx("overlay"), _ctx.panelClass, _ctx.overlayClass],
@@ -151265,7 +163279,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
onKeydown: _cache[10] || (_cache[10] = function() {
return $options.onOverlayKeyDown && $options.onOverlayKeyDown.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("overlay")), [createBaseVNode("span", mergeProps$1({
+========
+ }, _ctx.ptm("overlay")), [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "firstHiddenFocusableElementOnOverlay",
role: "presentation",
"aria-hidden": "true",
@@ -151280,7 +163298,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
}), null, 16), renderSlot(_ctx.$slots, "header", {
value: _ctx.d_value,
options: $options.visibleOptions
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), _ctx.filter ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }), _ctx.filter ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("header")
}, _ctx.ptm("header")), [createVNode(_component_IconField, {
@@ -151312,10 +163334,17 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
}, {
"default": withCtx(function() {
return [renderSlot(_ctx.$slots, "filtericon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.filterIcon ? (openBlock(), createElementBlock("span", mergeProps$1({
key: 0,
"class": _ctx.filterIcon
}, _ctx.ptm("filterIcon")), null, 16)) : (openBlock(), createBlock(_component_SearchIcon, normalizeProps(mergeProps$1({
+========
+ return [_ctx.filterIcon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 0,
+ "class": _ctx.filterIcon
+ }, _ctx.ptm("filterIcon")), null, 16)) : (openBlock(), createBlock(_component_SearchIcon, normalizeProps(mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1
}, _ctx.ptm("filterIcon"))), null, 16))];
})];
@@ -151324,18 +163353,30 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
}, 8, ["unstyled", "pt"])];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 8, ["unstyled", "pt"]), createBaseVNode("span", mergeProps$1({
+========
+ }, 8, ["unstyled", "pt"]), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
role: "status",
"aria-live": "polite",
"class": "p-hidden-accessible"
}, _ctx.ptm("hiddenFilterResult"), {
"data-p-hidden-accessible": true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), toDisplayString$1($options.filterResultMessageText), 17)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ }), toDisplayString$1($options.filterResultMessageText), 17)], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("listContainer"),
style: {
"max-height": $options.virtualScrollerDisabled ? _ctx.scrollHeight : ""
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("listContainer")), [createVNode(_component_VirtualScroller, mergeProps$1({
+========
+ }, _ctx.ptm("listContainer")), [createVNode(_component_VirtualScroller, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: $options.virtualScrollerRef
}, _ctx.virtualScrollerOptions, {
items: $options.visibleOptions,
@@ -151348,7 +163389,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
}), createSlots({
content: withCtx(function(_ref) {
var styleClass = _ref.styleClass, contentRef3 = _ref.contentRef, items2 = _ref.items, getItemOptions = _ref.getItemOptions, contentStyle = _ref.contentStyle, itemSize2 = _ref.itemSize;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("ul", mergeProps$1({
+========
+ return [createBaseVNode("ul", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: /* @__PURE__ */ __name(function ref2(el) {
return $options.listRef(el, contentRef3);
}, "ref"),
@@ -151359,7 +163404,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("list")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList(items2, function(option3, i2) {
return openBlock(), createElementBlock(Fragment$1, {
key: $options.getOptionRenderKey(option3, $options.getOptionIndex(i2, getItemOptions))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [$options.isOptionGroup(option3) ? (openBlock(), createElementBlock("li", mergeProps$1({
+========
+ }, [$options.isOptionGroup(option3) ? (openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $data.id + "_" + $options.getOptionIndex(i2, getItemOptions),
style: {
@@ -151372,11 +163421,19 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
option: option3.optionGroup,
index: $options.getOptionIndex(i2, getItemOptions)
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("span", mergeProps$1({
"class": _ctx.cx("optionGroupLabel"),
ref_for: true
}, _ctx.ptm("optionGroupLabel")), toDisplayString$1($options.getOptionGroupLabel(option3.optionGroup)), 17)];
})], 16, _hoisted_5$9)) : withDirectives((openBlock(), createElementBlock("li", mergeProps$1({
+========
+ return [createBaseVNode("span", mergeProps$2({
+ "class": _ctx.cx("optionGroupLabel"),
+ ref_for: true
+ }, _ctx.ptm("optionGroupLabel")), toDisplayString$1($options.getOptionGroupLabel(option3.optionGroup)), 17)];
+ })], 16, _hoisted_5$a)) : withDirectives((openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
id: $data.id + "_" + $options.getOptionIndex(i2, getItemOptions),
"class": _ctx.cx("option", {
@@ -151404,11 +163461,19 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
ref_for: true
}, $options.getPTItemOptions(option3, getItemOptions, i2, "option")), [_ctx.checkmark ? (openBlock(), createElementBlock(Fragment$1, {
key: 0
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [$options.isSelected(option3) ? (openBlock(), createBlock(_component_CheckIcon, mergeProps$1({
key: 0,
"class": _ctx.cx("optionCheckIcon"),
ref_for: true
}, _ctx.ptm("optionCheckIcon")), null, 16, ["class"])) : (openBlock(), createBlock(_component_BlankIcon, mergeProps$1({
+========
+ }, [$options.isSelected(option3) ? (openBlock(), createBlock(_component_CheckIcon, mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("optionCheckIcon"),
+ ref_for: true
+ }, _ctx.ptm("optionCheckIcon")), null, 16, ["class"])) : (openBlock(), createBlock(_component_BlankIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("optionBlankIcon"),
ref_for: true
@@ -151417,12 +163482,20 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
selected: $options.isSelected(option3),
index: $options.getOptionIndex(i2, getItemOptions)
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("span", mergeProps$1({
+========
+ return [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("optionLabel"),
ref_for: true
}, _ctx.ptm("optionLabel")), toDisplayString$1($options.getOptionLabel(option3)), 17)];
})], 16, _hoisted_6$5)), [[_directive_ripple]])], 64);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), 128)), $data.filterValue && (!items2 || items2 && items2.length === 0) ? (openBlock(), createElementBlock("li", mergeProps$1({
+========
+ }), 128)), $data.filterValue && (!items2 || items2 && items2.length === 0) ? (openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("emptyMessage"),
role: "option"
@@ -151430,7 +163503,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
"data-p-hidden-accessible": true
}), [renderSlot(_ctx.$slots, "emptyfilter", {}, function() {
return [createTextVNode(toDisplayString$1($options.emptyFilterMessageText), 1)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 16)) : !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("li", mergeProps$1({
+========
+ })], 16)) : !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("emptyMessage"),
role: "option"
@@ -151453,20 +163530,32 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
} : void 0]), 1040, ["items", "style", "disabled", "pt"])], 16), renderSlot(_ctx.$slots, "footer", {
value: _ctx.d_value,
options: $options.visibleOptions
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ }), !_ctx.options || _ctx.options && _ctx.options.length === 0 ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
role: "status",
"aria-live": "polite",
"class": "p-hidden-accessible"
}, _ctx.ptm("hiddenEmptyMessage"), {
"data-p-hidden-accessible": true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), toDisplayString$1($options.emptyMessageText), 17)) : createCommentVNode("", true), createBaseVNode("span", mergeProps$1({
+========
+ }), toDisplayString$1($options.emptyMessageText), 17)) : createCommentVNode("", true), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
role: "status",
"aria-live": "polite",
"class": "p-hidden-accessible"
}, _ctx.ptm("hiddenSelectedMessage"), {
"data-p-hidden-accessible": true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), toDisplayString$1($options.selectedMessageText), 17), createBaseVNode("span", mergeProps$1({
+========
+ }), toDisplayString$1($options.selectedMessageText), 17), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "lastHiddenFocusableElementOnOverlay",
role: "presentation",
"aria-hidden": "true",
@@ -152038,7 +164127,11 @@ const _sfc_main$J = /* @__PURE__ */ defineComponent({
}
}, "importCustomPalette");
return (_ctx, _cache) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createBlock(unref(script$I), {
+========
+ return openBlock(), createBlock(unref(script$S), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
severity: "info",
icon: "pi pi-palette",
"pt:text": "w-full"
@@ -152055,19 +164148,27 @@ const _sfc_main$J = /* @__PURE__ */ defineComponent({
optionLabel: "name",
optionValue: "id"
}, null, 8, ["modelValue", "options"]),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$U), {
+========
+ createVNode(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
icon: "pi pi-file-export",
text: "",
title: _ctx.$t("g.export"),
onClick: _cache[1] || (_cache[1] = ($event) => unref(colorPaletteService).exportColorPalette(unref(activePaletteId)))
}, null, 8, ["title"]),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$U), {
+========
+ createVNode(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
icon: "pi pi-file-import",
text: "",
title: _ctx.$t("g.import"),
onClick: importCustomPalette
}, null, 8, ["title"]),
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
icon: "pi pi-trash",
severity: "danger",
text: "",
@@ -152093,7 +164194,11 @@ const _sfc_main$I = /* @__PURE__ */ defineComponent({
window.location.reload();
}, "logout");
return (_ctx, _cache) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return unref(userStore).isMultiUserServer ? (openBlock(), createBlock(unref(script$I), {
+========
+ return unref(userStore).isMultiUserServer ? (openBlock(), createBlock(unref(script$S), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
severity: "info",
icon: "pi pi-user",
@@ -152102,7 +164207,7 @@ const _sfc_main$I = /* @__PURE__ */ defineComponent({
default: withCtx(() => [
createBaseVNode("div", _hoisted_1$G, [
createBaseVNode("div", null, toDisplayString$1(_ctx.$t("g.currentUser")) + ": " + toDisplayString$1(unref(userStore).currentUser?.username), 1),
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
icon: "pi pi-sign-out",
onClick: logout,
text: ""
@@ -152124,7 +164229,11 @@ const _sfc_main$H = /* @__PURE__ */ defineComponent({
settingStore.set("Comfy.UseNewMenu", currentValue);
}, "handleClose");
return (_ctx, _cache) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return show5.value ? (openBlock(), createBlock(unref(script$I), {
+========
+ return show5.value ? (openBlock(), createBlock(unref(script$S), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
class: "first-time-ui-message",
severity: "info",
@@ -152141,10 +164250,14 @@ const _sfc_main$H = /* @__PURE__ */ defineComponent({
});
var script$l = {
name: "AngleDownIcon",
- "extends": script$_
+ "extends": script$$
};
function render$k(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -152159,10 +164272,14 @@ __name(render$k, "render$k");
script$l.render = render$k;
var script$k = {
name: "AngleUpIcon",
- "extends": script$_
+ "extends": script$$
};
function render$j(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -152175,7 +164292,7 @@ function render$j(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$j, "render$j");
script$k.render = render$j;
-var theme$d = /* @__PURE__ */ __name(function theme28(_ref) {
+var theme$d = /* @__PURE__ */ __name(function theme29(_ref) {
var dt2 = _ref.dt;
return "\n.p-inputnumber {\n display: inline-flex;\n position: relative;\n}\n\n.p-inputnumber-button {\n display: flex;\n align-items: center;\n justify-content: center;\n flex: 0 0 auto;\n cursor: pointer;\n background: ".concat(dt2("inputnumber.button.background"), ";\n color: ").concat(dt2("inputnumber.button.color"), ";\n width: ").concat(dt2("inputnumber.button.width"), ";\n transition: background ").concat(dt2("inputnumber.transition.duration"), ", color ").concat(dt2("inputnumber.transition.duration"), ", border-color ").concat(dt2("inputnumber.transition.duration"), ", outline-color ").concat(dt2("inputnumber.transition.duration"), ";\n}\n\n.p-inputnumber-button:hover {\n background: ").concat(dt2("inputnumber.button.hover.background"), ";\n color: ").concat(dt2("inputnumber.button.hover.color"), ";\n}\n\n.p-inputnumber-button:active {\n background: ").concat(dt2("inputnumber.button.active.background"), ";\n color: ").concat(dt2("inputnumber.button.active.color"), ";\n}\n\n.p-inputnumber-stacked .p-inputnumber-button {\n position: relative;\n border: 0 none;\n}\n\n.p-inputnumber-stacked .p-inputnumber-button-group {\n display: flex;\n flex-direction: column;\n position: absolute;\n inset-block-start: 1px;\n inset-inline-end: 1px;\n height: calc(100% - 2px);\n z-index: 1;\n}\n\n.p-inputnumber-stacked .p-inputnumber-increment-button {\n padding: 0;\n border-start-end-radius: calc(").concat(dt2("inputnumber.button.border.radius"), " - 1px);\n}\n\n.p-inputnumber-stacked .p-inputnumber-decrement-button {\n padding: 0;\n border-end-end-radius: calc(").concat(dt2("inputnumber.button.border.radius"), " - 1px);\n}\n\n.p-inputnumber-stacked .p-inputnumber-button {\n flex: 1 1 auto;\n border: 0 none;\n}\n\n.p-inputnumber-horizontal .p-inputnumber-button {\n border: 1px solid ").concat(dt2("inputnumber.button.border.color"), ";\n}\n\n.p-inputnumber-horizontal .p-inputnumber-button:hover {\n border-color: ").concat(dt2("inputnumber.button.hover.border.color"), ";\n}\n\n.p-inputnumber-horizontal .p-inputnumber-button:active {\n border-color: ").concat(dt2("inputnumber.button.active.border.color"), ";\n}\n\n.p-inputnumber-horizontal .p-inputnumber-increment-button {\n order: 3;\n border-start-end-radius: ").concat(dt2("inputnumber.button.border.radius"), ";\n border-end-end-radius: ").concat(dt2("inputnumber.button.border.radius"), ";\n border-inline-start: 0 none;\n}\n\n.p-inputnumber-horizontal .p-inputnumber-input {\n order: 2;\n border-radius: 0;\n}\n\n.p-inputnumber-horizontal .p-inputnumber-decrement-button {\n order: 1;\n border-start-start-radius: ").concat(dt2("inputnumber.button.border.radius"), ";\n border-end-start-radius: ").concat(dt2("inputnumber.button.border.radius"), ";\n border-inline-end: 0 none;\n}\n\n.p-floatlabel:has(.p-inputnumber-horizontal) label {\n margin-inline-start: ").concat(dt2("inputnumber.button.width"), ";\n}\n\n.p-inputnumber-vertical {\n flex-direction: column;\n}\n\n.p-inputnumber-vertical .p-inputnumber-button {\n border: 1px solid ").concat(dt2("inputnumber.button.border.color"), ";\n padding: ").concat(dt2("inputnumber.button.vertical.padding"), ";\n}\n\n.p-inputnumber-vertical .p-inputnumber-button:hover {\n border-color: ").concat(dt2("inputnumber.button.hover.border.color"), ";\n}\n\n.p-inputnumber-vertical .p-inputnumber-button:active {\n border-color: ").concat(dt2("inputnumber.button.active.border.color"), ";\n}\n\n.p-inputnumber-vertical .p-inputnumber-increment-button {\n order: 1;\n border-start-start-radius: ").concat(dt2("inputnumber.button.border.radius"), ";\n border-start-end-radius: ").concat(dt2("inputnumber.button.border.radius"), ";\n width: 100%;\n border-block-end: 0 none;\n}\n\n.p-inputnumber-vertical .p-inputnumber-input {\n order: 2;\n border-radius: 0;\n text-align: center;\n}\n\n.p-inputnumber-vertical .p-inputnumber-decrement-button {\n order: 3;\n border-end-start-radius: ").concat(dt2("inputnumber.button.border.radius"), ";\n border-end-end-radius: ").concat(dt2("inputnumber.button.border.radius"), ";\n width: 100%;\n border-block-start: 0 none;\n}\n\n.p-inputnumber-input {\n flex: 1 1 auto;\n}\n\n.p-inputnumber-fluid {\n width: 100%;\n}\n\n.p-inputnumber-fluid .p-inputnumber-input {\n width: 1%;\n}\n\n.p-inputnumber-fluid.p-inputnumber-vertical .p-inputnumber-input {\n width: 100%;\n}\n\n.p-inputnumber:has(.p-inputtext-sm) .p-inputnumber-button .p-icon {\n font-size: ").concat(dt2("form.field.sm.font.size"), ";\n width: ").concat(dt2("form.field.sm.font.size"), ";\n height: ").concat(dt2("form.field.sm.font.size"), ";\n}\n\n.p-inputnumber:has(.p-inputtext-lg) .p-inputnumber-button .p-icon {\n font-size: ").concat(dt2("form.field.lg.font.size"), ";\n width: ").concat(dt2("form.field.lg.font.size"), ";\n height: ").concat(dt2("form.field.lg.font.size"), ";\n}\n");
}, "theme");
@@ -152206,14 +164323,18 @@ var classes$d = {
}];
}, "decrementButton")
};
-var InputNumberStyle = BaseStyle.extend({
+var InputNumberStyle = BaseStyle$1.extend({
name: "inputnumber",
theme: theme$d,
classes: classes$d
});
var script$1$d = {
name: "BaseInputNumber",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$$,
+========
+ "extends": script$10,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
format: {
type: Boolean,
@@ -152388,6 +164509,7 @@ function _objectSpread$8(e2) {
}
__name(_objectSpread$8, "_objectSpread$8");
function _defineProperty$6(e2, r2, t2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return (r2 = _toPropertyKey$6(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
}
__name(_defineProperty$6, "_defineProperty$6");
@@ -152397,6 +164519,17 @@ function _toPropertyKey$6(t2) {
}
__name(_toPropertyKey$6, "_toPropertyKey$6");
function _toPrimitive$6(t2, r2) {
+========
+ return (r2 = _toPropertyKey$5(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$6, "_defineProperty$6");
+function _toPropertyKey$5(t2) {
+ var i2 = _toPrimitive$5(t2, "string");
+ return "symbol" == _typeof$6(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$5, "_toPropertyKey$5");
+function _toPrimitive$5(t2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if ("object" != _typeof$6(t2) || !t2) return t2;
var e2 = t2[Symbol.toPrimitive];
if (void 0 !== e2) {
@@ -152406,7 +164539,11 @@ function _toPrimitive$6(t2, r2) {
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$6, "_toPrimitive$6");
+========
+__name(_toPrimitive$5, "_toPrimitive$5");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function _toConsumableArray$7(r2) {
return _arrayWithoutHoles$7(r2) || _iterableToArray$7(r2) || _unsupportedIterableToArray$9(r2) || _nonIterableSpread$7();
}
@@ -152472,38 +164609,43 @@ var script$j = {
d_value: /* @__PURE__ */ __name(function d_value(newValue2) {
this.d_modelValue = newValue2;
}, "d_value"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
locale: /* @__PURE__ */ __name(function locale(newValue2, oldValue2) {
this.updateConstructParser(newValue2, oldValue2);
+========
+ locale: /* @__PURE__ */ __name(function locale(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "locale"),
- localeMatcher: /* @__PURE__ */ __name(function localeMatcher(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ localeMatcher: /* @__PURE__ */ __name(function localeMatcher(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "localeMatcher"),
- mode: /* @__PURE__ */ __name(function mode(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ mode: /* @__PURE__ */ __name(function mode(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "mode"),
- currency: /* @__PURE__ */ __name(function currency(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ currency: /* @__PURE__ */ __name(function currency(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "currency"),
- currencyDisplay: /* @__PURE__ */ __name(function currencyDisplay(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ currencyDisplay: /* @__PURE__ */ __name(function currencyDisplay(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "currencyDisplay"),
- useGrouping: /* @__PURE__ */ __name(function useGrouping(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ useGrouping: /* @__PURE__ */ __name(function useGrouping(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "useGrouping"),
- minFractionDigits: /* @__PURE__ */ __name(function minFractionDigits(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ minFractionDigits: /* @__PURE__ */ __name(function minFractionDigits(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "minFractionDigits"),
- maxFractionDigits: /* @__PURE__ */ __name(function maxFractionDigits(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ maxFractionDigits: /* @__PURE__ */ __name(function maxFractionDigits(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "maxFractionDigits"),
- suffix: /* @__PURE__ */ __name(function suffix(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ suffix: /* @__PURE__ */ __name(function suffix(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "suffix"),
- prefix: /* @__PURE__ */ __name(function prefix(newValue2, oldValue2) {
- this.updateConstructParser(newValue2, oldValue2);
+ prefix: /* @__PURE__ */ __name(function prefix(newValue2, oldValue) {
+ this.updateConstructParser(newValue2, oldValue);
}, "prefix")
},
- created: /* @__PURE__ */ __name(function created2() {
+ created: /* @__PURE__ */ __name(function created3() {
this.constructParser();
}, "created"),
methods: {
@@ -152538,8 +164680,8 @@ var script$j = {
return index2.get(d2);
};
}, "constructParser"),
- updateConstructParser: /* @__PURE__ */ __name(function updateConstructParser(newValue2, oldValue2) {
- if (newValue2 !== oldValue2) {
+ updateConstructParser: /* @__PURE__ */ __name(function updateConstructParser(newValue2, oldValue) {
+ if (newValue2 !== oldValue) {
this.constructParser();
}
}, "updateConstructParser"),
@@ -152838,13 +164980,13 @@ var script$j = {
break;
case "Home":
event.preventDefault();
- if (isNotEmpty(this.min)) {
+ if (isNotEmpty$2(this.min)) {
this.updateModel(event, this.min);
}
break;
case "End":
event.preventDefault();
- if (isNotEmpty(this.max)) {
+ if (isNotEmpty$2(this.max)) {
this.updateModel(event, this.max);
}
break;
@@ -153039,7 +165181,7 @@ var script$j = {
}, "initCursor"),
onInputClick: /* @__PURE__ */ __name(function onInputClick() {
var currentValue = this.$refs.input.$el.value;
- if (!this.readonly && currentValue !== getSelection$1()) {
+ if (!this.readonly && currentValue !== getSelection$2()) {
this.initCursor();
}
}, "onInputClick"),
@@ -153190,7 +165332,7 @@ var script$j = {
}, "updateModel"),
onInputFocus: /* @__PURE__ */ __name(function onInputFocus(event) {
this.focused = true;
- if (!this.disabled && !this.readonly && this.$refs.input.$el.value !== getSelection$1() && this.highlightOnFocus) {
+ if (!this.disabled && !this.readonly && this.$refs.input.$el.value !== getSelection$2() && this.highlightOnFocus) {
event.target.select();
}
this.$emit("focus", event);
@@ -153209,7 +165351,7 @@ var script$j = {
input.setAttribute("aria-valuenow", newValue2);
this.updateModel(event, newValue2);
if (!this.disabled && !this.readonly && this.highlightOnFocus) {
- clearSelection();
+ clearSelection$1();
}
}, "onInputBlur"),
clearTimer: /* @__PURE__ */ __name(function clearTimer2() {
@@ -153274,18 +165416,30 @@ var script$j = {
}, "getFormatter")
},
components: {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
InputText: script$J,
+========
+ InputText: script$I,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
AngleUpIcon: script$k,
AngleDownIcon: script$l
}
};
var _hoisted_1$F = ["disabled"];
var _hoisted_2$r = ["disabled"];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_3$g = ["disabled"];
var _hoisted_4$b = ["disabled"];
function render$i(_ctx, _cache, $props, $setup, $data, $options) {
var _component_InputText = resolveComponent("InputText");
return openBlock(), createElementBlock("span", mergeProps$1({
+========
+var _hoisted_3$h = ["disabled"];
+var _hoisted_4$b = ["disabled"];
+function render$i(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_InputText = resolveComponent("InputText");
+ return openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [createVNode(_component_InputText, {
ref: "input",
@@ -153315,13 +165469,21 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
onBlur: $options.onInputBlur,
pt: _ctx.ptm("pcInputText"),
unstyled: _ctx.unstyled
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["id", "class", "style", "value", "aria-valuemin", "aria-valuemax", "aria-valuenow", "inputmode", "disabled", "readonly", "placeholder", "aria-labelledby", "aria-label", "size", "invalid", "variant", "onInput", "onKeydown", "onKeypress", "onPaste", "onClick", "onFocus", "onBlur", "pt", "unstyled"]), _ctx.showButtons && _ctx.buttonLayout === "stacked" ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ }, null, 8, ["id", "class", "style", "value", "aria-valuemin", "aria-valuemax", "aria-valuenow", "inputmode", "disabled", "readonly", "placeholder", "aria-labelledby", "aria-label", "size", "invalid", "variant", "onInput", "onKeydown", "onKeypress", "onPaste", "onClick", "onFocus", "onBlur", "pt", "unstyled"]), _ctx.showButtons && _ctx.buttonLayout === "stacked" ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("buttonGroup")
}, _ctx.ptm("buttonGroup")), [renderSlot(_ctx.$slots, "incrementbutton", {
listeners: $options.upButtonListeners
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("button", mergeProps$1({
+========
+ return [createBaseVNode("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.cx("incrementButton"), _ctx.incrementButtonClass]
}, toHandlers($options.upButtonListeners, true), {
disabled: _ctx.disabled,
@@ -153329,7 +165491,11 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
"aria-hidden": "true",
type: "button"
}, _ctx.ptm("incrementButton")), [renderSlot(_ctx.$slots, _ctx.$slots.incrementicon ? "incrementicon" : "incrementbuttonicon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.incrementIcon || _ctx.incrementButtonIcon ? "span" : "AngleUpIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.incrementIcon || _ctx.incrementButtonIcon ? "span" : "AngleUpIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.incrementIcon, _ctx.incrementButtonIcon]
}, _ctx.ptm("incrementIcon"), {
"data-pc-section": "incrementicon"
@@ -153338,7 +165504,11 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
}), renderSlot(_ctx.$slots, "decrementbutton", {
listeners: $options.downButtonListeners
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("button", mergeProps$1({
+========
+ return [createBaseVNode("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.cx("decrementButton"), _ctx.decrementButtonClass]
}, toHandlers($options.downButtonListeners, true), {
disabled: _ctx.disabled,
@@ -153346,7 +165516,11 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
"aria-hidden": "true",
type: "button"
}, _ctx.ptm("decrementButton")), [renderSlot(_ctx.$slots, _ctx.$slots.decrementicon ? "decrementicon" : "decrementbuttonicon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.decrementIcon || _ctx.decrementButtonIcon ? "span" : "AngleDownIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.decrementIcon || _ctx.decrementButtonIcon ? "span" : "AngleDownIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.decrementIcon, _ctx.decrementButtonIcon]
}, _ctx.ptm("decrementIcon"), {
"data-pc-section": "decrementicon"
@@ -153355,7 +165529,11 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
})], 16)) : createCommentVNode("", true), renderSlot(_ctx.$slots, "incrementbutton", {
listeners: $options.upButtonListeners
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.showButtons && _ctx.buttonLayout !== "stacked" ? (openBlock(), createElementBlock("button", mergeProps$1({
+========
+ return [_ctx.showButtons && _ctx.buttonLayout !== "stacked" ? (openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": [_ctx.cx("incrementButton"), _ctx.incrementButtonClass]
}, toHandlers($options.upButtonListeners, true), {
@@ -153364,16 +165542,28 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
"aria-hidden": "true",
type: "button"
}, _ctx.ptm("incrementButton")), [renderSlot(_ctx.$slots, _ctx.$slots.incrementicon ? "incrementicon" : "incrementbuttonicon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.incrementIcon || _ctx.incrementButtonIcon ? "span" : "AngleUpIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.incrementIcon || _ctx.incrementButtonIcon ? "span" : "AngleUpIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.incrementIcon, _ctx.incrementButtonIcon]
}, _ctx.ptm("incrementIcon"), {
"data-pc-section": "incrementicon"
}), null, 16, ["class"]))];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})], 16, _hoisted_3$g)) : createCommentVNode("", true)];
}), renderSlot(_ctx.$slots, "decrementbutton", {
listeners: $options.downButtonListeners
}, function() {
return [_ctx.showButtons && _ctx.buttonLayout !== "stacked" ? (openBlock(), createElementBlock("button", mergeProps$1({
+========
+ })], 16, _hoisted_3$h)) : createCommentVNode("", true)];
+ }), renderSlot(_ctx.$slots, "decrementbutton", {
+ listeners: $options.downButtonListeners
+ }, function() {
+ return [_ctx.showButtons && _ctx.buttonLayout !== "stacked" ? (openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": [_ctx.cx("decrementButton"), _ctx.decrementButtonClass]
}, toHandlers($options.downButtonListeners, true), {
@@ -153382,7 +165572,11 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
"aria-hidden": "true",
type: "button"
}, _ctx.ptm("decrementButton")), [renderSlot(_ctx.$slots, _ctx.$slots.decrementicon ? "decrementicon" : "decrementbuttonicon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.decrementIcon || _ctx.decrementButtonIcon ? "span" : "AngleDownIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.decrementIcon || _ctx.decrementButtonIcon ? "span" : "AngleDownIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.decrementIcon, _ctx.decrementButtonIcon]
}, _ctx.ptm("decrementIcon"), {
"data-pc-section": "decrementicon"
@@ -153392,7 +165586,7 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$i, "render$i");
script$j.render = render$i;
-var theme$c = /* @__PURE__ */ __name(function theme29(_ref) {
+var theme$c = /* @__PURE__ */ __name(function theme30(_ref) {
var dt2 = _ref.dt;
return "\n.p-toggleswitch {\n display: inline-block;\n width: ".concat(dt2("toggleswitch.width"), ";\n height: ").concat(dt2("toggleswitch.height"), ";\n}\n\n.p-toggleswitch-input {\n cursor: pointer;\n appearance: none;\n position: absolute;\n top: 0;\n inset-inline-start: 0;\n width: 100%;\n height: 100%;\n padding: 0;\n margin: 0;\n opacity: 0;\n z-index: 1;\n outline: 0 none;\n border-radius: ").concat(dt2("toggleswitch.border.radius"), ";\n}\n\n.p-toggleswitch-slider {\n cursor: pointer;\n width: 100%;\n height: 100%;\n border-width: ").concat(dt2("toggleswitch.border.width"), ";\n border-style: solid;\n border-color: ").concat(dt2("toggleswitch.border.color"), ";\n background: ").concat(dt2("toggleswitch.background"), ";\n transition: background ").concat(dt2("toggleswitch.transition.duration"), ", color ").concat(dt2("toggleswitch.transition.duration"), ", border-color ").concat(dt2("toggleswitch.transition.duration"), ", outline-color ").concat(dt2("toggleswitch.transition.duration"), ", box-shadow ").concat(dt2("toggleswitch.transition.duration"), ";\n border-radius: ").concat(dt2("toggleswitch.border.radius"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt2("toggleswitch.shadow"), ";\n}\n\n.p-toggleswitch-handle {\n position: absolute;\n top: 50%;\n display: flex;\n justify-content: center;\n align-items: center;\n background: ").concat(dt2("toggleswitch.handle.background"), ";\n color: ").concat(dt2("toggleswitch.handle.color"), ";\n width: ").concat(dt2("toggleswitch.handle.size"), ";\n height: ").concat(dt2("toggleswitch.handle.size"), ";\n inset-inline-start: ").concat(dt2("toggleswitch.gap"), ";\n margin-block-start: calc(-1 * calc(").concat(dt2("toggleswitch.handle.size"), " / 2));\n border-radius: ").concat(dt2("toggleswitch.handle.border.radius"), ";\n transition: background ").concat(dt2("toggleswitch.transition.duration"), ", color ").concat(dt2("toggleswitch.transition.duration"), ", inset-inline-start ").concat(dt2("toggleswitch.slide.duration"), ", box-shadow ").concat(dt2("toggleswitch.slide.duration"), ";\n}\n\n.p-toggleswitch.p-toggleswitch-checked .p-toggleswitch-slider {\n background: ").concat(dt2("toggleswitch.checked.background"), ";\n border-color: ").concat(dt2("toggleswitch.checked.border.color"), ";\n}\n\n.p-toggleswitch.p-toggleswitch-checked .p-toggleswitch-handle {\n background: ").concat(dt2("toggleswitch.handle.checked.background"), ";\n color: ").concat(dt2("toggleswitch.handle.checked.color"), ";\n inset-inline-start: calc(").concat(dt2("toggleswitch.width"), " - calc(").concat(dt2("toggleswitch.handle.size"), " + ").concat(dt2("toggleswitch.gap"), "));\n}\n\n.p-toggleswitch:not(.p-disabled):has(.p-toggleswitch-input:hover) .p-toggleswitch-slider {\n background: ").concat(dt2("toggleswitch.hover.background"), ";\n border-color: ").concat(dt2("toggleswitch.hover.border.color"), ";\n}\n\n.p-toggleswitch:not(.p-disabled):has(.p-toggleswitch-input:hover) .p-toggleswitch-handle {\n background: ").concat(dt2("toggleswitch.handle.hover.background"), ";\n color: ").concat(dt2("toggleswitch.handle.hover.color"), ";\n}\n\n.p-toggleswitch:not(.p-disabled):has(.p-toggleswitch-input:hover).p-toggleswitch-checked .p-toggleswitch-slider {\n background: ").concat(dt2("toggleswitch.checked.hover.background"), ";\n border-color: ").concat(dt2("toggleswitch.checked.hover.border.color"), ";\n}\n\n.p-toggleswitch:not(.p-disabled):has(.p-toggleswitch-input:hover).p-toggleswitch-checked .p-toggleswitch-handle {\n background: ").concat(dt2("toggleswitch.handle.checked.hover.background"), ";\n color: ").concat(dt2("toggleswitch.handle.checked.hover.color"), ";\n}\n\n.p-toggleswitch:not(.p-disabled):has(.p-toggleswitch-input:focus-visible) .p-toggleswitch-slider {\n box-shadow: ").concat(dt2("toggleswitch.focus.ring.shadow"), ";\n outline: ").concat(dt2("toggleswitch.focus.ring.width"), " ").concat(dt2("toggleswitch.focus.ring.style"), " ").concat(dt2("toggleswitch.focus.ring.color"), ";\n outline-offset: ").concat(dt2("toggleswitch.focus.ring.offset"), ";\n}\n\n.p-toggleswitch.p-invalid > .p-toggleswitch-slider {\n border-color: ").concat(dt2("toggleswitch.invalid.border.color"), ";\n}\n\n.p-toggleswitch.p-disabled {\n opacity: 1;\n}\n\n.p-toggleswitch.p-disabled .p-toggleswitch-slider {\n background: ").concat(dt2("toggleswitch.disabled.background"), ";\n}\n\n.p-toggleswitch.p-disabled .p-toggleswitch-handle {\n background: ").concat(dt2("toggleswitch.handle.disabled.background"), ";\n}\n");
}, "theme");
@@ -153414,7 +165608,7 @@ var classes$c = {
slider: "p-toggleswitch-slider",
handle: "p-toggleswitch-handle"
};
-var ToggleSwitchStyle = BaseStyle.extend({
+var ToggleSwitchStyle = BaseStyle$1.extend({
name: "toggleswitch",
theme: theme$c,
classes: classes$c,
@@ -153509,13 +165703,21 @@ var script$i = {
var _hoisted_1$E = ["data-p-checked", "data-p-disabled"];
var _hoisted_2$q = ["id", "checked", "tabindex", "disabled", "readonly", "aria-checked", "aria-labelledby", "aria-label", "aria-invalid"];
function render$h(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root"),
style: _ctx.sx("root")
}, $options.getPTOptions("root"), {
"data-p-checked": $options.checked,
"data-p-disabled": _ctx.disabled
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [createBaseVNode("input", mergeProps$1({
+========
+ }), [createBaseVNode("input", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: _ctx.inputId,
type: "checkbox",
role: "switch",
@@ -153538,9 +165740,15 @@ function render$h(_ctx, _cache, $props, $setup, $data, $options) {
onChange: _cache[2] || (_cache[2] = function() {
return $options.onChange && $options.onChange.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, $options.getPTOptions("input")), null, 16, _hoisted_2$q), createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("slider")
}, $options.getPTOptions("slider")), [createBaseVNode("div", mergeProps$1({
+========
+ }, $options.getPTOptions("input")), null, 16, _hoisted_2$q), createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("slider")
+ }, $options.getPTOptions("slider")), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("handle")
}, $options.getPTOptions("handle")), [renderSlot(_ctx.$slots, "handle", {
checked: $options.checked
@@ -153574,7 +165782,7 @@ const _sfc_main$G = /* @__PURE__ */ defineComponent({
};
}
});
-var theme$b = /* @__PURE__ */ __name(function theme30(_ref) {
+var theme$b = /* @__PURE__ */ __name(function theme31(_ref) {
var dt2 = _ref.dt;
return "\n.p-colorpicker {\n display: inline-block;\n position: relative;\n}\n\n.p-colorpicker-dragging {\n cursor: pointer;\n}\n\n.p-colorpicker-preview {\n width: ".concat(dt2("colorpicker.preview.width"), ";\n height: ").concat(dt2("colorpicker.preview.height"), ";\n padding: 0;\n border: 0 none;\n border-radius: ").concat(dt2("colorpicker.preview.border.radius"), ";\n transition: background ").concat(dt2("colorpicker.transition.duration"), ", color ").concat(dt2("colorpicker.transition.duration"), ", border-color ").concat(dt2("colorpicker.transition.duration"), ", outline-color ").concat(dt2("colorpicker.transition.duration"), ", box-shadow ").concat(dt2("colorpicker.transition.duration"), ";\n outline-color: transparent;\n cursor: pointer;\n}\n\n.p-colorpicker-preview:enabled:focus-visible {\n border-color: ").concat(dt2("colorpicker.preview.focus.border.color"), ";\n box-shadow: ").concat(dt2("colorpicker.preview.focus.ring.shadow"), ";\n outline: ").concat(dt2("colorpicker.preview.focus.ring.width"), " ").concat(dt2("colorpicker.preview.focus.ring.style"), " ").concat(dt2("colorpicker.preview.focus.ring.color"), ";\n outline-offset: ").concat(dt2("colorpicker.preview.focus.ring.offset"), ";\n}\n\n.p-colorpicker-panel {\n background: ").concat(dt2("colorpicker.panel.background"), ";\n border: 1px solid ").concat(dt2("colorpicker.panel.border.color"), ";\n border-radius: ").concat(dt2("colorpicker.panel.border.radius"), ";\n box-shadow: ").concat(dt2("colorpicker.panel.shadow"), ";\n width: 193px;\n height: 166px;\n position: absolute;\n top: 0;\n left: 0;\n}\n\n.p-colorpicker-panel-inline {\n box-shadow: none;\n position: static;\n}\n\n.p-colorpicker-content {\n position: relative;\n}\n\n.p-colorpicker-color-selector {\n width: 150px;\n height: 150px;\n inset-block-start: 8px;\n inset-inline-start: 8px;\n position: absolute;\n}\n\n.p-colorpicker-color-background {\n width: 100%;\n height: 100%;\n background: linear-gradient(to top, #000 0%, rgba(0, 0, 0, 0) 100%), linear-gradient(to right, #fff 0%, rgba(255, 255, 255, 0) 100%);\n}\n\n.p-colorpicker-color-handle {\n position: absolute;\n inset-block-start: 0px;\n inset-inline-start: 150px;\n border-radius: 100%;\n width: 10px;\n height: 10px;\n border-width: 1px;\n border-style: solid;\n margin: -5px 0 0 -5px;\n cursor: pointer;\n opacity: 0.85;\n border-color: ").concat(dt2("colorpicker.handle.color"), ";\n}\n\n.p-colorpicker-hue {\n width: 17px;\n height: 150px;\n inset-block-start: 8px;\n inset-inline-start: 167px;\n position: absolute;\n opacity: 0.85;\n background: linear-gradient(0deg,\n red 0,\n #ff0 17%,\n #0f0 33%,\n #0ff 50%,\n #00f 67%,\n #f0f 83%,\n red);\n}\n\n.p-colorpicker-hue-handle {\n position: absolute;\n inset-block-start: 150px;\n inset-inline-start: 0px;\n width: 21px;\n margin-inline-start: -2px;\n margin-block-start: -5px;\n height: 10px;\n border-width: 2px;\n border-style: solid;\n opacity: 0.85;\n cursor: pointer;\n border-color: ").concat(dt2("colorpicker.handle.color"), ";\n}\n");
}, "theme");
@@ -153600,7 +165808,7 @@ var classes$b = {
hue: "p-colorpicker-hue",
hueHandle: "p-colorpicker-hue-handle"
};
-var ColorPickerStyle = BaseStyle.extend({
+var ColorPickerStyle = BaseStyle$1.extend({
name: "colorpicker",
theme: theme$b,
classes: classes$b
@@ -153679,14 +165887,22 @@ var script$h = {
watch: {
modelValue: {
immediate: true,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler: /* @__PURE__ */ __name(function handler8(newValue2) {
+========
+ handler: /* @__PURE__ */ __name(function handler10(newValue2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.hsbValue = this.toHSB(newValue2);
if (this.selfUpdate) this.selfUpdate = false;
else this.updateUI();
}, "handler")
}
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount6() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount7() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.unbindOutsideClickListener();
this.unbindDragListeners();
this.unbindResizeListener();
@@ -153695,11 +165911,11 @@ var script$h = {
this.scrollHandler = null;
}
if (this.picker && this.autoZIndex) {
- ZIndex.clear(this.picker);
+ ZIndex$1.clear(this.picker);
}
this.clearRefs();
}, "beforeUnmount"),
- mounted: /* @__PURE__ */ __name(function mounted15() {
+ mounted: /* @__PURE__ */ __name(function mounted16() {
this.updateUI();
}, "mounted"),
methods: {
@@ -153944,7 +166160,7 @@ var script$h = {
this.bindScrollListener();
this.bindResizeListener();
if (this.autoZIndex) {
- ZIndex.set("overlay", el, this.baseZIndex, this.$primevue.config.zIndex.overlay);
+ ZIndex$1.set("overlay", el, this.baseZIndex, this.$primevue.config.zIndex.overlay);
}
this.$emit("show");
}, "onOverlayEnter"),
@@ -153957,12 +166173,12 @@ var script$h = {
}, "onOverlayLeave"),
onOverlayAfterLeave: /* @__PURE__ */ __name(function onOverlayAfterLeave2(el) {
if (this.autoZIndex) {
- ZIndex.clear(el);
+ ZIndex$1.clear(el);
}
}, "onOverlayAfterLeave"),
alignOverlay: /* @__PURE__ */ __name(function alignOverlay3() {
- if (this.appendTo === "self") relativePosition(this.picker, this.$refs.input);
- else absolutePosition(this.picker, this.$refs.input);
+ if (this.appendTo === "self") relativePosition$1(this.picker, this.$refs.input);
+ else absolutePosition$1(this.picker, this.$refs.input);
}, "alignOverlay"),
onInputClick: /* @__PURE__ */ __name(function onInputClick2() {
if (this.disabled) {
@@ -154000,7 +166216,7 @@ var script$h = {
this.colorDragging = true;
this.pickColor(event);
this.$el.setAttribute("p-colorpicker-dragging", "true");
- !this.isUnstyled && addClass(this.$el, "p-colorpicker-dragging");
+ !this.isUnstyled && addClass$1(this.$el, "p-colorpicker-dragging");
event.preventDefault();
}, "onColorDragStart"),
onDrag: /* @__PURE__ */ __name(function onDrag(event) {
@@ -154017,7 +166233,7 @@ var script$h = {
this.colorDragging = false;
this.hueDragging = false;
this.$el.setAttribute("p-colorpicker-dragging", "false");
- !this.isUnstyled && removeClass(this.$el, "p-colorpicker-dragging");
+ !this.isUnstyled && removeClass$1(this.$el, "p-colorpicker-dragging");
this.unbindDragListeners();
}, "onDragEnd"),
onHueMousedown: /* @__PURE__ */ __name(function onHueMousedown(event) {
@@ -154033,7 +166249,7 @@ var script$h = {
}
this.hueDragging = true;
this.pickHue(event);
- !this.isUnstyled && addClass(this.$el, "p-colorpicker-dragging");
+ !this.isUnstyled && addClass$1(this.$el, "p-colorpicker-dragging");
}, "onHueDragStart"),
isInputClicked: /* @__PURE__ */ __name(function isInputClicked(event) {
return this.$refs.input && this.$refs.input.isSameNode(event.target);
@@ -154083,7 +166299,7 @@ var script$h = {
var _this3 = this;
if (!this.resizeListener) {
this.resizeListener = function() {
- if (_this3.overlayVisible && !isTouchDevice()) {
+ if (_this3.overlayVisible && !isTouchDevice$1()) {
_this3.overlayVisible = false;
}
};
@@ -154150,7 +166366,7 @@ var script$h = {
}, "onOverlayClick")
},
components: {
- Portal: script$T
+ Portal: script$U
}
};
function _typeof$5(o2) {
@@ -154186,6 +166402,7 @@ function _objectSpread$7(e2) {
}
__name(_objectSpread$7, "_objectSpread$7");
function _defineProperty$5(e2, r2, t2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return (r2 = _toPropertyKey$5(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
}
__name(_defineProperty$5, "_defineProperty$5");
@@ -154195,6 +166412,17 @@ function _toPropertyKey$5(t2) {
}
__name(_toPropertyKey$5, "_toPropertyKey$5");
function _toPrimitive$5(t2, r2) {
+========
+ return (r2 = _toPropertyKey$4(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$5, "_defineProperty$5");
+function _toPropertyKey$4(t2) {
+ var i2 = _toPrimitive$4(t2, "string");
+ return "symbol" == _typeof$5(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$4, "_toPropertyKey$4");
+function _toPrimitive$4(t2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if ("object" != _typeof$5(t2) || !t2) return t2;
var e2 = t2[Symbol.toPrimitive];
if (void 0 !== e2) {
@@ -154204,6 +166432,7 @@ function _toPrimitive$5(t2, r2) {
}
return ("string" === r2 ? String : Number)(t2);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(_toPrimitive$5, "_toPrimitive$5");
var _hoisted_1$D = ["id", "tabindex", "disabled"];
function render$g(_ctx, _cache, $props, $setup, $data, $options) {
@@ -154212,6 +166441,16 @@ function render$g(_ctx, _cache, $props, $setup, $data, $options) {
ref: "container",
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [!_ctx.inline ? (openBlock(), createElementBlock("input", mergeProps$1({
+========
+__name(_toPrimitive$4, "_toPrimitive$4");
+var _hoisted_1$D = ["id", "tabindex", "disabled"];
+function render$g(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_Portal = resolveComponent("Portal");
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ ref: "container",
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [!_ctx.inline ? (openBlock(), createElementBlock("input", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: "input",
id: _ctx.inputId,
@@ -154234,23 +166473,37 @@ function render$g(_ctx, _cache, $props, $setup, $data, $options) {
disabled: _ctx.inline
}, {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createVNode(Transition, mergeProps$1({
+========
+ return [createVNode(Transition, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "p-connected-overlay",
onEnter: $options.onOverlayEnter,
onLeave: $options.onOverlayLeave,
onAfterLeave: $options.onOverlayAfterLeave
}, _ctx.ptm("transition")), {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(_ctx.inline ? true : $data.overlayVisible) ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return [(_ctx.inline ? true : $data.overlayVisible) ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.pickerRef,
"class": [_ctx.cx("panel"), _ctx.panelClass, _ctx.overlayClass],
onClick: _cache[11] || (_cache[11] = function() {
return $options.onOverlayClick && $options.onOverlayClick.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _objectSpread$7(_objectSpread$7({}, _ctx.ptm("panel")), _ctx.ptm("overlay"))), [createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("content")
}, _ctx.ptm("content")), [createBaseVNode("div", mergeProps$1({
+========
+ }, _objectSpread$7(_objectSpread$7({}, _ctx.ptm("panel")), _ctx.ptm("overlay"))), [createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("content")
+ }, _ctx.ptm("content")), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: $options.colorSelectorRef,
"class": _ctx.cx("colorSelector"),
onMousedown: _cache[3] || (_cache[3] = function($event) {
@@ -154265,12 +166518,21 @@ function render$g(_ctx, _cache, $props, $setup, $data, $options) {
onTouchend: _cache[6] || (_cache[6] = function($event) {
return $options.onDragEnd();
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("colorSelector")), [createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("colorBackground")
}, _ctx.ptm("colorBackground")), [createBaseVNode("div", mergeProps$1({
ref: $options.colorHandleRef,
"class": _ctx.cx("colorHandle")
}, _ctx.ptm("colorHandle")), null, 16)], 16)], 16), createBaseVNode("div", mergeProps$1({
+========
+ }, _ctx.ptm("colorSelector")), [createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("colorBackground")
+ }, _ctx.ptm("colorBackground")), [createBaseVNode("div", mergeProps$2({
+ ref: $options.colorHandleRef,
+ "class": _ctx.cx("colorHandle")
+ }, _ctx.ptm("colorHandle")), null, 16)], 16)], 16), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: $options.hueViewRef,
"class": _ctx.cx("hue"),
onMousedown: _cache[7] || (_cache[7] = function($event) {
@@ -154285,7 +166547,11 @@ function render$g(_ctx, _cache, $props, $setup, $data, $options) {
onTouchend: _cache[10] || (_cache[10] = function($event) {
return $options.onDragEnd();
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("hue")), [createBaseVNode("div", mergeProps$1({
+========
+ }, _ctx.ptm("hue")), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: $options.hueHandleRef,
"class": _ctx.cx("hueHandle")
}, _ctx.ptm("hueHandle")), null, 16)], 16)], 16)], 16)) : createCommentVNode("", true)];
@@ -154300,6 +166566,12 @@ __name(render$g, "render$g");
script$h.render = render$g;
const _hoisted_1$C = { class: "color-picker-wrapper flex items-center gap-2" };
const _sfc_main$F = /* @__PURE__ */ defineComponent({
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ ...{
+ inheritAttrs: false
+ },
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
__name: "FormColorPicker",
props: /* @__PURE__ */ mergeModels({
defaultValue: {},
@@ -154313,11 +166585,19 @@ const _sfc_main$F = /* @__PURE__ */ defineComponent({
const modelValue3 = useModel(__props, "modelValue");
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$C, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$h), {
modelValue: modelValue3.value,
"onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => modelValue3.value = $event)
}, null, 8, ["modelValue"]),
createVNode(unref(script$J), {
+========
+ createVNode(unref(script$h), mergeProps$2({
+ modelValue: modelValue3.value,
+ "onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => modelValue3.value = $event)
+ }, _ctx.$attrs), null, 16, ["modelValue"]),
+ createVNode(unref(script$I), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
modelValue: modelValue3.value,
"onUpdate:modelValue": _cache[1] || (_cache[1] = ($event) => modelValue3.value = $event),
class: "w-28",
@@ -154329,12 +166609,20 @@ const _sfc_main$F = /* @__PURE__ */ defineComponent({
});
const _hoisted_1$B = { class: "image-upload-wrapper" };
const _hoisted_2$p = { class: "flex gap-2 items-center" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$f = ["src"];
+========
+const _hoisted_3$g = ["src"];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_4$a = {
key: 1,
class: "pi pi-image text-gray-400 text-xl"
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_5$8 = { class: "flex flex-col gap-2" };
+========
+const _hoisted_5$9 = { class: "flex flex-col gap-2" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _sfc_main$E = /* @__PURE__ */ defineComponent({
__name: "FormImageUpload",
props: {
@@ -154375,16 +166663,23 @@ const _sfc_main$E = /* @__PURE__ */ defineComponent({
key: 0,
src: _ctx.modelValue,
class: "max-w-full max-h-full object-contain"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, _hoisted_3$f)) : (openBlock(), createElementBlock("i", _hoisted_4$a))
], 2),
createBaseVNode("div", _hoisted_5$8, [
createVNode(unref(script$U), {
+========
+ }, null, 8, _hoisted_3$g)) : (openBlock(), createElementBlock("i", _hoisted_4$a))
+ ], 2),
+ createBaseVNode("div", _hoisted_5$9, [
+ createVNode(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
icon: "pi pi-upload",
label: _ctx.$t("g.upload"),
size: "small",
onClick: triggerFileInput
}, null, 8, ["label"]),
- _ctx.modelValue ? (openBlock(), createBlock(unref(script$U), {
+ _ctx.modelValue ? (openBlock(), createBlock(unref(script$V), {
key: 0,
class: "w-full",
outlined: "",
@@ -154407,7 +166702,7 @@ const _sfc_main$E = /* @__PURE__ */ defineComponent({
};
}
});
-var theme$a = /* @__PURE__ */ __name(function theme31(_ref) {
+var theme$a = /* @__PURE__ */ __name(function theme32(_ref) {
var dt2 = _ref.dt;
return "\n.p-slider {\n position: relative;\n background: ".concat(dt2("slider.track.background"), ";\n border-radius: ").concat(dt2("slider.track.border.radius"), ";\n}\n\n.p-slider-handle {\n cursor: grab;\n touch-action: none;\n user-select: none;\n display: flex;\n justify-content: center;\n align-items: center;\n height: ").concat(dt2("slider.handle.height"), ";\n width: ").concat(dt2("slider.handle.width"), ";\n background: ").concat(dt2("slider.handle.background"), ";\n border-radius: ").concat(dt2("slider.handle.border.radius"), ";\n transition: background ").concat(dt2("slider.transition.duration"), ", color ").concat(dt2("slider.transition.duration"), ", border-color ").concat(dt2("slider.transition.duration"), ", box-shadow ").concat(dt2("slider.transition.duration"), ", outline-color ").concat(dt2("slider.transition.duration"), ';\n outline-color: transparent;\n}\n\n.p-slider-handle::before {\n content: "";\n width: ').concat(dt2("slider.handle.content.width"), ";\n height: ").concat(dt2("slider.handle.content.height"), ";\n display: block;\n background: ").concat(dt2("slider.handle.content.background"), ";\n border-radius: ").concat(dt2("slider.handle.content.border.radius"), ";\n box-shadow: ").concat(dt2("slider.handle.content.shadow"), ";\n transition: background ").concat(dt2("slider.transition.duration"), ";\n}\n\n.p-slider:not(.p-disabled) .p-slider-handle:hover {\n background: ").concat(dt2("slider.handle.hover.background"), ";\n}\n\n.p-slider:not(.p-disabled) .p-slider-handle:hover::before {\n background: ").concat(dt2("slider.handle.content.hover.background"), ";\n}\n\n.p-slider-handle:focus-visible {\n box-shadow: ").concat(dt2("slider.handle.focus.ring.shadow"), ";\n outline: ").concat(dt2("slider.handle.focus.ring.width"), " ").concat(dt2("slider.handle.focus.ring.style"), " ").concat(dt2("slider.handle.focus.ring.color"), ";\n outline-offset: ").concat(dt2("slider.handle.focus.ring.offset"), ";\n}\n\n.p-slider-range {\n display: block;\n background: ").concat(dt2("slider.range.background"), ";\n border-radius: ").concat(dt2("slider.border.radius"), ";\n}\n\n.p-slider.p-slider-horizontal {\n height: ").concat(dt2("slider.track.size"), ";\n}\n\n.p-slider-horizontal .p-slider-range {\n inset-block-start: 0;\n inset-inline-start: 0;\n height: 100%;\n}\n\n.p-slider-horizontal .p-slider-handle {\n inset-block-start: 50%;\n margin-block-start: calc(-1 * calc(").concat(dt2("slider.handle.height"), " / 2));\n margin-inline-start: calc(-1 * calc(").concat(dt2("slider.handle.width"), " / 2));\n}\n\n.p-slider-vertical {\n min-height: 100px;\n width: ").concat(dt2("slider.track.size"), ";\n}\n\n.p-slider-vertical .p-slider-handle {\n inset-inline-start: 50%;\n margin-inline-start: calc(-1 * calc(").concat(dt2("slider.handle.width"), " / 2));\n margin-block-end: calc(-1 * calc(").concat(dt2("slider.handle.height"), " / 2));\n}\n\n.p-slider-vertical .p-slider-range {\n inset-block-end: 0;\n inset-inline-start: 0;\n width: 100%;\n}\n");
}, "theme");
@@ -154432,7 +166727,7 @@ var classes$a = {
range: "p-slider-range",
handle: "p-slider-handle"
};
-var SliderStyle = BaseStyle.extend({
+var SliderStyle = BaseStyle$1.extend({
name: "slider",
theme: theme$a,
classes: classes$a,
@@ -154526,14 +166821,18 @@ var script$g = {
barHeight: null,
dragListener: null,
dragEndListener: null,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount7() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount8() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.unbindDragListeners();
}, "beforeUnmount"),
methods: {
updateDomData: /* @__PURE__ */ __name(function updateDomData() {
var rect = this.$el.getBoundingClientRect();
- this.initX = rect.left + getWindowScrollLeft();
- this.initY = rect.top + getWindowScrollTop();
+ this.initX = rect.left + getWindowScrollLeft$1();
+ this.initY = rect.top + getWindowScrollTop$1();
this.barWidth = this.$el.offsetWidth;
this.barHeight = this.$el.offsetHeight;
}, "updateDomData"),
@@ -154542,7 +166841,11 @@ var script$g = {
var pageX = event.touches ? event.touches[0].pageX : event.pageX;
var pageY = event.touches ? event.touches[0].pageY : event.pageY;
if (this.orientation === "horizontal") {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (isRTL(this.$el)) {
+========
+ if (isRTL$1(this.$el)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
handleValue = (this.initX + this.barWidth - pageX) * 100 / this.barWidth;
} else {
handleValue = (pageX - this.initX) * 100 / this.barWidth;
@@ -154552,10 +166855,10 @@ var script$g = {
}
var newValue2 = (this.max - this.min) * (handleValue / 100) + this.min;
if (this.step) {
- var oldValue2 = this.range ? this.value[this.handleIndex] : this.value;
- var diff2 = newValue2 - oldValue2;
- if (diff2 < 0) newValue2 = oldValue2 + Math.ceil(newValue2 / this.step - oldValue2 / this.step) * this.step;
- else if (diff2 > 0) newValue2 = oldValue2 + Math.floor(newValue2 / this.step - oldValue2 / this.step) * this.step;
+ var oldValue = this.range ? this.value[this.handleIndex] : this.value;
+ var diff2 = newValue2 - oldValue;
+ if (diff2 < 0) newValue2 = oldValue + Math.ceil(newValue2 / this.step - oldValue / this.step) * this.step;
+ else if (diff2 > 0) newValue2 = oldValue + Math.floor(newValue2 / this.step - oldValue / this.step) * this.step;
} else {
newValue2 = Math.floor(newValue2);
}
@@ -154616,7 +166919,7 @@ var script$g = {
if (this.disabled) {
return;
}
- if (getAttribute(event.target, "data-pc-section") !== "handle") {
+ if (getAttribute$1(event.target, "data-pc-section") !== "handle") {
this.updateDomData();
this.setValue(event);
}
@@ -154805,19 +167108,32 @@ var script$g = {
};
var _hoisted_1$A = ["tabindex", "aria-valuemin", "aria-valuenow", "aria-valuemax", "aria-labelledby", "aria-label", "aria-orientation"];
var _hoisted_2$o = ["tabindex", "aria-valuemin", "aria-valuenow", "aria-valuemax", "aria-labelledby", "aria-label", "aria-orientation"];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_3$e = ["tabindex", "aria-valuemin", "aria-valuenow", "aria-valuemax", "aria-labelledby", "aria-label", "aria-orientation"];
function render$f(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+var _hoisted_3$f = ["tabindex", "aria-valuemin", "aria-valuenow", "aria-valuemax", "aria-labelledby", "aria-label", "aria-orientation"];
+function render$f(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root"),
onClick: _cache[18] || (_cache[18] = function() {
return $options.onBarClick && $options.onBarClick.apply($options, arguments);
})
}, _ctx.ptmi("root"), {
"data-p-sliding": false
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [createBaseVNode("span", mergeProps$1({
"class": _ctx.cx("range"),
style: [_ctx.sx("range"), $options.rangeStyle()]
}, _ctx.ptm("range")), null, 16), !_ctx.range ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ }), [createBaseVNode("span", mergeProps$2({
+ "class": _ctx.cx("range"),
+ style: [_ctx.sx("range"), $options.rangeStyle()]
+ }, _ctx.ptm("range")), null, 16), !_ctx.range ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("handle"),
style: [_ctx.sx("handle"), $options.handleStyle()],
@@ -154847,7 +167163,11 @@ function render$f(_ctx, _cache, $props, $setup, $data, $options) {
"aria-labelledby": _ctx.ariaLabelledby,
"aria-label": _ctx.ariaLabel,
"aria-orientation": _ctx.orientation
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("handle")), null, 16, _hoisted_1$A)) : createCommentVNode("", true), _ctx.range ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ }, _ctx.ptm("handle")), null, 16, _hoisted_1$A)) : createCommentVNode("", true), _ctx.range ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("handle"),
style: [_ctx.sx("handle"), $options.rangeStartHandleStyle()],
@@ -154877,7 +167197,11 @@ function render$f(_ctx, _cache, $props, $setup, $data, $options) {
"aria-labelledby": _ctx.ariaLabelledby,
"aria-label": _ctx.ariaLabel,
"aria-orientation": _ctx.orientation
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("startHandler")), null, 16, _hoisted_2$o)) : createCommentVNode("", true), _ctx.range ? (openBlock(), createElementBlock("span", mergeProps$1({
+========
+ }, _ctx.ptm("startHandler")), null, 16, _hoisted_2$o)) : createCommentVNode("", true), _ctx.range ? (openBlock(), createElementBlock("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 2,
"class": _ctx.cx("handle"),
style: [_ctx.sx("handle"), $options.rangeEndHandleStyle()],
@@ -154907,12 +167231,22 @@ function render$f(_ctx, _cache, $props, $setup, $data, $options) {
"aria-labelledby": _ctx.ariaLabelledby,
"aria-label": _ctx.ariaLabel,
"aria-orientation": _ctx.orientation
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("endHandler")), null, 16, _hoisted_3$e)) : createCommentVNode("", true)], 16);
+========
+ }, _ctx.ptm("endHandler")), null, 16, _hoisted_3$f)) : createCommentVNode("", true)], 16);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(render$f, "render$f");
script$g.render = render$f;
const _hoisted_1$z = { class: "input-slider flex flex-row items-center gap-2" };
const _sfc_main$D = /* @__PURE__ */ defineComponent({
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ ...{
+ inheritAttrs: false
+ },
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
__name: "InputSlider",
props: {
modelValue: {},
@@ -154947,14 +167281,18 @@ const _sfc_main$D = /* @__PURE__ */ defineComponent({
}, "updateValue");
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$z, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$g), {
+========
+ createVNode(unref(script$g), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
modelValue: _ctx.modelValue,
"onUpdate:modelValue": updateValue3,
- class: normalizeClass(["slider-part", _ctx.sliderClass]),
+ class: ["slider-part", _ctx.sliderClass],
min: _ctx.min,
max: _ctx.max,
step: _ctx.step
- }, null, 8, ["modelValue", "class", "min", "max", "step"]),
+ }, _ctx.$attrs), null, 16, ["modelValue", "class", "min", "max", "step"]),
createVNode(unref(script$j), {
modelValue: _ctx.modelValue,
"onUpdate:modelValue": updateValue3,
@@ -154978,6 +167316,7 @@ const checkUrlReachable = /* @__PURE__ */ __name(async (url) => {
return false;
}
}, "checkUrlReachable");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var UrlValidationState = /* @__PURE__ */ ((UrlValidationState2) => {
UrlValidationState2["IDLE"] = "IDLE";
UrlValidationState2["LOADING"] = "LOADING";
@@ -154985,6 +167324,71 @@ var UrlValidationState = /* @__PURE__ */ ((UrlValidationState2) => {
UrlValidationState2["INVALID"] = "INVALID";
return UrlValidationState2;
})(UrlValidationState || {});
+========
+const checkMirrorReachable = /* @__PURE__ */ __name(async (mirror2) => {
+ return isValidUrl(mirror2) && await electronAPI().NetWork.canAccessUrl(mirror2);
+}, "checkMirrorReachable");
+async function isInChina() {
+ const isChineseLocale = navigator.language.toLowerCase().startsWith("zh-cn");
+ try {
+ const googleTest = await Promise.race([
+ fetch("https://www.google.com", {
+ mode: "no-cors",
+ cache: "no-cache"
+ }),
+ new Promise((_2, reject3) => setTimeout(() => reject3(), 2e3))
+ ]);
+ if (googleTest) {
+ return false;
+ }
+ } catch {
+ if (isChineseLocale) {
+ return true;
+ }
+ try {
+ const start2 = performance.now();
+ await fetch("https://www.baidu.com", {
+ mode: "no-cors",
+ cache: "no-cache"
+ });
+ const latency = performance.now() - start2;
+ return latency < 150;
+ } catch {
+ return isChineseLocale;
+ }
+ }
+ return false;
+}
+__name(isInChina, "isInChina");
+var ValidationState = /* @__PURE__ */ ((ValidationState2) => {
+ ValidationState2["IDLE"] = "IDLE";
+ ValidationState2["LOADING"] = "LOADING";
+ ValidationState2["VALID"] = "VALID";
+ ValidationState2["INVALID"] = "INVALID";
+ return ValidationState2;
+})(ValidationState || {});
+const mergeValidationStates = /* @__PURE__ */ __name((states) => {
+ if (states.some(
+ (state) => state === "INVALID"
+ /* INVALID */
+ )) {
+ return "INVALID";
+ }
+ if (states.some(
+ (state) => state === "LOADING"
+ /* LOADING */
+ )) {
+ return "LOADING";
+ }
+ if (states.every(
+ (state) => state === "VALID"
+ /* VALID */
+ )) {
+ return "VALID";
+ }
+ return "IDLE";
+}, "mergeValidationStates");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _sfc_main$C = /* @__PURE__ */ defineComponent({
...{
inheritAttrs: false
@@ -154994,6 +167398,7 @@ const _sfc_main$C = /* @__PURE__ */ defineComponent({
modelValue: {},
validateUrlFn: { type: Function }
},
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
emits: ["update:modelValue"],
setup(__props, { emit: __emit }) {
const props = __props;
@@ -155002,6 +167407,13 @@ const _sfc_main$C = /* @__PURE__ */ defineComponent({
"IDLE"
/* IDLE */
);
+========
+ emits: ["update:modelValue", "state-change"],
+ setup(__props, { emit: __emit }) {
+ const props = __props;
+ const emit2 = __emit;
+ const validationState = ref(ValidationState.IDLE);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const internalValue = ref(props.modelValue);
watch(
() => props.modelValue,
@@ -155010,12 +167422,22 @@ const _sfc_main$C = /* @__PURE__ */ defineComponent({
await validateUrl(newValue2);
}
);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ watch(validationState, (newState) => {
+ emit2("state-change", newState);
+ });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
onMounted(async () => {
await validateUrl(props.modelValue);
});
const handleInput = /* @__PURE__ */ __name((value4) => {
internalValue.value = value4;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
validationState.value = "IDLE";
+========
+ validationState.value = ValidationState.IDLE;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "handleInput");
const handleBlur = /* @__PURE__ */ __name(async () => {
emit2("update:modelValue", internalValue.value);
@@ -155029,6 +167451,7 @@ const _sfc_main$C = /* @__PURE__ */ defineComponent({
}
}, "defaultValidateUrl");
const validateUrl = /* @__PURE__ */ __name(async (value4) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (validationState.value === "LOADING") return;
const url = value4.trim();
validationState.value = "IDLE";
@@ -155039,24 +167462,49 @@ const _sfc_main$C = /* @__PURE__ */ defineComponent({
validationState.value = isValid2 ? "VALID" : "INVALID";
} catch {
validationState.value = "INVALID";
+========
+ if (validationState.value === ValidationState.LOADING) return;
+ const url = value4.trim();
+ validationState.value = ValidationState.IDLE;
+ if (!url) return;
+ validationState.value = ValidationState.LOADING;
+ try {
+ const isValid2 = await (props.validateUrlFn ?? defaultValidateUrl)(url);
+ validationState.value = isValid2 ? ValidationState.VALID : ValidationState.INVALID;
+ } catch {
+ validationState.value = ValidationState.INVALID;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}, "validateUrl");
return (_ctx, _cache) => {
return openBlock(), createBlock(unref(script$C), { class: "w-full" }, {
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$J), mergeProps$1(_ctx.$attrs, {
"model-value": internalValue.value,
class: "w-full",
invalid: validationState.value === "INVALID",
+========
+ createVNode(unref(script$I), mergeProps$2(_ctx.$attrs, {
+ "model-value": internalValue.value,
+ class: "w-full",
+ invalid: validationState.value === unref(ValidationState).INVALID,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"onUpdate:modelValue": handleInput,
onBlur: handleBlur
}), null, 16, ["model-value", "invalid"]),
createVNode(unref(script$B), {
class: normalizeClass({
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"pi pi-spin pi-spinner text-neutral-400": validationState.value === "LOADING",
"pi pi-check text-green-500 cursor-pointer": validationState.value === "VALID",
"pi pi-times text-red-500 cursor-pointer": validationState.value === "INVALID"
/* INVALID */
+========
+ "pi pi-spin pi-spinner text-neutral-400": validationState.value === unref(ValidationState).LOADING,
+ "pi pi-check text-green-500 cursor-pointer": validationState.value === unref(ValidationState).VALID,
+ "pi pi-times text-red-500 cursor-pointer": validationState.value === unref(ValidationState).INVALID
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}),
onClick: _cache[0] || (_cache[0] = ($event) => validateUrl(props.modelValue))
}, null, 8, ["class"])
@@ -155068,11 +167516,20 @@ const _sfc_main$C = /* @__PURE__ */ defineComponent({
});
const _hoisted_1$y = { class: "flex flex-row items-center gap-2" };
const _hoisted_2$n = { class: "form-label flex flex-grow items-center" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$d = {
key: 0,
class: "pi pi-info-circle bg-transparent"
};
const _hoisted_4$9 = { class: "form-input flex justify-end" };
+========
+const _hoisted_3$e = ["id"];
+const _hoisted_4$9 = {
+ key: 0,
+ class: "pi pi-info-circle bg-transparent"
+};
+const _hoisted_5$8 = { class: "form-input flex justify-end" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _sfc_main$B = /* @__PURE__ */ defineComponent({
__name: "FormItem",
props: /* @__PURE__ */ mergeModels({
@@ -155134,7 +167591,11 @@ const _sfc_main$B = /* @__PURE__ */ defineComponent({
case "url":
return _sfc_main$C;
default:
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return script$J;
+========
+ return script$I;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
}
__name(getFormComponent, "getFormComponent");
@@ -155143,28 +167604,43 @@ const _sfc_main$B = /* @__PURE__ */ defineComponent({
return openBlock(), createElementBlock("div", _hoisted_1$y, [
createBaseVNode("div", _hoisted_2$n, [
createBaseVNode("span", {
- class: normalizeClass(["text-muted", props.labelClass])
+ class: normalizeClass(["text-muted", props.labelClass]),
+ id: `${props.id}-label`
}, [
renderSlot(_ctx.$slots, "name-prefix", {}, void 0, true),
createTextVNode(" " + toDisplayString$1(props.item.name) + " ", 1),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
props.item.tooltip ? withDirectives((openBlock(), createElementBlock("i", _hoisted_3$d, null, 512)), [
+========
+ props.item.tooltip ? withDirectives((openBlock(), createElementBlock("i", _hoisted_4$9, null, 512)), [
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
[_directive_tooltip, props.item.tooltip]
]) : createCommentVNode("", true),
renderSlot(_ctx.$slots, "name-suffix", {}, void 0, true)
- ], 2)
+ ], 10, _hoisted_3$e)
]),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("div", _hoisted_4$9, [
(openBlock(), createBlock(resolveDynamicComponent(markRaw(getFormComponent(props.item))), mergeProps$1({
+========
+ createBaseVNode("div", _hoisted_5$8, [
+ (openBlock(), createBlock(resolveDynamicComponent(markRaw(getFormComponent(props.item))), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: props.id,
+ "aria-labelledby": `${props.id}-label`,
modelValue: formValue.value,
"onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => formValue.value = $event)
- }, getFormAttrs(props.item)), null, 16, ["id", "modelValue"]))
+ }, getFormAttrs(props.item)), null, 16, ["id", "aria-labelledby", "modelValue"]))
])
]);
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const FormItem = /* @__PURE__ */ _export_sfc(_sfc_main$B, [["__scopeId", "data-v-1451da7b"]]);
+========
+const FormItem = /* @__PURE__ */ _export_sfc(_sfc_main$B, [["__scopeId", "data-v-a29c257f"]]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _sfc_main$A = /* @__PURE__ */ defineComponent({
__name: "SettingItem",
props: {
@@ -155283,6 +167759,7 @@ const _sfc_main$x = /* @__PURE__ */ defineComponent({
setup(__props) {
const props = __props;
const KeybindingPanel = /* @__PURE__ */ defineAsyncComponent(
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
() => __vitePreload(() => import("./KeybindingPanel-BRfso_Vt.js"), true ? __vite__mapDeps([25,23,2,3,26]) : void 0, import.meta.url)
);
const ExtensionPanel = /* @__PURE__ */ defineAsyncComponent(
@@ -155290,6 +167767,15 @@ const _sfc_main$x = /* @__PURE__ */ defineComponent({
);
const ServerConfigPanel = /* @__PURE__ */ defineAsyncComponent(
() => __vitePreload(() => import("./ServerConfigPanel-u0ozNLZ4.js"), true ? __vite__mapDeps([28,4]) : void 0, import.meta.url)
+========
+ () => __vitePreload(() => import("./KeybindingPanel-oavhFdkz.js"), true ? __vite__mapDeps([30,25,2,4,31]) : void 0, import.meta.url)
+ );
+ const ExtensionPanel = /* @__PURE__ */ defineAsyncComponent(
+ () => __vitePreload(() => import("./ExtensionPanel-Ba57xrmg.js"), true ? __vite__mapDeps([32,25,2]) : void 0, import.meta.url)
+ );
+ const ServerConfigPanel = /* @__PURE__ */ defineAsyncComponent(
+ () => __vitePreload(() => import("./ServerConfigPanel-BYrt6wyr.js"), true ? __vite__mapDeps([33,5]) : void 0, import.meta.url)
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
const aboutPanelNode = {
key: "about",
@@ -155412,9 +167898,9 @@ const _sfc_main$x = /* @__PURE__ */ defineComponent({
const tabValue = computed(
() => inSearch.value ? "Search Results" : activeCategory.value?.label
);
- watch(activeCategory, (_2, oldValue2) => {
+ watch(activeCategory, (_2, oldValue) => {
if (!tabValue.value) {
- activeCategory.value = oldValue2;
+ activeCategory.value = oldValue;
}
});
return (_ctx, _cache) => {
@@ -155534,10 +168020,14 @@ __name(_sfc_render, "_sfc_render");
const SettingDialogHeader = /* @__PURE__ */ _export_sfc(_sfc_main$w, [["render", _sfc_render], ["__scopeId", "data-v-43089afc"]]);
var script$f = {
name: "ChevronUpIcon",
- "extends": script$_
+ "extends": script$$
};
function render$e(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -155550,7 +168040,7 @@ function render$e(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$e, "render$e");
script$f.render = render$e;
-var theme$9 = /* @__PURE__ */ __name(function theme32(_ref) {
+var theme$9 = /* @__PURE__ */ __name(function theme33(_ref) {
var dt2 = _ref.dt;
return "\n.p-carousel {\n display: flex;\n flex-direction: column;\n}\n\n.p-carousel-content-container {\n display: flex;\n flex-direction: column;\n overflow: auto;\n}\n\n.p-carousel-content {\n display: flex;\n flex-direction: row;\n gap: ".concat(dt2("carousel.content.gap"), ";\n}\n\n.p-carousel-content:dir(rtl) {\n flex-direction: row-reverse;\n}\n\n.p-carousel-viewport {\n overflow: hidden;\n width: 100%;\n}\n\n.p-carousel-item-list {\n display: flex;\n flex-direction: row;\n}\n\n.p-carousel-item-list:dir(rtl) {\n flex-direction: row-reverse;\n}\n\n.p-carousel-prev-button,\n.p-carousel-next-button {\n align-self: center;\n flex-shrink: 0;\n}\n\n.p-carousel-indicator-list {\n display: flex;\n flex-direction: row;\n justify-content: center;\n flex-wrap: wrap;\n padding: ").concat(dt2("carousel.indicator.list.padding"), ";\n gap: ").concat(dt2("carousel.indicator.list.gap"), ";\n margin: 0;\n list-style: none;\n}\n\n.p-carousel-indicator-button {\n display: flex;\n align-items: center;\n justify-content: center;\n background: ").concat(dt2("carousel.indicator.background"), ";\n width: ").concat(dt2("carousel.indicator.width"), ";\n height: ").concat(dt2("carousel.indicator.height"), ";\n border: 0 none;\n transition: background ").concat(dt2("carousel.transition.duration"), ", color ").concat(dt2("carousel.transition.duration"), ", outline-color ").concat(dt2("carousel.transition.duration"), ", box-shadow ").concat(dt2("carousel.transition.duration"), ";\n outline-color: transparent;\n border-radius: ").concat(dt2("carousel.indicator.border.radius"), ";\n padding: 0;\n margin: 0;\n user-select: none;\n cursor: pointer;\n}\n\n.p-carousel-indicator-button:focus-visible {\n box-shadow: ").concat(dt2("carousel.indicator.focus.ring.shadow"), ";\n outline: ").concat(dt2("carousel.indicator.focus.ring.width"), " ").concat(dt2("carousel.indicator.focus.ring.style"), " ").concat(dt2("carousel.indicator.focus.ring.color"), ";\n outline-offset: ").concat(dt2("carousel.indicator.focus.ring.offset"), ";\n}\n\n.p-carousel-indicator-button:hover {\n background: ").concat(dt2("carousel.indicator.hover.background"), ";\n}\n\n.p-carousel-indicator-active .p-carousel-indicator-button {\n background: ").concat(dt2("carousel.indicator.active.background"), ";\n}\n\n.p-carousel-vertical .p-carousel-content {\n flex-direction: column;\n}\n\n.p-carousel-vertical .p-carousel-item-list {\n flex-direction: column;\n height: 100%;\n}\n\n.p-items-hidden .p-carousel-item {\n visibility: hidden;\n}\n\n.p-items-hidden .p-carousel-item.p-carousel-item-active {\n visibility: visible;\n}\n");
}, "theme");
@@ -155605,14 +168095,18 @@ var classes$9 = {
indicatorButton: "p-carousel-indicator-button",
footer: "p-carousel-footer"
};
-var CarouselStyle = BaseStyle.extend({
+var CarouselStyle = BaseStyle$1.extend({
name: "carousel",
theme: theme$9,
classes: classes$9
});
var script$1$9 = {
name: "BaseCarousel",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
value: null,
page: {
@@ -155747,19 +168241,19 @@ var script$e = {
circular: /* @__PURE__ */ __name(function circular(newValue2) {
this.d_circular = newValue2;
}, "circular"),
- numVisible: /* @__PURE__ */ __name(function numVisible(newValue2, oldValue2) {
+ numVisible: /* @__PURE__ */ __name(function numVisible(newValue2, oldValue) {
this.d_numVisible = newValue2;
- this.d_oldNumVisible = oldValue2;
+ this.d_oldNumVisible = oldValue;
}, "numVisible"),
- numScroll: /* @__PURE__ */ __name(function numScroll(newValue2, oldValue2) {
- this.d_oldNumScroll = oldValue2;
+ numScroll: /* @__PURE__ */ __name(function numScroll(newValue2, oldValue) {
+ this.d_oldNumScroll = oldValue;
this.d_numScroll = newValue2;
}, "numScroll"),
- value: /* @__PURE__ */ __name(function value3(oldValue2) {
- this.d_oldValue = oldValue2;
+ value: /* @__PURE__ */ __name(function value3(oldValue) {
+ this.d_oldValue = oldValue;
}, "value")
},
- mounted: /* @__PURE__ */ __name(function mounted16() {
+ mounted: /* @__PURE__ */ __name(function mounted17() {
var stateChanged = false;
this.createStyle();
this.calculatePosition();
@@ -155785,7 +168279,7 @@ var script$e = {
this.startAutoplay();
}
}, "mounted"),
- updated: /* @__PURE__ */ __name(function updated10() {
+ updated: /* @__PURE__ */ __name(function updated11() {
if (!this.empty) {
var isCircular2 = this.isCircular();
var stateChanged = false;
@@ -155840,7 +168334,11 @@ var script$e = {
}
}
}, "updated"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount8() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount9() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (this.responsiveOptions) {
this.unbindDocumentListeners();
}
@@ -155895,7 +168393,7 @@ var script$e = {
this.isRemainingItemsAdded = true;
}
if (this.$refs.itemsContainer) {
- !this.isUnstyled && removeClass(this.$refs.itemsContainer, "p-items-hidden");
+ !this.isUnstyled && removeClass$1(this.$refs.itemsContainer, "p-items-hidden");
this.$refs.itemsContainer.style.transform = this.isVertical() ? "translate3d(0, ".concat(totalShiftedItems * (100 / this.d_numVisible), "%, 0)") : "translate3d(".concat(totalShiftedItems * (100 / this.d_numVisible), "%, 0, 0)");
this.$refs.itemsContainer.style.transition = "transform 500ms ease 0s";
}
@@ -155960,7 +168458,7 @@ var script$e = {
}, "onIndicatorClick"),
onTransitionEnd: /* @__PURE__ */ __name(function onTransitionEnd() {
if (this.$refs.itemsContainer) {
- !this.isUnstyled && addClass(this.$refs.itemsContainer, "p-items-hidden");
+ !this.isUnstyled && addClass$1(this.$refs.itemsContainer, "p-items-hidden");
this.$refs.itemsContainer.style.transition = "";
if ((this.d_page === 0 || this.d_page === this.totalIndicators - 1) && this.isCircular()) {
this.$refs.itemsContainer.style.transform = this.isVertical() ? "translate3d(0, ".concat(this.totalShiftedItems * (100 / this.d_numVisible), "%, 0)") : "translate3d(".concat(this.totalShiftedItems * (100 / this.d_numVisible), "%, 0, 0)");
@@ -156026,7 +168524,7 @@ var script$e = {
}
}, "onIndicatorKeydown"),
onRightKey: /* @__PURE__ */ __name(function onRightKey() {
- var indicators = _toConsumableArray$5(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var indicators = _toConsumableArray$5(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
var activeIndex3 = this.findFocusedIndicatorIndex();
this.changedFocusedIndicator(activeIndex3, activeIndex3 + 1 === indicators.length ? indicators.length - 1 : activeIndex3 + 1);
}, "onRightKey"),
@@ -156039,16 +168537,16 @@ var script$e = {
this.changedFocusedIndicator(activeIndex3, 0);
}, "onHomeKey"),
onEndKey: /* @__PURE__ */ __name(function onEndKey3() {
- var indicators = _toConsumableArray$5(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var indicators = _toConsumableArray$5(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
var activeIndex3 = this.findFocusedIndicatorIndex();
this.changedFocusedIndicator(activeIndex3, indicators.length - 1);
}, "onEndKey"),
onTabKey: /* @__PURE__ */ __name(function onTabKey2() {
- var indicators = _toConsumableArray$5(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var indicators = _toConsumableArray$5(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
var highlightedIndex = indicators.findIndex(function(ind) {
- return getAttribute(ind, "data-p-active") === true;
+ return getAttribute$1(ind, "data-p-active") === true;
});
- var activeIndicator = findSingle(this.$refs.indicatorContent, '[data-pc-section="indicator"] > button[tabindex="0"]');
+ var activeIndicator = findSingle$1(this.$refs.indicatorContent, '[data-pc-section="indicator"] > button[tabindex="0"]');
var activeIndex3 = indicators.findIndex(function(ind) {
return ind === activeIndicator.parentElement;
});
@@ -156056,14 +168554,14 @@ var script$e = {
indicators[highlightedIndex].children[0].tabIndex = "0";
}, "onTabKey"),
findFocusedIndicatorIndex: /* @__PURE__ */ __name(function findFocusedIndicatorIndex() {
- var indicators = _toConsumableArray$5(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
- var activeIndicator = findSingle(this.$refs.indicatorContent, '[data-pc-section="indicator"] > button[tabindex="0"]');
+ var indicators = _toConsumableArray$5(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var activeIndicator = findSingle$1(this.$refs.indicatorContent, '[data-pc-section="indicator"] > button[tabindex="0"]');
return indicators.findIndex(function(ind) {
return ind === activeIndicator.parentElement;
});
}, "findFocusedIndicatorIndex"),
changedFocusedIndicator: /* @__PURE__ */ __name(function changedFocusedIndicator(prevInd, nextInd) {
- var indicators = _toConsumableArray$5(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var indicators = _toConsumableArray$5(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
indicators[prevInd].children[0].tabIndex = "-1";
indicators[nextInd].children[0].tabIndex = "0";
indicators[nextInd].children[0].focus();
@@ -156103,17 +168601,25 @@ var script$e = {
var _this$$primevue;
this.carouselStyle = document.createElement("style");
this.carouselStyle.type = "text/css";
- setAttribute(this.carouselStyle, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ setAttribute$1(this.carouselStyle, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
document.body.appendChild(this.carouselStyle);
}
var innerHTML = "\n .p-carousel[".concat(this.$attrSelector, "] .p-carousel-item {\n flex: 1 0 ").concat(100 / this.d_numVisible, "%\n }\n ");
if (this.responsiveOptions && !this.isUnstyled) {
var _responsiveOptions = _toConsumableArray$5(this.responsiveOptions);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var comparer = localeComparator();
_responsiveOptions.sort(function(data1, data26) {
var value1 = data1.breakpoint;
var value22 = data26.breakpoint;
return sort(value1, value22, -1, comparer);
+========
+ var comparer = localeComparator$2();
+ _responsiveOptions.sort(function(data1, data26) {
+ var value1 = data1.breakpoint;
+ var value22 = data26.breakpoint;
+ return sort$2(value1, value22, -1, comparer);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
for (var i2 = 0; i2 < _responsiveOptions.length; i2++) {
var res = _responsiveOptions[i2];
@@ -156175,7 +168681,11 @@ var script$e = {
}, "emptyMessageText")
},
components: {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
Button: script$U,
+========
+ Button: script$V,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ChevronRightIcon: script$p,
ChevronDownIcon: script$n,
ChevronLeftIcon: script$q,
@@ -156187,11 +168697,16 @@ var script$e = {
};
var _hoisted_1$t = ["aria-live"];
var _hoisted_2$m = ["data-p-carousel-item-active", "data-p-carousel-item-start", "data-p-carousel-item-end"];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_3$c = ["aria-hidden", "aria-label", "aria-roledescription", "data-p-carousel-item-active", "data-p-carousel-item-start", "data-p-carousel-item-end"];
+========
+var _hoisted_3$d = ["aria-hidden", "aria-label", "aria-roledescription", "data-p-carousel-item-active", "data-p-carousel-item-start", "data-p-carousel-item-end"];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _hoisted_4$8 = ["data-p-active"];
var _hoisted_5$7 = ["tabindex", "aria-label", "aria-current", "onClick"];
function render$d(_ctx, _cache, $props, $setup, $data, $options) {
var _component_Button = resolveComponent("Button");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
"class": _ctx.cx("root"),
role: "region"
@@ -156205,6 +168720,21 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
"class": [_ctx.cx("content"), _ctx.contentClass],
"aria-live": $data.allowAutoplay ? "polite" : "off"
}, _ctx.ptm("content")), [_ctx.showNavigators ? (openBlock(), createBlock(_component_Button, mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("root"),
+ role: "region"
+ }, _ctx.ptmi("root")), [_ctx.$slots.header ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 0,
+ "class": _ctx.cx("header")
+ }, _ctx.ptm("header")), [renderSlot(_ctx.$slots, "header")], 16)) : createCommentVNode("", true), !$options.empty ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 1,
+ "class": [_ctx.cx("contentContainer"), _ctx.containerClass]
+ }, _ctx.ptm("contentContainer")), [createBaseVNode("div", mergeProps$2({
+ "class": [_ctx.cx("content"), _ctx.contentClass],
+ "aria-live": $data.allowAutoplay ? "polite" : "off"
+ }, _ctx.ptm("content")), [_ctx.showNavigators ? (openBlock(), createBlock(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("pcPrevButton"),
disabled: $options.backwardIsDisabled,
@@ -156217,13 +168747,21 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
}), {
icon: withCtx(function(slotProps) {
return [renderSlot(_ctx.$slots, "previcon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent($options.isVertical() ? "ChevronUpIcon" : "ChevronLeftIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent($options.isVertical() ? "ChevronUpIcon" : "ChevronLeftIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": slotProps.icon
}, _ctx.ptm("pcPrevButton")["icon"]), null, 16, ["class"]))];
})];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 16, ["class", "disabled", "aria-label", "unstyled", "onClick", "pt"])) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ }, 16, ["class", "disabled", "aria-label", "unstyled", "onClick", "pt"])) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("viewport"),
style: [{
height: $options.isVertical() ? _ctx.verticalViewPortHeight : "auto"
@@ -156237,7 +168775,11 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
onTouchmove: _cache[3] || (_cache[3] = function() {
return $options.onTouchMove && $options.onTouchMove.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("viewport")), [createBaseVNode("div", mergeProps$1({
+========
+ }, _ctx.ptm("viewport")), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "itemsContainer",
"class": _ctx.cx("itemList"),
onTransitionend: _cache[0] || (_cache[0] = function() {
@@ -156246,7 +168788,11 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("itemList")), [$options.isCircular() ? (openBlock(true), createElementBlock(Fragment$1, {
key: 0
}, renderList(_ctx.value.slice(-1 * $data.d_numVisible), function(item3, index2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: index2 + "_scloned",
"class": _ctx.cx("itemClone", {
index: index2,
@@ -156264,7 +168810,11 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
index: index2
})], 16, _hoisted_2$m);
}), 128)) : createCommentVNode("", true), (openBlock(true), createElementBlock(Fragment$1, null, renderList(_ctx.value, function(item3, index2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: index2,
"class": _ctx.cx("item", {
index: index2
@@ -156285,7 +168835,11 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
}), 128)), $options.isCircular() ? (openBlock(true), createElementBlock(Fragment$1, {
key: 1
}, renderList(_ctx.value.slice(0, $data.d_numVisible), function(item3, index2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: index2 + "_fcloned",
"class": _ctx.cx("itemClone", {
index: index2,
@@ -156298,7 +168852,11 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
data: item3,
index: index2
})], 16);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), 128)) : createCommentVNode("", true)], 16)], 16), _ctx.showNavigators ? (openBlock(), createBlock(_component_Button, mergeProps$1({
+========
+ }), 128)) : createCommentVNode("", true)], 16)], 16), _ctx.showNavigators ? (openBlock(), createBlock(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("pcNextButton"),
disabled: $options.forwardIsDisabled,
@@ -156311,13 +168869,21 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
}), {
icon: withCtx(function(slotProps) {
return [renderSlot(_ctx.$slots, "nexticon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [(openBlock(), createBlock(resolveDynamicComponent($options.isVertical() ? "ChevronDownIcon" : "ChevronRightIcon"), mergeProps$1({
+========
+ return [(openBlock(), createBlock(resolveDynamicComponent($options.isVertical() ? "ChevronDownIcon" : "ChevronRightIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": slotProps["class"]
}, _ctx.ptm("pcNextButton")["icon"]), null, 16, ["class"]))];
})];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 16, ["class", "disabled", "aria-label", "unstyled", "onClick", "pt"])) : createCommentVNode("", true)], 16, _hoisted_1$t), $options.totalIndicators >= 0 && _ctx.showIndicators ? (openBlock(), createElementBlock("ul", mergeProps$1({
+========
+ }, 16, ["class", "disabled", "aria-label", "unstyled", "onClick", "pt"])) : createCommentVNode("", true)], 16, _hoisted_1$t), $options.totalIndicators >= 0 && _ctx.showIndicators ? (openBlock(), createElementBlock("ul", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: "indicatorContent",
"class": [_ctx.cx("indicatorList"), _ctx.indicatorsContentClass],
@@ -156325,7 +168891,11 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
return $options.onIndicatorKeydown && $options.onIndicatorKeydown.apply($options, arguments);
})
}, _ctx.ptm("indicatorList")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList($options.totalIndicators, function(indicator3, i2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("li", mergeProps$1({
+========
+ return openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: "p-carousel-indicator-" + i2.toString(),
"class": _ctx.cx("indicator", {
index: i2
@@ -156333,7 +168903,11 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
ref_for: true
}, $options.getIndicatorPTOptions("indicator", i2), {
"data-p-active": $data.d_page === i2
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [createBaseVNode("button", mergeProps$1({
+========
+ }), [createBaseVNode("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("indicatorButton"),
type: "button",
tabindex: $data.d_page === i2 ? "0" : "-1",
@@ -156348,7 +168922,11 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
key: 2
}, function() {
return [createTextVNode(toDisplayString$1($options.emptyMessageText), 1)];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }), _ctx.$slots.footer ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 3,
"class": _ctx.cx("footer")
}, _ctx.ptm("footer")), [renderSlot(_ctx.$slots, "footer")], 16)) : createCommentVNode("", true)], 16);
@@ -156357,7 +168935,11 @@ __name(render$d, "render$d");
script$e.render = render$d;
const _hoisted_1$s = { class: "flex items-center justify-center" };
const _hoisted_2$l = { class: "relative overflow-hidden rounded-t-lg cursor-pointer w-64 h-64" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$b = ["src"];
+========
+const _hoisted_3$c = ["src"];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_4$7 = {
key: 1,
class: "w-64 h-64 content-center text-center"
@@ -156384,7 +168966,11 @@ const _sfc_main$v = /* @__PURE__ */ defineComponent({
src: props.moduleName === "default" ? `templates/${props.workflowName}.jpg` : `api/workflow_templates/${props.moduleName}/${props.workflowName}.jpg`,
onError: _cache[0] || (_cache[0] = ($event) => imageError.value = true),
class: "w-64 h-64 rounded-t-lg object-cover thumbnail"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 40, _hoisted_3$b)) : (openBlock(), createElementBlock("div", _hoisted_4$7, _cache[1] || (_cache[1] = [
+========
+ }, null, 40, _hoisted_3$c)) : (openBlock(), createElementBlock("div", _hoisted_4$7, _cache[1] || (_cache[1] = [
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
createBaseVNode("i", {
class: "pi pi-file",
style: { "font-size": "4rem" }
@@ -156398,7 +168984,11 @@ const _sfc_main$v = /* @__PURE__ */ defineComponent({
})
])
], -1)),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
_ctx.loading ? (openBlock(), createBlock(unref(script$11), {
+========
+ _ctx.loading ? (openBlock(), createBlock(unref(script$12), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 2,
class: "absolute inset-0 z-1 w-3/12 h-full"
})) : createCommentVNode("", true)
@@ -156449,7 +169039,11 @@ const _hoisted_1$r = {
"data-testid": "template-workflows-content"
};
const _hoisted_2$k = { class: "relative" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$a = ["onClick"];
+========
+const _hoisted_3$b = ["onClick"];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _sfc_main$u = /* @__PURE__ */ defineComponent({
__name: "TemplateWorkflowsContent",
setup(__props) {
@@ -156518,7 +169112,11 @@ const _sfc_main$u = /* @__PURE__ */ defineComponent({
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$r, [
createBaseVNode("div", _hoisted_2$k, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
!unref(workflowTemplatesStore).isLoaded ? (openBlock(), createBlock(unref(script$11), {
+========
+ !unref(workflowTemplatesStore).isLoaded ? (openBlock(), createBlock(unref(script$12), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
class: "absolute w-8 h-full inset-0"
})) : createCommentVNode("", true),
@@ -156653,7 +169251,8 @@ const useDialogService = /* @__PURE__ */ __name(() => {
title,
message: message3,
type = "default",
- itemList = []
+ itemList = [],
+ hint
}) {
return new Promise((resolve2) => {
const options4 = {
@@ -156664,7 +169263,8 @@ const useDialogService = /* @__PURE__ */ __name(() => {
message: message3,
type,
itemList,
- onConfirm: resolve2
+ onConfirm: resolve2,
+ hint
},
dialogComponentProps: {
onClose: /* @__PURE__ */ __name(() => resolve2(null), "onClose")
@@ -156686,6 +169286,41 @@ const useDialogService = /* @__PURE__ */ __name(() => {
confirm: confirm2
};
}, "useDialogService");
+const RESERVED_BY_TEXT_INPUT = /* @__PURE__ */ new Set([
+ "Ctrl + a",
+ "Ctrl + c",
+ "Ctrl + v",
+ "Ctrl + x",
+ "Ctrl + z",
+ "Ctrl + y",
+ "Ctrl + p",
+ "Enter",
+ "Shift + Enter",
+ "Ctrl + Backspace",
+ "Ctrl + Delete",
+ "Home",
+ "Ctrl + Home",
+ "Ctrl + Shift + Home",
+ "End",
+ "Ctrl + End",
+ "Ctrl + Shift + End",
+ "PageUp",
+ "PageDown",
+ "Shift + PageUp",
+ "Shift + PageDown",
+ "ArrowLeft",
+ "Ctrl + ArrowLeft",
+ "Shift + ArrowLeft",
+ "Ctrl + Shift + ArrowLeft",
+ "ArrowRight",
+ "Ctrl + ArrowRight",
+ "Shift + ArrowRight",
+ "Ctrl + Shift + ArrowRight",
+ "ArrowUp",
+ "Shift + ArrowUp",
+ "ArrowDown",
+ "Shift + ArrowDown"
+]);
class KeybindingImpl {
static {
__name(this, "KeybindingImpl");
@@ -156742,6 +169377,16 @@ class KeyComboImpl {
get isModifier() {
return ["Control", "Meta", "Alt", "Shift"].includes(this.key);
}
+ get modifierCount() {
+ const modifiers2 = [this.ctrl, this.alt, this.shift];
+ return modifiers2.reduce((acc, cur) => acc + Number(cur), 0);
+ }
+ get isShiftOnly() {
+ return this.shift && this.modifierCount === 1;
+ }
+ get isReservedByTextInput() {
+ return !this.hasModifier || this.isShiftOnly || RESERVED_BY_TEXT_INPUT.has(this.toString());
+ }
getKeySequences() {
const sequences = [];
if (this.ctrl) {
@@ -157069,6 +169714,437 @@ const useMenuItemStore = /* @__PURE__ */ defineStore("menuItem", () => {
registerCoreMenuCommands
};
});
+const useBooleanWidget = /* @__PURE__ */ __name(() => {
+ const widgetConstructor = /* @__PURE__ */ __name((node3, inputName, inputData) => {
+ const inputOptions = inputData[1];
+ const defaultVal = inputOptions?.default ?? false;
+ const options4 = {
+ on: inputOptions?.label_on,
+ off: inputOptions?.label_off
+ };
+ return {
+ widget: node3.addWidget("toggle", inputName, defaultVal, () => {
+ }, options4)
+ };
+ }, "widgetConstructor");
+ return widgetConstructor;
+}, "useBooleanWidget");
+const MAX_RETRIES = 5;
+const TIMEOUT = 4096;
+const dataCache = /* @__PURE__ */ new Map();
+const createCacheKey = /* @__PURE__ */ __name((config2) => {
+ const { route, query_params = {}, refresh: refresh2 = 0 } = config2;
+ const paramsKey = Object.entries(query_params).sort(([a2], [b2]) => a2.localeCompare(b2)).map(([k2, v2]) => `${k2}=${v2}`).join("&");
+ return [route, `r=${refresh2}`, paramsKey].join(";");
+}, "createCacheKey");
+const getBackoff = /* @__PURE__ */ __name((retryCount) => Math.min(1e3 * Math.pow(2, retryCount), 512), "getBackoff");
+const isInitialized = /* @__PURE__ */ __name((entry) => entry?.data && entry?.timestamp && entry.timestamp > 0, "isInitialized");
+const isStale = /* @__PURE__ */ __name((entry, ttl) => entry?.timestamp && Date.now() - entry.timestamp >= ttl, "isStale");
+const isFetching = /* @__PURE__ */ __name((entry) => entry?.fetchPromise !== void 0, "isFetching");
+const isFailed = /* @__PURE__ */ __name((entry) => entry?.failed === true, "isFailed");
+const isBackingOff = /* @__PURE__ */ __name((entry) => entry?.error && entry?.lastErrorTime && Date.now() - entry.lastErrorTime < getBackoff(entry.retryCount || 0), "isBackingOff");
+const fetchData = /* @__PURE__ */ __name(async (config2, controller) => {
+ const { route, response_key, query_params, timeout = TIMEOUT } = config2;
+ const res = await axios.get(route, {
+ params: query_params,
+ signal: controller.signal,
+ timeout
+ });
+ return response_key ? res.data[response_key] : res.data;
+}, "fetchData");
+function useRemoteWidget(options4) {
+ const { inputData, defaultValue: defaultValue2, node: node3, widget } = options4;
+ const config2 = inputData[1].remote;
+ const { refresh: refresh2 = 0, max_retries = MAX_RETRIES } = config2;
+ const isPermanent = refresh2 <= 0;
+ const cacheKey = createCacheKey(config2);
+ let isLoaded = false;
+ const setSuccess = /* @__PURE__ */ __name((entry, data26) => {
+ entry.retryCount = 0;
+ entry.lastErrorTime = 0;
+ entry.error = null;
+ entry.timestamp = Date.now();
+ entry.data = data26 ?? defaultValue2;
+ }, "setSuccess");
+ const setError = /* @__PURE__ */ __name((entry, error2) => {
+ entry.retryCount = (entry.retryCount || 0) + 1;
+ entry.lastErrorTime = Date.now();
+ entry.error = error2 instanceof Error ? error2 : new Error(String(error2));
+ entry.data ??= defaultValue2;
+ entry.fetchPromise = void 0;
+ if (entry.retryCount >= max_retries) {
+ setFailed(entry);
+ }
+ }, "setError");
+ const setFailed = /* @__PURE__ */ __name((entry) => {
+ dataCache.set(cacheKey, {
+ data: entry.data ?? defaultValue2,
+ failed: true
+ });
+ }, "setFailed");
+ const isFirstLoad = /* @__PURE__ */ __name(() => {
+ return !isLoaded && isInitialized(dataCache.get(cacheKey));
+ }, "isFirstLoad");
+ const onFirstLoad = /* @__PURE__ */ __name((data26) => {
+ isLoaded = true;
+ widget.value = data26[0];
+ widget.callback?.(widget.value);
+ node3.graph?.setDirtyCanvas(true);
+ }, "onFirstLoad");
+ const fetchValue = /* @__PURE__ */ __name(async () => {
+ const entry = dataCache.get(cacheKey);
+ if (isFailed(entry)) return entry.data;
+ const isValid2 = isInitialized(entry) && (isPermanent || !isStale(entry, refresh2));
+ if (isValid2 || isBackingOff(entry) || isFetching(entry)) return entry.data;
+ const currentEntry = entry || { data: defaultValue2 };
+ dataCache.set(cacheKey, currentEntry);
+ try {
+ currentEntry.controller = new AbortController();
+ currentEntry.fetchPromise = fetchData(config2, currentEntry.controller);
+ const data26 = await currentEntry.fetchPromise;
+ setSuccess(currentEntry, data26);
+ return currentEntry.data;
+ } catch (err) {
+ setError(currentEntry, err);
+ return currentEntry.data;
+ } finally {
+ currentEntry.fetchPromise = void 0;
+ currentEntry.controller = void 0;
+ }
+ }, "fetchValue");
+ const onRefresh = /* @__PURE__ */ __name(() => {
+ if (config2.control_after_refresh) {
+ const data26 = getCachedValue();
+ if (!Array.isArray(data26)) return;
+ switch (config2.control_after_refresh) {
+ case "first":
+ widget.value = data26[0] ?? defaultValue2;
+ break;
+ case "last":
+ widget.value = data26.at(-1) ?? defaultValue2;
+ break;
+ }
+ widget.callback?.(widget.value);
+ node3.graph?.setDirtyCanvas(true);
+ }
+ }, "onRefresh");
+ const clearCachedValue = /* @__PURE__ */ __name(() => {
+ const entry = dataCache.get(cacheKey);
+ if (!entry) return;
+ if (entry.fetchPromise) entry.controller?.abort();
+ dataCache.delete(cacheKey);
+ }, "clearCachedValue");
+ function getCachedValue() {
+ return dataCache.get(cacheKey)?.data;
+ }
+ __name(getCachedValue, "getCachedValue");
+ function getValue2(onFulfilled) {
+ fetchValue().then((data26) => {
+ if (isFirstLoad()) onFirstLoad(data26);
+ onFulfilled?.();
+ });
+ return getCachedValue() ?? defaultValue2;
+ }
+ __name(getValue2, "getValue");
+ function refreshValue() {
+ clearCachedValue();
+ getValue2(onRefresh);
+ }
+ __name(refreshValue, "refreshValue");
+ function addRefreshButton() {
+ node3.addWidget("button", "refresh", "refresh", refreshValue);
+ }
+ __name(addRefreshButton, "addRefreshButton");
+ return {
+ getCachedValue,
+ getValue: getValue2,
+ refreshValue,
+ addRefreshButton,
+ getCacheEntry: /* @__PURE__ */ __name(() => dataCache.get(cacheKey), "getCacheEntry"),
+ cacheKey
+ };
+}
+__name(useRemoteWidget, "useRemoteWidget");
+const useComboWidget = /* @__PURE__ */ __name(() => {
+ const widgetConstructor = /* @__PURE__ */ __name((node3, inputName, inputData) => {
+ const widgetStore = useWidgetStore();
+ const { remote, options: options4 } = inputData[1] || {};
+ const defaultValue2 = widgetStore.getDefaultValue(inputData);
+ const res = {
+ widget: node3.addWidget("combo", inputName, defaultValue2, () => {
+ }, {
+ values: options4 ?? inputData[0]
+ })
+ };
+ if (remote) {
+ const remoteWidget = useRemoteWidget({
+ inputData,
+ defaultValue: defaultValue2,
+ node: node3,
+ widget: res.widget
+ });
+ if (remote.refresh_button) remoteWidget.addRefreshButton();
+ const origOptions = res.widget.options;
+ res.widget.options = new Proxy(
+ origOptions,
+ {
+ get(target2, prop2) {
+ if (prop2 !== "values") return target2[prop2];
+ return remoteWidget.getValue();
+ }
+ }
+ );
+ }
+ if (inputData[1]?.control_after_generate) {
+ res.widget.linkedWidgets = addValueControlWidgets(
+ node3,
+ res.widget,
+ void 0,
+ void 0,
+ inputData
+ );
+ }
+ return res;
+ }, "widgetConstructor");
+ return widgetConstructor;
+}, "useComboWidget");
+function getNumberDefaults(inputOptions, options4) {
+ const { defaultStep } = options4;
+ const {
+ default: defaultVal = 0,
+ min = 0,
+ max = 2048,
+ step: step3 = defaultStep
+ } = inputOptions;
+ const { precision = Math.max(-Math.floor(Math.log10(step3)), 0) } = options4;
+ let round = inputOptions.round;
+ if (options4.enableRounding && (round == void 0 || round === true)) {
+ round = Math.round(1e6 * Math.pow(0.1, precision)) / 1e6;
+ }
+ return {
+ val: defaultVal,
+ config: { min, max, step: 10 * step3, round, precision }
+ };
+}
+__name(getNumberDefaults, "getNumberDefaults");
+const useFloatWidget = /* @__PURE__ */ __name(() => {
+ const widgetConstructor = /* @__PURE__ */ __name((node3, inputName, inputData) => {
+ const settingStore = useSettingStore();
+ const sliderEnabled = !settingStore.get("Comfy.DisableSliders");
+ const inputOptions = inputData[1];
+ const widgetType = sliderEnabled ? inputOptions?.display === "slider" ? "slider" : "number" : "number";
+ const precision = settingStore.get("Comfy.FloatRoundingPrecision") || void 0;
+ const enableRounding = !settingStore.get("Comfy.DisableFloatRounding");
+ const { val, config: config2 } = getNumberDefaults(inputOptions, {
+ defaultStep: 0.5,
+ precision,
+ enableRounding
+ });
+ return {
+ widget: node3.addWidget(
+ widgetType,
+ inputName,
+ val,
+ function(v2) {
+ if (config2.round) {
+ this.value = Math.round((v2 + Number.EPSILON) / config2.round) * config2.round;
+ if (this.value > config2.max) this.value = config2.max;
+ if (this.value < config2.min) this.value = config2.min;
+ } else {
+ this.value = v2;
+ }
+ },
+ config2
+ )
+ };
+ }, "widgetConstructor");
+ return widgetConstructor;
+}, "useFloatWidget");
+const useImageUploadWidget = /* @__PURE__ */ __name(() => {
+ const widgetConstructor = /* @__PURE__ */ __name((node3, inputName, inputData, app2) => {
+ const imageWidget = node3.widgets?.find(
+ (w2) => w2.name === (inputData[1]?.widget ?? "image")
+ );
+ const { image_folder = "input" } = inputData[1] ?? {};
+ function showImage(name2) {
+ const img = new Image();
+ img.onload = () => {
+ node3.imgs = [img];
+ app2.graph.setDirtyCanvas(true);
+ };
+ const folder_separator = name2.lastIndexOf("/");
+ let subfolder = "";
+ if (folder_separator > -1) {
+ subfolder = name2.substring(0, folder_separator);
+ name2 = name2.substring(folder_separator + 1);
+ }
+ img.src = api.apiURL(
+ `/view?filename=${encodeURIComponent(name2)}&type=${image_folder}&subfolder=${subfolder}${app2.getPreviewFormatParam()}${app2.getRandParam()}`
+ );
+ node3.setSizeForImage?.();
+ }
+ __name(showImage, "showImage");
+ const default_value = imageWidget.value;
+ Object.defineProperty(imageWidget, "value", {
+ set: /* @__PURE__ */ __name(function(value4) {
+ this._real_value = value4;
+ }, "set"),
+ get: /* @__PURE__ */ __name(function() {
+ if (!this._real_value) {
+ return default_value;
+ }
+ let value4 = this._real_value;
+ if (value4.filename) {
+ const real_value = value4;
+ value4 = "";
+ if (real_value.subfolder) {
+ value4 = real_value.subfolder + "/";
+ }
+ value4 += real_value.filename;
+ if (real_value.type && real_value.type !== "input")
+ value4 += ` [${real_value.type}]`;
+ }
+ return value4;
+ }, "get")
+ });
+ const cb = node3.callback;
+ imageWidget.callback = function(...args) {
+ showImage(imageWidget.value);
+ if (cb) {
+ return cb.apply(this, args);
+ }
+ };
+ requestAnimationFrame(() => {
+ if (imageWidget.value) {
+ showImage(imageWidget.value);
+ }
+ });
+ async function uploadFile2(file, updateNode, pasted = false) {
+ try {
+ const body = new FormData();
+ body.append("image", file);
+ if (pasted) body.append("subfolder", "pasted");
+ const resp = await api.fetchApi("/upload/image", {
+ method: "POST",
+ body
+ });
+ if (resp.status === 200) {
+ const data26 = await resp.json();
+ let path = data26.name;
+ if (data26.subfolder) path = data26.subfolder + "/" + path;
+ if (!imageWidget.options) {
+ imageWidget.options = { values: [] };
+ }
+ if (!imageWidget.options.values) {
+ imageWidget.options.values = [];
+ }
+ if (!imageWidget.options.values.includes(path)) {
+ imageWidget.options.values.push(path);
+ }
+ if (updateNode) {
+ showImage(path);
+ imageWidget.value = path;
+ }
+ } else {
+ useToastStore().addAlert(resp.status + " - " + resp.statusText);
+ }
+ } catch (error2) {
+ useToastStore().addAlert(String(error2));
+ }
+ }
+ __name(uploadFile2, "uploadFile");
+ const fileInput2 = document.createElement("input");
+ Object.assign(fileInput2, {
+ type: "file",
+ accept: "image/jpeg,image/png,image/webp",
+ style: "display: none",
+ onchange: /* @__PURE__ */ __name(async () => {
+ if (fileInput2.files && fileInput2.files.length) {
+ await uploadFile2(fileInput2.files[0], true);
+ }
+ }, "onchange")
+ });
+ document.body.append(fileInput2);
+ const uploadWidget = node3.addWidget("button", inputName, "image", () => {
+ fileInput2.click();
+ });
+ uploadWidget.label = "choose file to upload";
+ uploadWidget.serialize = false;
+ node3.onDragOver = function(e2) {
+ if (e2.dataTransfer && e2.dataTransfer.items) {
+ const image2 = [...e2.dataTransfer.items].find((f2) => f2.kind === "file");
+ return !!image2;
+ }
+ return false;
+ };
+ node3.onDragDrop = function(e2) {
+ console.log("onDragDrop called");
+ let handled = false;
+ if (e2.dataTransfer?.files) {
+ for (const file of e2.dataTransfer.files) {
+ if (file.type.startsWith("image/")) {
+ uploadFile2(file, !handled);
+ handled = true;
+ }
+ }
+ }
+ return handled;
+ };
+ node3.pasteFile = function(file) {
+ if (file.type.startsWith("image/")) {
+ const is_pasted = file.name === "image.png" && file.lastModified - Date.now() < 2e3;
+ uploadFile2(file, true, is_pasted);
+ return true;
+ }
+ return false;
+ };
+ return { widget: uploadWidget };
+ }, "widgetConstructor");
+ return widgetConstructor;
+}, "useImageUploadWidget");
+const useIntWidget = /* @__PURE__ */ __name(() => {
+ const widgetConstructor = /* @__PURE__ */ __name((node3, inputName, inputData, app2, widgetName) => {
+ const settingStore = useSettingStore();
+ const sliderEnabled = !settingStore.get("Comfy.DisableSliders");
+ const inputOptions = inputData[1];
+ const widgetType = sliderEnabled ? inputOptions?.display === "slider" ? "slider" : "number" : "number";
+ const { val, config: config2 } = getNumberDefaults(inputOptions, {
+ defaultStep: 1,
+ precision: 0,
+ enableRounding: true
+ });
+ config2.precision = 0;
+ const result = {
+ widget: node3.addWidget(
+ widgetType,
+ inputName,
+ val,
+ function(v2) {
+ const s2 = (this.options.step ?? 1) / 10;
+ let sh = (this.options.min ?? 0) % s2;
+ if (isNaN(sh)) {
+ sh = 0;
+ }
+ this.value = Math.round((v2 - sh) / s2) * s2 + sh;
+ },
+ config2
+ )
+ };
+ if (inputData[1]?.control_after_generate) {
+ const seedControl = addValueControlWidget(
+ node3,
+ result.widget,
+ "randomize",
+ void 0,
+ widgetName,
+ inputData
+ );
+ result.widget.linkedWidgets = [seedControl];
+ }
+ return result;
+ }, "widgetConstructor");
+ return widgetConstructor;
+}, "useIntWidget");
function OrderedMap(content2) {
this.content = content2;
}
@@ -157186,28 +170262,28 @@ OrderedMap.from = function(value4) {
if (value4) for (var prop2 in value4) content2.push(prop2, value4[prop2]);
return new OrderedMap(content2);
};
-function findDiffStart(a2, b2, pos2) {
+function findDiffStart(a2, b2, pos) {
for (let i2 = 0; ; i2++) {
if (i2 == a2.childCount || i2 == b2.childCount)
- return a2.childCount == b2.childCount ? null : pos2;
+ return a2.childCount == b2.childCount ? null : pos;
let childA = a2.child(i2), childB = b2.child(i2);
if (childA == childB) {
- pos2 += childA.nodeSize;
+ pos += childA.nodeSize;
continue;
}
if (!childA.sameMarkup(childB))
- return pos2;
+ return pos;
if (childA.isText && childA.text != childB.text) {
for (let j2 = 0; childA.text[j2] == childB.text[j2]; j2++)
- pos2++;
- return pos2;
+ pos++;
+ return pos;
}
if (childA.content.size || childB.content.size) {
- let inner = findDiffStart(childA.content, childB.content, pos2 + 1);
+ let inner = findDiffStart(childA.content, childB.content, pos + 1);
if (inner != null)
return inner;
}
- pos2 += childA.nodeSize;
+ pos += childA.nodeSize;
}
}
__name(findDiffStart, "findDiffStart");
@@ -157262,13 +170338,13 @@ class Fragment {
into a node when the callback returns `false`.
*/
nodesBetween(from2, to, f2, nodeStart = 0, parent) {
- for (let i2 = 0, pos2 = 0; pos2 < to; i2++) {
- let child = this.content[i2], end = pos2 + child.nodeSize;
- if (end > from2 && f2(child, nodeStart + pos2, parent || null, i2) !== false && child.content.size) {
- let start2 = pos2 + 1;
+ for (let i2 = 0, pos = 0; pos < to; i2++) {
+ let child = this.content[i2], end = pos + child.nodeSize;
+ if (end > from2 && f2(child, nodeStart + pos, parent || null, i2) !== false && child.content.size) {
+ let start2 = pos + 1;
child.nodesBetween(Math.max(0, from2 - start2), Math.min(child.content.size, to - start2), f2, nodeStart + start2);
}
- pos2 = end;
+ pos = end;
}
}
/**
@@ -157285,8 +170361,8 @@ class Fragment {
*/
textBetween(from2, to, blockSeparator, leafText) {
let text2 = "", first2 = true;
- this.nodesBetween(from2, to, (node3, pos2) => {
- let nodeText = node3.isText ? node3.text.slice(Math.max(from2, pos2) - pos2, to - pos2) : !node3.isLeaf ? "" : leafText ? typeof leafText === "function" ? leafText(node3) : leafText : node3.type.spec.leafText ? node3.type.spec.leafText(node3) : "";
+ this.nodesBetween(from2, to, (node3, pos) => {
+ let nodeText = node3.isText ? node3.text.slice(Math.max(from2, pos) - pos, to - pos) : !node3.isLeaf ? "" : leafText ? typeof leafText === "function" ? leafText(node3) : leafText : node3.type.spec.leafText ? node3.type.spec.leafText(node3) : "";
if (node3.isBlock && (node3.isLeaf && nodeText || node3.isTextblock) && blockSeparator) {
if (first2)
first2 = false;
@@ -157323,19 +170399,19 @@ class Fragment {
return this;
let result = [], size = 0;
if (to > from2)
- for (let i2 = 0, pos2 = 0; pos2 < to; i2++) {
- let child = this.content[i2], end = pos2 + child.nodeSize;
+ for (let i2 = 0, pos = 0; pos < to; i2++) {
+ let child = this.content[i2], end = pos + child.nodeSize;
if (end > from2) {
- if (pos2 < from2 || end > to) {
+ if (pos < from2 || end > to) {
if (child.isText)
- child = child.cut(Math.max(0, from2 - pos2), Math.min(child.text.length, to - pos2));
+ child = child.cut(Math.max(0, from2 - pos), Math.min(child.text.length, to - pos));
else
- child = child.cut(Math.max(0, from2 - pos2 - 1), Math.min(child.content.size, to - pos2 - 1));
+ child = child.cut(Math.max(0, from2 - pos - 1), Math.min(child.content.size, to - pos - 1));
}
result.push(child);
size += child.nodeSize;
}
- pos2 = end;
+ pos = end;
}
return new Fragment(result, size);
}
@@ -157436,8 +170512,8 @@ class Fragment {
Find the first position at which this fragment and another
fragment differ, or `null` if they are the same.
*/
- findDiffStart(other, pos2 = 0) {
- return findDiffStart(this, other, pos2);
+ findDiffStart(other, pos = 0) {
+ return findDiffStart(this, other, pos);
}
/**
Find the first position, searching from the end, at which this
@@ -157445,25 +170521,25 @@ class Fragment {
the same. Since this position will not be the same in both
nodes, an object with two separate positions is returned.
*/
- findDiffEnd(other, pos2 = this.size, otherPos = other.size) {
- return findDiffEnd(this, other, pos2, otherPos);
+ findDiffEnd(other, pos = this.size, otherPos = other.size) {
+ return findDiffEnd(this, other, pos, otherPos);
}
/**
Find the index and inner offset corresponding to a given relative
position in this fragment. The result object will be reused
(overwritten) the next time the function is called. @internal
*/
- findIndex(pos2, round = -1) {
- if (pos2 == 0)
- return retIndex(0, pos2);
- if (pos2 == this.size)
- return retIndex(this.content.length, pos2);
- if (pos2 > this.size || pos2 < 0)
- throw new RangeError(`Position ${pos2} outside of fragment (${this})`);
+ findIndex(pos, round = -1) {
+ if (pos == 0)
+ return retIndex(0, pos);
+ if (pos == this.size)
+ return retIndex(this.content.length, pos);
+ if (pos > this.size || pos < 0)
+ throw new RangeError(`Position ${pos} outside of fragment (${this})`);
for (let i2 = 0, curPos = 0; ; i2++) {
let cur = this.child(i2), end = curPos + cur.nodeSize;
- if (end >= pos2) {
- if (end == pos2 || round > 0)
+ if (end >= pos) {
+ if (end == pos || round > 0)
return retIndex(i2 + 1, end);
return retIndex(i2, curPos);
}
@@ -157729,8 +170805,8 @@ class Slice {
/**
@internal
*/
- insertAt(pos2, fragment) {
- let content2 = insertInto(this.content, pos2 + this.openStart, fragment);
+ insertAt(pos, fragment) {
+ let content2 = insertInto(this.content, pos + this.openStart, fragment);
return content2 && new Slice(content2, this.openStart, this.openEnd);
}
/**
@@ -157927,8 +171003,8 @@ class ResolvedPos {
/**
@internal
*/
- constructor(pos2, path, parentOffset) {
- this.pos = pos2;
+ constructor(pos, path, parentOffset) {
+ this.pos = pos;
this.path = path;
this.parentOffset = parentOffset;
this.depth = path.length / 3 - 1;
@@ -158055,10 +171131,10 @@ class ResolvedPos {
*/
posAtIndex(index2, depth) {
depth = this.resolveDepth(depth);
- let node3 = this.path[depth * 3], pos2 = depth == 0 ? 0 : this.path[depth * 3 - 1] + 1;
+ let node3 = this.path[depth * 3], pos = depth == 0 ? 0 : this.path[depth * 3 - 1] + 1;
for (let i2 = 0; i2 < index2; i2++)
- pos2 += node3.child(i2).nodeSize;
- return pos2;
+ pos += node3.child(i2).nodeSize;
+ return pos;
}
/**
Get the marks at this position, factoring in the surrounding
@@ -158106,9 +171182,9 @@ class ResolvedPos {
The depth up to which this position and the given (non-resolved)
position share the same parent nodes.
*/
- sharedDepth(pos2) {
+ sharedDepth(pos) {
for (let depth = this.depth; depth > 0; depth--)
- if (this.start(depth) <= pos2 && this.end(depth) >= pos2)
+ if (this.start(depth) <= pos && this.end(depth) >= pos)
return depth;
return 0;
}
@@ -158159,11 +171235,11 @@ class ResolvedPos {
/**
@internal
*/
- static resolve(doc2, pos2) {
- if (!(pos2 >= 0 && pos2 <= doc2.content.size))
- throw new RangeError("Position " + pos2 + " out of range");
+ static resolve(doc2, pos) {
+ if (!(pos >= 0 && pos <= doc2.content.size))
+ throw new RangeError("Position " + pos + " out of range");
let path = [];
- let start2 = 0, parentOffset = pos2;
+ let start2 = 0, parentOffset = pos;
for (let node3 = doc2; ; ) {
let { index: index2, offset } = node3.content.findIndex(parentOffset);
let rem = parentOffset - offset;
@@ -158176,23 +171252,23 @@ class ResolvedPos {
parentOffset = rem - 1;
start2 += offset + 1;
}
- return new ResolvedPos(pos2, path, parentOffset);
+ return new ResolvedPos(pos, path, parentOffset);
}
/**
@internal
*/
- static resolveCached(doc2, pos2) {
+ static resolveCached(doc2, pos) {
let cache2 = resolveCache.get(doc2);
if (cache2) {
for (let i2 = 0; i2 < cache2.elts.length; i2++) {
let elt = cache2.elts[i2];
- if (elt.pos == pos2)
+ if (elt.pos == pos)
return elt;
}
} else {
resolveCache.set(doc2, cache2 = new ResolveCache());
}
- let result = cache2.elts[cache2.i] = ResolvedPos.resolve(doc2, pos2);
+ let result = cache2.elts[cache2.i] = ResolvedPos.resolve(doc2, pos);
cache2.i = (cache2.i + 1) % resolveCacheSize;
return result;
}
@@ -158432,15 +171508,15 @@ let Node$2 = class Node2 {
/**
Find the node directly after the given position.
*/
- nodeAt(pos2) {
+ nodeAt(pos) {
for (let node3 = this; ; ) {
- let { index: index2, offset } = node3.content.findIndex(pos2);
+ let { index: index2, offset } = node3.content.findIndex(pos);
node3 = node3.maybeChild(index2);
if (!node3)
return null;
- if (offset == pos2 || node3.isText)
+ if (offset == pos || node3.isText)
return node3;
- pos2 -= offset + 1;
+ pos -= offset + 1;
}
}
/**
@@ -158448,8 +171524,8 @@ let Node$2 = class Node2 {
and return it along with its index and offset relative to this
node.
*/
- childAfter(pos2) {
- let { index: index2, offset } = this.content.findIndex(pos2);
+ childAfter(pos) {
+ let { index: index2, offset } = this.content.findIndex(pos);
return { node: this.content.maybeChild(index2), index: index2, offset };
}
/**
@@ -158457,11 +171533,11 @@ let Node$2 = class Node2 {
and return it along with its index and offset relative to this
node.
*/
- childBefore(pos2) {
- if (pos2 == 0)
+ childBefore(pos) {
+ if (pos == 0)
return { node: null, index: 0, offset: 0 };
- let { index: index2, offset } = this.content.findIndex(pos2);
- if (offset < pos2)
+ let { index: index2, offset } = this.content.findIndex(pos);
+ if (offset < pos)
return { node: this.content.child(index2), index: index2, offset };
let node3 = this.content.child(index2 - 1);
return { node: node3, index: index2 - 1, offset: offset - node3.nodeSize };
@@ -158470,14 +171546,14 @@ let Node$2 = class Node2 {
Resolve the given position in the document, returning an
[object](https://prosemirror.net/docs/ref/#model.ResolvedPos) with information about its context.
*/
- resolve(pos2) {
- return ResolvedPos.resolveCached(this, pos2);
+ resolve(pos) {
+ return ResolvedPos.resolveCached(this, pos);
}
/**
@internal
*/
- resolveNoCache(pos2) {
- return ResolvedPos.resolve(this, pos2);
+ resolveNoCache(pos) {
+ return ResolvedPos.resolve(this, pos);
}
/**
Test whether a given mark or mark type occurs in this document
@@ -158835,8 +171911,13 @@ class ContentMatch {
computeWrapping(target2) {
let seen2 = /* @__PURE__ */ Object.create(null), active3 = [{ match: this, type: null, via: null }];
while (active3.length) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let current = active3.shift(), match3 = current.match;
if (match3.matchType(target2)) {
+========
+ let current = active3.shift(), match2 = current.match;
+ if (match2.matchType(target2)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let result = [];
for (let obj = current; obj.type; obj = obj.via)
result.push(obj.type);
@@ -159795,7 +172876,11 @@ class NodeContext {
static {
__name(this, "NodeContext");
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
constructor(type, attrs6, marks, solid, match3, options4) {
+========
+ constructor(type, attrs6, marks, solid, match2, options4) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.type = type;
this.attrs = attrs6;
this.marks = marks;
@@ -160047,15 +173132,15 @@ class ParseContext {
findPlace(node3, marks) {
let route, sync;
for (let depth = this.open; depth >= 0; depth--) {
- let cx2 = this.nodes[depth];
- let found2 = cx2.findWrapping(node3);
+ let cx3 = this.nodes[depth];
+ let found2 = cx3.findWrapping(node3);
if (found2 && (!route || route.length > found2.length)) {
route = found2;
- sync = cx2;
+ sync = cx3;
if (!found2.length)
break;
}
- if (cx2.solid)
+ if (cx3.solid)
break;
}
if (!route)
@@ -160143,15 +173228,15 @@ class ParseContext {
}
get currentPos() {
this.closeExtra();
- let pos2 = 0;
+ let pos = 0;
for (let i2 = this.open; i2 >= 0; i2--) {
let content2 = this.nodes[i2].content;
for (let j2 = content2.length - 1; j2 >= 0; j2--)
- pos2 += content2[j2].nodeSize;
+ pos += content2[j2].nodeSize;
if (i2)
- pos2++;
+ pos++;
}
- return pos2;
+ return pos;
}
findAtPoint(parent, offset) {
if (this.find)
@@ -160171,8 +173256,8 @@ class ParseContext {
if (parent != content2 && this.find)
for (let i2 = 0; i2 < this.find.length; i2++) {
if (this.find[i2].pos == null && parent.nodeType == 1 && parent.contains(this.find[i2].node)) {
- let pos2 = content2.compareDocumentPosition(this.find[i2].node);
- if (pos2 & (before ? 2 : 4))
+ let pos = content2.compareDocumentPosition(this.find[i2].node);
+ if (pos & (before ? 2 : 4))
this.find[i2].pos = this.currentPos;
}
}
@@ -160513,8 +173598,8 @@ class MapResult {
/**
@internal
*/
- constructor(pos2, delInfo, recover) {
- this.pos = pos2;
+ constructor(pos, delInfo, recover) {
+ this.pos = pos;
this.delInfo = delInfo;
this.recover = recover;
}
@@ -160572,49 +173657,49 @@ class StepMap {
diff2 += this.ranges[i2 * 3 + 2] - this.ranges[i2 * 3 + 1];
return this.ranges[index2 * 3] + diff2 + recoverOffset(value4);
}
- mapResult(pos2, assoc = 1) {
- return this._map(pos2, assoc, false);
+ mapResult(pos, assoc = 1) {
+ return this._map(pos, assoc, false);
}
- map(pos2, assoc = 1) {
- return this._map(pos2, assoc, true);
+ map(pos, assoc = 1) {
+ return this._map(pos, assoc, true);
}
/**
@internal
*/
- _map(pos2, assoc, simple) {
+ _map(pos, assoc, simple) {
let diff2 = 0, oldIndex = this.inverted ? 2 : 1, newIndex = this.inverted ? 1 : 2;
for (let i2 = 0; i2 < this.ranges.length; i2 += 3) {
let start2 = this.ranges[i2] - (this.inverted ? diff2 : 0);
- if (start2 > pos2)
+ if (start2 > pos)
break;
let oldSize = this.ranges[i2 + oldIndex], newSize = this.ranges[i2 + newIndex], end = start2 + oldSize;
- if (pos2 <= end) {
- let side = !oldSize ? assoc : pos2 == start2 ? -1 : pos2 == end ? 1 : assoc;
+ if (pos <= end) {
+ let side = !oldSize ? assoc : pos == start2 ? -1 : pos == end ? 1 : assoc;
let result = start2 + diff2 + (side < 0 ? 0 : newSize);
if (simple)
return result;
- let recover = pos2 == (assoc < 0 ? start2 : end) ? null : makeRecover(i2 / 3, pos2 - start2);
- let del2 = pos2 == start2 ? DEL_AFTER : pos2 == end ? DEL_BEFORE : DEL_ACROSS;
- if (assoc < 0 ? pos2 != start2 : pos2 != end)
+ let recover = pos == (assoc < 0 ? start2 : end) ? null : makeRecover(i2 / 3, pos - start2);
+ let del2 = pos == start2 ? DEL_AFTER : pos == end ? DEL_BEFORE : DEL_ACROSS;
+ if (assoc < 0 ? pos != start2 : pos != end)
del2 |= DEL_SIDE;
return new MapResult(result, del2, recover);
}
diff2 += newSize - oldSize;
}
- return simple ? pos2 + diff2 : new MapResult(pos2 + diff2, 0, null);
+ return simple ? pos + diff2 : new MapResult(pos + diff2, 0, null);
}
/**
@internal
*/
- touches(pos2, recover) {
+ touches(pos, recover) {
let diff2 = 0, index2 = recoverIndex(recover);
let oldIndex = this.inverted ? 2 : 1, newIndex = this.inverted ? 1 : 2;
for (let i2 = 0; i2 < this.ranges.length; i2 += 3) {
let start2 = this.ranges[i2] - (this.inverted ? diff2 : 0);
- if (start2 > pos2)
+ if (start2 > pos)
break;
let oldSize = this.ranges[i2 + oldIndex], end = start2 + oldSize;
- if (pos2 <= end && i2 == index2 * 3)
+ if (pos <= end && i2 == index2 * 3)
return true;
diff2 += this.ranges[i2 + newIndex] - oldSize;
}
@@ -160741,39 +173826,39 @@ class Mapping {
/**
Map a position through this mapping.
*/
- map(pos2, assoc = 1) {
+ map(pos, assoc = 1) {
if (this.mirror)
- return this._map(pos2, assoc, true);
+ return this._map(pos, assoc, true);
for (let i2 = this.from; i2 < this.to; i2++)
- pos2 = this.maps[i2].map(pos2, assoc);
- return pos2;
+ pos = this.maps[i2].map(pos, assoc);
+ return pos;
}
/**
Map a position through this mapping, returning a mapping
result.
*/
- mapResult(pos2, assoc = 1) {
- return this._map(pos2, assoc, false);
+ mapResult(pos, assoc = 1) {
+ return this._map(pos, assoc, false);
}
/**
@internal
*/
- _map(pos2, assoc, simple) {
+ _map(pos, assoc, simple) {
let delInfo = 0;
for (let i2 = this.from; i2 < this.to; i2++) {
- let map3 = this.maps[i2], result = map3.mapResult(pos2, assoc);
+ let map3 = this.maps[i2], result = map3.mapResult(pos, assoc);
if (result.recover != null) {
let corr = this.getMirror(i2);
if (corr != null && corr > i2 && corr < this.to) {
i2 = corr;
- pos2 = this.maps[corr].recover(result.recover);
+ pos = this.maps[corr].recover(result.recover);
continue;
}
}
delInfo |= result.delInfo;
- pos2 = result.pos;
+ pos = result.pos;
}
- return simple ? pos2 : new MapResult(pos2, delInfo, null);
+ return simple ? pos : new MapResult(pos, delInfo, null);
}
}
const stepsByID = /* @__PURE__ */ Object.create(null);
@@ -160988,17 +174073,17 @@ class AddNodeMarkStep extends Step {
/**
Create a node mark step.
*/
- constructor(pos2, mark2) {
+ constructor(pos, mark2) {
super();
- this.pos = pos2;
+ this.pos = pos;
this.mark = mark2;
}
apply(doc2) {
let node3 = doc2.nodeAt(this.pos);
if (!node3)
return StepResult.fail("No node at mark step's position");
- let updated14 = node3.type.create(node3.attrs, null, this.mark.addToSet(node3.marks));
- return StepResult.fromReplace(doc2, this.pos, this.pos + 1, new Slice(Fragment.from(updated14), 0, node3.isLeaf ? 0 : 1));
+ let updated15 = node3.type.create(node3.attrs, null, this.mark.addToSet(node3.marks));
+ return StepResult.fromReplace(doc2, this.pos, this.pos + 1, new Slice(Fragment.from(updated15), 0, node3.isLeaf ? 0 : 1));
}
invert(doc2) {
let node3 = doc2.nodeAt(this.pos);
@@ -161014,8 +174099,8 @@ class AddNodeMarkStep extends Step {
return new RemoveNodeMarkStep(this.pos, this.mark);
}
map(mapping) {
- let pos2 = mapping.mapResult(this.pos, 1);
- return pos2.deletedAfter ? null : new AddNodeMarkStep(pos2.pos, this.mark);
+ let pos = mapping.mapResult(this.pos, 1);
+ return pos.deletedAfter ? null : new AddNodeMarkStep(pos.pos, this.mark);
}
toJSON() {
return { stepType: "addNodeMark", pos: this.pos, mark: this.mark.toJSON() };
@@ -161037,17 +174122,17 @@ class RemoveNodeMarkStep extends Step {
/**
Create a mark-removing step.
*/
- constructor(pos2, mark2) {
+ constructor(pos, mark2) {
super();
- this.pos = pos2;
+ this.pos = pos;
this.mark = mark2;
}
apply(doc2) {
let node3 = doc2.nodeAt(this.pos);
if (!node3)
return StepResult.fail("No node at mark step's position");
- let updated14 = node3.type.create(node3.attrs, null, this.mark.removeFromSet(node3.marks));
- return StepResult.fromReplace(doc2, this.pos, this.pos + 1, new Slice(Fragment.from(updated14), 0, node3.isLeaf ? 0 : 1));
+ let updated15 = node3.type.create(node3.attrs, null, this.mark.removeFromSet(node3.marks));
+ return StepResult.fromReplace(doc2, this.pos, this.pos + 1, new Slice(Fragment.from(updated15), 0, node3.isLeaf ? 0 : 1));
}
invert(doc2) {
let node3 = doc2.nodeAt(this.pos);
@@ -161056,8 +174141,8 @@ class RemoveNodeMarkStep extends Step {
return new AddNodeMarkStep(this.pos, this.mark);
}
map(mapping) {
- let pos2 = mapping.mapResult(this.pos, 1);
- return pos2.deletedAfter ? null : new RemoveNodeMarkStep(pos2.pos, this.mark);
+ let pos = mapping.mapResult(this.pos, 1);
+ return pos.deletedAfter ? null : new RemoveNodeMarkStep(pos.pos, this.mark);
}
toJSON() {
return { stepType: "removeNodeMark", pos: this.pos, mark: this.mark.toJSON() };
@@ -161239,12 +174324,12 @@ __name(contentBetween, "contentBetween");
function addMark(tr2, from2, to, mark2) {
let removed = [], added = [];
let removing, adding;
- tr2.doc.nodesBetween(from2, to, (node3, pos2, parent) => {
+ tr2.doc.nodesBetween(from2, to, (node3, pos, parent) => {
if (!node3.isInline)
return;
let marks = node3.marks;
if (!mark2.isInSet(marks) && parent.type.allowsMarkType(mark2.type)) {
- let start2 = Math.max(pos2, from2), end = Math.min(pos2 + node3.nodeSize, to);
+ let start2 = Math.max(pos, from2), end = Math.min(pos + node3.nodeSize, to);
let newSet = mark2.addToSet(marks);
for (let i2 = 0; i2 < marks.length; i2++) {
if (!marks[i2].isInSet(newSet)) {
@@ -161266,7 +174351,7 @@ function addMark(tr2, from2, to, mark2) {
__name(addMark, "addMark");
function removeMark(tr2, from2, to, mark2) {
let matched = [], step3 = 0;
- tr2.doc.nodesBetween(from2, to, (node3, pos2) => {
+ tr2.doc.nodesBetween(from2, to, (node3, pos) => {
if (!node3.isInline)
return;
step3++;
@@ -161284,7 +174369,7 @@ function removeMark(tr2, from2, to, mark2) {
toRemove = node3.marks;
}
if (toRemove && toRemove.length) {
- let end = Math.min(pos2 + node3.nodeSize, to);
+ let end = Math.min(pos + node3.nodeSize, to);
for (let i2 = 0; i2 < toRemove.length; i2++) {
let style2 = toRemove[i2], found2;
for (let j2 = 0; j2 < matched.length; j2++) {
@@ -161296,7 +174381,7 @@ function removeMark(tr2, from2, to, mark2) {
found2.to = end;
found2.step = step3;
} else {
- matched.push({ style: style2, from: Math.max(pos2, from2), to: end, step: step3 });
+ matched.push({ style: style2, from: Math.max(pos, from2), to: end, step: step3 });
}
}
}
@@ -161304,9 +174389,15 @@ function removeMark(tr2, from2, to, mark2) {
matched.forEach((m2) => tr2.step(new RemoveMarkStep(m2.from, m2.to, m2.style)));
}
__name(removeMark, "removeMark");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function clearIncompatible(tr2, pos2, parentType, match3 = parentType.contentMatch, clearNewlines = true) {
let node3 = tr2.doc.nodeAt(pos2);
let replSteps = [], cur = pos2 + 1;
+========
+function clearIncompatible(tr2, pos, parentType, match2 = parentType.contentMatch, clearNewlines = true) {
+ let node3 = tr2.doc.nodeAt(pos);
+ let replSteps = [], cur = pos + 1;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
for (let i2 = 0; i2 < node3.childCount; i2++) {
let child = node3.child(i2), end = cur + child.nodeSize;
let allowed = match3.matchType(child.type);
@@ -161433,9 +174524,15 @@ function setBlockType$1(tr2, from2, to, type, attrs6) {
if (!type.isTextblock)
throw new RangeError("Type given to setBlockType should be a textblock");
let mapFrom = tr2.steps.length;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tr2.doc.nodesBetween(from2, to, (node3, pos2) => {
let attrsHere = typeof attrs6 == "function" ? attrs6(node3) : attrs6;
if (node3.isTextblock && !node3.hasMarkup(type, attrsHere) && canChangeType(tr2.doc, tr2.mapping.slice(mapFrom).map(pos2), type)) {
+========
+ tr2.doc.nodesBetween(from2, to, (node3, pos) => {
+ let attrsHere = typeof attrs6 == "function" ? attrs6(node3) : attrs6;
+ if (node3.isTextblock && !node3.hasMarkup(type, attrsHere) && canChangeType(tr2.doc, tr2.mapping.slice(mapFrom).map(pos), type)) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let convertNewlines = null;
if (type.schema.linebreakReplacement) {
let pre = type.whitespace == "pre", supportLinebreak = !!type.contentMatch.matchType(type.schema.linebreakReplacement);
@@ -161445,60 +174542,65 @@ function setBlockType$1(tr2, from2, to, type, attrs6) {
convertNewlines = true;
}
if (convertNewlines === false)
- replaceLinebreaks(tr2, node3, pos2, mapFrom);
- clearIncompatible(tr2, tr2.mapping.slice(mapFrom).map(pos2, 1), type, void 0, convertNewlines === null);
+ replaceLinebreaks(tr2, node3, pos, mapFrom);
+ clearIncompatible(tr2, tr2.mapping.slice(mapFrom).map(pos, 1), type, void 0, convertNewlines === null);
let mapping = tr2.mapping.slice(mapFrom);
- let startM = mapping.map(pos2, 1), endM = mapping.map(pos2 + node3.nodeSize, 1);
+ let startM = mapping.map(pos, 1), endM = mapping.map(pos + node3.nodeSize, 1);
tr2.step(new ReplaceAroundStep(startM, endM, startM + 1, endM - 1, new Slice(Fragment.from(type.create(attrsHere, null, node3.marks)), 0, 0), 1, true));
if (convertNewlines === true)
- replaceNewlines(tr2, node3, pos2, mapFrom);
+ replaceNewlines(tr2, node3, pos, mapFrom);
return false;
}
});
}
__name(setBlockType$1, "setBlockType$1");
-function replaceNewlines(tr2, node3, pos2, mapFrom) {
+function replaceNewlines(tr2, node3, pos, mapFrom) {
node3.forEach((child, offset) => {
if (child.isText) {
let m2, newline2 = /\r?\n|\r/g;
while (m2 = newline2.exec(child.text)) {
- let start2 = tr2.mapping.slice(mapFrom).map(pos2 + 1 + offset + m2.index);
+ let start2 = tr2.mapping.slice(mapFrom).map(pos + 1 + offset + m2.index);
tr2.replaceWith(start2, start2 + 1, node3.type.schema.linebreakReplacement.create());
}
}
});
}
__name(replaceNewlines, "replaceNewlines");
-function replaceLinebreaks(tr2, node3, pos2, mapFrom) {
+function replaceLinebreaks(tr2, node3, pos, mapFrom) {
node3.forEach((child, offset) => {
if (child.type == child.type.schema.linebreakReplacement) {
- let start2 = tr2.mapping.slice(mapFrom).map(pos2 + 1 + offset);
+ let start2 = tr2.mapping.slice(mapFrom).map(pos + 1 + offset);
tr2.replaceWith(start2, start2 + 1, node3.type.schema.text("\n"));
}
});
}
__name(replaceLinebreaks, "replaceLinebreaks");
-function canChangeType(doc2, pos2, type) {
- let $pos = doc2.resolve(pos2), index2 = $pos.index();
+function canChangeType(doc2, pos, type) {
+ let $pos = doc2.resolve(pos), index2 = $pos.index();
return $pos.parent.canReplaceWith(index2, index2 + 1, type);
}
__name(canChangeType, "canChangeType");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function setNodeMarkup(tr2, pos2, type, attrs6, marks) {
let node3 = tr2.doc.nodeAt(pos2);
+========
+function setNodeMarkup(tr2, pos, type, attrs6, marks) {
+ let node3 = tr2.doc.nodeAt(pos);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!node3)
throw new RangeError("No node at given position");
if (!type)
type = node3.type;
let newNode = type.create(attrs6, null, marks || node3.marks);
if (node3.isLeaf)
- return tr2.replaceWith(pos2, pos2 + node3.nodeSize, newNode);
+ return tr2.replaceWith(pos, pos + node3.nodeSize, newNode);
if (!type.validContent(node3.content))
throw new RangeError("Invalid content for node type " + type.name);
- tr2.step(new ReplaceAroundStep(pos2, pos2 + node3.nodeSize, pos2 + 1, pos2 + node3.nodeSize - 1, new Slice(Fragment.from(newNode), 0, 0), 1, true));
+ tr2.step(new ReplaceAroundStep(pos, pos + node3.nodeSize, pos + 1, pos + node3.nodeSize - 1, new Slice(Fragment.from(newNode), 0, 0), 1, true));
}
__name(setNodeMarkup, "setNodeMarkup");
-function canSplit(doc2, pos2, depth = 1, typesAfter) {
- let $pos = doc2.resolve(pos2), base2 = $pos.depth - depth;
+function canSplit(doc2, pos, depth = 1, typesAfter) {
+ let $pos = doc2.resolve(pos), base2 = $pos.depth - depth;
let innerType = typesAfter && typesAfter[typesAfter.length - 1] || $pos.parent;
if (base2 < 0 || $pos.parent.type.spec.isolating || !$pos.parent.canReplace($pos.index(), $pos.parent.childCount) || !innerType.type.validContent($pos.parent.content.cutByIndex($pos.index(), $pos.parent.childCount)))
return false;
@@ -161519,18 +174621,18 @@ function canSplit(doc2, pos2, depth = 1, typesAfter) {
return $pos.node(base2).canReplaceWith(index2, index2, baseType ? baseType.type : $pos.node(base2 + 1).type);
}
__name(canSplit, "canSplit");
-function split(tr2, pos2, depth = 1, typesAfter) {
- let $pos = tr2.doc.resolve(pos2), before = Fragment.empty, after = Fragment.empty;
+function split(tr2, pos, depth = 1, typesAfter) {
+ let $pos = tr2.doc.resolve(pos), before = Fragment.empty, after = Fragment.empty;
for (let d2 = $pos.depth, e2 = $pos.depth - depth, i2 = depth - 1; d2 > e2; d2--, i2--) {
before = Fragment.from($pos.node(d2).copy(before));
let typeAfter = typesAfter && typesAfter[i2];
after = Fragment.from(typeAfter ? typeAfter.type.create(typeAfter.attrs, after) : $pos.node(d2).copy(after));
}
- tr2.step(new ReplaceStep(pos2, pos2, new Slice(before.append(after), depth, depth), true));
+ tr2.step(new ReplaceStep(pos, pos, new Slice(before.append(after), depth, depth), true));
}
__name(split, "split");
-function canJoin(doc2, pos2) {
- let $pos = doc2.resolve(pos2), index2 = $pos.index();
+function canJoin(doc2, pos) {
+ let $pos = doc2.resolve(pos), index2 = $pos.index();
return joinable($pos.nodeBefore, $pos.nodeAfter) && $pos.parent.canReplace(index2, index2 + 1);
}
__name(canJoin, "canJoin");
@@ -161555,8 +174657,8 @@ function joinable(a2, b2) {
return !!(a2 && b2 && !a2.isLeaf && canAppendWithSubstitutedLinebreaks(a2, b2));
}
__name(joinable, "joinable");
-function joinPoint(doc2, pos2, dir = -1) {
- let $pos = doc2.resolve(pos2);
+function joinPoint(doc2, pos, dir = -1) {
+ let $pos = doc2.resolve(pos);
for (let d2 = $pos.depth; ; d2--) {
let before, after, index2 = $pos.index(d2);
if (d2 == $pos.depth) {
@@ -161571,17 +174673,17 @@ function joinPoint(doc2, pos2, dir = -1) {
after = $pos.node(d2 + 1);
}
if (before && !before.isTextblock && joinable(before, after) && $pos.node(d2).canReplace(index2, index2 + 1))
- return pos2;
+ return pos;
if (d2 == 0)
break;
- pos2 = dir < 0 ? $pos.before(d2) : $pos.after(d2);
+ pos = dir < 0 ? $pos.before(d2) : $pos.after(d2);
}
}
__name(joinPoint, "joinPoint");
-function join(tr2, pos2, depth) {
+function join(tr2, pos, depth) {
let convertNewlines = null;
let { linebreakReplacement } = tr2.doc.type.schema;
- let $before = tr2.doc.resolve(pos2 - depth), beforeType = $before.node().type;
+ let $before = tr2.doc.resolve(pos - depth), beforeType = $before.node().type;
if (linebreakReplacement && beforeType.inlineContent) {
let pre = beforeType.whitespace == "pre";
let supportLinebreak = !!beforeType.contentMatch.matchType(linebreakReplacement);
@@ -161592,13 +174694,13 @@ function join(tr2, pos2, depth) {
}
let mapFrom = tr2.steps.length;
if (convertNewlines === false) {
- let $after = tr2.doc.resolve(pos2 + depth);
+ let $after = tr2.doc.resolve(pos + depth);
replaceLinebreaks(tr2, $after.node(), $after.before(), mapFrom);
}
if (beforeType.inlineContent)
- clearIncompatible(tr2, pos2 + depth - 1, beforeType, $before.node().contentMatchAt($before.index()), convertNewlines == null);
- let mapping = tr2.mapping.slice(mapFrom), start2 = mapping.map(pos2 - depth);
- tr2.step(new ReplaceStep(start2, mapping.map(pos2 + depth, -1), Slice.empty, true));
+ clearIncompatible(tr2, pos + depth - 1, beforeType, $before.node().contentMatchAt($before.index()), convertNewlines == null);
+ let mapping = tr2.mapping.slice(mapFrom), start2 = mapping.map(pos - depth);
+ tr2.step(new ReplaceStep(start2, mapping.map(pos + depth, -1), Slice.empty, true));
if (convertNewlines === true) {
let $full = tr2.doc.resolve(start2);
replaceNewlines(tr2, $full.node(), $full.before(), tr2.steps.length);
@@ -161606,10 +174708,10 @@ function join(tr2, pos2, depth) {
return tr2;
}
__name(join, "join");
-function insertPoint(doc2, pos2, nodeType) {
- let $pos = doc2.resolve(pos2);
+function insertPoint(doc2, pos, nodeType) {
+ let $pos = doc2.resolve(pos);
if ($pos.parent.canReplaceWith($pos.index(), $pos.index(), nodeType))
- return pos2;
+ return pos;
if ($pos.parentOffset == 0)
for (let d2 = $pos.depth - 1; d2 >= 0; d2--) {
let index2 = $pos.index(d2);
@@ -161629,10 +174731,10 @@ function insertPoint(doc2, pos2, nodeType) {
return null;
}
__name(insertPoint, "insertPoint");
-function dropPoint(doc2, pos2, slice2) {
- let $pos = doc2.resolve(pos2);
+function dropPoint(doc2, pos, slice2) {
+ let $pos = doc2.resolve(pos);
if (!slice2.content.size)
- return pos2;
+ return pos;
let content2 = slice2.content;
for (let i2 = 0; i2 < slice2.openStart; i2++)
content2 = content2.firstChild.content;
@@ -161930,13 +175032,13 @@ function replaceRange(tr2, from2, to, slice2) {
targetDepths.pop();
let preferredTarget = -($from.depth + 1);
targetDepths.unshift(preferredTarget);
- for (let d2 = $from.depth, pos2 = $from.pos - 1; d2 > 0; d2--, pos2--) {
+ for (let d2 = $from.depth, pos = $from.pos - 1; d2 > 0; d2--, pos--) {
let spec = $from.node(d2).type.spec;
if (spec.defining || spec.definingAsContext || spec.isolating)
break;
if (targetDepths.indexOf(d2) > -1)
preferredTarget = d2;
- else if ($from.before(d2) == pos2)
+ else if ($from.before(d2) == pos)
targetDepths.splice(1, 0, -d2);
}
let preferredTargetIndex = targetDepths.indexOf(preferredTarget);
@@ -162042,9 +175144,9 @@ class AttrStep extends Step {
/**
Construct an attribute step.
*/
- constructor(pos2, attr, value4) {
+ constructor(pos, attr, value4) {
super();
- this.pos = pos2;
+ this.pos = pos;
this.attr = attr;
this.value = value4;
}
@@ -162056,8 +175158,13 @@ class AttrStep extends Step {
for (let name2 in node3.attrs)
attrs6[name2] = node3.attrs[name2];
attrs6[this.attr] = this.value;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let updated14 = node3.type.create(attrs6, null, node3.marks);
return StepResult.fromReplace(doc2, this.pos, this.pos + 1, new Slice(Fragment.from(updated14), 0, node3.isLeaf ? 0 : 1));
+========
+ let updated15 = node3.type.create(attrs6, null, node3.marks);
+ return StepResult.fromReplace(doc2, this.pos, this.pos + 1, new Slice(Fragment.from(updated15), 0, node3.isLeaf ? 0 : 1));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
getMap() {
return StepMap.empty;
@@ -162066,8 +175173,8 @@ class AttrStep extends Step {
return new AttrStep(this.pos, this.attr, doc2.nodeAt(this.pos).attrs[this.attr]);
}
map(mapping) {
- let pos2 = mapping.mapResult(this.pos, 1);
- return pos2.deletedAfter ? null : new AttrStep(pos2.pos, this.attr, this.value);
+ let pos = mapping.mapResult(this.pos, 1);
+ return pos.deletedAfter ? null : new AttrStep(pos.pos, this.attr, this.value);
}
toJSON() {
return { stepType: "attr", pos: this.pos, attr: this.attr, value: this.value };
@@ -162096,8 +175203,13 @@ class DocAttrStep extends Step {
for (let name2 in doc2.attrs)
attrs6[name2] = doc2.attrs[name2];
attrs6[this.attr] = this.value;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let updated14 = doc2.type.create(attrs6, doc2.content, doc2.marks);
return StepResult.ok(updated14);
+========
+ let updated15 = doc2.type.create(attrs6, doc2.content, doc2.marks);
+ return StepResult.ok(updated15);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
getMap() {
return StepMap.empty;
@@ -162212,8 +175324,8 @@ class Transform {
/**
Insert the given content at the given position.
*/
- insert(pos2, content2) {
- return this.replaceWith(pos2, pos2, content2);
+ insert(pos, content2) {
+ return this.replaceWith(pos, pos, content2);
}
/**
Replace a range of the document with a given slice, using
@@ -162274,8 +175386,8 @@ class Transform {
Join the blocks around the given position. If depth is 2, their
last and first siblings are also joined, and so on.
*/
- join(pos2, depth = 1) {
- join(this, pos2, depth);
+ join(pos, depth = 1) {
+ join(this, pos, depth);
return this;
}
/**
@@ -162299,8 +175411,13 @@ class Transform {
Change the type, attributes, and/or marks of the node at `pos`.
When `type` isn't given, the existing node type is preserved,
*/
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
setNodeMarkup(pos2, type, attrs6 = null, marks) {
setNodeMarkup(this, pos2, type, attrs6, marks);
+========
+ setNodeMarkup(pos, type, attrs6 = null, marks) {
+ setNodeMarkup(this, pos, type, attrs6, marks);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return this;
}
/**
@@ -162308,8 +175425,8 @@ class Transform {
The `pos` addresses the document content. Use `setDocAttribute`
to set attributes on the document itself.
*/
- setNodeAttribute(pos2, attr, value4) {
- this.step(new AttrStep(pos2, attr, value4));
+ setNodeAttribute(pos, attr, value4) {
+ this.step(new AttrStep(pos, attr, value4));
return this;
}
/**
@@ -162322,24 +175439,24 @@ class Transform {
/**
Add a mark to the node at position `pos`.
*/
- addNodeMark(pos2, mark2) {
- this.step(new AddNodeMarkStep(pos2, mark2));
+ addNodeMark(pos, mark2) {
+ this.step(new AddNodeMarkStep(pos, mark2));
return this;
}
/**
Remove a mark (or a mark of the given type) from the node at
position `pos`.
*/
- removeNodeMark(pos2, mark2) {
+ removeNodeMark(pos, mark2) {
if (!(mark2 instanceof Mark$1)) {
- let node3 = this.doc.nodeAt(pos2);
+ let node3 = this.doc.nodeAt(pos);
if (!node3)
- throw new RangeError("No node at position " + pos2);
+ throw new RangeError("No node at position " + pos);
mark2 = mark2.isInSet(node3.marks);
if (!mark2)
return this;
}
- this.step(new RemoveNodeMarkStep(pos2, mark2));
+ this.step(new RemoveNodeMarkStep(pos, mark2));
return this;
}
/**
@@ -162349,8 +175466,8 @@ class Transform {
This can be changed by passing an array of types and attributes to
use after the split.
*/
- split(pos2, depth = 1, typesAfter) {
- split(this, pos2, depth, typesAfter);
+ split(pos, depth = 1, typesAfter) {
+ split(this, pos, depth, typesAfter);
return this;
}
/**
@@ -162376,8 +175493,13 @@ class Transform {
an optional starting [content match](https://prosemirror.net/docs/ref/#model.ContentMatch) as
third argument.
*/
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
clearIncompatible(pos2, parentType, match3) {
clearIncompatible(this, pos2, parentType, match3);
+========
+ clearIncompatible(pos, parentType, match2) {
+ clearIncompatible(this, pos, parentType, match2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return this;
}
}
@@ -162704,8 +175826,8 @@ class NodeSelection extends Selection {
this.node = node3;
}
map(doc2, mapping) {
- let { deleted, pos: pos2 } = mapping.mapResult(this.anchor);
- let $pos = doc2.resolve(pos2);
+ let { deleted, pos } = mapping.mapResult(this.anchor);
+ let $pos = doc2.resolve(pos);
if (deleted)
return Selection.near($pos);
return new NodeSelection($pos);
@@ -162754,8 +175876,8 @@ class NodeBookmark {
this.anchor = anchor;
}
map(mapping) {
- let { deleted, pos: pos2 } = mapping.mapResult(this.anchor);
- return deleted ? new TextBookmark(pos2, pos2) : new NodeBookmark(pos2);
+ let { deleted, pos } = mapping.mapResult(this.anchor);
+ return deleted ? new TextBookmark(pos, pos) : new NodeBookmark(pos);
}
resolve(doc2) {
let $pos = doc2.resolve(this.anchor), node3 = $pos.nodeAfter;
@@ -162812,19 +175934,19 @@ const AllBookmark = {
return new AllSelection(doc2);
}
};
-function findSelectionIn(doc2, node3, pos2, index2, dir, text2 = false) {
+function findSelectionIn(doc2, node3, pos, index2, dir, text2 = false) {
if (node3.inlineContent)
- return TextSelection.create(doc2, pos2);
+ return TextSelection.create(doc2, pos);
for (let i2 = index2 - (dir > 0 ? 0 : 1); dir > 0 ? i2 < node3.childCount : i2 >= 0; i2 += dir) {
let child = node3.child(i2);
if (!child.isAtom) {
- let inner = findSelectionIn(doc2, child, pos2 + dir, dir < 0 ? child.childCount : 0, dir, text2);
+ let inner = findSelectionIn(doc2, child, pos + dir, dir < 0 ? child.childCount : 0, dir, text2);
if (inner)
return inner;
} else if (!text2 && NodeSelection.isSelectable(child)) {
- return NodeSelection.create(doc2, pos2 - (dir < 0 ? child.nodeSize : 0));
+ return NodeSelection.create(doc2, pos - (dir < 0 ? child.nodeSize : 0));
}
- pos2 += child.nodeSize * dir;
+ pos += child.nodeSize * dir;
}
return null;
}
@@ -163477,9 +176599,9 @@ __name(deepActiveElement, "deepActiveElement");
function caretFromPoint(doc2, x2, y2) {
if (doc2.caretPositionFromPoint) {
try {
- let pos2 = doc2.caretPositionFromPoint(x2, y2);
- if (pos2)
- return { node: pos2.offsetNode, offset: Math.min(nodeSize(pos2.offsetNode), pos2.offset) };
+ let pos = doc2.caretPositionFromPoint(x2, y2);
+ if (pos)
+ return { node: pos.offsetNode, offset: Math.min(nodeSize(pos.offsetNode), pos.offset) };
} catch (_2) {
}
}
@@ -163779,7 +176901,7 @@ function posAtCoords(view, coords) {
if (caret)
({ node: node3, offset } = caret);
let elt = (view.root.elementFromPoint ? view.root : doc2).elementFromPoint(coords.left, coords.top);
- let pos2;
+ let pos;
if (!elt || !view.dom.contains(elt.nodeType != 1 ? elt.parentNode : elt)) {
let box = view.dom.getBoundingClientRect();
if (!inRect(coords, box))
@@ -163807,14 +176929,14 @@ function posAtCoords(view, coords) {
if (webkit && offset && node3.nodeType == 1 && (prev2 = node3.childNodes[offset - 1]).nodeType == 1 && prev2.contentEditable == "false" && prev2.getBoundingClientRect().top >= coords.top)
offset--;
if (node3 == view.dom && offset == node3.childNodes.length - 1 && node3.lastChild.nodeType == 1 && coords.top > node3.lastChild.getBoundingClientRect().bottom)
- pos2 = view.state.doc.content.size;
+ pos = view.state.doc.content.size;
else if (offset == 0 || node3.nodeType != 1 || node3.childNodes[offset - 1].nodeName != "BR")
- pos2 = posFromCaret(view, node3, offset, coords);
+ pos = posFromCaret(view, node3, offset, coords);
}
- if (pos2 == null)
- pos2 = posFromElement(view, elt, coords);
+ if (pos == null)
+ pos = posFromElement(view, elt, coords);
let desc = view.docView.nearestDesc(elt, true);
- return { pos: pos2, inside: desc ? desc.posAtStart - desc.border : -1 };
+ return { pos, inside: desc ? desc.posAtStart - desc.border : -1 };
}
__name(posAtCoords, "posAtCoords");
function nonZero(rect) {
@@ -163832,8 +176954,8 @@ function singleRect(target2, bias) {
}
__name(singleRect, "singleRect");
const BIDI = /[\u0590-\u05f4\u0600-\u06ff\u0700-\u08ac]/;
-function coordsAtPos(view, pos2, side) {
- let { node: node3, offset, atom } = view.docView.domFromPos(pos2, side < 0 ? -1 : 1);
+function coordsAtPos(view, pos, side) {
+ let { node: node3, offset, atom } = view.docView.domFromPos(pos, side < 0 ? -1 : 1);
let supportEmptyRange = webkit || gecko;
if (node3.nodeType == 3) {
if (supportEmptyRange && (BIDI.test(node3.nodeValue) || (side < 0 ? !offset : offset == node3.nodeValue.length))) {
@@ -163863,7 +176985,7 @@ function coordsAtPos(view, pos2, side) {
return flattenV(singleRect(textRange(node3, from2, to), takeSide), takeSide < 0);
}
}
- let $dom = view.state.doc.resolve(pos2 - (atom || 0));
+ let $dom = view.state.doc.resolve(pos - (atom || 0));
if (!$dom.parent.inlineContent) {
if (atom == null && offset && (side < 0 || offset == nodeSize(node3))) {
let before = node3.childNodes[offset - 1];
@@ -164014,7 +177136,7 @@ class ViewDesc {
}
// Used to check whether a given description corresponds to a
// widget/mark/node.
- matchesWidget(widget2) {
+ matchesWidget(widget) {
return false;
}
matchesMark(mark2) {
@@ -164057,11 +177179,11 @@ class ViewDesc {
this.children[i2].destroy();
}
posBeforeChild(child) {
- for (let i2 = 0, pos2 = this.posAtStart; ; i2++) {
+ for (let i2 = 0, pos = this.posAtStart; ; i2++) {
let cur = this.children[i2];
if (cur == child)
- return pos2;
- pos2 += cur.size;
+ return pos;
+ pos += cur.size;
}
}
get posBefore() {
@@ -164158,27 +177280,27 @@ class ViewDesc {
}
// Find the desc for the node after the given pos, if any. (When a
// parent node overrode rendering, there might not be one.)
- descAt(pos2) {
+ descAt(pos) {
for (let i2 = 0, offset = 0; i2 < this.children.length; i2++) {
let child = this.children[i2], end = offset + child.size;
- if (offset == pos2 && end != offset) {
+ if (offset == pos && end != offset) {
while (!child.border && child.children.length)
child = child.children[0];
return child;
}
- if (pos2 < end)
- return child.descAt(pos2 - offset - child.border);
+ if (pos < end)
+ return child.descAt(pos - offset - child.border);
offset = end;
}
}
- domFromPos(pos2, side) {
+ domFromPos(pos, side) {
if (!this.contentDOM)
- return { node: this.dom, offset: 0, atom: pos2 + 1 };
+ return { node: this.dom, offset: 0, atom: pos + 1 };
let i2 = 0, offset = 0;
for (let curPos = 0; i2 < this.children.length; i2++) {
let child = this.children[i2], end = curPos + child.size;
- if (end > pos2 || child instanceof TrailingHackViewDesc) {
- offset = pos2 - curPos;
+ if (end > pos || child instanceof TrailingHackViewDesc) {
+ offset = pos - curPos;
break;
}
curPos = end;
@@ -164257,10 +177379,10 @@ class ViewDesc {
let child = this.children[side < 0 ? 0 : this.children.length - 1];
return child.size == 0 || child.emptyChildAt(side);
}
- domAfterPos(pos2) {
- let { node: node3, offset } = this.domFromPos(pos2, 0);
+ domAfterPos(pos) {
+ let { node: node3, offset } = this.domFromPos(pos, 0);
if (node3.nodeType != 1 || offset == node3.childNodes.length)
- throw new RangeError("No node after pos " + pos2);
+ throw new RangeError("No node after pos " + pos);
return node3.childNodes[offset];
}
// View descs are responsible for setting any selection that falls
@@ -164382,16 +177504,16 @@ class WidgetViewDesc extends ViewDesc {
static {
__name(this, "WidgetViewDesc");
}
- constructor(parent, widget2, view, pos2) {
- let self2, dom = widget2.type.toDOM;
+ constructor(parent, widget, view, pos) {
+ let self2, dom = widget.type.toDOM;
if (typeof dom == "function")
dom = dom(view, () => {
if (!self2)
- return pos2;
+ return pos;
if (self2.parent)
return self2.parent.posBeforeChild(self2);
});
- if (!widget2.type.spec.raw) {
+ if (!widget.type.spec.raw) {
if (dom.nodeType != 1) {
let wrap2 = document.createElement("span");
wrap2.appendChild(dom);
@@ -164401,12 +177523,12 @@ class WidgetViewDesc extends ViewDesc {
dom.classList.add("ProseMirror-widget");
}
super(parent, [], dom, null);
- this.widget = widget2;
- this.widget = widget2;
+ this.widget = widget;
+ this.widget = widget;
self2 = this;
}
- matchesWidget(widget2) {
- return this.dirty == NOT_DIRTY && widget2.type.eq(this.widget.type);
+ matchesWidget(widget) {
+ return this.dirty == NOT_DIRTY && widget.type.eq(this.widget.type);
}
parseRule() {
return { ignore: true };
@@ -164446,8 +177568,8 @@ class CompositionViewDesc extends ViewDesc {
return this.posAtStart + (offset ? this.size : 0);
return this.posAtStart + offset;
}
- domFromPos(pos2) {
- return { node: this.textDOM, offset: pos2 };
+ domFromPos(pos) {
+ return { node: this.textDOM, offset: pos };
}
ignoreMutation(mut) {
return mut.type === "characterData" && mut.target.nodeValue == mut.oldValue;
@@ -164513,7 +177635,7 @@ class NodeViewDesc extends ViewDesc {
static {
__name(this, "NodeViewDesc");
}
- constructor(parent, node3, outerDeco, innerDeco, dom, contentDOM, nodeDOM, view, pos2) {
+ constructor(parent, node3, outerDeco, innerDeco, dom, contentDOM, nodeDOM, view, pos) {
super(parent, [], dom, contentDOM);
this.node = node3;
this.outerDeco = outerDeco;
@@ -164529,11 +177651,11 @@ class NodeViewDesc extends ViewDesc {
// since it'd require exposing a whole slew of finicky
// implementation details to the user code that they probably will
// never need.)
- static create(parent, node3, outerDeco, innerDeco, view, pos2) {
+ static create(parent, node3, outerDeco, innerDeco, view, pos) {
let custom2 = view.nodeViews[node3.type.name], descObj;
let spec = custom2 && custom2(node3, view, () => {
if (!descObj)
- return pos2;
+ return pos;
if (descObj.parent)
return descObj.parent.posBeforeChild(descObj);
}, outerDeco, innerDeco);
@@ -164556,11 +177678,11 @@ class NodeViewDesc extends ViewDesc {
let nodeDOM = dom;
dom = applyOuterDeco(dom, outerDeco, node3);
if (spec)
- return descObj = new CustomNodeViewDesc(parent, node3, outerDeco, innerDeco, dom, contentDOM || null, nodeDOM, spec, view, pos2 + 1);
+ return descObj = new CustomNodeViewDesc(parent, node3, outerDeco, innerDeco, dom, contentDOM || null, nodeDOM, spec, view, pos + 1);
else if (node3.isText)
return new TextViewDesc(parent, node3, outerDeco, innerDeco, dom, nodeDOM, view);
else
- return new NodeViewDesc(parent, node3, outerDeco, innerDeco, dom, contentDOM || null, nodeDOM, view, pos2 + 1);
+ return new NodeViewDesc(parent, node3, outerDeco, innerDeco, dom, contentDOM || null, nodeDOM, view, pos + 1);
}
parseRule() {
if (this.node.type.spec.reparseInView)
@@ -164598,18 +177720,18 @@ class NodeViewDesc extends ViewDesc {
// decorations, possibly introducing nesting for marks. Then, in a
// separate step, syncs the DOM inside `this.contentDOM` to
// `this.children`.
- updateChildren(view, pos2) {
- let inline3 = this.node.inlineContent, off = pos2;
- let composition = view.composing ? this.localCompositionInfo(view, pos2) : null;
+ updateChildren(view, pos) {
+ let inline3 = this.node.inlineContent, off = pos;
+ let composition = view.composing ? this.localCompositionInfo(view, pos) : null;
let localComposition = composition && composition.pos > -1 ? composition : null;
let compositionInChild = composition && composition.pos < 0;
let updater = new ViewTreeUpdater(this, localComposition && localComposition.node, view);
- iterDeco(this.node, this.innerDeco, (widget2, i2, insideNode) => {
- if (widget2.spec.marks)
- updater.syncToMarks(widget2.spec.marks, inline3, view);
- else if (widget2.type.side >= 0 && !insideNode)
+ iterDeco(this.node, this.innerDeco, (widget, i2, insideNode) => {
+ if (widget.spec.marks)
+ updater.syncToMarks(widget.spec.marks, inline3, view);
+ else if (widget.type.side >= 0 && !insideNode)
updater.syncToMarks(i2 == this.node.childCount ? Mark$1.none : this.node.child(i2).marks, inline3, view);
- updater.placeWidget(widget2, view, off);
+ updater.placeWidget(widget, view, off);
}, (child, outerDeco, innerDeco, i2) => {
updater.syncToMarks(child.marks, inline3, view);
let compIndex;
@@ -164633,22 +177755,22 @@ class NodeViewDesc extends ViewDesc {
iosHacks(this.dom);
}
}
- localCompositionInfo(view, pos2) {
+ localCompositionInfo(view, pos) {
let { from: from2, to } = view.state.selection;
- if (!(view.state.selection instanceof TextSelection) || from2 < pos2 || to > pos2 + this.node.content.size)
+ if (!(view.state.selection instanceof TextSelection) || from2 < pos || to > pos + this.node.content.size)
return null;
let textNode = view.input.compositionNode;
if (!textNode || !this.dom.contains(textNode.parentNode))
return null;
if (this.node.inlineContent) {
let text2 = textNode.nodeValue;
- let textPos = findTextInFragment(this.node.content, text2, from2 - pos2, to - pos2);
+ let textPos = findTextInFragment(this.node.content, text2, from2 - pos, to - pos);
return textPos < 0 ? null : { node: textNode, pos: textPos, text: text2 };
} else {
return { node: textNode, pos: -1, text: "" };
}
}
- protectLocalComposition(view, { node: node3, pos: pos2, text: text2 }) {
+ protectLocalComposition(view, { node: node3, pos, text: text2 }) {
if (this.getDesc(node3))
return;
let topNode = node3;
@@ -164664,7 +177786,7 @@ class NodeViewDesc extends ViewDesc {
}
let desc = new CompositionViewDesc(this, topNode, node3, text2);
view.input.compositionNodes.push(desc);
- this.children = replaceNodes(this.children, pos2, pos2 + text2.length, view, desc);
+ this.children = replaceNodes(this.children, pos, pos + text2.length, view, desc);
}
// If this desc must be updated to match the given node decoration,
// do so and return true.
@@ -164754,8 +177876,8 @@ class TextViewDesc extends NodeViewDesc {
return true;
return false;
}
- domFromPos(pos2) {
- return { node: this.nodeDOM, offset: pos2 };
+ domFromPos(pos) {
+ return { node: this.nodeDOM, offset: pos };
}
localPosFromDOM(dom, offset, bias) {
if (dom == this.nodeDOM)
@@ -164802,8 +177924,8 @@ class CustomNodeViewDesc extends NodeViewDesc {
static {
__name(this, "CustomNodeViewDesc");
}
- constructor(parent, node3, outerDeco, innerDeco, dom, contentDOM, nodeDOM, spec, view, pos2) {
- super(parent, node3, outerDeco, innerDeco, dom, contentDOM, nodeDOM, view, pos2);
+ constructor(parent, node3, outerDeco, innerDeco, dom, contentDOM, nodeDOM, spec, view, pos) {
+ super(parent, node3, outerDeco, innerDeco, dom, contentDOM, nodeDOM, view, pos);
this.spec = spec;
}
// A custom `update` method gets to decide whether the update goes
@@ -164859,9 +177981,9 @@ function renderDescs(parentDOM, descs, view) {
parentDOM.insertBefore(childDOM, dom);
}
if (desc instanceof MarkViewDesc) {
- let pos2 = dom ? dom.previousSibling : parentDOM.lastChild;
+ let pos = dom ? dom.previousSibling : parentDOM.lastChild;
renderDescs(desc.contentDOM, desc.children, view);
- dom = pos2 ? pos2.nextSibling : parentDOM.firstChild;
+ dom = pos ? pos.nextSibling : parentDOM.firstChild;
}
}
while (dom) {
@@ -165094,14 +178216,14 @@ class ViewTreeUpdater {
}
// Try to update the next node, if any, to the given data. Checks
// pre-matches to avoid overwriting nodes that could still be used.
- updateNextNode(node3, outerDeco, innerDeco, view, index2, pos2) {
+ updateNextNode(node3, outerDeco, innerDeco, view, index2, pos) {
for (let i2 = this.index; i2 < this.top.children.length; i2++) {
let next2 = this.top.children[i2];
if (next2 instanceof NodeViewDesc) {
let preMatch2 = this.preMatch.matched.get(next2);
if (preMatch2 != null && preMatch2 != index2)
return false;
- let nextDOM = next2.dom, updated14;
+ let nextDOM = next2.dom, updated15;
let locked = this.isLocked(nextDOM) && !(node3.isText && next2.node && next2.node.isText && next2.nodeDOM.nodeValue == node3.text && next2.dirty != NODE_DIRTY && sameOuterDeco(outerDeco, next2.outerDeco));
if (!locked && next2.update(node3, outerDeco, innerDeco, view)) {
this.destroyBetween(this.index, i2);
@@ -165109,13 +178231,13 @@ class ViewTreeUpdater {
this.changed = true;
this.index++;
return true;
- } else if (!locked && (updated14 = this.recreateWrapper(next2, node3, outerDeco, innerDeco, view, pos2))) {
+ } else if (!locked && (updated15 = this.recreateWrapper(next2, node3, outerDeco, innerDeco, view, pos))) {
this.destroyBetween(this.index, i2);
- this.top.children[this.index] = updated14;
- if (updated14.contentDOM) {
- updated14.dirty = CONTENT_DIRTY;
- updated14.updateChildren(view, pos2 + 1);
- updated14.dirty = NOT_DIRTY;
+ this.top.children[this.index] = updated15;
+ if (updated15.contentDOM) {
+ updated15.dirty = CONTENT_DIRTY;
+ updated15.updateChildren(view, pos + 1);
+ updated15.dirty = NOT_DIRTY;
}
this.changed = true;
this.index++;
@@ -165128,10 +178250,10 @@ class ViewTreeUpdater {
}
// When a node with content is replaced by a different node with
// identical content, move over its children.
- recreateWrapper(next2, node3, outerDeco, innerDeco, view, pos2) {
+ recreateWrapper(next2, node3, outerDeco, innerDeco, view, pos) {
if (next2.dirty || node3.isAtom || !next2.children.length || !next2.node.content.eq(node3.content) || !sameOuterDeco(outerDeco, next2.outerDeco) || !innerDeco.eq(next2.innerDeco))
return null;
- let wrapper = NodeViewDesc.create(this.top, node3, outerDeco, innerDeco, view, pos2);
+ let wrapper = NodeViewDesc.create(this.top, node3, outerDeco, innerDeco, view, pos);
if (wrapper.contentDOM) {
wrapper.children = next2.children;
next2.children = [];
@@ -165142,19 +178264,19 @@ class ViewTreeUpdater {
return wrapper;
}
// Insert the node as a newly created node desc.
- addNode(node3, outerDeco, innerDeco, view, pos2) {
- let desc = NodeViewDesc.create(this.top, node3, outerDeco, innerDeco, view, pos2);
+ addNode(node3, outerDeco, innerDeco, view, pos) {
+ let desc = NodeViewDesc.create(this.top, node3, outerDeco, innerDeco, view, pos);
if (desc.contentDOM)
- desc.updateChildren(view, pos2 + 1);
+ desc.updateChildren(view, pos + 1);
this.top.children.splice(this.index++, 0, desc);
this.changed = true;
}
- placeWidget(widget2, view, pos2) {
+ placeWidget(widget, view, pos) {
let next2 = this.index < this.top.children.length ? this.top.children[this.index] : null;
- if (next2 && next2.matchesWidget(widget2) && (widget2 == next2.widget || !next2.widget.type.toDOM.parentNode)) {
+ if (next2 && next2.matchesWidget(widget) && (widget == next2.widget || !next2.widget.type.toDOM.parentNode)) {
this.index++;
} else {
- let desc = new WidgetViewDesc(this.top, widget2, view, pos2);
+ let desc = new WidgetViewDesc(this.top, widget, view, pos);
this.top.children.splice(this.index++, 0, desc);
this.changed = true;
}
@@ -165248,23 +178370,23 @@ function iterDeco(parent, deco, onWidget, onNode) {
}
let decoIndex = 0, active3 = [], restNode = null;
for (let parentIndex = 0; ; ) {
- let widget2, widgets;
+ let widget, widgets;
while (decoIndex < locals.length && locals[decoIndex].to == offset) {
let next2 = locals[decoIndex++];
if (next2.widget) {
- if (!widget2)
- widget2 = next2;
+ if (!widget)
+ widget = next2;
else
- (widgets || (widgets = [widget2])).push(next2);
+ (widgets || (widgets = [widget])).push(next2);
}
}
- if (widget2) {
+ if (widget) {
if (widgets) {
widgets.sort(compareSide);
for (let i2 = 0; i2 < widgets.length; i2++)
onWidget(widgets[i2], parentIndex, !!restNode);
} else {
- onWidget(widget2, parentIndex, !!restNode);
+ onWidget(widget, parentIndex, !!restNode);
}
}
let child, index2;
@@ -165317,21 +178439,21 @@ function iosHacks(dom) {
}
__name(iosHacks, "iosHacks");
function findTextInFragment(frag, text2, from2, to) {
- for (let i2 = 0, pos2 = 0; i2 < frag.childCount && pos2 <= to; ) {
- let child = frag.child(i2++), childStart = pos2;
- pos2 += child.nodeSize;
+ for (let i2 = 0, pos = 0; i2 < frag.childCount && pos <= to; ) {
+ let child = frag.child(i2++), childStart = pos;
+ pos += child.nodeSize;
if (!child.isText)
continue;
let str = child.text;
while (i2 < frag.childCount) {
let next2 = frag.child(i2++);
- pos2 += next2.nodeSize;
+ pos += next2.nodeSize;
if (!next2.isText)
break;
str += next2.text;
}
- if (pos2 >= from2) {
- if (pos2 >= to && str.slice(to - text2.length - childStart, to - childStart) == text2)
+ if (pos >= from2) {
+ if (pos >= to && str.slice(to - text2.length - childStart, to - childStart) == text2)
return to - text2.length;
let found2 = childStart < to ? str.lastIndexOf(text2, to - childStart - 1) : -1;
if (found2 >= 0 && found2 + text2.length + childStart >= from2)
@@ -165378,8 +178500,8 @@ function selectionFromDOM(view, origin2 = null) {
nearestDesc = nearestDesc.parent;
let nearestDescNode = nearestDesc.node;
if (nearestDesc && nearestDescNode.isAtom && NodeSelection.isSelectable(nearestDescNode) && nearestDesc.parent && !(nearestDescNode.isInline && isOnEdge(domSel.focusNode, domSel.focusOffset, nearestDesc.dom))) {
- let pos2 = nearestDesc.posBefore;
- selection = new NodeSelection(head == pos2 ? $head : doc2.resolve(pos2));
+ let pos = nearestDesc.posBefore;
+ selection = new NodeSelection(head == pos ? $head : doc2.resolve(pos));
}
} else {
if (domSel instanceof view.dom.ownerDocument.defaultView.Selection && domSel.rangeCount > 1) {
@@ -165455,8 +178577,8 @@ function selectionToDOM(view, force = false) {
}
__name(selectionToDOM, "selectionToDOM");
const brokenSelectBetweenUneditable = safari || chrome && chrome_version < 63;
-function temporarilyEditableNear(view, pos2) {
- let { node: node3, offset } = view.docView.domFromPos(pos2, 0);
+function temporarilyEditableNear(view, pos) {
+ let { node: node3, offset } = view.docView.domFromPos(pos, 0);
let after = offset < node3.childNodes.length ? node3.childNodes[offset] : null;
let before = offset ? node3.childNodes[offset - 1] : null;
if (safari && after && after.contentEditable == "false")
@@ -165794,18 +178916,18 @@ function setSelFocus(view, node3, offset) {
}, 50);
}
__name(setSelFocus, "setSelFocus");
-function findDirection(view, pos2) {
- let $pos = view.state.doc.resolve(pos2);
+function findDirection(view, pos) {
+ let $pos = view.state.doc.resolve(pos);
if (!(chrome || windows) && $pos.parent.inlineContent) {
- let coords = view.coordsAtPos(pos2);
- if (pos2 > $pos.start()) {
- let before = view.coordsAtPos(pos2 - 1);
+ let coords = view.coordsAtPos(pos);
+ if (pos > $pos.start()) {
+ let before = view.coordsAtPos(pos - 1);
let mid = (before.top + before.bottom) / 2;
if (mid > coords.top && mid < coords.bottom && Math.abs(before.left - coords.left) > 1)
return before.left < coords.left ? "ltr" : "rtl";
}
- if (pos2 < $pos.end()) {
- let after = view.coordsAtPos(pos2 + 1);
+ if (pos < $pos.end()) {
+ let after = view.coordsAtPos(pos + 1);
let mid = (after.top + after.bottom) / 2;
if (mid > coords.top && mid < coords.bottom && Math.abs(after.left - coords.left) > 1)
return after.left > coords.left ? "ltr" : "rtl";
@@ -166200,10 +179322,17 @@ class InputState {
}
function initInput(view) {
for (let event in handlers) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let handler10 = handlers[event];
view.dom.addEventListener(event, view.input.eventHandlers[event] = (event2) => {
if (eventBelongsToView(view, event2) && !runCustomHandler(view, event2) && (view.editable || !(event2.type in editHandlers)))
handler10(view, event2);
+========
+ let handler12 = handlers[event];
+ view.dom.addEventListener(event, view.input.eventHandlers[event] = (event2) => {
+ if (eventBelongsToView(view, event2) && !runCustomHandler(view, event2) && (view.editable || !(event2.type in editHandlers)))
+ handler12(view, event2);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, passiveHandlers[event] ? { passive: true } : void 0);
}
if (safari)
@@ -166234,8 +179363,13 @@ function ensureListeners(view) {
__name(ensureListeners, "ensureListeners");
function runCustomHandler(view, event) {
return view.someProp("handleDOMEvents", (handlers2) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let handler10 = handlers2[event.type];
return handler10 ? handler10(view, event) || event.defaultPrevented : false;
+========
+ let handler12 = handlers2[event.type];
+ return handler12 ? handler12(view, event) || event.defaultPrevented : false;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
}
__name(runCustomHandler, "runCustomHandler");
@@ -166310,12 +179444,12 @@ function isNear(event, click2) {
return dx * dx + dy * dy < 100;
}
__name(isNear, "isNear");
-function runHandlerOnContext(view, propName, pos2, inside, event) {
+function runHandlerOnContext(view, propName, pos, inside, event) {
if (inside == -1)
return false;
let $pos = view.state.doc.resolve(inside);
for (let i2 = $pos.depth + 1; i2 > 0; i2--) {
- if (view.someProp(propName, (f2) => i2 > $pos.depth ? f2(view, pos2, $pos.nodeAfter, $pos.before(i2), event, true) : f2(view, pos2, $pos.node(i2), $pos.before(i2), event, false)))
+ if (view.someProp(propName, (f2) => i2 > $pos.depth ? f2(view, pos, $pos.nodeAfter, $pos.before(i2), event, true) : f2(view, pos, $pos.node(i2), $pos.before(i2), event, false)))
return true;
}
return false;
@@ -166368,16 +179502,16 @@ function selectClickedNode(view, inside) {
}
}
__name(selectClickedNode, "selectClickedNode");
-function handleSingleClick(view, pos2, inside, event, selectNode) {
- return runHandlerOnContext(view, "handleClickOn", pos2, inside, event) || view.someProp("handleClick", (f2) => f2(view, pos2, event)) || (selectNode ? selectClickedNode(view, inside) : selectClickedLeaf(view, inside));
+function handleSingleClick(view, pos, inside, event, selectNode) {
+ return runHandlerOnContext(view, "handleClickOn", pos, inside, event) || view.someProp("handleClick", (f2) => f2(view, pos, event)) || (selectNode ? selectClickedNode(view, inside) : selectClickedLeaf(view, inside));
}
__name(handleSingleClick, "handleSingleClick");
-function handleDoubleClick(view, pos2, inside, event) {
- return runHandlerOnContext(view, "handleDoubleClickOn", pos2, inside, event) || view.someProp("handleDoubleClick", (f2) => f2(view, pos2, event));
+function handleDoubleClick(view, pos, inside, event) {
+ return runHandlerOnContext(view, "handleDoubleClickOn", pos, inside, event) || view.someProp("handleDoubleClick", (f2) => f2(view, pos, event));
}
__name(handleDoubleClick, "handleDoubleClick");
-function handleTripleClick$1(view, pos2, inside, event) {
- return runHandlerOnContext(view, "handleTripleClickOn", pos2, inside, event) || view.someProp("handleTripleClick", (f2) => f2(view, pos2, event)) || defaultTripleClick(view, inside, event);
+function handleTripleClick$1(view, pos, inside, event) {
+ return runHandlerOnContext(view, "handleTripleClickOn", pos, inside, event) || view.someProp("handleTripleClick", (f2) => f2(view, pos, event)) || defaultTripleClick(view, inside, event);
}
__name(handleTripleClick$1, "handleTripleClick$1");
function defaultTripleClick(view, inside, event) {
@@ -166422,14 +179556,14 @@ handlers.mousedown = (view, _event) => {
type = "tripleClick";
}
view.input.lastClick = { time: now2, x: event.clientX, y: event.clientY, type };
- let pos2 = view.posAtCoords(eventCoords(event));
- if (!pos2)
+ let pos = view.posAtCoords(eventCoords(event));
+ if (!pos)
return;
if (type == "singleClick") {
if (view.input.mouseDown)
view.input.mouseDown.done();
- view.input.mouseDown = new MouseDown(view, pos2, event, !!flushed);
- } else if ((type == "doubleClick" ? handleDoubleClick : handleTripleClick$1)(view, pos2.pos, pos2.inside, event)) {
+ view.input.mouseDown = new MouseDown(view, pos, event, !!flushed);
+ } else if ((type == "doubleClick" ? handleDoubleClick : handleTripleClick$1)(view, pos.pos, pos.inside, event)) {
event.preventDefault();
} else {
setSelectionOrigin(view, "pointer");
@@ -166439,9 +179573,9 @@ class MouseDown {
static {
__name(this, "MouseDown");
}
- constructor(view, pos2, event, flushed) {
+ constructor(view, pos, event, flushed) {
this.view = view;
- this.pos = pos2;
+ this.pos = pos;
this.event = event;
this.flushed = flushed;
this.delayedSelectionSync = false;
@@ -166450,11 +179584,11 @@ class MouseDown {
this.selectNode = !!event[selectNodeModifier];
this.allowDefault = event.shiftKey;
let targetNode, targetPos;
- if (pos2.inside > -1) {
- targetNode = view.state.doc.nodeAt(pos2.inside);
- targetPos = pos2.inside;
+ if (pos.inside > -1) {
+ targetNode = view.state.doc.nodeAt(pos.inside);
+ targetPos = pos.inside;
} else {
- let $pos = view.state.doc.resolve(pos2.pos);
+ let $pos = view.state.doc.resolve(pos.pos);
targetNode = $pos.parent;
targetPos = $pos.depth ? $pos.before() : 0;
}
@@ -166503,13 +179637,13 @@ class MouseDown {
this.done();
if (!this.view.dom.contains(event.target))
return;
- let pos2 = this.pos;
+ let pos = this.pos;
if (this.view.state.doc != this.startDoc)
- pos2 = this.view.posAtCoords(eventCoords(event));
+ pos = this.view.posAtCoords(eventCoords(event));
this.updateAllowDefault(event);
- if (this.allowDefault || !pos2) {
+ if (this.allowDefault || !pos) {
setSelectionOrigin(this.view, "pointer");
- } else if (handleSingleClick(this.view, pos2.pos, pos2.inside, event, this.selectNode)) {
+ } else if (handleSingleClick(this.view, pos.pos, pos.inside, event, this.selectNode)) {
event.preventDefault();
} else if (event.button == 0 && (this.flushed || // Safari ignores clicks on draggable elements
safari && this.mightDrag && !this.mightDrag.node.isAtom || // Chrome will sometimes treat a node selection as a
@@ -166519,8 +179653,8 @@ class MouseDown {
// (hidden) cursor is doesn't change the selection, and
// thus doesn't get a reaction from ProseMirror. This
// works around that.
- chrome && !this.view.state.selection.visible && Math.min(Math.abs(pos2.pos - this.view.state.selection.from), Math.abs(pos2.pos - this.view.state.selection.to)) <= 2)) {
- updateSelection(this.view, Selection.near(this.view.state.doc.resolve(pos2.pos)), "pointer");
+ chrome && !this.view.state.selection.visible && Math.min(Math.abs(pos.pos - this.view.state.selection.from), Math.abs(pos.pos - this.view.state.selection.to)) <= 2)) {
+ updateSelection(this.view, Selection.near(this.view.state.doc.resolve(pos.pos)), "pointer");
event.preventDefault();
} else {
setSelectionOrigin(this.view, "pointer");
@@ -166774,9 +179908,9 @@ handlers.dragstart = (view, _event) => {
if (!event.dataTransfer)
return;
let sel = view.state.selection;
- let pos2 = sel.empty ? null : view.posAtCoords(eventCoords(event));
+ let pos = sel.empty ? null : view.posAtCoords(eventCoords(event));
let node3;
- if (pos2 && pos2.pos >= sel.from && pos2.pos <= (sel instanceof NodeSelection ? sel.to - 1 : sel.to)) ;
+ if (pos && pos.pos >= sel.from && pos.pos <= (sel instanceof NodeSelection ? sel.to - 1 : sel.to)) ;
else if (mouseDown && mouseDown.mightDrag) {
node3 = NodeSelection.create(view.state.doc, mouseDown.mightDrag.pos);
} else if (event.target && event.target.nodeType == 1) {
@@ -166839,16 +179973,16 @@ editHandlers.drop = (view, _event) => {
else
tr2.deleteSelection();
}
- let pos2 = tr2.mapping.map(insertPos);
+ let pos = tr2.mapping.map(insertPos);
let isNode = slice2.openStart == 0 && slice2.openEnd == 0 && slice2.content.childCount == 1;
let beforeInsert = tr2.doc;
if (isNode)
- tr2.replaceRangeWith(pos2, pos2, slice2.content.firstChild);
+ tr2.replaceRangeWith(pos, pos, slice2.content.firstChild);
else
- tr2.replaceRange(pos2, pos2, slice2);
+ tr2.replaceRange(pos, pos, slice2);
if (tr2.doc.eq(beforeInsert))
return;
- let $pos = tr2.doc.resolve(pos2);
+ let $pos = tr2.doc.resolve(pos);
if (isNode && NodeSelection.isSelectable(slice2.content.firstChild) && $pos.nodeAfter && $pos.nodeAfter.sameMarkup(slice2.content.firstChild)) {
tr2.setSelection(new NodeSelection($pos));
} else {
@@ -166925,8 +180059,8 @@ class WidgetType {
this.side = this.spec.side || 0;
}
map(mapping, span, offset, oldOffset) {
- let { pos: pos2, deleted } = mapping.mapResult(span.from + oldOffset, this.side < 0 ? -1 : 1);
- return deleted ? null : new Decoration(pos2 - offset, pos2 - offset, this);
+ let { pos, deleted } = mapping.mapResult(span.from + oldOffset, this.side < 0 ? -1 : 1);
+ return deleted ? null : new Decoration(pos - offset, pos - offset, this);
}
valid() {
return true;
@@ -167029,8 +180163,8 @@ class Decoration {
also directly pass a DOM node. `getPos` can be used to find the
widget's current document position.
*/
- static widget(pos2, toDOM, spec) {
- return new Decoration(pos2, pos2, new WidgetType(toDOM, spec));
+ static widget(pos, toDOM, spec) {
+ return new Decoration(pos, pos, new WidgetType(toDOM, spec));
}
/**
Creates an inline decoration, which adds the given attributes to
@@ -168089,10 +181223,10 @@ function isMarkChange(cur, prev2) {
} else {
return null;
}
- let updated14 = [];
+ let updated15 = [];
for (let i2 = 0; i2 < prev2.childCount; i2++)
- updated14.push(update(prev2.child(i2)));
- if (Fragment.from(updated14).eq(cur))
+ updated15.push(update(prev2.child(i2)));
+ if (Fragment.from(updated15).eq(cur))
return { mark: mark2, type };
}
__name(isMarkChange, "isMarkChange");
@@ -168133,11 +181267,11 @@ function skipClosingAndOpening($pos, fromEnd, mayOpen) {
return end;
}
__name(skipClosingAndOpening, "skipClosingAndOpening");
-function findDiff(a2, b2, pos2, preferredPos, preferredSide) {
- let start2 = a2.findDiffStart(b2, pos2);
+function findDiff(a2, b2, pos, preferredPos, preferredSide) {
+ let start2 = a2.findDiffStart(b2, pos);
if (start2 == null)
return null;
- let { a: endA, b: endB } = a2.findDiffEnd(b2, pos2 + a2.size, pos2 + b2.size);
+ let { a: endA, b: endB } = a2.findDiffEnd(b2, pos + a2.size, pos + b2.size);
if (preferredSide == "end") {
let adjust = Math.max(0, start2 - Math.min(endA, endB));
preferredPos -= endA + adjust - start2;
@@ -168259,13 +181393,13 @@ class EditorView {
view.props, props))`.
*/
setProps(props) {
- let updated14 = {};
+ let updated15 = {};
for (let name2 in this._props)
- updated14[name2] = this._props[name2];
- updated14.state = this.state;
+ updated15[name2] = this._props[name2];
+ updated15.state = this.state;
for (let name2 in props)
- updated14[name2] = props[name2];
- this.update(updated14);
+ updated15[name2] = props[name2];
+ this.update(updated15);
}
/**
Update the editor's `state` prop, without touching any of the
@@ -168480,8 +181614,8 @@ class EditorView {
is used. When < 0, the element before the position is used,
otherwise the element after.
*/
- coordsAtPos(pos2, side = 1) {
- return coordsAtPos(this, pos2, side);
+ coordsAtPos(pos, side = 1) {
+ return coordsAtPos(this, pos, side);
}
/**
Find the DOM position that corresponds to the given document
@@ -168493,8 +181627,8 @@ class EditorView {
Note that you should **not** mutate the editor's internal DOM,
only inspect it (and even that is usually not necessary).
*/
- domAtPos(pos2, side = 0) {
- return this.docView.domFromPos(pos2, side);
+ domAtPos(pos, side = 0) {
+ return this.docView.domFromPos(pos, side);
}
/**
Find the DOM node that represents the document node after the
@@ -168506,8 +181640,8 @@ class EditorView {
editor DOM directly, or add styling this way, since that will be
immediately overriden by the editor as it redraws the node.
*/
- nodeDOM(pos2) {
- let desc = this.docView.descAt(pos2);
+ nodeDOM(pos) {
+ let desc = this.docView.descAt(pos);
return desc ? desc.nodeDOM : null;
}
/**
@@ -168521,10 +181655,10 @@ class EditorView {
node to use when the position is inside a leaf node.
*/
posAtDOM(node3, offset, bias = -1) {
- let pos2 = this.docView.posFromDOM(node3, offset, bias);
- if (pos2 == null)
+ let pos = this.docView.posFromDOM(node3, offset, bias);
+ if (pos == null)
throw new RangeError("DOM position not inside the editor");
- return pos2;
+ return pos;
}
/**
Find out whether the selection is at the end of a textblock when
@@ -169134,8 +182268,8 @@ const exitCode$1 = /* @__PURE__ */ __name((state, dispatch) => {
if (!type || !above.canReplaceWith(after, after, type))
return false;
if (dispatch) {
- let pos2 = $head.after(), tr2 = state.tr.replaceWith(pos2, pos2, type.createAndFill());
- tr2.setSelection(Selection.near(tr2.doc.resolve(pos2), 1));
+ let pos = $head.after(), tr2 = state.tr.replaceWith(pos, pos, type.createAndFill());
+ tr2.setSelection(Selection.near(tr2.doc.resolve(pos), 1));
dispatch(tr2.scrollIntoView());
}
return true;
@@ -169235,13 +182369,13 @@ const splitBlockKeepMarks = /* @__PURE__ */ __name((state, dispatch) => {
}));
}, "splitBlockKeepMarks");
const selectParentNode$1 = /* @__PURE__ */ __name((state, dispatch) => {
- let { $from, to } = state.selection, pos2;
+ let { $from, to } = state.selection, pos;
let same = $from.sharedDepth(to);
if (same == 0)
return false;
- pos2 = $from.before(same);
+ pos = $from.before(same);
if (dispatch)
- dispatch(state.tr.setSelection(NodeSelection.create(state.doc, pos2)));
+ dispatch(state.tr.setSelection(NodeSelection.create(state.doc, pos)));
return true;
}, "selectParentNode$1");
const selectAll$1 = /* @__PURE__ */ __name((state, dispatch) => {
@@ -169353,7 +182487,7 @@ function setBlockType(nodeType, attrs6 = null) {
let applicable = false;
for (let i2 = 0; i2 < state.selection.ranges.length && !applicable; i2++) {
let { $from: { pos: from2 }, $to: { pos: to } } = state.selection.ranges[i2];
- state.doc.nodesBetween(from2, to, (node3, pos2) => {
+ state.doc.nodesBetween(from2, to, (node3, pos) => {
if (applicable)
return false;
if (!node3.isTextblock || node3.hasMarkup(nodeType, attrs6))
@@ -169361,7 +182495,7 @@ function setBlockType(nodeType, attrs6 = null) {
if (node3.type == nodeType) {
applicable = true;
} else {
- let $pos = state.doc.resolve(pos2), index2 = $pos.index();
+ let $pos = state.doc.resolve(pos), index2 = $pos.index();
applicable = $pos.parent.canReplaceWith(index2, index2 + 1, nodeType);
}
});
@@ -169384,8 +182518,8 @@ function markApplies(doc2, ranges, type, enterAtoms) {
for (let i2 = 0; i2 < ranges.length; i2++) {
let { $from, $to } = ranges[i2];
let can = $from.depth == 0 ? doc2.inlineContent && doc2.type.allowsMarkType(type) : false;
- doc2.nodesBetween($from.pos, $to.pos, (node3, pos2) => {
- if (can || !enterAtoms && node3.isAtom && node3.isInline && pos2 >= $from.pos && pos2 + node3.nodeSize <= $to.pos)
+ doc2.nodesBetween($from.pos, $to.pos, (node3, pos) => {
+ if (can || !enterAtoms && node3.isAtom && node3.isInline && pos >= $from.pos && pos + node3.nodeSize <= $to.pos)
return false;
can = node3.inlineContent && node3.type.allowsMarkType(type);
});
@@ -169399,11 +182533,11 @@ function removeInlineAtoms(ranges) {
let result = [];
for (let i2 = 0; i2 < ranges.length; i2++) {
let { $from, $to } = ranges[i2];
- $from.doc.nodesBetween($from.pos, $to.pos, (node3, pos2) => {
- if (node3.isAtom && node3.content.size && node3.isInline && pos2 >= $from.pos && pos2 + node3.nodeSize <= $to.pos) {
- if (pos2 + 1 > $from.pos)
- result.push(new SelectionRange($from, $from.doc.resolve(pos2 + 1)));
- $from = $from.doc.resolve(pos2 + 1 + node3.content.size);
+ $from.doc.nodesBetween($from.pos, $to.pos, (node3, pos) => {
+ if (node3.isAtom && node3.content.size && node3.isInline && pos >= $from.pos && pos + node3.nodeSize <= $to.pos) {
+ if (pos + 1 > $from.pos)
+ result.push(new SelectionRange($from, $from.doc.resolve(pos + 1)));
+ $from = $from.doc.resolve(pos + 1 + node3.content.size);
return false;
}
});
@@ -169435,10 +182569,10 @@ function toggleMark$1(markType, attrs6 = null, options4) {
} else {
add4 = !ranges.every((r2) => {
let missing = false;
- tr2.doc.nodesBetween(r2.$from.pos, r2.$to.pos, (node3, pos2, parent) => {
+ tr2.doc.nodesBetween(r2.$from.pos, r2.$to.pos, (node3, pos, parent) => {
if (missing)
return false;
- missing = !markType.isInSet(node3.marks) && !!parent && parent.type.allowsMarkType(markType) && !(node3.isText && /^\s*$/.test(node3.textBetween(Math.max(0, r2.$from.pos - pos2), Math.min(node3.nodeSize, r2.$to.pos - pos2))));
+ missing = !markType.isInSet(node3.marks) && !!parent && parent.type.allowsMarkType(markType) && !(node3.isText && /^\s*$/.test(node3.textBetween(Math.max(0, r2.$from.pos - pos), Math.min(node3.nodeSize, r2.$to.pos - pos))));
});
return !missing;
});
@@ -169480,16 +182614,16 @@ function wrapDispatchForJoin(dispatch, isJoinable) {
for (let i2 = 0; i2 < ranges.length; i2 += 2) {
let from2 = ranges[i2], to = ranges[i2 + 1];
let $from = tr2.doc.resolve(from2), depth = $from.sharedDepth(to), parent = $from.node(depth);
- for (let index2 = $from.indexAfter(depth), pos2 = $from.after(depth + 1); pos2 <= to; ++index2) {
+ for (let index2 = $from.indexAfter(depth), pos = $from.after(depth + 1); pos <= to; ++index2) {
let after = parent.maybeChild(index2);
if (!after)
break;
- if (index2 && joinable2.indexOf(pos2) == -1) {
+ if (index2 && joinable2.indexOf(pos) == -1) {
let before = parent.child(index2 - 1);
if (before.type == after.type && isJoinable(before, after))
- joinable2.push(pos2);
+ joinable2.push(pos);
}
- pos2 += after.nodeSize;
+ pos += after.nodeSize;
}
}
joinable2.sort((a2, b2) => a2 - b2);
@@ -169657,11 +182791,11 @@ function splitListItem$1(itemType, itemAttrs) {
let start2 = $from.before($from.depth - (depthBefore - 1));
let tr3 = state.tr.replace(start2, $from.after(-depthAfter), new Slice(wrap2, 4 - depthBefore, 0));
let sel = -1;
- tr3.doc.nodesBetween(start2, tr3.doc.content.size, (node4, pos2) => {
+ tr3.doc.nodesBetween(start2, tr3.doc.content.size, (node4, pos) => {
if (sel > -1)
return false;
if (node4.isTextblock && node4.content.size == 0)
- sel = pos2 + 1;
+ sel = pos + 1;
});
if (sel > -1)
tr3.setSelection(Selection.near(tr3.doc.resolve(sel)));
@@ -169726,9 +182860,9 @@ function liftToOuterList(state, dispatch, itemType, range2) {
__name(liftToOuterList, "liftToOuterList");
function liftOutOfList(state, dispatch, range2) {
let tr2 = state.tr, list2 = range2.parent;
- for (let pos2 = range2.end, i2 = range2.endIndex - 1, e2 = range2.startIndex; i2 > e2; i2--) {
- pos2 -= list2.child(i2).nodeSize;
- tr2.delete(pos2 - 1, pos2 + 1);
+ for (let pos = range2.end, i2 = range2.endIndex - 1, e2 = range2.startIndex; i2 > e2; i2--) {
+ pos -= list2.child(i2).nodeSize;
+ tr2.delete(pos - 1, pos + 1);
}
let $start = tr2.doc.resolve(range2.start), item3 = $start.nodeAfter;
if (tr2.mapping.map(range2.end) != range2.start + $start.nodeAfter.nodeSize)
@@ -170291,15 +183425,15 @@ __name(getHTMLFromFragment, "getHTMLFromFragment");
const getTextContentFromNodes = /* @__PURE__ */ __name(($from, maxMatch = 500) => {
let textBefore = "";
const sliceEndPos = $from.parentOffset;
- $from.parent.nodesBetween(Math.max(0, sliceEndPos - maxMatch), sliceEndPos, (node3, pos2, parent, index2) => {
+ $from.parent.nodesBetween(Math.max(0, sliceEndPos - maxMatch), sliceEndPos, (node3, pos, parent, index2) => {
var _a2, _b;
const chunk = ((_b = (_a2 = node3.type.spec).toText) === null || _b === void 0 ? void 0 : _b.call(_a2, {
node: node3,
- pos: pos2,
+ pos,
parent,
index: index2
})) || node3.textContent || "%leaf%";
- textBefore += node3.isAtom && !node3.isText ? chunk : chunk.slice(0, Math.max(0, sliceEndPos - pos2));
+ textBefore += node3.isAtom && !node3.isText ? chunk : chunk.slice(0, Math.max(0, sliceEndPos - pos));
});
return textBefore;
}, "getTextContentFromNodes");
@@ -170373,7 +183507,11 @@ function run$1$1(config2) {
editor,
state
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const handler10 = rule.handler({
+========
+ const handler12 = rule.handler({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
state,
range: range2,
match: match3,
@@ -170381,7 +183519,11 @@ function run$1$1(config2) {
chain,
can
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (handler10 === null || !tr2.steps.length) {
+========
+ if (handler12 === null || !tr2.steps.length) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return;
}
tr2.setMeta(plugin, {
@@ -170639,13 +183781,13 @@ function run$2(config2) {
state
});
const handlers2 = [];
- state.doc.nodesBetween(from2, to, (node3, pos2) => {
+ state.doc.nodesBetween(from2, to, (node3, pos) => {
if (!node3.isTextblock || node3.type.spec.code) {
return;
}
- const resolvedFrom = Math.max(from2, pos2);
- const resolvedTo = Math.min(to, pos2 + node3.content.size);
- const textToMatch = node3.textBetween(resolvedFrom - pos2, resolvedTo - pos2, void 0, "");
+ const resolvedFrom = Math.max(from2, pos);
+ const resolvedTo = Math.min(to, pos + node3.content.size);
+ const textToMatch = node3.textBetween(resolvedFrom - pos, resolvedTo - pos, void 0, "");
const matches2 = pasteRuleMatcherHandler(textToMatch, rule.find, pasteEvent);
matches2.forEach((match3) => {
if (match3.index === void 0) {
@@ -170657,7 +183799,11 @@ function run$2(config2) {
from: state.tr.mapping.map(start2),
to: state.tr.mapping.map(end)
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const handler10 = rule.handler({
+========
+ const handler12 = rule.handler({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
state,
range: range2,
match: match3,
@@ -170667,10 +183813,17 @@ function run$2(config2) {
pasteEvent,
dropEvent
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handlers2.push(handler10);
});
});
const success = handlers2.every((handler10) => handler10 !== null);
+========
+ handlers2.push(handler12);
+ });
+ });
+ const success = handlers2.every((handler12) => handler12 !== null);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return success;
}
__name(run$2, "run$2");
@@ -170701,7 +183854,11 @@ function pasteRulesPlugin(props) {
state,
transaction: tr2
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const handler10 = run$2({
+========
+ const handler12 = run$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
editor,
state: chainableState,
from: Math.max(from2 - 1, 0),
@@ -170710,7 +183867,11 @@ function pasteRulesPlugin(props) {
pasteEvent: pasteEvt,
dropEvent
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (!handler10 || !tr2.steps.length) {
+========
+ if (!handler12 || !tr2.steps.length) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return;
}
try {
@@ -171136,9 +184297,9 @@ function getTextBetween(startNode, range2, options4) {
const { from: from2, to } = range2;
const { blockSeparator = "\n\n", textSerializers = {} } = options4 || {};
let text2 = "";
- startNode.nodesBetween(from2, to, (node3, pos2, parent, index2) => {
+ startNode.nodesBetween(from2, to, (node3, pos, parent, index2) => {
var _a2;
- if (node3.isBlock && pos2 > from2) {
+ if (node3.isBlock && pos > from2) {
text2 += blockSeparator;
}
const textSerializer = textSerializers === null || textSerializers === void 0 ? void 0 : textSerializers[node3.type.name];
@@ -171146,7 +184307,7 @@ function getTextBetween(startNode, range2, options4) {
if (parent) {
text2 += textSerializer({
node: node3,
- pos: pos2,
+ pos,
parent,
index: index2,
range: range2
@@ -171155,7 +184316,7 @@ function getTextBetween(startNode, range2, options4) {
return false;
}
if (node3.isText) {
- text2 += (_a2 = node3 === null || node3 === void 0 ? void 0 : node3.text) === null || _a2 === void 0 ? void 0 : _a2.slice(Math.max(from2, pos2) - pos2, to - pos2);
+ text2 += (_a2 = node3 === null || node3 === void 0 ? void 0 : node3.text) === null || _a2 === void 0 ? void 0 : _a2.slice(Math.max(from2, pos) - pos, to - pos);
}
});
return text2;
@@ -171216,13 +184377,13 @@ const clearNodes = /* @__PURE__ */ __name(() => ({ state, tr: tr2, dispatch }) =
return true;
}
ranges.forEach(({ $from, $to }) => {
- state.doc.nodesBetween($from.pos, $to.pos, (node3, pos2) => {
+ state.doc.nodesBetween($from.pos, $to.pos, (node3, pos) => {
if (node3.type.isText) {
return;
}
const { doc: doc2, mapping } = tr2;
- const $mappedFrom = doc2.resolve(mapping.map(pos2));
- const $mappedTo = doc2.resolve(mapping.map(pos2 + node3.nodeSize));
+ const $mappedFrom = doc2.resolve(mapping.map(pos));
+ const $mappedTo = doc2.resolve(mapping.map(pos + node3.nodeSize));
const nodeRange = $mappedFrom.blockRange($mappedTo);
if (!nodeRange) {
return;
@@ -171804,12 +184965,12 @@ function isNodeActive(state, typeOrName, attributes = {}) {
const { from: from2, to, empty: empty3 } = state.selection;
const type = typeOrName ? getNodeType(typeOrName, state.schema) : null;
const nodeRanges = [];
- state.doc.nodesBetween(from2, to, (node3, pos2) => {
+ state.doc.nodesBetween(from2, to, (node3, pos) => {
if (node3.isText) {
return;
}
- const relativeFrom = Math.max(from2, pos2);
- const relativeTo = Math.min(to, pos2 + node3.nodeSize);
+ const relativeFrom = Math.max(from2, pos);
+ const relativeTo = Math.min(to, pos + node3.nodeSize);
nodeRanges.push({
node: node3,
from: relativeFrom,
@@ -171883,14 +185044,14 @@ const resetAttributes = /* @__PURE__ */ __name((typeOrName, attributes) => ({ tr
}
if (dispatch) {
tr2.selection.ranges.forEach((range2) => {
- state.doc.nodesBetween(range2.$from.pos, range2.$to.pos, (node3, pos2) => {
+ state.doc.nodesBetween(range2.$from.pos, range2.$to.pos, (node3, pos) => {
if (nodeType && nodeType === node3.type) {
- tr2.setNodeMarkup(pos2, void 0, deleteProps(node3.attrs, attributes));
+ tr2.setNodeMarkup(pos, void 0, deleteProps(node3.attrs, attributes));
}
if (markType && node3.marks.length) {
node3.marks.forEach((mark2) => {
if (markType === mark2.type) {
- tr2.addMark(pos2, pos2 + node3.nodeSize, markType.create(deleteProps(mark2.attrs, attributes)));
+ tr2.addMark(pos, pos + node3.nodeSize, markType.create(deleteProps(mark2.attrs, attributes)));
}
});
}
@@ -171998,11 +185159,11 @@ function defaultBlockAt(match3) {
__name(defaultBlockAt, "defaultBlockAt");
function findChildren(node3, predicate) {
const nodesWithPos = [];
- node3.descendants((child, pos2) => {
+ node3.descendants((child, pos) => {
if (predicate(child)) {
nodesWithPos.push({
node: child,
- pos: pos2
+ pos
});
}
});
@@ -172011,11 +185172,11 @@ function findChildren(node3, predicate) {
__name(findChildren, "findChildren");
function findChildrenInRange(node3, range2, predicate) {
const nodesWithPos = [];
- node3.nodesBetween(range2.from, range2.to, (child, pos2) => {
+ node3.nodesBetween(range2.from, range2.to, (child, pos) => {
if (predicate(child)) {
nodesWithPos.push({
node: child,
- pos: pos2
+ pos
});
}
});
@@ -172211,13 +185372,13 @@ function getMarksBetween(from2, to, doc2) {
});
});
} else {
- doc2.nodesBetween(from2, to, (node3, pos2) => {
+ doc2.nodesBetween(from2, to, (node3, pos) => {
if (!node3 || (node3 === null || node3 === void 0 ? void 0 : node3.nodeSize) === void 0) {
return;
}
marks.push(...node3.marks.map((mark2) => ({
- from: pos2,
- to: pos2 + node3.nodeSize,
+ from: pos,
+ to: pos + node3.nodeSize,
mark: mark2
})));
});
@@ -172225,8 +185386,8 @@ function getMarksBetween(from2, to, doc2) {
return marks;
}
__name(getMarksBetween, "getMarksBetween");
-const getNodeAtPosition = /* @__PURE__ */ __name((state, typeOrName, pos2, maxDepth = 20) => {
- const $pos = state.doc.resolve(pos2);
+const getNodeAtPosition = /* @__PURE__ */ __name((state, typeOrName, pos, maxDepth = 20) => {
+ const $pos = state.doc.resolve(pos);
let currentDepth = maxDepth;
let node3 = null;
while (currentDepth > 0 && node3 === null) {
@@ -172267,12 +185428,12 @@ function isMarkActive(state, typeOrName, attributes = {}) {
ranges.forEach(({ $from, $to }) => {
const from2 = $from.pos;
const to = $to.pos;
- state.doc.nodesBetween(from2, to, (node3, pos2) => {
+ state.doc.nodesBetween(from2, to, (node3, pos) => {
if (!node3.isText && !node3.marks.length) {
return;
}
- const relativeFrom = Math.max(from2, pos2);
- const relativeTo = Math.min(to, pos2 + node3.nodeSize);
+ const relativeFrom = Math.max(from2, pos);
+ const relativeTo = Math.min(to, pos + node3.nodeSize);
const range3 = relativeTo - relativeFrom;
selectionRange += range3;
markRanges.push(...node3.marks.map((mark2) => ({
@@ -172523,9 +185684,9 @@ const setMark = /* @__PURE__ */ __name((typeOrName, attributes = {}) => ({ tr: t
ranges.forEach((range2) => {
const from2 = range2.$from.pos;
const to = range2.$to.pos;
- state.doc.nodesBetween(from2, to, (node3, pos2) => {
- const trimmedFrom = Math.max(pos2, from2);
- const trimmedTo = Math.min(pos2 + node3.nodeSize, to);
+ state.doc.nodesBetween(from2, to, (node3, pos) => {
+ const trimmedFrom = Math.max(pos, from2);
+ const trimmedTo = Math.min(pos + node3.nodeSize, to);
const someHasMark = node3.marks.find((mark2) => mark2.type === type);
if (someHasMark) {
node3.marks.forEach((mark2) => {
@@ -172695,12 +185856,12 @@ const splitListItem = /* @__PURE__ */ __name((typeOrName, overrideAttrs = {}) =>
const start2 = $from.before($from.depth - (depthBefore - 1));
tr2.replace(start2, $from.after(-depthAfter), new Slice(wrap2, 4 - depthBefore, 0));
let sel = -1;
- tr2.doc.nodesBetween(start2, tr2.doc.content.size, (n2, pos2) => {
+ tr2.doc.nodesBetween(start2, tr2.doc.content.size, (n2, pos) => {
if (sel > -1) {
return false;
}
if (n2.isTextblock && n2.content.size === 0) {
- sel = pos2 + 1;
+ sel = pos + 1;
}
});
if (sel > -1) {
@@ -172931,25 +186092,25 @@ const updateAttributes = /* @__PURE__ */ __name((typeOrName, attributes = {}) =>
let trimmedFrom;
let trimmedTo;
if (tr2.selection.empty) {
- state.doc.nodesBetween(from2, to, (node3, pos2) => {
+ state.doc.nodesBetween(from2, to, (node3, pos) => {
if (nodeType && nodeType === node3.type) {
- trimmedFrom = Math.max(pos2, from2);
- trimmedTo = Math.min(pos2 + node3.nodeSize, to);
- lastPos = pos2;
+ trimmedFrom = Math.max(pos, from2);
+ trimmedTo = Math.min(pos + node3.nodeSize, to);
+ lastPos = pos;
lastNode = node3;
}
});
} else {
- state.doc.nodesBetween(from2, to, (node3, pos2) => {
- if (pos2 < from2 && nodeType && nodeType === node3.type) {
- trimmedFrom = Math.max(pos2, from2);
- trimmedTo = Math.min(pos2 + node3.nodeSize, to);
- lastPos = pos2;
+ state.doc.nodesBetween(from2, to, (node3, pos) => {
+ if (pos < from2 && nodeType && nodeType === node3.type) {
+ trimmedFrom = Math.max(pos, from2);
+ trimmedTo = Math.min(pos + node3.nodeSize, to);
+ lastPos = pos;
lastNode = node3;
}
- if (pos2 >= from2 && pos2 <= to) {
+ if (pos >= from2 && pos <= to) {
if (nodeType && nodeType === node3.type) {
- tr2.setNodeMarkup(pos2, void 0, {
+ tr2.setNodeMarkup(pos, void 0, {
...node3.attrs,
...attributes
});
@@ -172957,8 +186118,8 @@ const updateAttributes = /* @__PURE__ */ __name((typeOrName, attributes = {}) =>
if (markType && node3.marks.length) {
node3.marks.forEach((mark2) => {
if (markType === mark2.type) {
- const trimmedFrom2 = Math.max(pos2, from2);
- const trimmedTo2 = Math.min(pos2 + node3.nodeSize, to);
+ const trimmedFrom2 = Math.max(pos, from2);
+ const trimmedTo2 = Math.min(pos + node3.nodeSize, to);
tr2.addMark(trimmedFrom2, trimmedTo2, markType.create({
...mark2.attrs,
...attributes
@@ -173137,11 +186298,11 @@ const Keymap = Extension.create({
() => commands2.command(({ tr: tr2 }) => {
const { selection, doc: doc2 } = tr2;
const { empty: empty3, $anchor } = selection;
- const { pos: pos2, parent } = $anchor;
- const $parentPos = $anchor.parent.isTextblock && pos2 > 0 ? tr2.doc.resolve(pos2 - 1) : $anchor;
+ const { pos, parent } = $anchor;
+ const $parentPos = $anchor.parent.isTextblock && pos > 0 ? tr2.doc.resolve(pos - 1) : $anchor;
const parentIsIsolating = $parentPos.parent.type.spec.isolating;
const parentPos = $anchor.pos - $anchor.parentOffset;
- const isAtStart = parentIsIsolating && $parentPos.parent.childCount === 1 ? parentPos === $anchor.pos : Selection.atStart(doc2).from === pos2;
+ const isAtStart = parentIsIsolating && $parentPos.parent.childCount === 1 ? parentPos === $anchor.pos : Selection.atStart(doc2).from === pos;
if (!empty3 || !parent.type.isTextblock || parent.textContent.length || !isAtStart || isAtStart && $anchor.parent.type.name === "paragraph") {
return false;
}
@@ -173287,11 +186448,11 @@ class NodePos {
get name() {
return this.node.type.name;
}
- constructor(pos2, editor, isBlock = false, node3 = null) {
+ constructor(pos, editor, isBlock = false, node3 = null) {
this.currentNode = null;
this.actualDepth = null;
this.isBlock = isBlock;
- this.resolvedPos = pos2;
+ this.resolvedPos = pos;
this.editor = editor;
this.currentNode = node3;
}
@@ -173977,8 +187138,8 @@ class Editor extends EventEmitter {
var _a2;
return ((_a2 = this.$doc) === null || _a2 === void 0 ? void 0 : _a2.querySelectorAll(selector, attributes)) || null;
}
- $pos(pos2) {
- const $pos = this.state.doc.resolve(pos2);
+ $pos(pos) {
+ const $pos = this.state.doc.resolve(pos);
return new NodePos($pos, this);
}
get $doc() {
@@ -174238,11 +187399,11 @@ class NodeView {
y2 = handleBox.y - domBox.y + offsetY;
}
(_g = event.dataTransfer) === null || _g === void 0 ? void 0 : _g.setDragImage(this.dom, x2, y2);
- const pos2 = this.getPos();
- if (typeof pos2 !== "number") {
+ const pos = this.getPos();
+ if (typeof pos !== "number") {
return;
}
- const selection = NodeSelection.create(view.state.doc, pos2);
+ const selection = NodeSelection.create(view.state.doc, pos);
const transaction = view.state.tr.setSelection(selection);
view.dispatch(transaction);
}
@@ -174341,11 +187502,11 @@ class NodeView {
*/
updateAttributes(attributes) {
this.editor.commands.command(({ tr: tr2 }) => {
- const pos2 = this.getPos();
- if (typeof pos2 !== "number") {
+ const pos = this.getPos();
+ if (typeof pos !== "number") {
return false;
}
- tr2.setNodeMarkup(pos2, void 0, {
+ tr2.setNodeMarkup(pos, void 0, {
...this.node.attrs,
...attributes
});
@@ -174476,12 +187637,20 @@ class Tracker {
}
const encodedTlds = "aaa1rp3bb0ott3vie4c1le2ogado5udhabi7c0ademy5centure6ountant0s9o1tor4d0s1ult4e0g1ro2tna4f0l1rica5g0akhan5ency5i0g1rbus3force5tel5kdn3l0ibaba4pay4lfinanz6state5y2sace3tom5m0azon4ericanexpress7family11x2fam3ica3sterdam8nalytics7droid5quan4z2o0l2partments8p0le4q0uarelle8r0ab1mco4chi3my2pa2t0e3s0da2ia2sociates9t0hleta5torney7u0ction5di0ble3o3spost5thor3o0s4w0s2x0a2z0ure5ba0by2idu3namex4d1k2r0celona5laycard4s5efoot5gains6seball5ketball8uhaus5yern5b0c1t1va3cg1n2d1e0ats2uty4er2ntley5rlin4st0buy5t2f1g1h0arti5i0ble3d1ke2ng0o3o1z2j1lack0friday9ockbuster8g1omberg7ue3m0s1w2n0pparibas9o0ats3ehringer8fa2m1nd2o0k0ing5sch2tik2on4t1utique6x2r0adesco6idgestone9oadway5ker3ther5ussels7s1t1uild0ers6siness6y1zz3v1w1y1z0h3ca0b1fe2l0l1vinklein9m0era3p2non3petown5ital0one8r0avan4ds2e0er0s4s2sa1e1h1ino4t0ering5holic7ba1n1re3c1d1enter4o1rn3f0a1d2g1h0anel2nel4rity4se2t2eap3intai5ristmas6ome4urch5i0priani6rcle4sco3tadel4i0c2y3k1l0aims4eaning6ick2nic1que6othing5ud3ub0med6m1n1o0ach3des3ffee4llege4ogne5m0mbank4unity6pany2re3uter5sec4ndos3struction8ulting7tact3ractors9oking4l1p2rsica5untry4pon0s4rses6pa2r0edit0card4union9icket5own3s1uise0s6u0isinella9v1w1x1y0mru3ou3z2dad1nce3ta1e1ing3sun4y2clk3ds2e0al0er2s3gree4livery5l1oitte5ta3mocrat6ntal2ist5si0gn4v2hl2iamonds6et2gital5rect0ory7scount3ver5h2y2j1k1m1np2o0cs1tor4g1mains5t1wnload7rive4tv2ubai3nlop4pont4rban5vag2r2z2earth3t2c0o2deka3u0cation8e1g1mail3erck5nergy4gineer0ing9terprises10pson4quipment8r0icsson6ni3s0q1tate5t1u0rovision8s2vents5xchange6pert3osed4ress5traspace10fage2il1rwinds6th3mily4n0s2rm0ers5shion4t3edex3edback6rrari3ero6i0delity5o2lm2nal1nce1ial7re0stone6mdale6sh0ing5t0ness6j1k1lickr3ghts4r2orist4wers5y2m1o0o0d1tball6rd1ex2sale4um3undation8x2r0ee1senius7l1ogans4ntier7tr2ujitsu5n0d2rniture7tbol5yi3ga0l0lery3o1up4me0s3p1rden4y2b0iz3d0n2e0a1nt0ing5orge5f1g0ee3h1i0ft0s3ves2ing5l0ass3e1obal2o4m0ail3bh2o1x2n1odaddy5ld0point6f2o0dyear5g0le4p1t1v2p1q1r0ainger5phics5tis4een3ipe3ocery4up4s1t1u0cci3ge2ide2tars5ru3w1y2hair2mburg5ngout5us3bo2dfc0bank7ealth0care8lp1sinki6re1mes5iphop4samitsu7tachi5v2k0t2m1n1ockey4ldings5iday5medepot5goods5s0ense7nda3rse3spital5t0ing5t0els3mail5use3w2r1sbc3t1u0ghes5yatt3undai7ibm2cbc2e1u2d1e0ee3fm2kano4l1m0amat4db2mo0bilien9n0c1dustries8finiti5o2g1k1stitute6urance4e4t0ernational10uit4vestments10o1piranga7q1r0ish4s0maili5t0anbul7t0au2v3jaguar4va3cb2e0ep2tzt3welry6io2ll2m0p2nj2o0bs1urg4t1y2p0morgan6rs3uegos4niper7kaufen5ddi3e0rryhotels6logistics9properties14fh2g1h1i0a1ds2m1ndle4tchen5wi3m1n1oeln3matsu5sher5p0mg2n2r0d1ed3uokgroup8w1y0oto4z2la0caixa5mborghini8er3ncaster6d0rover6xess5salle5t0ino3robe5w0yer5b1c1ds2ease3clerc5frak4gal2o2xus4gbt3i0dl2fe0insurance9style7ghting6ke2lly3mited4o2ncoln4k2psy3ve1ing5k1lc1p2oan0s3cker3us3l1ndon4tte1o3ve3pl0financial11r1s1t0d0a3u0ndbeck6xe1ury5v1y2ma0drid4if1son4keup4n0agement7go3p1rket0ing3s4riott5shalls7ttel5ba2c0kinsey7d1e0d0ia3et2lbourne7me1orial6n0u2rckmsd7g1h1iami3crosoft7l1ni1t2t0subishi9k1l0b1s2m0a2n1o0bi0le4da2e1i1m1nash3ey2ster5rmon3tgage6scow4to0rcycles9v0ie4p1q1r1s0d2t0n1r2u0seum3ic4v1w1x1y1z2na0b1goya4me2vy3ba2c1e0c1t0bank4flix4work5ustar5w0s2xt0direct7us4f0l2g0o2hk2i0co2ke1on3nja3ssan1y5l1o0kia3rton4w0ruz3tv4p1r0a1w2tt2u1yc2z2obi1server7ffice5kinawa6layan0group9lo3m0ega4ne1g1l0ine5oo2pen3racle3nge4g0anic5igins6saka4tsuka4t2vh3pa0ge2nasonic7ris2s1tners4s1y3y2ccw3e0t2f0izer5g1h0armacy6d1ilips5one2to0graphy6s4ysio5ics1tet2ures6d1n0g1k2oneer5zza4k1l0ace2y0station9umbing5s3m1n0c2ohl2ker3litie5rn2st3r0america6xi3ess3ime3o0d0uctions8f1gressive8mo2perties3y5tection8u0dential9s1t1ub2w0c2y2qa1pon3uebec3st5racing4dio4e0ad1lestate6tor2y4cipes5d0stone5umbrella9hab3ise0n3t2liance6n0t0als5pair3ort3ublican8st0aurant8view0s5xroth6ich0ardli6oh3l1o1p2o0cks3deo3gers4om3s0vp3u0gby3hr2n2w0e2yukyu6sa0arland6fe0ty4kura4le1on3msclub4ung5ndvik0coromant12ofi4p1rl2s1ve2xo3b0i1s2c0b1haeffler7midt4olarships8ol3ule3warz5ience5ot3d1e0arch3t2cure1ity6ek2lect4ner3rvices6ven3w1x0y3fr2g1h0angrila6rp3ell3ia1ksha5oes2p0ping5uji3w3i0lk2na1gles5te3j1k0i0n2y0pe4l0ing4m0art3ile4n0cf3o0ccer3ial4ftbank4ware6hu2lar2utions7ng1y2y2pa0ce3ort2t3r0l2s1t0ada2ples4r1tebank4farm7c0group6ockholm6rage3e3ream4udio2y3yle4u0cks3pplies3y2ort5rf1gery5zuki5v1watch4iss4x1y0dney4stems6z2tab1ipei4lk2obao4rget4tamotors6r2too4x0i3c0i2d0k2eam2ch0nology8l1masek5nnis4va3f1g1h0d1eater2re6iaa2ckets5enda4ps2res2ol4j0maxx4x2k0maxx5l1m0all4n1o0day3kyo3ols3p1ray3shiba5tal3urs3wn2yota3s3r0ade1ing4ining5vel0ers0insurance16ust3v2t1ube2i1nes3shu4v0s2w1z2ua1bank3s2g1k1nicom3versity8o2ol2ps2s1y1z2va0cations7na1guard7c1e0gas3ntures6risign5mögensberater2ung14sicherung10t2g1i0ajes4deo3g1king4llas4n1p1rgin4sa1ion4va1o3laanderen9n1odka3lvo3te1ing3o2yage5u2wales2mart4ter4ng0gou5tch0es6eather0channel12bcam3er2site5d0ding5ibo2r3f1hoswho6ien2ki2lliamhill9n0dows4e1ners6me2olterskluwer11odside6rk0s2ld3w2s1tc1f3xbox3erox4ihuan4n2xx2yz3yachts4hoo3maxun5ndex5e1odobashi7ga2kohama6u0tube6t1un3za0ppos4ra3ero3ip2m1one3uerich6w2";
const encodedUtlds = "ελ1υ2бг1ел3дети4ею2католик6ом3мкд2он1сква6онлайн5рг3рус2ф2сайт3рб3укр3қаз3հայ3ישראל5קום3ابوظبي5رامكو5لاردن4بحرين5جزائر5سعودية6عليان5مغرب5مارات5یران5بارت2زار4يتك3ھارت5تونس4سودان3رية5شبكة4عراق2ب2مان4فلسطين6قطر3كاثوليك6وم3مصر2ليسيا5وريتانيا7قع4همراه5پاکستان7ڀارت4कॉम3नेट3भारत0म्3ोत5संगठन5বাংলা5ভারত2ৰত4ਭਾਰਤ4ભારત4ଭାରତ4இந்தியா6லங்கை6சிங்கப்பூர்11భారత్5ಭಾರತ4ഭാരതം5ලංකා4คอม3ไทย3ລາວ3გე2みんな3アマゾン4クラウド4グーグル4コム2ストア3セール3ファッション6ポイント4世界2中信1国1國1文网3亚马逊3企业2佛山2信息2健康2八卦2公司1益2台湾1灣2商城1店1标2嘉里0大酒店5在线2大拿2天主教3娱乐2家電2广东2微博2慈善2我爱你3手机2招聘2政务1府2新加坡2闻2时尚2書籍2机构2淡马锡3游戏2澳門2点看2移动2组织机构4网址1店1站1络2联通2谷歌2购物2通販2集团2電訊盈科4飞利浦3食品2餐厅2香格里拉3港2닷넷1컴2삼성2한국2";
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const assign$4 = /* @__PURE__ */ __name((target2, properties) => {
+========
+const assign$2 = /* @__PURE__ */ __name((target2, properties) => {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
for (const key in properties) {
target2[key] = properties[key];
}
return target2;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, "assign$4");
+========
+}, "assign$2");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const numeric = "numeric";
const ascii = "ascii";
const alpha = "alpha";
@@ -175347,7 +188516,11 @@ MultiToken.prototype = {
attributes.rel = rel;
}
if (attrs6) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
assign$4(attributes, attrs6);
+========
+ assign$2(attributes, attrs6);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return {
tagName,
@@ -175793,7 +188966,7 @@ function clickHandler(options4) {
return new Plugin({
key: new PluginKey("handleClickLink"),
props: {
- handleClick: /* @__PURE__ */ __name((view, pos2, event) => {
+ handleClick: /* @__PURE__ */ __name((view, pos, event) => {
var _a2, _b;
if (event.button !== 0) {
return false;
@@ -176102,10 +189275,10 @@ var TableMap = class {
this.problems = problems;
}
// Find the dimensions of the cell at the given position.
- findCell(pos2) {
+ findCell(pos) {
for (let i2 = 0; i2 < this.map.length; i2++) {
const curPos = this.map[i2];
- if (curPos != pos2)
+ if (curPos != pos)
continue;
const left = i2 % this.width;
const top = i2 / this.width | 0;
@@ -176119,21 +189292,21 @@ var TableMap = class {
}
return { left, top, right, bottom };
}
- throw new RangeError(`No cell with offset ${pos2} found`);
+ throw new RangeError(`No cell with offset ${pos} found`);
}
// Find the left side of the cell at the given position.
- colCount(pos2) {
+ colCount(pos) {
for (let i2 = 0; i2 < this.map.length; i2++) {
- if (this.map[i2] == pos2) {
+ if (this.map[i2] == pos) {
return i2 % this.width;
}
}
- throw new RangeError(`No cell with offset ${pos2} found`);
+ throw new RangeError(`No cell with offset ${pos} found`);
}
// Find the next cell in the given direction, starting from the cell
// at `pos`, if any.
- nextCell(pos2, axis, dir) {
- const { left, right, top, bottom } = this.findCell(pos2);
+ nextCell(pos, axis, dir) {
+ const { left, right, top, bottom } = this.findCell(pos);
if (axis == "horiz") {
if (dir < 0 ? left == 0 : right == this.width)
return null;
@@ -176173,14 +189346,14 @@ var TableMap = class {
for (let row = rect.top; row < rect.bottom; row++) {
for (let col = rect.left; col < rect.right; col++) {
const index2 = row * this.width + col;
- const pos2 = this.map[index2];
- if (seen2[pos2])
+ const pos = this.map[index2];
+ if (seen2[pos])
continue;
- seen2[pos2] = true;
- if (col == rect.left && col && this.map[index2 - 1] == pos2 || row == rect.top && row && this.map[index2 - this.width] == pos2) {
+ seen2[pos] = true;
+ if (col == rect.left && col && this.map[index2 - 1] == pos || row == rect.top && row && this.map[index2 - this.width] == pos) {
continue;
}
- result.push(pos2);
+ result.push(pos);
}
}
return result;
@@ -176215,9 +189388,9 @@ function computeMap(table2) {
const colWidths = [];
for (let i2 = 0, e2 = width2 * height; i2 < e2; i2++)
map3[i2] = 0;
- for (let row = 0, pos2 = 0; row < height; row++) {
+ for (let row = 0, pos = 0; row < height; row++) {
const rowNode = table2.child(row);
- pos2++;
+ pos++;
for (let i2 = 0; ; i2++) {
while (mapPos < map3.length && map3[mapPos] != 0)
mapPos++;
@@ -176229,7 +189402,7 @@ function computeMap(table2) {
if (h2 + row >= height) {
(problems || (problems = [])).push({
type: "overlong_rowspan",
- pos: pos2,
+ pos,
n: rowspan - h2
});
break;
@@ -176237,12 +189410,12 @@ function computeMap(table2) {
const start2 = mapPos + h2 * width2;
for (let w2 = 0; w2 < colspan; w2++) {
if (map3[start2 + w2] == 0)
- map3[start2 + w2] = pos2;
+ map3[start2 + w2] = pos;
else
(problems || (problems = [])).push({
type: "collision",
row,
- pos: pos2,
+ pos,
n: colspan - w2
});
const colW = colwidth && colwidth[w2];
@@ -176258,7 +189431,7 @@ function computeMap(table2) {
}
}
mapPos += colspan;
- pos2 += cellNode.nodeSize;
+ pos += cellNode.nodeSize;
}
const expectedPos = (row + 1) * width2;
let missing = 0;
@@ -176267,7 +189440,7 @@ function computeMap(table2) {
missing++;
if (missing)
(problems || (problems = [])).push({ type: "missing", row, n: missing });
- pos2++;
+ pos++;
}
const tableMap = new TableMap(width2, height, map3, problems);
let badWidths = false;
@@ -176313,27 +189486,35 @@ function findBadColWidths(map3, colWidths, table2) {
map3.problems = [];
const seen2 = {};
for (let i2 = 0; i2 < map3.map.length; i2++) {
- const pos2 = map3.map[i2];
- if (seen2[pos2])
+ const pos = map3.map[i2];
+ if (seen2[pos])
continue;
- seen2[pos2] = true;
- const node3 = table2.nodeAt(pos2);
+ seen2[pos] = true;
+ const node3 = table2.nodeAt(pos);
if (!node3) {
- throw new RangeError(`No cell with offset ${pos2} found`);
+ throw new RangeError(`No cell with offset ${pos} found`);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let updated14 = null;
+========
+ let updated15 = null;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const attrs6 = node3.attrs;
for (let j2 = 0; j2 < attrs6.colspan; j2++) {
const col = (i2 + j2) % map3.width;
const colWidth = colWidths[col * 2];
if (colWidth != null && (!attrs6.colwidth || attrs6.colwidth[j2] != colWidth))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
(updated14 || (updated14 = freshColWidth(attrs6)))[j2] = colWidth;
+========
+ (updated15 || (updated15 = freshColWidth(attrs6)))[j2] = colWidth;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
- if (updated14)
+ if (updated15)
map3.problems.unshift({
type: "colwidth mismatch",
- pos: pos2,
- colwidth: updated14
+ pos,
+ colwidth: updated15
});
}
}
@@ -176493,15 +189674,15 @@ function selectionCell(state) {
}
__name(selectionCell, "selectionCell");
function cellNear($pos) {
- for (let after = $pos.nodeAfter, pos2 = $pos.pos; after; after = after.firstChild, pos2++) {
+ for (let after = $pos.nodeAfter, pos = $pos.pos; after; after = after.firstChild, pos++) {
const role = after.type.spec.tableRole;
if (role == "cell" || role == "header_cell")
- return $pos.doc.resolve(pos2);
+ return $pos.doc.resolve(pos);
}
- for (let before = $pos.nodeBefore, pos2 = $pos.pos; before; before = before.lastChild, pos2--) {
+ for (let before = $pos.nodeBefore, pos = $pos.pos; before; before = before.lastChild, pos--) {
const role = before.type.spec.tableRole;
if (role == "cell" || role == "header_cell")
- return $pos.doc.resolve(pos2 - before.nodeSize);
+ return $pos.doc.resolve(pos - before.nodeSize);
}
}
__name(cellNear, "cellNear");
@@ -176533,23 +189714,31 @@ function nextCell($pos, axis, dir) {
return moved == null ? null : $pos.node(0).resolve(tableStart + moved);
}
__name(nextCell, "nextCell");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function removeColSpan(attrs6, pos2, n2 = 1) {
+========
+function removeColSpan(attrs6, pos, n2 = 1) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const result = { ...attrs6, colspan: attrs6.colspan - n2 };
if (result.colwidth) {
result.colwidth = result.colwidth.slice();
- result.colwidth.splice(pos2, n2);
+ result.colwidth.splice(pos, n2);
if (!result.colwidth.some((w2) => w2 > 0))
result.colwidth = null;
}
return result;
}
__name(removeColSpan, "removeColSpan");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addColSpan(attrs6, pos2, n2 = 1) {
+========
+function addColSpan(attrs6, pos, n2 = 1) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const result = { ...attrs6, colspan: attrs6.colspan + n2 };
if (result.colwidth) {
result.colwidth = result.colwidth.slice();
for (let i2 = 0; i2 < n2; i2++)
- result.colwidth.splice(pos2, 0, 0);
+ result.colwidth.splice(pos, 0, 0);
}
return result;
}
@@ -176581,12 +189770,12 @@ var CellSelection = class _CellSelection extends Selection {
const doc2 = $anchorCell.node(0);
const cells = map3.cellsInRect(rect).filter((p2) => p2 != $headCell.pos - tableStart);
cells.unshift($headCell.pos - tableStart);
- const ranges = cells.map((pos2) => {
- const cell = table2.nodeAt(pos2);
+ const ranges = cells.map((pos) => {
+ const cell = table2.nodeAt(pos);
if (!cell) {
- throw RangeError(`No cell with offset ${pos2} found`);
+ throw RangeError(`No cell with offset ${pos} found`);
}
- const from2 = tableStart + pos2 + 1;
+ const from2 = tableStart + pos + 1;
return new SelectionRange(
doc2.resolve(from2),
doc2.resolve(from2 + cell.content.size)
@@ -176625,14 +189814,14 @@ var CellSelection = class _CellSelection extends Selection {
for (let row = rect.top; row < rect.bottom; row++) {
const rowContent = [];
for (let index2 = row * map3.width + rect.left, col = rect.left; col < rect.right; col++, index2++) {
- const pos2 = map3.map[index2];
- if (seen2[pos2])
+ const pos = map3.map[index2];
+ if (seen2[pos])
continue;
- seen2[pos2] = true;
- const cellRect = map3.findCell(pos2);
- let cell = table2.nodeAt(pos2);
+ seen2[pos] = true;
+ const cellRect = map3.findCell(pos);
+ let cell = table2.nodeAt(pos);
if (!cell) {
- throw RangeError(`No cell with offset ${pos2} found`);
+ throw RangeError(`No cell with offset ${pos} found`);
}
const extraLeft = rect.left - cellRect.left;
const extraRight = cellRect.right - rect.right;
@@ -176835,9 +190024,9 @@ function drawCellSelection(state) {
if (!(state.selection instanceof CellSelection))
return null;
const cells = [];
- state.selection.forEachCell((node3, pos2) => {
+ state.selection.forEachCell((node3, pos) => {
cells.push(
- Decoration.node(pos2, pos2 + node3.nodeSize, { class: "selectedCell" })
+ Decoration.node(pos, pos + node3.nodeSize, { class: "selectedCell" })
);
});
return DecorationSet.create(state.doc, cells);
@@ -176929,9 +190118,9 @@ function changedDescendants(old, cur, offset, f2) {
__name(changedDescendants, "changedDescendants");
function fixTables(state, oldState) {
let tr2;
- const check = /* @__PURE__ */ __name((node3, pos2) => {
+ const check = /* @__PURE__ */ __name((node3, pos) => {
if (node3.type.spec.tableRole == "table")
- tr2 = fixTable(state, node3, pos2, tr2);
+ tr2 = fixTable(state, node3, pos, tr2);
}, "check");
if (!oldState)
state.doc.descendants(check);
@@ -176990,11 +190179,17 @@ function fixTable(state, table2, tablePos, tr2) {
first2 = i2;
last = i2;
}
- for (let i2 = 0, pos2 = tablePos + 1; i2 < map3.height; i2++) {
+ for (let i2 = 0, pos = tablePos + 1; i2 < map3.height; i2++) {
const row = table2.child(i2);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const end = pos2 + row.nodeSize;
const add4 = mustAdd[i2];
if (add4 > 0) {
+========
+ const end = pos + row.nodeSize;
+ const add3 = mustAdd[i2];
+ if (add3 > 0) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
let role = "cell";
if (row.firstChild) {
role = row.firstChild.type.spec.tableRole;
@@ -177005,10 +190200,10 @@ function fixTable(state, table2, tablePos, tr2) {
if (node3)
nodes.push(node3);
}
- const side = (i2 == 0 || first2 == i2 - 1) && last == i2 ? pos2 + 1 : end - 1;
+ const side = (i2 == 0 || first2 == i2 - 1) && last == i2 ? pos + 1 : end - 1;
tr2.insert(tr2.mapping.map(side), nodes);
}
- pos2 = end;
+ pos = end;
}
return tr2.setMeta(fixTablesKey, { fixTables: true });
}
@@ -177034,18 +190229,18 @@ function addColumn(tr2, { map: map3, tableStart, table: table2 }, col) {
for (let row = 0; row < map3.height; row++) {
const index2 = row * map3.width + col;
if (col > 0 && col < map3.width && map3.map[index2 - 1] == map3.map[index2]) {
- const pos2 = map3.map[index2];
- const cell = table2.nodeAt(pos2);
+ const pos = map3.map[index2];
+ const cell = table2.nodeAt(pos);
tr2.setNodeMarkup(
- tr2.mapping.map(tableStart + pos2),
+ tr2.mapping.map(tableStart + pos),
null,
- addColSpan(cell.attrs, col - map3.colCount(pos2))
+ addColSpan(cell.attrs, col - map3.colCount(pos))
);
row += cell.attrs.rowspan - 1;
} else {
const type = refColumn == null ? tableNodeTypes(table2.type.schema).cell : table2.nodeAt(map3.map[index2 + refColumn]).type;
- const pos2 = map3.positionAt(row, col, table2);
- tr2.insert(tr2.mapping.map(tableStart + pos2), type.createAndFill());
+ const pos = map3.positionAt(row, col, table2);
+ tr2.insert(tr2.mapping.map(tableStart + pos), type.createAndFill());
}
}
return tr2;
@@ -177075,17 +190270,28 @@ function removeColumn(tr2, { map: map3, table: table2, tableStart }, col) {
const mapStart = tr2.mapping.maps.length;
for (let row = 0; row < map3.height; ) {
const index2 = row * map3.width + col;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const pos2 = map3.map[index2];
const cell = table2.nodeAt(pos2);
const attrs6 = cell.attrs;
if (col > 0 && map3.map[index2 - 1] == pos2 || col < map3.width - 1 && map3.map[index2 + 1] == pos2) {
+========
+ const pos = map3.map[index2];
+ const cell = table2.nodeAt(pos);
+ const attrs6 = cell.attrs;
+ if (col > 0 && map3.map[index2 - 1] == pos || col < map3.width - 1 && map3.map[index2 + 1] == pos) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
tr2.setNodeMarkup(
- tr2.mapping.slice(mapStart).map(tableStart + pos2),
+ tr2.mapping.slice(mapStart).map(tableStart + pos),
null,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
removeColSpan(attrs6, col - map3.colCount(pos2))
+========
+ removeColSpan(attrs6, col - map3.colCount(pos))
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
);
} else {
- const start2 = tr2.mapping.slice(mapStart).map(tableStart + pos2);
+ const start2 = tr2.mapping.slice(mapStart).map(tableStart + pos);
tr2.delete(start2, start2 + cell.nodeSize);
}
row += attrs6.rowspan;
@@ -177136,9 +190342,15 @@ function addRow(tr2, { map: map3, tableStart, table: table2 }, row) {
refRow = row == 0 || row == map3.height ? null : 0;
for (let col = 0, index2 = map3.width * row; col < map3.width; col++, index2++) {
if (row > 0 && row < map3.height && map3.map[index2] == map3.map[index2 - map3.width]) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const pos2 = map3.map[index2];
const attrs6 = table2.nodeAt(pos2).attrs;
tr2.setNodeMarkup(tableStart + pos2, null, {
+========
+ const pos = map3.map[index2];
+ const attrs6 = table2.nodeAt(pos).attrs;
+ tr2.setNodeMarkup(tableStart + pos, null, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
...attrs6,
rowspan: attrs6.rowspan + 1
});
@@ -177183,19 +190395,31 @@ function removeRow(tr2, { map: map3, table: table2, tableStart }, row) {
tr2.delete(rowPos + tableStart, nextRow + tableStart);
const seen2 = /* @__PURE__ */ new Set();
for (let col = 0, index2 = row * map3.width; col < map3.width; col++, index2++) {
- const pos2 = map3.map[index2];
- if (seen2.has(pos2))
+ const pos = map3.map[index2];
+ if (seen2.has(pos))
continue;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
seen2.add(pos2);
if (row > 0 && pos2 == map3.map[index2 - map3.width]) {
const attrs6 = table2.nodeAt(pos2).attrs;
tr2.setNodeMarkup(tr2.mapping.slice(mapFrom).map(pos2 + tableStart), null, {
+========
+ seen2.add(pos);
+ if (row > 0 && pos == map3.map[index2 - map3.width]) {
+ const attrs6 = table2.nodeAt(pos).attrs;
+ tr2.setNodeMarkup(tr2.mapping.slice(mapFrom).map(pos + tableStart), null, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
...attrs6,
rowspan: attrs6.rowspan - 1
});
col += attrs6.colspan - 1;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} else if (row < map3.height && pos2 == map3.map[index2 + map3.width]) {
const cell = table2.nodeAt(pos2);
+========
+ } else if (row < map3.height && pos == map3.map[index2 + map3.width]) {
+ const cell = table2.nodeAt(pos);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const attrs6 = cell.attrs;
const copy2 = cell.type.create(
{ ...attrs6, rowspan: cell.attrs.rowspan - 1 },
@@ -177357,14 +190581,18 @@ function splitCellWithType(getCellType) {
);
let lastCell;
for (let row = rect.top; row < rect.bottom; row++) {
- let pos2 = rect.map.positionAt(row, rect.left, rect.table);
+ let pos = rect.map.positionAt(row, rect.left, rect.table);
if (row == rect.top)
- pos2 += cellNode.nodeSize;
+ pos += cellNode.nodeSize;
for (let col = rect.left, i2 = 0; col < rect.right; col++, i2++) {
if (col == rect.left && row == rect.top)
continue;
tr2.insert(
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
lastCell = tr2.mapping.map(pos2 + rect.tableStart, 1),
+========
+ lastCell = tr2.mapping.map(pos + rect.tableStart, 1),
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
getCellType({ node: cellNode, row, col }).createAndFill(attrs6[i2])
);
}
@@ -177397,9 +190625,9 @@ function setCellAttr(name2, value4) {
if (dispatch) {
const tr2 = state.tr;
if (state.selection instanceof CellSelection)
- state.selection.forEachCell((node3, pos2) => {
+ state.selection.forEachCell((node3, pos) => {
if (node3.attrs[name2] !== value4)
- tr2.setNodeMarkup(pos2, null, {
+ tr2.setNodeMarkup(pos, null, {
...node3.attrs,
[name2]: value4
});
@@ -177435,7 +190663,7 @@ function deprecated_toggleHeader(type) {
bottom: rect.bottom
} : rect
);
- const nodes = cells.map((pos2) => rect.table.nodeAt(pos2));
+ const nodes = cells.map((pos) => rect.table.nodeAt(pos));
for (let i2 = 0; i2 < cells.length; i2++)
if (nodes[i2].type == types.header_cell)
tr2.setNodeMarkup(
@@ -177591,11 +190819,11 @@ function deleteCellSelection(state, dispatch) {
if (dispatch) {
const tr2 = state.tr;
const baseContent = tableNodeTypes(state.schema).cell.createAndFill().content;
- sel.forEachCell((cell, pos2) => {
+ sel.forEachCell((cell, pos) => {
if (!cell.content.eq(baseContent))
tr2.replace(
- tr2.mapping.map(pos2 + 1),
- tr2.mapping.map(pos2 + cell.nodeSize - 1),
+ tr2.mapping.map(pos + 1),
+ tr2.mapping.map(pos + cell.nodeSize - 1),
new Slice(baseContent, 0, 0)
);
});
@@ -177768,12 +190996,12 @@ function isolateHorizontal(tr2, map3, table2, start2, left, right, top, mapFrom)
return false;
let found2 = false;
for (let col = left; col < right; col++) {
- const index2 = top * map3.width + col, pos2 = map3.map[index2];
- if (map3.map[index2 - map3.width] == pos2) {
+ const index2 = top * map3.width + col, pos = map3.map[index2];
+ if (map3.map[index2 - map3.width] == pos) {
found2 = true;
- const cell = table2.nodeAt(pos2);
- const { top: cellTop, left: cellLeft } = map3.findCell(pos2);
- tr2.setNodeMarkup(tr2.mapping.slice(mapFrom).map(pos2 + start2), null, {
+ const cell = table2.nodeAt(pos);
+ const { top: cellTop, left: cellLeft } = map3.findCell(pos);
+ tr2.setNodeMarkup(tr2.mapping.slice(mapFrom).map(pos + start2), null, {
...cell.attrs,
rowspan: top - cellTop
});
@@ -177795,12 +191023,12 @@ function isolateVertical(tr2, map3, table2, start2, top, bottom, left, mapFrom)
return false;
let found2 = false;
for (let row = top; row < bottom; row++) {
- const index2 = row * map3.width + left, pos2 = map3.map[index2];
- if (map3.map[index2 - 1] == pos2) {
+ const index2 = row * map3.width + left, pos = map3.map[index2];
+ if (map3.map[index2 - 1] == pos) {
found2 = true;
- const cell = table2.nodeAt(pos2);
- const cellLeft = map3.colCount(pos2);
- const updatePos = tr2.mapping.slice(mapFrom).map(pos2 + start2);
+ const cell = table2.nodeAt(pos);
+ const cellLeft = map3.colCount(pos);
+ const updatePos = tr2.mapping.slice(mapFrom).map(pos + start2);
tr2.setNodeMarkup(
updatePos,
null,
@@ -177954,8 +191182,8 @@ function shiftArrow(axis, dir) {
};
}
__name(shiftArrow, "shiftArrow");
-function handleTripleClick(view, pos2) {
- const doc2 = view.state.doc, $cell = cellAround(doc2.resolve(pos2));
+function handleTripleClick(view, pos) {
+ const doc2 = view.state.doc, $cell = cellAround(doc2.resolve(pos));
if (!$cell)
return false;
view.dispatch(view.state.tr.setSelection(new CellSelection($cell)));
@@ -178382,8 +191610,8 @@ function edgeCell(view, event, side, handleWidth) {
});
if (!found2)
return -1;
- const { pos: pos2 } = found2;
- const $cell = cellAround(view.state.doc.resolve(pos2));
+ const { pos } = found2;
+ const $cell = cellAround(view.state.doc.resolve(pos));
if (!$cell)
return -1;
if (side == "right")
@@ -178413,14 +191641,24 @@ function updateColumnWidth(view, cell, width2) {
const mapIndex = row * map3.width + col;
if (row && map3.map[mapIndex] == map3.map[mapIndex - map3.width])
continue;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const pos2 = map3.map[mapIndex];
const attrs6 = table2.nodeAt(pos2).attrs;
const index2 = attrs6.colspan == 1 ? 0 : col - map3.colCount(pos2);
+========
+ const pos = map3.map[mapIndex];
+ const attrs6 = table2.nodeAt(pos).attrs;
+ const index2 = attrs6.colspan == 1 ? 0 : col - map3.colCount(pos);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (attrs6.colwidth && attrs6.colwidth[index2] == width2)
continue;
const colwidth = attrs6.colwidth ? attrs6.colwidth.slice() : zeroes(attrs6.colspan);
colwidth[index2] = width2;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
tr2.setNodeMarkup(start2 + pos2, null, { ...attrs6, colwidth });
+========
+ tr2.setNodeMarkup(start2 + pos, null, { ...attrs6, colwidth });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
if (tr2.docChanged)
view.dispatch(tr2);
@@ -178465,7 +191703,7 @@ function handleDecorations(state, cell) {
const index2 = col + row * map3.width;
if ((col == map3.width - 1 || map3.map[index2] != map3.map[index2 + 1]) && (row == 0 || map3.map[index2] != map3.map[index2 - map3.width])) {
const cellPos = map3.map[index2];
- const pos2 = start2 + cellPos + table2.nodeAt(cellPos).nodeSize - 1;
+ const pos = start2 + cellPos + table2.nodeAt(cellPos).nodeSize - 1;
const dom = document.createElement("div");
dom.className = "column-resize-handle";
if ((_a2 = columnResizingPluginKey.getState(state)) == null ? void 0 : _a2.dragging) {
@@ -178479,7 +191717,7 @@ function handleDecorations(state, cell) {
)
);
}
- decorations.push(Decoration.widget(pos2, dom));
+ decorations.push(Decoration.widget(pos, dom));
}
}
return DecorationSet.create(state.doc, decorations);
@@ -178503,8 +191741,8 @@ function tableEditing({
return set4 == -1 ? null : set4;
if (cur == null || !tr2.docChanged)
return cur;
- const { deleted, pos: pos2 } = tr2.mapping.mapResult(cur);
- return deleted ? null : pos2;
+ const { deleted, pos } = tr2.mapping.mapResult(cur);
+ return deleted ? null : pos;
}
},
props: {
@@ -179412,6 +192650,7 @@ class DropCursorView {
this.color = options4.color === false ? void 0 : options4.color || "black";
this.class = options4.class;
this.handlers = ["dragover", "dragend", "drop", "dragleave"].map((name2) => {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let handler10 = /* @__PURE__ */ __name((e2) => {
this[name2](e2);
}, "handler");
@@ -179421,6 +192660,17 @@ class DropCursorView {
}
destroy() {
this.handlers.forEach(({ name: name2, handler: handler10 }) => this.editorView.dom.removeEventListener(name2, handler10));
+========
+ let handler12 = /* @__PURE__ */ __name((e2) => {
+ this[name2](e2);
+ }, "handler");
+ editorView.dom.addEventListener(name2, handler12);
+ return { name: name2, handler: handler12 };
+ });
+ }
+ destroy() {
+ this.handlers.forEach(({ name: name2, handler: handler12 }) => this.editorView.dom.removeEventListener(name2, handler12));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
update(editorView, prevState) {
if (this.cursorPos != null && prevState.doc != editorView.state.doc) {
@@ -179430,11 +192680,11 @@ class DropCursorView {
this.updateOverlay();
}
}
- setCursor(pos2) {
- if (pos2 == this.cursorPos)
+ setCursor(pos) {
+ if (pos == this.cursorPos)
return;
- this.cursorPos = pos2;
- if (pos2 == null) {
+ this.cursorPos = pos;
+ if (pos == null) {
this.element.parentNode.removeChild(this.element);
this.element = null;
} else {
@@ -179494,12 +192744,18 @@ class DropCursorView {
dragover(event) {
if (!this.editorView.editable)
return;
- let pos2 = this.editorView.posAtCoords({ left: event.clientX, top: event.clientY });
- let node3 = pos2 && pos2.inside >= 0 && this.editorView.state.doc.nodeAt(pos2.inside);
+ let pos = this.editorView.posAtCoords({ left: event.clientX, top: event.clientY });
+ let node3 = pos && pos.inside >= 0 && this.editorView.state.doc.nodeAt(pos.inside);
let disableDropCursor = node3 && node3.type.spec.disableDropCursor;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let disabled2 = typeof disableDropCursor == "function" ? disableDropCursor(this.editorView, pos2, event) : disableDropCursor;
if (pos2 && !disabled2) {
let target2 = pos2.pos;
+========
+ let disabled2 = typeof disableDropCursor == "function" ? disableDropCursor(this.editorView, pos, event) : disableDropCursor;
+ if (pos && !disabled2) {
+ let target2 = pos.pos;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (this.editorView.dragging && this.editorView.dragging.slice) {
let point = dropPoint(this.editorView.state.doc, target2, this.editorView.dragging.slice);
if (point != null)
@@ -179592,7 +192848,7 @@ class GapCursor extends Selection {
search: for (; ; ) {
if (!mustMove && GapCursor.valid($pos))
return $pos;
- let pos2 = $pos.pos, next2 = null;
+ let pos = $pos.pos, next2 = null;
for (let d2 = $pos.depth; ; d2--) {
let parent = $pos.node(d2);
if (dir > 0 ? $pos.indexAfter(d2) < parent.childCount : $pos.index(d2) > 0) {
@@ -179601,8 +192857,8 @@ class GapCursor extends Selection {
} else if (d2 == 0) {
return null;
}
- pos2 += dir;
- let $cur = $pos.doc.resolve(pos2);
+ pos += dir;
+ let $cur = $pos.doc.resolve(pos);
if (GapCursor.valid($cur))
return $cur;
}
@@ -179610,15 +192866,15 @@ class GapCursor extends Selection {
let inside = dir > 0 ? next2.firstChild : next2.lastChild;
if (!inside) {
if (next2.isAtom && !next2.isText && !NodeSelection.isSelectable(next2)) {
- $pos = $pos.doc.resolve(pos2 + next2.nodeSize * dir);
+ $pos = $pos.doc.resolve(pos + next2.nodeSize * dir);
mustMove = false;
continue search;
}
break;
}
next2 = inside;
- pos2 += dir;
- let $cur = $pos.doc.resolve(pos2);
+ pos += dir;
+ let $cur = $pos.doc.resolve(pos);
if (GapCursor.valid($cur))
return $cur;
}
@@ -179633,8 +192889,8 @@ class GapBookmark {
static {
__name(this, "GapBookmark");
}
- constructor(pos2) {
- this.pos = pos2;
+ constructor(pos) {
+ this.pos = pos;
}
map(mapping) {
return new GapBookmark(mapping.map(this.pos));
@@ -179720,10 +192976,10 @@ function arrow(axis, dir) {
};
}
__name(arrow, "arrow");
-function handleClick(view, pos2, event) {
+function handleClick(view, pos, event) {
if (!view || !view.editable)
return false;
- let $pos = view.state.doc.resolve(pos2);
+ let $pos = view.state.doc.resolve(pos);
if (!GapCursor.valid($pos))
return false;
let clickPos = view.posAtCoords({ left: event.clientX, top: event.clientY });
@@ -180199,14 +193455,14 @@ class Branch {
}, start2);
let iRebased = rebasedCount;
this.items.forEach((item3) => {
- let pos2 = mapping.getMirror(--iRebased);
- if (pos2 == null)
+ let pos = mapping.getMirror(--iRebased);
+ if (pos == null)
return;
- newUntil = Math.min(newUntil, pos2);
- let map3 = mapping.maps[pos2];
+ newUntil = Math.min(newUntil, pos);
+ let map3 = mapping.maps[pos];
if (item3.step) {
- let step3 = rebasedTransform.steps[pos2].invert(rebasedTransform.docs[pos2]);
- let selection = item3.selection && item3.selection.map(mapping.slice(iRebased + 1, pos2));
+ let step3 = rebasedTransform.steps[pos].invert(rebasedTransform.docs[pos]);
+ let selection = item3.selection && item3.selection.map(mapping.slice(iRebased + 1, pos));
if (selection)
eventCount++;
rebasedItems.push(new Item(map3, step3, selection));
@@ -181774,12 +195030,21 @@ __name(encodeXML, "encodeXML");
const escape$3 = encodeXML;
function getEscaper(regex2, map3) {
return /* @__PURE__ */ __name(function escape2(data26) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
let match3;
let lastIdx = 0;
let result = "";
while (match3 = regex2.exec(data26)) {
if (lastIdx !== match3.index) {
result += data26.substring(lastIdx, match3.index);
+========
+ let match2;
+ let lastIdx = 0;
+ let result = "";
+ while (match2 = regex2.exec(data26)) {
+ if (lastIdx !== match2.index) {
+ result += data26.substring(lastIdx, match2.index);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
result += map3.get(match3[0].charCodeAt(0));
lastIdx = match3.index + 1;
@@ -181855,7 +195120,11 @@ var EncodingMode;
EncodingMode2[EncodingMode2["Attribute"] = 3] = "Attribute";
EncodingMode2[EncodingMode2["Text"] = 4] = "Text";
})(EncodingMode || (EncodingMode = {}));
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function decode$2(data26, options4 = EntityLevel.XML) {
+========
+function decode$1(data26, options4 = EntityLevel.XML) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const level = typeof options4 === "number" ? options4 : options4.level;
if (level === EntityLevel.HTML) {
const mode2 = typeof options4 === "object" ? options4.mode : void 0;
@@ -181863,15 +195132,26 @@ function decode$2(data26, options4 = EntityLevel.XML) {
}
return decodeXML(data26);
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
__name(decode$2, "decode$2");
+========
+__name(decode$1, "decode$1");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
function decodeStrict(data26, options4 = EntityLevel.XML) {
var _a2;
const opts = typeof options4 === "number" ? { level: options4 } : options4;
(_a2 = opts.mode) !== null && _a2 !== void 0 ? _a2 : opts.mode = DecodingMode.Strict;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return decode$2(data26, opts);
}
__name(decodeStrict, "decodeStrict");
function encode$2(data26, options4 = EntityLevel.XML) {
+========
+ return decode$1(data26, opts);
+}
+__name(decodeStrict, "decodeStrict");
+function encode$1(data26, options4 = EntityLevel.XML) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const opts = typeof options4 === "number" ? { level: options4 } : options4;
if (opts.mode === EncodingMode.UTF8)
return escapeUTF8(data26);
@@ -187577,8 +200857,8 @@ function assign$1(obj) {
return obj;
}
__name(assign$1, "assign$1");
-function arrayReplaceAt(src, pos2, newElements) {
- return [].concat(src.slice(0, pos2), newElements, src.slice(pos2 + 1));
+function arrayReplaceAt(src, pos, newElements) {
+ return [].concat(src.slice(0, pos), newElements, src.slice(pos + 1));
}
__name(arrayReplaceAt, "arrayReplaceAt");
function isValidEntityCode(c2) {
@@ -187819,16 +201099,16 @@ function parseLinkLabel(state, start2, disableNested) {
__name(parseLinkLabel, "parseLinkLabel");
function parseLinkDestination(str, start2, max) {
let code2;
- let pos2 = start2;
+ let pos = start2;
const result = {
ok: false,
pos: 0,
str: ""
};
- if (str.charCodeAt(pos2) === 60) {
- pos2++;
- while (pos2 < max) {
- code2 = str.charCodeAt(pos2);
+ if (str.charCodeAt(pos) === 60) {
+ pos++;
+ while (pos < max) {
+ code2 = str.charCodeAt(pos);
if (code2 === 10) {
return result;
}
@@ -187836,33 +201116,33 @@ function parseLinkDestination(str, start2, max) {
return result;
}
if (code2 === 62) {
- result.pos = pos2 + 1;
- result.str = unescapeAll(str.slice(start2 + 1, pos2));
+ result.pos = pos + 1;
+ result.str = unescapeAll(str.slice(start2 + 1, pos));
result.ok = true;
return result;
}
- if (code2 === 92 && pos2 + 1 < max) {
- pos2 += 2;
+ if (code2 === 92 && pos + 1 < max) {
+ pos += 2;
continue;
}
- pos2++;
+ pos++;
}
return result;
}
let level = 0;
- while (pos2 < max) {
- code2 = str.charCodeAt(pos2);
+ while (pos < max) {
+ code2 = str.charCodeAt(pos);
if (code2 === 32) {
break;
}
if (code2 < 32 || code2 === 127) {
break;
}
- if (code2 === 92 && pos2 + 1 < max) {
- if (str.charCodeAt(pos2 + 1) === 32) {
+ if (code2 === 92 && pos + 1 < max) {
+ if (str.charCodeAt(pos + 1) === 32) {
break;
}
- pos2 += 2;
+ pos += 2;
continue;
}
if (code2 === 40) {
@@ -187877,23 +201157,23 @@ function parseLinkDestination(str, start2, max) {
}
level--;
}
- pos2++;
+ pos++;
}
- if (start2 === pos2) {
+ if (start2 === pos) {
return result;
}
if (level !== 0) {
return result;
}
- result.str = unescapeAll(str.slice(start2, pos2));
- result.pos = pos2;
+ result.str = unescapeAll(str.slice(start2, pos));
+ result.pos = pos;
result.ok = true;
return result;
}
__name(parseLinkDestination, "parseLinkDestination");
function parseLinkTitle(str, start2, max, prev_state) {
let code2;
- let pos2 = start2;
+ let pos = start2;
const state = {
// if `true`, this is a valid link title
ok: false,
@@ -187910,36 +201190,36 @@ function parseLinkTitle(str, start2, max, prev_state) {
state.str = prev_state.str;
state.marker = prev_state.marker;
} else {
- if (pos2 >= max) {
+ if (pos >= max) {
return state;
}
- let marker = str.charCodeAt(pos2);
+ let marker = str.charCodeAt(pos);
if (marker !== 34 && marker !== 39 && marker !== 40) {
return state;
}
start2++;
- pos2++;
+ pos++;
if (marker === 40) {
marker = 41;
}
state.marker = marker;
}
- while (pos2 < max) {
- code2 = str.charCodeAt(pos2);
+ while (pos < max) {
+ code2 = str.charCodeAt(pos);
if (code2 === state.marker) {
- state.pos = pos2 + 1;
- state.str += unescapeAll(str.slice(start2, pos2));
+ state.pos = pos + 1;
+ state.str += unescapeAll(str.slice(start2, pos));
state.ok = true;
return state;
} else if (code2 === 40 && state.marker === 41) {
return state;
- } else if (code2 === 92 && pos2 + 1 < max) {
- pos2++;
+ } else if (code2 === 92 && pos + 1 < max) {
+ pos++;
}
- pos2++;
+ pos++;
}
state.can_continue = true;
- state.str += unescapeAll(str.slice(start2, pos2));
+ state.str += unescapeAll(str.slice(start2, pos));
return state;
}
__name(parseLinkTitle, "parseLinkTitle");
@@ -188416,10 +201696,10 @@ function linkify$1(state) {
} else {
urlText = state.md.normalizeLinkText(urlText);
}
- const pos2 = links[ln].index;
- if (pos2 > lastPos) {
+ const pos = links[ln].index;
+ if (pos > lastPos) {
const token = new state.Token("text", "", 0);
- token.content = text2.slice(lastPos, pos2);
+ token.content = text2.slice(lastPos, pos);
token.level = level;
nodes.push(token);
}
@@ -188539,18 +201819,18 @@ function process_inlines(tokens, state) {
continue;
}
let text2 = token.content;
- let pos2 = 0;
+ let pos = 0;
let max = text2.length;
OUTER:
- while (pos2 < max) {
- QUOTE_RE.lastIndex = pos2;
+ while (pos < max) {
+ QUOTE_RE.lastIndex = pos;
const t2 = QUOTE_RE.exec(text2);
if (!t2) {
break;
}
let canOpen = true;
let canClose = true;
- pos2 = t2.index + 1;
+ pos = t2.index + 1;
const isSingle = t2[0] === "'";
let lastChar = 32;
if (t2.index - 1 >= 0) {
@@ -188564,8 +201844,8 @@ function process_inlines(tokens, state) {
}
}
let nextChar = 32;
- if (pos2 < max) {
- nextChar = text2.charCodeAt(pos2);
+ if (pos < max) {
+ nextChar = text2.charCodeAt(pos);
} else {
for (j2 = i2 + 1; j2 < tokens.length; j2++) {
if (tokens[j2].type === "softbreak" || tokens[j2].type === "hardbreak") break;
@@ -188630,9 +201910,9 @@ function process_inlines(tokens, state) {
item3.pos,
openQuote
);
- pos2 += closeQuote.length - 1;
+ pos += closeQuote.length - 1;
if (item3.token === i2) {
- pos2 += openQuote.length - 1;
+ pos += openQuote.length - 1;
}
text2 = token.content;
max = text2.length;
@@ -188740,8 +202020,8 @@ function StateBlock(src, md2, env, tokens) {
this.parentType = "root";
this.level = 0;
const s2 = this.src;
- for (let start2 = 0, pos2 = 0, indent = 0, offset = 0, len = s2.length, indent_found = false; pos2 < len; pos2++) {
- const ch = s2.charCodeAt(pos2);
+ for (let start2 = 0, pos = 0, indent = 0, offset = 0, len = s2.length, indent_found = false; pos < len; pos++) {
+ const ch = s2.charCodeAt(pos);
if (!indent_found) {
if (isSpace(ch)) {
indent++;
@@ -188755,19 +202035,19 @@ function StateBlock(src, md2, env, tokens) {
indent_found = true;
}
}
- if (ch === 10 || pos2 === len - 1) {
+ if (ch === 10 || pos === len - 1) {
if (ch !== 10) {
- pos2++;
+ pos++;
}
this.bMarks.push(start2);
- this.eMarks.push(pos2);
+ this.eMarks.push(pos);
this.tShift.push(indent);
this.sCount.push(offset);
this.bsCount.push(0);
indent_found = false;
indent = 0;
offset = 0;
- start2 = pos2 + 1;
+ start2 = pos + 1;
}
}
this.bMarks.push(s2.length);
@@ -188798,44 +202078,68 @@ StateBlock.prototype.skipEmptyLines = /* @__PURE__ */ __name(function skipEmptyL
}
return from2;
}, "skipEmptyLines");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
StateBlock.prototype.skipSpaces = /* @__PURE__ */ __name(function skipSpaces2(pos2) {
for (let max = this.src.length; pos2 < max; pos2++) {
const ch = this.src.charCodeAt(pos2);
+========
+StateBlock.prototype.skipSpaces = /* @__PURE__ */ __name(function skipSpaces(pos) {
+ for (let max = this.src.length; pos < max; pos++) {
+ const ch = this.src.charCodeAt(pos);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!isSpace(ch)) {
break;
}
}
- return pos2;
+ return pos;
}, "skipSpaces");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
StateBlock.prototype.skipSpacesBack = /* @__PURE__ */ __name(function skipSpacesBack2(pos2, min) {
if (pos2 <= min) {
return pos2;
+========
+StateBlock.prototype.skipSpacesBack = /* @__PURE__ */ __name(function skipSpacesBack(pos, min) {
+ if (pos <= min) {
+ return pos;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
- while (pos2 > min) {
- if (!isSpace(this.src.charCodeAt(--pos2))) {
- return pos2 + 1;
+ while (pos > min) {
+ if (!isSpace(this.src.charCodeAt(--pos))) {
+ return pos + 1;
}
}
- return pos2;
+ return pos;
}, "skipSpacesBack");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
StateBlock.prototype.skipChars = /* @__PURE__ */ __name(function skipChars2(pos2, code2) {
for (let max = this.src.length; pos2 < max; pos2++) {
if (this.src.charCodeAt(pos2) !== code2) {
+========
+StateBlock.prototype.skipChars = /* @__PURE__ */ __name(function skipChars(pos, code2) {
+ for (let max = this.src.length; pos < max; pos++) {
+ if (this.src.charCodeAt(pos) !== code2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
break;
}
}
- return pos2;
+ return pos;
}, "skipChars");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
StateBlock.prototype.skipCharsBack = /* @__PURE__ */ __name(function skipCharsBack2(pos2, code2, min) {
if (pos2 <= min) {
return pos2;
+========
+StateBlock.prototype.skipCharsBack = /* @__PURE__ */ __name(function skipCharsBack(pos, code2, min) {
+ if (pos <= min) {
+ return pos;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
- while (pos2 > min) {
- if (code2 !== this.src.charCodeAt(--pos2)) {
- return pos2 + 1;
+ while (pos > min) {
+ if (code2 !== this.src.charCodeAt(--pos)) {
+ return pos + 1;
}
}
- return pos2;
+ return pos;
}, "skipCharsBack");
StateBlock.prototype.getLines = /* @__PURE__ */ __name(function getLines2(begin, end, indent, keepLastLF) {
if (begin >= end) {
@@ -188878,33 +202182,33 @@ StateBlock.prototype.getLines = /* @__PURE__ */ __name(function getLines2(begin,
StateBlock.prototype.Token = Token;
const MAX_AUTOCOMPLETED_CELLS = 65536;
function getLine(state, line) {
- const pos2 = state.bMarks[line] + state.tShift[line];
+ const pos = state.bMarks[line] + state.tShift[line];
const max = state.eMarks[line];
- return state.src.slice(pos2, max);
+ return state.src.slice(pos, max);
}
__name(getLine, "getLine");
function escapedSplit(str) {
const result = [];
const max = str.length;
- let pos2 = 0;
- let ch = str.charCodeAt(pos2);
+ let pos = 0;
+ let ch = str.charCodeAt(pos);
let isEscaped = false;
let lastPos = 0;
let current = "";
- while (pos2 < max) {
+ while (pos < max) {
if (ch === 124) {
if (!isEscaped) {
- result.push(current + str.substring(lastPos, pos2));
+ result.push(current + str.substring(lastPos, pos));
current = "";
- lastPos = pos2 + 1;
+ lastPos = pos + 1;
} else {
- current += str.substring(lastPos, pos2 - 1);
- lastPos = pos2;
+ current += str.substring(lastPos, pos - 1);
+ lastPos = pos;
}
}
isEscaped = ch === 92;
- pos2++;
- ch = str.charCodeAt(pos2);
+ pos++;
+ ch = str.charCodeAt(pos);
}
result.push(current + str.substring(lastPos));
return result;
@@ -188921,30 +202225,30 @@ function table(state, startLine, endLine, silent) {
if (state.sCount[nextLine] - state.blkIndent >= 4) {
return false;
}
- let pos2 = state.bMarks[nextLine] + state.tShift[nextLine];
- if (pos2 >= state.eMarks[nextLine]) {
+ let pos = state.bMarks[nextLine] + state.tShift[nextLine];
+ if (pos >= state.eMarks[nextLine]) {
return false;
}
- const firstCh = state.src.charCodeAt(pos2++);
+ const firstCh = state.src.charCodeAt(pos++);
if (firstCh !== 124 && firstCh !== 45 && firstCh !== 58) {
return false;
}
- if (pos2 >= state.eMarks[nextLine]) {
+ if (pos >= state.eMarks[nextLine]) {
return false;
}
- const secondCh = state.src.charCodeAt(pos2++);
+ const secondCh = state.src.charCodeAt(pos++);
if (secondCh !== 124 && secondCh !== 45 && secondCh !== 58 && !isSpace(secondCh)) {
return false;
}
if (firstCh === 45 && isSpace(secondCh)) {
return false;
}
- while (pos2 < state.eMarks[nextLine]) {
- const ch = state.src.charCodeAt(pos2);
+ while (pos < state.eMarks[nextLine]) {
+ const ch = state.src.charCodeAt(pos);
if (ch !== 124 && ch !== 45 && ch !== 58 && !isSpace(ch)) {
return false;
}
- pos2++;
+ pos++;
}
let lineText = getLine(state, startLine + 1);
let columns = lineText.split("|");
@@ -189093,26 +202397,26 @@ function code(state, startLine, endLine) {
}
__name(code, "code");
function fence(state, startLine, endLine, silent) {
- let pos2 = state.bMarks[startLine] + state.tShift[startLine];
+ let pos = state.bMarks[startLine] + state.tShift[startLine];
let max = state.eMarks[startLine];
if (state.sCount[startLine] - state.blkIndent >= 4) {
return false;
}
- if (pos2 + 3 > max) {
+ if (pos + 3 > max) {
return false;
}
- const marker = state.src.charCodeAt(pos2);
+ const marker = state.src.charCodeAt(pos);
if (marker !== 126 && marker !== 96) {
return false;
}
- let mem = pos2;
- pos2 = state.skipChars(pos2, marker);
- let len = pos2 - mem;
+ let mem = pos;
+ pos = state.skipChars(pos, marker);
+ let len = pos - mem;
if (len < 3) {
return false;
}
- const markup = state.src.slice(mem, pos2);
- const params = state.src.slice(pos2, max);
+ const markup = state.src.slice(mem, pos);
+ const params = state.src.slice(pos, max);
if (marker === 96) {
if (params.indexOf(String.fromCharCode(marker)) >= 0) {
return false;
@@ -189128,23 +202432,23 @@ function fence(state, startLine, endLine, silent) {
if (nextLine >= endLine) {
break;
}
- pos2 = mem = state.bMarks[nextLine] + state.tShift[nextLine];
+ pos = mem = state.bMarks[nextLine] + state.tShift[nextLine];
max = state.eMarks[nextLine];
- if (pos2 < max && state.sCount[nextLine] < state.blkIndent) {
+ if (pos < max && state.sCount[nextLine] < state.blkIndent) {
break;
}
- if (state.src.charCodeAt(pos2) !== marker) {
+ if (state.src.charCodeAt(pos) !== marker) {
continue;
}
if (state.sCount[nextLine] - state.blkIndent >= 4) {
continue;
}
- pos2 = state.skipChars(pos2, marker);
- if (pos2 - mem < len) {
+ pos = state.skipChars(pos, marker);
+ if (pos - mem < len) {
continue;
}
- pos2 = state.skipSpaces(pos2);
- if (pos2 < max) {
+ pos = state.skipSpaces(pos);
+ if (pos < max) {
continue;
}
haveEndMarker = true;
@@ -189161,13 +202465,13 @@ function fence(state, startLine, endLine, silent) {
}
__name(fence, "fence");
function blockquote(state, startLine, endLine, silent) {
- let pos2 = state.bMarks[startLine] + state.tShift[startLine];
+ let pos = state.bMarks[startLine] + state.tShift[startLine];
let max = state.eMarks[startLine];
const oldLineMax = state.lineMax;
if (state.sCount[startLine] - state.blkIndent >= 4) {
return false;
}
- if (state.src.charCodeAt(pos2) !== 62) {
+ if (state.src.charCodeAt(pos) !== 62) {
return false;
}
if (silent) {
@@ -189184,24 +202488,24 @@ function blockquote(state, startLine, endLine, silent) {
let nextLine;
for (nextLine = startLine; nextLine < endLine; nextLine++) {
const isOutdented = state.sCount[nextLine] < state.blkIndent;
- pos2 = state.bMarks[nextLine] + state.tShift[nextLine];
+ pos = state.bMarks[nextLine] + state.tShift[nextLine];
max = state.eMarks[nextLine];
- if (pos2 >= max) {
+ if (pos >= max) {
break;
}
- if (state.src.charCodeAt(pos2++) === 62 && !isOutdented) {
+ if (state.src.charCodeAt(pos++) === 62 && !isOutdented) {
let initial = state.sCount[nextLine] + 1;
let spaceAfterMarker;
let adjustTab;
- if (state.src.charCodeAt(pos2) === 32) {
- pos2++;
+ if (state.src.charCodeAt(pos) === 32) {
+ pos++;
initial++;
adjustTab = false;
spaceAfterMarker = true;
- } else if (state.src.charCodeAt(pos2) === 9) {
+ } else if (state.src.charCodeAt(pos) === 9) {
spaceAfterMarker = true;
if ((state.bsCount[nextLine] + initial) % 4 === 3) {
- pos2++;
+ pos++;
initial++;
adjustTab = false;
} else {
@@ -189212,9 +202516,9 @@ function blockquote(state, startLine, endLine, silent) {
}
let offset = initial;
oldBMarks.push(state.bMarks[nextLine]);
- state.bMarks[nextLine] = pos2;
- while (pos2 < max) {
- const ch = state.src.charCodeAt(pos2);
+ state.bMarks[nextLine] = pos;
+ while (pos < max) {
+ const ch = state.src.charCodeAt(pos);
if (isSpace(ch)) {
if (ch === 9) {
offset += 4 - (offset + state.bsCount[nextLine] + (adjustTab ? 1 : 0)) % 4;
@@ -189224,15 +202528,15 @@ function blockquote(state, startLine, endLine, silent) {
} else {
break;
}
- pos2++;
+ pos++;
}
- lastLineEmpty = pos2 >= max;
+ lastLineEmpty = pos >= max;
oldBSCount.push(state.bsCount[nextLine]);
state.bsCount[nextLine] = state.sCount[nextLine] + 1 + (spaceAfterMarker ? 1 : 0);
oldSCount.push(state.sCount[nextLine]);
state.sCount[nextLine] = offset - initial;
oldTShift.push(state.tShift[nextLine]);
- state.tShift[nextLine] = pos2 - state.bMarks[nextLine];
+ state.tShift[nextLine] = pos - state.bMarks[nextLine];
continue;
}
if (lastLineEmpty) {
@@ -189289,14 +202593,14 @@ function hr(state, startLine, endLine, silent) {
if (state.sCount[startLine] - state.blkIndent >= 4) {
return false;
}
- let pos2 = state.bMarks[startLine] + state.tShift[startLine];
- const marker = state.src.charCodeAt(pos2++);
+ let pos = state.bMarks[startLine] + state.tShift[startLine];
+ const marker = state.src.charCodeAt(pos++);
if (marker !== 42 && marker !== 45 && marker !== 95) {
return false;
}
let cnt = 1;
- while (pos2 < max) {
- const ch = state.src.charCodeAt(pos2++);
+ while (pos < max) {
+ const ch = state.src.charCodeAt(pos++);
if (ch !== marker && !isSpace(ch)) {
return false;
}
@@ -189319,38 +202623,38 @@ function hr(state, startLine, endLine, silent) {
__name(hr, "hr");
function skipBulletListMarker(state, startLine) {
const max = state.eMarks[startLine];
- let pos2 = state.bMarks[startLine] + state.tShift[startLine];
- const marker = state.src.charCodeAt(pos2++);
+ let pos = state.bMarks[startLine] + state.tShift[startLine];
+ const marker = state.src.charCodeAt(pos++);
if (marker !== 42 && marker !== 45 && marker !== 43) {
return -1;
}
- if (pos2 < max) {
- const ch = state.src.charCodeAt(pos2);
+ if (pos < max) {
+ const ch = state.src.charCodeAt(pos);
if (!isSpace(ch)) {
return -1;
}
}
- return pos2;
+ return pos;
}
__name(skipBulletListMarker, "skipBulletListMarker");
function skipOrderedListMarker(state, startLine) {
const start2 = state.bMarks[startLine] + state.tShift[startLine];
const max = state.eMarks[startLine];
- let pos2 = start2;
- if (pos2 + 1 >= max) {
+ let pos = start2;
+ if (pos + 1 >= max) {
return -1;
}
- let ch = state.src.charCodeAt(pos2++);
+ let ch = state.src.charCodeAt(pos++);
if (ch < 48 || ch > 57) {
return -1;
}
for (; ; ) {
- if (pos2 >= max) {
+ if (pos >= max) {
return -1;
}
- ch = state.src.charCodeAt(pos2++);
+ ch = state.src.charCodeAt(pos++);
if (ch >= 48 && ch <= 57) {
- if (pos2 - start2 >= 10) {
+ if (pos - start2 >= 10) {
return -1;
}
continue;
@@ -189360,13 +202664,13 @@ function skipOrderedListMarker(state, startLine) {
}
return -1;
}
- if (pos2 < max) {
- ch = state.src.charCodeAt(pos2);
+ if (pos < max) {
+ ch = state.src.charCodeAt(pos);
if (!isSpace(ch)) {
return -1;
}
}
- return pos2;
+ return pos;
}
__name(skipOrderedListMarker, "skipOrderedListMarker");
function markTightParagraphs(state, idx) {
@@ -189381,7 +202685,7 @@ function markTightParagraphs(state, idx) {
}
__name(markTightParagraphs, "markTightParagraphs");
function list(state, startLine, endLine, silent) {
- let max, pos2, start2, token;
+ let max, pos, start2, token;
let nextLine = startLine;
let tight = true;
if (state.sCount[nextLine] - state.blkIndent >= 4) {
@@ -189433,12 +202737,12 @@ function list(state, startLine, endLine, silent) {
const oldParentType = state.parentType;
state.parentType = "list";
while (nextLine < endLine) {
- pos2 = posAfterMarker;
+ pos = posAfterMarker;
max = state.eMarks[nextLine];
const initial = state.sCount[nextLine] + posAfterMarker - (state.bMarks[nextLine] + state.tShift[nextLine]);
let offset = initial;
- while (pos2 < max) {
- const ch = state.src.charCodeAt(pos2);
+ while (pos < max) {
+ const ch = state.src.charCodeAt(pos);
if (ch === 9) {
offset += 4 - (offset + state.bsCount[nextLine]) % 4;
} else if (ch === 32) {
@@ -189446,9 +202750,9 @@ function list(state, startLine, endLine, silent) {
} else {
break;
}
- pos2++;
+ pos++;
}
- const contentStart = pos2;
+ const contentStart = pos;
let indentAfterMarker;
if (contentStart >= max) {
indentAfterMarker = 1;
@@ -189544,13 +202848,13 @@ function list(state, startLine, endLine, silent) {
}
__name(list, "list");
function reference(state, startLine, _endLine, silent) {
- let pos2 = state.bMarks[startLine] + state.tShift[startLine];
+ let pos = state.bMarks[startLine] + state.tShift[startLine];
let max = state.eMarks[startLine];
let nextLine = startLine + 1;
if (state.sCount[startLine] - state.blkIndent >= 4) {
return false;
}
- if (state.src.charCodeAt(pos2) !== 91) {
+ if (state.src.charCodeAt(pos) !== 91) {
return false;
}
function getNextLine(nextLine2) {
@@ -189581,20 +202885,20 @@ function reference(state, startLine, _endLine, silent) {
return null;
}
}
- const pos3 = state.bMarks[nextLine2] + state.tShift[nextLine2];
+ const pos2 = state.bMarks[nextLine2] + state.tShift[nextLine2];
const max2 = state.eMarks[nextLine2];
- return state.src.slice(pos3, max2 + 1);
+ return state.src.slice(pos2, max2 + 1);
}
__name(getNextLine, "getNextLine");
- let str = state.src.slice(pos2, max + 1);
+ let str = state.src.slice(pos, max + 1);
max = str.length;
let labelEnd = -1;
- for (pos2 = 1; pos2 < max; pos2++) {
- const ch = str.charCodeAt(pos2);
+ for (pos = 1; pos < max; pos++) {
+ const ch = str.charCodeAt(pos);
if (ch === 91) {
return false;
} else if (ch === 93) {
- labelEnd = pos2;
+ labelEnd = pos;
break;
} else if (ch === 10) {
const lineContent = getNextLine(nextLine);
@@ -189604,8 +202908,8 @@ function reference(state, startLine, _endLine, silent) {
nextLine++;
}
} else if (ch === 92) {
- pos2++;
- if (pos2 < max && str.charCodeAt(pos2) === 10) {
+ pos++;
+ if (pos < max && str.charCodeAt(pos) === 10) {
const lineContent = getNextLine(nextLine);
if (lineContent !== null) {
str += lineContent;
@@ -189618,8 +202922,8 @@ function reference(state, startLine, _endLine, silent) {
if (labelEnd < 0 || str.charCodeAt(labelEnd + 1) !== 58) {
return false;
}
- for (pos2 = labelEnd + 2; pos2 < max; pos2++) {
- const ch = str.charCodeAt(pos2);
+ for (pos = labelEnd + 2; pos < max; pos++) {
+ const ch = str.charCodeAt(pos);
if (ch === 10) {
const lineContent = getNextLine(nextLine);
if (lineContent !== null) {
@@ -189632,7 +202936,7 @@ function reference(state, startLine, _endLine, silent) {
break;
}
}
- const destRes = state.md.helpers.parseLinkDestination(str, pos2, max);
+ const destRes = state.md.helpers.parseLinkDestination(str, pos, max);
if (!destRes.ok) {
return false;
}
@@ -189640,12 +202944,12 @@ function reference(state, startLine, _endLine, silent) {
if (!state.md.validateLink(href)) {
return false;
}
- pos2 = destRes.pos;
- const destEndPos = pos2;
+ pos = destRes.pos;
+ const destEndPos = pos;
const destEndLineNo = nextLine;
- const start2 = pos2;
- for (; pos2 < max; pos2++) {
- const ch = str.charCodeAt(pos2);
+ const start2 = pos;
+ for (; pos < max; pos++) {
+ const ch = str.charCodeAt(pos);
if (ch === 10) {
const lineContent = getNextLine(nextLine);
if (lineContent !== null) {
@@ -189658,47 +202962,47 @@ function reference(state, startLine, _endLine, silent) {
break;
}
}
- let titleRes = state.md.helpers.parseLinkTitle(str, pos2, max);
+ let titleRes = state.md.helpers.parseLinkTitle(str, pos, max);
while (titleRes.can_continue) {
const lineContent = getNextLine(nextLine);
if (lineContent === null) break;
str += lineContent;
- pos2 = max;
+ pos = max;
max = str.length;
nextLine++;
- titleRes = state.md.helpers.parseLinkTitle(str, pos2, max, titleRes);
+ titleRes = state.md.helpers.parseLinkTitle(str, pos, max, titleRes);
}
let title;
- if (pos2 < max && start2 !== pos2 && titleRes.ok) {
+ if (pos < max && start2 !== pos && titleRes.ok) {
title = titleRes.str;
- pos2 = titleRes.pos;
+ pos = titleRes.pos;
} else {
title = "";
- pos2 = destEndPos;
+ pos = destEndPos;
nextLine = destEndLineNo;
}
- while (pos2 < max) {
- const ch = str.charCodeAt(pos2);
+ while (pos < max) {
+ const ch = str.charCodeAt(pos);
if (!isSpace(ch)) {
break;
}
- pos2++;
+ pos++;
}
- if (pos2 < max && str.charCodeAt(pos2) !== 10) {
+ if (pos < max && str.charCodeAt(pos) !== 10) {
if (title) {
title = "";
- pos2 = destEndPos;
+ pos = destEndPos;
nextLine = destEndLineNo;
- while (pos2 < max) {
- const ch = str.charCodeAt(pos2);
+ while (pos < max) {
+ const ch = str.charCodeAt(pos);
if (!isSpace(ch)) {
break;
}
- pos2++;
+ pos++;
}
}
}
- if (pos2 < max && str.charCodeAt(pos2) !== 10) {
+ if (pos < max && str.charCodeAt(pos) !== 10) {
return false;
}
const label5 = normalizeReference(str.slice(1, labelEnd));
@@ -189806,7 +203110,7 @@ const HTML_SEQUENCES = [
[new RegExp(HTML_OPEN_CLOSE_TAG_RE.source + "\\s*$"), /^$/, false]
];
function html_block(state, startLine, endLine, silent) {
- let pos2 = state.bMarks[startLine] + state.tShift[startLine];
+ let pos = state.bMarks[startLine] + state.tShift[startLine];
let max = state.eMarks[startLine];
if (state.sCount[startLine] - state.blkIndent >= 4) {
return false;
@@ -189814,10 +203118,10 @@ function html_block(state, startLine, endLine, silent) {
if (!state.md.options.html) {
return false;
}
- if (state.src.charCodeAt(pos2) !== 60) {
+ if (state.src.charCodeAt(pos) !== 60) {
return false;
}
- let lineText = state.src.slice(pos2, max);
+ let lineText = state.src.slice(pos, max);
let i2 = 0;
for (; i2 < HTML_SEQUENCES.length; i2++) {
if (HTML_SEQUENCES[i2][0].test(lineText)) {
@@ -189836,9 +203140,9 @@ function html_block(state, startLine, endLine, silent) {
if (state.sCount[nextLine] < state.blkIndent) {
break;
}
- pos2 = state.bMarks[nextLine] + state.tShift[nextLine];
+ pos = state.bMarks[nextLine] + state.tShift[nextLine];
max = state.eMarks[nextLine];
- lineText = state.src.slice(pos2, max);
+ lineText = state.src.slice(pos, max);
if (HTML_SEQUENCES[i2][1].test(lineText)) {
if (lineText.length !== 0) {
nextLine++;
@@ -189855,30 +203159,30 @@ function html_block(state, startLine, endLine, silent) {
}
__name(html_block, "html_block");
function heading(state, startLine, endLine, silent) {
- let pos2 = state.bMarks[startLine] + state.tShift[startLine];
+ let pos = state.bMarks[startLine] + state.tShift[startLine];
let max = state.eMarks[startLine];
if (state.sCount[startLine] - state.blkIndent >= 4) {
return false;
}
- let ch = state.src.charCodeAt(pos2);
- if (ch !== 35 || pos2 >= max) {
+ let ch = state.src.charCodeAt(pos);
+ if (ch !== 35 || pos >= max) {
return false;
}
let level = 1;
- ch = state.src.charCodeAt(++pos2);
- while (ch === 35 && pos2 < max && level <= 6) {
+ ch = state.src.charCodeAt(++pos);
+ while (ch === 35 && pos < max && level <= 6) {
level++;
- ch = state.src.charCodeAt(++pos2);
+ ch = state.src.charCodeAt(++pos);
}
- if (level > 6 || pos2 < max && !isSpace(ch)) {
+ if (level > 6 || pos < max && !isSpace(ch)) {
return false;
}
if (silent) {
return true;
}
- max = state.skipSpacesBack(max, pos2);
- const tmp = state.skipCharsBack(max, 35, pos2);
- if (tmp > pos2 && isSpace(state.src.charCodeAt(tmp - 1))) {
+ max = state.skipSpacesBack(max, pos);
+ const tmp = state.skipCharsBack(max, 35, pos);
+ if (tmp > pos && isSpace(state.src.charCodeAt(tmp - 1))) {
max = tmp;
}
state.line = startLine + 1;
@@ -189886,7 +203190,7 @@ function heading(state, startLine, endLine, silent) {
token_o.markup = "########".slice(0, level);
token_o.map = [startLine, state.line];
const token_i = state.push("inline", "", 0);
- token_i.content = state.src.slice(pos2, max).trim();
+ token_i.content = state.src.slice(pos, max).trim();
token_i.map = [startLine, state.line];
token_i.children = [];
const token_c = state.push("heading_close", "h" + String(level), -1);
@@ -189909,14 +203213,14 @@ function lheading(state, startLine, endLine) {
continue;
}
if (state.sCount[nextLine] >= state.blkIndent) {
- let pos2 = state.bMarks[nextLine] + state.tShift[nextLine];
+ let pos = state.bMarks[nextLine] + state.tShift[nextLine];
const max = state.eMarks[nextLine];
- if (pos2 < max) {
- marker = state.src.charCodeAt(pos2);
+ if (pos < max) {
+ marker = state.src.charCodeAt(pos);
if (marker === 45 || marker === 61) {
- pos2 = state.skipChars(pos2, marker);
- pos2 = state.skipSpaces(pos2);
- if (pos2 >= max) {
+ pos = state.skipChars(pos, marker);
+ pos = state.skipSpaces(pos);
+ if (pos >= max) {
level = marker === 61 ? 1 : 2;
break;
}
@@ -190116,12 +203420,12 @@ StateInline.prototype.scanDelims = function(start2, canSplitWord) {
const max = this.posMax;
const marker = this.src.charCodeAt(start2);
const lastChar = start2 > 0 ? this.src.charCodeAt(start2 - 1) : 32;
- let pos2 = start2;
- while (pos2 < max && this.src.charCodeAt(pos2) === marker) {
- pos2++;
+ let pos = start2;
+ while (pos < max && this.src.charCodeAt(pos) === marker) {
+ pos++;
}
- const count = pos2 - start2;
- const nextChar = pos2 < max ? this.src.charCodeAt(pos2) : 32;
+ const count = pos - start2;
+ const nextChar = pos < max ? this.src.charCodeAt(pos) : 32;
const isLastPunctChar = isMdAsciiPunct(lastChar) || isPunctChar(String.fromCharCode(lastChar));
const isNextPunctChar = isMdAsciiPunct(nextChar) || isPunctChar(String.fromCharCode(nextChar));
const isLastWhiteSpace = isWhiteSpace(lastChar);
@@ -190165,17 +203469,17 @@ function isTerminatorChar(ch) {
}
__name(isTerminatorChar, "isTerminatorChar");
function text(state, silent) {
- let pos2 = state.pos;
- while (pos2 < state.posMax && !isTerminatorChar(state.src.charCodeAt(pos2))) {
- pos2++;
+ let pos = state.pos;
+ while (pos < state.posMax && !isTerminatorChar(state.src.charCodeAt(pos))) {
+ pos++;
}
- if (pos2 === state.pos) {
+ if (pos === state.pos) {
return false;
}
if (!silent) {
- state.pending += state.src.slice(state.pos, pos2);
+ state.pending += state.src.slice(state.pos, pos);
}
- state.pos = pos2;
+ state.pos = pos;
return true;
}
__name(text, "text");
@@ -190183,8 +203487,9 @@ const SCHEME_RE = /(?:^|[^a-z0-9.+-])([a-z][a-z0-9.+-]*)$/i;
function linkify(state, silent) {
if (!state.md.options.linkify) return false;
if (state.linkLevel > 0) return false;
- const pos2 = state.pos;
+ const pos = state.pos;
const max = state.posMax;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (pos2 + 3 > max) return false;
if (state.src.charCodeAt(pos2) !== 58) return false;
if (state.src.charCodeAt(pos2 + 1) !== 47) return false;
@@ -190193,6 +203498,16 @@ function linkify(state, silent) {
if (!match3) return false;
const proto = match3[1];
const link2 = state.md.linkify.matchAtStart(state.src.slice(pos2 - proto.length));
+========
+ if (pos + 3 > max) return false;
+ if (state.src.charCodeAt(pos) !== 58) return false;
+ if (state.src.charCodeAt(pos + 1) !== 47) return false;
+ if (state.src.charCodeAt(pos + 2) !== 47) return false;
+ const match2 = state.pending.match(SCHEME_RE);
+ if (!match2) return false;
+ const proto = match2[1];
+ const link2 = state.md.linkify.matchAtStart(state.src.slice(pos - proto.length));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!link2) return false;
let url = link2.url;
if (url.length <= proto.length) return false;
@@ -190216,8 +203531,8 @@ function linkify(state, silent) {
}
__name(linkify, "linkify");
function newline(state, silent) {
- let pos2 = state.pos;
- if (state.src.charCodeAt(pos2) !== 10) {
+ let pos = state.pos;
+ if (state.src.charCodeAt(pos) !== 10) {
return false;
}
const pmax = state.pending.length - 1;
@@ -190237,11 +203552,11 @@ function newline(state, silent) {
state.push("softbreak", "br", 0);
}
}
- pos2++;
- while (pos2 < max && isSpace(state.src.charCodeAt(pos2))) {
- pos2++;
+ pos++;
+ while (pos < max && isSpace(state.src.charCodeAt(pos))) {
+ pos++;
}
- state.pos = pos2;
+ state.pos = pos;
return true;
}
__name(newline, "newline");
@@ -190253,31 +203568,31 @@ for (let i2 = 0; i2 < 256; i2++) {
ESCAPED[ch.charCodeAt(0)] = 1;
});
function escape$1(state, silent) {
- let pos2 = state.pos;
+ let pos = state.pos;
const max = state.posMax;
- if (state.src.charCodeAt(pos2) !== 92) return false;
- pos2++;
- if (pos2 >= max) return false;
- let ch1 = state.src.charCodeAt(pos2);
+ if (state.src.charCodeAt(pos) !== 92) return false;
+ pos++;
+ if (pos >= max) return false;
+ let ch1 = state.src.charCodeAt(pos);
if (ch1 === 10) {
if (!silent) {
state.push("hardbreak", "br", 0);
}
- pos2++;
- while (pos2 < max) {
- ch1 = state.src.charCodeAt(pos2);
+ pos++;
+ while (pos < max) {
+ ch1 = state.src.charCodeAt(pos);
if (!isSpace(ch1)) break;
- pos2++;
+ pos++;
}
- state.pos = pos2;
+ state.pos = pos;
return true;
}
- let escapedStr = state.src[pos2];
- if (ch1 >= 55296 && ch1 <= 56319 && pos2 + 1 < max) {
- const ch2 = state.src.charCodeAt(pos2 + 1);
+ let escapedStr = state.src[pos];
+ if (ch1 >= 55296 && ch1 <= 56319 && pos + 1 < max) {
+ const ch2 = state.src.charCodeAt(pos + 1);
if (ch2 >= 56320 && ch2 <= 57343) {
- escapedStr += state.src[pos2 + 1];
- pos2++;
+ escapedStr += state.src[pos + 1];
+ pos++;
}
}
const origStr = "\\" + escapedStr;
@@ -190291,30 +203606,30 @@ function escape$1(state, silent) {
token.markup = origStr;
token.info = "escape";
}
- state.pos = pos2 + 1;
+ state.pos = pos + 1;
return true;
}
__name(escape$1, "escape$1");
function backtick(state, silent) {
- let pos2 = state.pos;
- const ch = state.src.charCodeAt(pos2);
+ let pos = state.pos;
+ const ch = state.src.charCodeAt(pos);
if (ch !== 96) {
return false;
}
- const start2 = pos2;
- pos2++;
+ const start2 = pos;
+ pos++;
const max = state.posMax;
- while (pos2 < max && state.src.charCodeAt(pos2) === 96) {
- pos2++;
+ while (pos < max && state.src.charCodeAt(pos) === 96) {
+ pos++;
}
- const marker = state.src.slice(start2, pos2);
+ const marker = state.src.slice(start2, pos);
const openerLength = marker.length;
if (state.backticksScanned && (state.backticks[openerLength] || 0) <= start2) {
if (!silent) state.pending += marker;
state.pos += openerLength;
return true;
}
- let matchEnd = pos2;
+ let matchEnd = pos;
let matchStart;
while ((matchStart = state.src.indexOf("`", matchEnd)) !== -1) {
matchEnd = matchStart + 1;
@@ -190326,7 +203641,7 @@ function backtick(state, silent) {
if (!silent) {
const token = state.push("code_inline", "code", 0);
token.markup = marker;
- token.content = state.src.slice(pos2, matchStart).replace(/\n/g, " ").replace(/^ (.+) $/, "$1");
+ token.content = state.src.slice(pos, matchStart).replace(/\n/g, " ").replace(/^ (.+) $/, "$1");
}
state.pos = matchEnd;
return true;
@@ -190540,66 +203855,66 @@ function link(state, silent) {
if (labelEnd < 0) {
return false;
}
- let pos2 = labelEnd + 1;
- if (pos2 < max && state.src.charCodeAt(pos2) === 40) {
+ let pos = labelEnd + 1;
+ if (pos < max && state.src.charCodeAt(pos) === 40) {
parseReference = false;
- pos2++;
- for (; pos2 < max; pos2++) {
- code2 = state.src.charCodeAt(pos2);
+ pos++;
+ for (; pos < max; pos++) {
+ code2 = state.src.charCodeAt(pos);
if (!isSpace(code2) && code2 !== 10) {
break;
}
}
- if (pos2 >= max) {
+ if (pos >= max) {
return false;
}
- start2 = pos2;
- res = state.md.helpers.parseLinkDestination(state.src, pos2, state.posMax);
+ start2 = pos;
+ res = state.md.helpers.parseLinkDestination(state.src, pos, state.posMax);
if (res.ok) {
href = state.md.normalizeLink(res.str);
if (state.md.validateLink(href)) {
- pos2 = res.pos;
+ pos = res.pos;
} else {
href = "";
}
- start2 = pos2;
- for (; pos2 < max; pos2++) {
- code2 = state.src.charCodeAt(pos2);
+ start2 = pos;
+ for (; pos < max; pos++) {
+ code2 = state.src.charCodeAt(pos);
if (!isSpace(code2) && code2 !== 10) {
break;
}
}
- res = state.md.helpers.parseLinkTitle(state.src, pos2, state.posMax);
- if (pos2 < max && start2 !== pos2 && res.ok) {
+ res = state.md.helpers.parseLinkTitle(state.src, pos, state.posMax);
+ if (pos < max && start2 !== pos && res.ok) {
title = res.str;
- pos2 = res.pos;
- for (; pos2 < max; pos2++) {
- code2 = state.src.charCodeAt(pos2);
+ pos = res.pos;
+ for (; pos < max; pos++) {
+ code2 = state.src.charCodeAt(pos);
if (!isSpace(code2) && code2 !== 10) {
break;
}
}
}
}
- if (pos2 >= max || state.src.charCodeAt(pos2) !== 41) {
+ if (pos >= max || state.src.charCodeAt(pos) !== 41) {
parseReference = true;
}
- pos2++;
+ pos++;
}
if (parseReference) {
if (typeof state.env.references === "undefined") {
return false;
}
- if (pos2 < max && state.src.charCodeAt(pos2) === 91) {
- start2 = pos2 + 1;
- pos2 = state.md.helpers.parseLinkLabel(state, pos2);
- if (pos2 >= 0) {
- label5 = state.src.slice(start2, pos2++);
+ if (pos < max && state.src.charCodeAt(pos) === 91) {
+ start2 = pos + 1;
+ pos = state.md.helpers.parseLinkLabel(state, pos);
+ if (pos >= 0) {
+ label5 = state.src.slice(start2, pos++);
} else {
- pos2 = labelEnd + 1;
+ pos = labelEnd + 1;
}
} else {
- pos2 = labelEnd + 1;
+ pos = labelEnd + 1;
}
if (!label5) {
label5 = state.src.slice(labelStart, labelEnd);
@@ -190626,13 +203941,13 @@ function link(state, silent) {
state.linkLevel--;
state.push("link_close", "a", -1);
}
- state.pos = pos2;
+ state.pos = pos;
state.posMax = max;
return true;
}
__name(link, "link");
function image(state, silent) {
- let code2, content2, label5, pos2, ref2, res, title, start2;
+ let code2, content2, label5, pos, ref2, res, title, start2;
let href = "";
const oldPos = state.pos;
const max = state.posMax;
@@ -190647,41 +203962,41 @@ function image(state, silent) {
if (labelEnd < 0) {
return false;
}
- pos2 = labelEnd + 1;
- if (pos2 < max && state.src.charCodeAt(pos2) === 40) {
- pos2++;
- for (; pos2 < max; pos2++) {
- code2 = state.src.charCodeAt(pos2);
+ pos = labelEnd + 1;
+ if (pos < max && state.src.charCodeAt(pos) === 40) {
+ pos++;
+ for (; pos < max; pos++) {
+ code2 = state.src.charCodeAt(pos);
if (!isSpace(code2) && code2 !== 10) {
break;
}
}
- if (pos2 >= max) {
+ if (pos >= max) {
return false;
}
- start2 = pos2;
- res = state.md.helpers.parseLinkDestination(state.src, pos2, state.posMax);
+ start2 = pos;
+ res = state.md.helpers.parseLinkDestination(state.src, pos, state.posMax);
if (res.ok) {
href = state.md.normalizeLink(res.str);
if (state.md.validateLink(href)) {
- pos2 = res.pos;
+ pos = res.pos;
} else {
href = "";
}
}
- start2 = pos2;
- for (; pos2 < max; pos2++) {
- code2 = state.src.charCodeAt(pos2);
+ start2 = pos;
+ for (; pos < max; pos++) {
+ code2 = state.src.charCodeAt(pos);
if (!isSpace(code2) && code2 !== 10) {
break;
}
}
- res = state.md.helpers.parseLinkTitle(state.src, pos2, state.posMax);
- if (pos2 < max && start2 !== pos2 && res.ok) {
+ res = state.md.helpers.parseLinkTitle(state.src, pos, state.posMax);
+ if (pos < max && start2 !== pos && res.ok) {
title = res.str;
- pos2 = res.pos;
- for (; pos2 < max; pos2++) {
- code2 = state.src.charCodeAt(pos2);
+ pos = res.pos;
+ for (; pos < max; pos++) {
+ code2 = state.src.charCodeAt(pos);
if (!isSpace(code2) && code2 !== 10) {
break;
}
@@ -190689,25 +204004,25 @@ function image(state, silent) {
} else {
title = "";
}
- if (pos2 >= max || state.src.charCodeAt(pos2) !== 41) {
+ if (pos >= max || state.src.charCodeAt(pos) !== 41) {
state.pos = oldPos;
return false;
}
- pos2++;
+ pos++;
} else {
if (typeof state.env.references === "undefined") {
return false;
}
- if (pos2 < max && state.src.charCodeAt(pos2) === 91) {
- start2 = pos2 + 1;
- pos2 = state.md.helpers.parseLinkLabel(state, pos2);
- if (pos2 >= 0) {
- label5 = state.src.slice(start2, pos2++);
+ if (pos < max && state.src.charCodeAt(pos) === 91) {
+ start2 = pos + 1;
+ pos = state.md.helpers.parseLinkLabel(state, pos);
+ if (pos >= 0) {
+ label5 = state.src.slice(start2, pos++);
} else {
- pos2 = labelEnd + 1;
+ pos = labelEnd + 1;
}
} else {
- pos2 = labelEnd + 1;
+ pos = labelEnd + 1;
}
if (!label5) {
label5 = state.src.slice(labelStart, labelEnd);
@@ -190738,7 +204053,7 @@ function image(state, silent) {
attrs6.push(["title", title]);
}
}
- state.pos = pos2;
+ state.pos = pos;
state.posMax = max;
return true;
}
@@ -190746,19 +204061,19 @@ __name(image, "image");
const EMAIL_RE = /^([a-zA-Z0-9.!#$%&'*+/=?^_`{|}~-]+@[a-zA-Z0-9](?:[a-zA-Z0-9-]{0,61}[a-zA-Z0-9])?(?:\.[a-zA-Z0-9](?:[a-zA-Z0-9-]{0,61}[a-zA-Z0-9])?)*)$/;
const AUTOLINK_RE = /^([a-zA-Z][a-zA-Z0-9+.-]{1,31}):([^<>\x00-\x20]*)$/;
function autolink(state, silent) {
- let pos2 = state.pos;
- if (state.src.charCodeAt(pos2) !== 60) {
+ let pos = state.pos;
+ if (state.src.charCodeAt(pos) !== 60) {
return false;
}
const start2 = state.pos;
const max = state.posMax;
for (; ; ) {
- if (++pos2 >= max) return false;
- const ch = state.src.charCodeAt(pos2);
+ if (++pos >= max) return false;
+ const ch = state.src.charCodeAt(pos);
if (ch === 60) return false;
if (ch === 62) break;
}
- const url = state.src.slice(start2 + 1, pos2);
+ const url = state.src.slice(start2 + 1, pos);
if (AUTOLINK_RE.test(url)) {
const fullUrl = state.md.normalizeLink(url);
if (!state.md.validateLink(fullUrl)) {
@@ -190818,16 +204133,21 @@ function html_inline(state, silent) {
return false;
}
const max = state.posMax;
- const pos2 = state.pos;
- if (state.src.charCodeAt(pos2) !== 60 || pos2 + 2 >= max) {
+ const pos = state.pos;
+ if (state.src.charCodeAt(pos) !== 60 || pos + 2 >= max) {
return false;
}
- const ch = state.src.charCodeAt(pos2 + 1);
+ const ch = state.src.charCodeAt(pos + 1);
if (ch !== 33 && ch !== 63 && ch !== 47 && !isLetter(ch)) {
return false;
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const match3 = state.src.slice(pos2).match(HTML_TAG_RE);
if (!match3) {
+========
+ const match2 = state.src.slice(pos).match(HTML_TAG_RE);
+ if (!match2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return false;
}
if (!silent) {
@@ -190843,14 +204163,19 @@ __name(html_inline, "html_inline");
const DIGITAL_RE = /^((?:x[a-f0-9]{1,6}|[0-9]{1,7}));/i;
const NAMED_RE = /^&([a-z][a-z0-9]{1,31});/i;
function entity(state, silent) {
- const pos2 = state.pos;
+ const pos = state.pos;
const max = state.posMax;
- if (state.src.charCodeAt(pos2) !== 38) return false;
- if (pos2 + 1 >= max) return false;
- const ch = state.src.charCodeAt(pos2 + 1);
+ if (state.src.charCodeAt(pos) !== 38) return false;
+ if (pos + 1 >= max) return false;
+ const ch = state.src.charCodeAt(pos + 1);
if (ch === 35) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const match3 = state.src.slice(pos2).match(DIGITAL_RE);
if (match3) {
+========
+ const match2 = state.src.slice(pos).match(DIGITAL_RE);
+ if (match2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!silent) {
const code2 = match3[1][0].toLowerCase() === "x" ? parseInt(match3[1].slice(1), 16) : parseInt(match3[1], 10);
const token = state.push("text_special", "", 0);
@@ -190862,10 +204187,17 @@ function entity(state, silent) {
return true;
}
} else {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const match3 = state.src.slice(pos2).match(NAMED_RE);
if (match3) {
const decoded = decodeHTML(match3[0]);
if (decoded !== match3[0]) {
+========
+ const match2 = state.src.slice(pos).match(NAMED_RE);
+ if (match2) {
+ const decoded = decodeHTML(match2[0]);
+ if (decoded !== match2[0]) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!silent) {
const token = state.push("text_special", "", 0);
token.content = decoded;
@@ -191001,13 +204333,13 @@ function ParserInline() {
}
__name(ParserInline, "ParserInline");
ParserInline.prototype.skipToken = function(state) {
- const pos2 = state.pos;
+ const pos = state.pos;
const rules = this.ruler.getRules("");
const len = rules.length;
const maxNesting = state.md.options.maxNesting;
const cache2 = state.cache;
- if (typeof cache2[pos2] !== "undefined") {
- state.pos = cache2[pos2];
+ if (typeof cache2[pos] !== "undefined") {
+ state.pos = cache2[pos];
return;
}
let ok = false;
@@ -191017,7 +204349,7 @@ ParserInline.prototype.skipToken = function(state) {
ok = rules[i2](state, true);
state.level--;
if (ok) {
- if (pos2 >= state.pos) {
+ if (pos >= state.pos) {
throw new Error("inline rule didn't increment state.pos");
}
break;
@@ -191029,7 +204361,7 @@ ParserInline.prototype.skipToken = function(state) {
if (!ok) {
state.pos++;
}
- cache2[pos2] = state.pos;
+ cache2[pos] = state.pos;
};
ParserInline.prototype.tokenize = function(state) {
const rules = this.ruler.getRules("");
@@ -191163,8 +204495,8 @@ function isOptionsObj(obj) {
__name(isOptionsObj, "isOptionsObj");
const defaultSchemas = {
"http:": {
- validate: /* @__PURE__ */ __name(function(text2, pos2, self2) {
- const tail = text2.slice(pos2);
+ validate: /* @__PURE__ */ __name(function(text2, pos, self2) {
+ const tail = text2.slice(pos);
if (!self2.re.http) {
self2.re.http = new RegExp(
"^\\/\\/" + self2.re.src_auth + self2.re.src_host_port_strict + self2.re.src_path,
@@ -191180,8 +204512,8 @@ const defaultSchemas = {
"https:": "http:",
"ftp:": "http:",
"//": {
- validate: /* @__PURE__ */ __name(function(text2, pos2, self2) {
- const tail = text2.slice(pos2);
+ validate: /* @__PURE__ */ __name(function(text2, pos, self2) {
+ const tail = text2.slice(pos);
if (!self2.re.no_http) {
self2.re.no_http = new RegExp(
"^" + self2.re.src_auth + // Don't allow single-level domains, because of false positives like '//test'
@@ -191191,10 +204523,10 @@ const defaultSchemas = {
);
}
if (self2.re.no_http.test(tail)) {
- if (pos2 >= 3 && text2[pos2 - 3] === ":") {
+ if (pos >= 3 && text2[pos - 3] === ":") {
return 0;
}
- if (pos2 >= 3 && text2[pos2 - 3] === "/") {
+ if (pos >= 3 && text2[pos - 3] === "/") {
return 0;
}
return tail.match(self2.re.no_http)[0].length;
@@ -191203,8 +204535,8 @@ const defaultSchemas = {
}, "validate")
},
"mailto:": {
- validate: /* @__PURE__ */ __name(function(text2, pos2, self2) {
- const tail = text2.slice(pos2);
+ validate: /* @__PURE__ */ __name(function(text2, pos, self2) {
+ const tail = text2.slice(pos);
if (!self2.re.mailto) {
self2.re.mailto = new RegExp(
"^" + self2.re.src_email_name + "@" + self2.re.src_host_strict,
@@ -191226,8 +204558,8 @@ function resetScanCache(self2) {
}
__name(resetScanCache, "resetScanCache");
function createValidator(re) {
- return function(text2, pos2) {
- const tail = text2.slice(pos2);
+ return function(text2, pos) {
+ const tail = text2.slice(pos);
if (re.test(tail)) {
return tail.match(re)[0].length;
}
@@ -191419,11 +204751,15 @@ LinkifyIt.prototype.test = /* @__PURE__ */ __name(function test3(text2) {
LinkifyIt.prototype.pretest = /* @__PURE__ */ __name(function pretest2(text2) {
return this.re.pretest.test(text2);
}, "pretest");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
LinkifyIt.prototype.testSchemaAt = /* @__PURE__ */ __name(function testSchemaAt2(text2, schema2, pos2) {
+========
+LinkifyIt.prototype.testSchemaAt = /* @__PURE__ */ __name(function testSchemaAt(text2, schema2, pos) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!this.__compiled__[schema2.toLowerCase()]) {
return 0;
}
- return this.__compiled__[schema2.toLowerCase()].validate(text2, pos2, this);
+ return this.__compiled__[schema2.toLowerCase()].validate(text2, pos, this);
}, "testSchemaAt");
LinkifyIt.prototype.match = /* @__PURE__ */ __name(function match2(text2) {
const result = [];
@@ -191806,6 +205142,809 @@ MarkdownIt.prototype.renderInline = function(src, env) {
env = env || {};
return this.renderer.render(this.parseInline(src, env), this.options, env);
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+const schema = new Schema({
+ nodes: {
+ doc: {
+ content: "block+"
+ },
+ paragraph: {
+ content: "inline*",
+ group: "block",
+ parseDOM: [{ tag: "p" }],
+ toDOM() {
+ return ["p", 0];
+ }
+ },
+ blockquote: {
+ content: "block+",
+ group: "block",
+ parseDOM: [{ tag: "blockquote" }],
+ toDOM() {
+ return ["blockquote", 0];
+ }
+ },
+ horizontal_rule: {
+ group: "block",
+ parseDOM: [{ tag: "hr" }],
+ toDOM() {
+ return ["div", ["hr"]];
+ }
+ },
+ heading: {
+ attrs: { level: { default: 1 } },
+ content: "(text | image)*",
+ group: "block",
+ defining: true,
+ parseDOM: [
+ { tag: "h1", attrs: { level: 1 } },
+ { tag: "h2", attrs: { level: 2 } },
+ { tag: "h3", attrs: { level: 3 } },
+ { tag: "h4", attrs: { level: 4 } },
+ { tag: "h5", attrs: { level: 5 } },
+ { tag: "h6", attrs: { level: 6 } }
+ ],
+ toDOM(node3) {
+ return ["h" + node3.attrs.level, 0];
+ }
+ },
+ code_block: {
+ content: "text*",
+ group: "block",
+ code: true,
+ defining: true,
+ marks: "",
+ attrs: { params: { default: "" } },
+ parseDOM: [{ tag: "pre", preserveWhitespace: "full", getAttrs: /* @__PURE__ */ __name((node3) => ({ params: node3.getAttribute("data-params") || "" }), "getAttrs") }],
+ toDOM(node3) {
+ return ["pre", node3.attrs.params ? { "data-params": node3.attrs.params } : {}, ["code", 0]];
+ }
+ },
+ ordered_list: {
+ content: "list_item+",
+ group: "block",
+ attrs: { order: { default: 1 }, tight: { default: false } },
+ parseDOM: [{ tag: "ol", getAttrs(dom) {
+ return {
+ order: dom.hasAttribute("start") ? +dom.getAttribute("start") : 1,
+ tight: dom.hasAttribute("data-tight")
+ };
+ } }],
+ toDOM(node3) {
+ return ["ol", {
+ start: node3.attrs.order == 1 ? null : node3.attrs.order,
+ "data-tight": node3.attrs.tight ? "true" : null
+ }, 0];
+ }
+ },
+ bullet_list: {
+ content: "list_item+",
+ group: "block",
+ attrs: { tight: { default: false } },
+ parseDOM: [{ tag: "ul", getAttrs: /* @__PURE__ */ __name((dom) => ({ tight: dom.hasAttribute("data-tight") }), "getAttrs") }],
+ toDOM(node3) {
+ return ["ul", { "data-tight": node3.attrs.tight ? "true" : null }, 0];
+ }
+ },
+ list_item: {
+ content: "block+",
+ defining: true,
+ parseDOM: [{ tag: "li" }],
+ toDOM() {
+ return ["li", 0];
+ }
+ },
+ text: {
+ group: "inline"
+ },
+ image: {
+ inline: true,
+ attrs: {
+ src: {},
+ alt: { default: null },
+ title: { default: null }
+ },
+ group: "inline",
+ draggable: true,
+ parseDOM: [{ tag: "img[src]", getAttrs(dom) {
+ return {
+ src: dom.getAttribute("src"),
+ title: dom.getAttribute("title"),
+ alt: dom.getAttribute("alt")
+ };
+ } }],
+ toDOM(node3) {
+ return ["img", node3.attrs];
+ }
+ },
+ hard_break: {
+ inline: true,
+ group: "inline",
+ selectable: false,
+ parseDOM: [{ tag: "br" }],
+ toDOM() {
+ return ["br"];
+ }
+ }
+ },
+ marks: {
+ em: {
+ parseDOM: [
+ { tag: "i" },
+ { tag: "em" },
+ { style: "font-style=italic" },
+ { style: "font-style=normal", clearMark: /* @__PURE__ */ __name((m2) => m2.type.name == "em", "clearMark") }
+ ],
+ toDOM() {
+ return ["em"];
+ }
+ },
+ strong: {
+ parseDOM: [
+ { tag: "strong" },
+ { tag: "b", getAttrs: /* @__PURE__ */ __name((node3) => node3.style.fontWeight != "normal" && null, "getAttrs") },
+ { style: "font-weight=400", clearMark: /* @__PURE__ */ __name((m2) => m2.type.name == "strong", "clearMark") },
+ { style: "font-weight", getAttrs: /* @__PURE__ */ __name((value4) => /^(bold(er)?|[5-9]\d{2,})$/.test(value4) && null, "getAttrs") }
+ ],
+ toDOM() {
+ return ["strong"];
+ }
+ },
+ link: {
+ attrs: {
+ href: {},
+ title: { default: null }
+ },
+ inclusive: false,
+ parseDOM: [{ tag: "a[href]", getAttrs(dom) {
+ return { href: dom.getAttribute("href"), title: dom.getAttribute("title") };
+ } }],
+ toDOM(node3) {
+ return ["a", node3.attrs];
+ }
+ },
+ code: {
+ parseDOM: [{ tag: "code" }],
+ toDOM() {
+ return ["code"];
+ }
+ }
+ }
+});
+function maybeMerge(a2, b2) {
+ if (a2.isText && b2.isText && Mark$1.sameSet(a2.marks, b2.marks))
+ return a2.withText(a2.text + b2.text);
+}
+__name(maybeMerge, "maybeMerge");
+class MarkdownParseState {
+ static {
+ __name(this, "MarkdownParseState");
+ }
+ constructor(schema2, tokenHandlers2) {
+ this.schema = schema2;
+ this.tokenHandlers = tokenHandlers2;
+ this.stack = [{ type: schema2.topNodeType, attrs: null, content: [], marks: Mark$1.none }];
+ }
+ top() {
+ return this.stack[this.stack.length - 1];
+ }
+ push(elt) {
+ if (this.stack.length)
+ this.top().content.push(elt);
+ }
+ // Adds the given text to the current position in the document,
+ // using the current marks as styling.
+ addText(text2) {
+ if (!text2)
+ return;
+ let top = this.top(), nodes = top.content, last = nodes[nodes.length - 1];
+ let node3 = this.schema.text(text2, top.marks), merged;
+ if (last && (merged = maybeMerge(last, node3)))
+ nodes[nodes.length - 1] = merged;
+ else
+ nodes.push(node3);
+ }
+ // Adds the given mark to the set of active marks.
+ openMark(mark2) {
+ let top = this.top();
+ top.marks = mark2.addToSet(top.marks);
+ }
+ // Removes the given mark from the set of active marks.
+ closeMark(mark2) {
+ let top = this.top();
+ top.marks = mark2.removeFromSet(top.marks);
+ }
+ parseTokens(toks) {
+ for (let i2 = 0; i2 < toks.length; i2++) {
+ let tok = toks[i2];
+ let handler12 = this.tokenHandlers[tok.type];
+ if (!handler12)
+ throw new Error("Token type `" + tok.type + "` not supported by Markdown parser");
+ handler12(this, tok, toks, i2);
+ }
+ }
+ // Add a node at the current position.
+ addNode(type, attrs6, content2) {
+ let top = this.top();
+ let node3 = type.createAndFill(attrs6, content2, top ? top.marks : []);
+ if (!node3)
+ return null;
+ this.push(node3);
+ return node3;
+ }
+ // Wrap subsequent content in a node of the given type.
+ openNode(type, attrs6) {
+ this.stack.push({ type, attrs: attrs6, content: [], marks: Mark$1.none });
+ }
+ // Close and return the node that is currently on top of the stack.
+ closeNode() {
+ let info = this.stack.pop();
+ return this.addNode(info.type, info.attrs, info.content);
+ }
+}
+function attrs(spec, token, tokens, i2) {
+ if (spec.getAttrs)
+ return spec.getAttrs(token, tokens, i2);
+ else if (spec.attrs instanceof Function)
+ return spec.attrs(token);
+ else
+ return spec.attrs;
+}
+__name(attrs, "attrs");
+function noCloseToken(spec, type) {
+ return spec.noCloseToken || type == "code_inline" || type == "code_block" || type == "fence";
+}
+__name(noCloseToken, "noCloseToken");
+function withoutTrailingNewline(str) {
+ return str[str.length - 1] == "\n" ? str.slice(0, str.length - 1) : str;
+}
+__name(withoutTrailingNewline, "withoutTrailingNewline");
+function noOp() {
+}
+__name(noOp, "noOp");
+function tokenHandlers(schema2, tokens) {
+ let handlers2 = /* @__PURE__ */ Object.create(null);
+ for (let type in tokens) {
+ let spec = tokens[type];
+ if (spec.block) {
+ let nodeType = schema2.nodeType(spec.block);
+ if (noCloseToken(spec, type)) {
+ handlers2[type] = (state, tok, tokens2, i2) => {
+ state.openNode(nodeType, attrs(spec, tok, tokens2, i2));
+ state.addText(withoutTrailingNewline(tok.content));
+ state.closeNode();
+ };
+ } else {
+ handlers2[type + "_open"] = (state, tok, tokens2, i2) => state.openNode(nodeType, attrs(spec, tok, tokens2, i2));
+ handlers2[type + "_close"] = (state) => state.closeNode();
+ }
+ } else if (spec.node) {
+ let nodeType = schema2.nodeType(spec.node);
+ handlers2[type] = (state, tok, tokens2, i2) => state.addNode(nodeType, attrs(spec, tok, tokens2, i2));
+ } else if (spec.mark) {
+ let markType = schema2.marks[spec.mark];
+ if (noCloseToken(spec, type)) {
+ handlers2[type] = (state, tok, tokens2, i2) => {
+ state.openMark(markType.create(attrs(spec, tok, tokens2, i2)));
+ state.addText(withoutTrailingNewline(tok.content));
+ state.closeMark(markType);
+ };
+ } else {
+ handlers2[type + "_open"] = (state, tok, tokens2, i2) => state.openMark(markType.create(attrs(spec, tok, tokens2, i2)));
+ handlers2[type + "_close"] = (state) => state.closeMark(markType);
+ }
+ } else if (spec.ignore) {
+ if (noCloseToken(spec, type)) {
+ handlers2[type] = noOp;
+ } else {
+ handlers2[type + "_open"] = noOp;
+ handlers2[type + "_close"] = noOp;
+ }
+ } else {
+ throw new RangeError("Unrecognized parsing spec " + JSON.stringify(spec));
+ }
+ }
+ handlers2.text = (state, tok) => state.addText(tok.content);
+ handlers2.inline = (state, tok) => state.parseTokens(tok.children);
+ handlers2.softbreak = handlers2.softbreak || ((state) => state.addText(" "));
+ return handlers2;
+}
+__name(tokenHandlers, "tokenHandlers");
+let MarkdownParser$1 = class MarkdownParser2 {
+ static {
+ __name(this, "MarkdownParser");
+ }
+ /**
+ Create a parser with the given configuration. You can configure
+ the markdown-it parser to parse the dialect you want, and provide
+ a description of the ProseMirror entities those tokens map to in
+ the `tokens` object, which maps token names to descriptions of
+ what to do with them. Such a description is an object, and may
+ have the following properties:
+ */
+ constructor(schema2, tokenizer, tokens) {
+ this.schema = schema2;
+ this.tokenizer = tokenizer;
+ this.tokens = tokens;
+ this.tokenHandlers = tokenHandlers(schema2, tokens);
+ }
+ /**
+ Parse a string as [CommonMark](http://commonmark.org/) markup,
+ and create a ProseMirror document as prescribed by this parser's
+ rules.
+
+ The second argument, when given, is passed through to the
+ [Markdown
+ parser](https://markdown-it.github.io/markdown-it/#MarkdownIt.parse).
+ */
+ parse(text2, markdownEnv = {}) {
+ let state = new MarkdownParseState(this.schema, this.tokenHandlers), doc2;
+ state.parseTokens(this.tokenizer.parse(text2, markdownEnv));
+ do {
+ doc2 = state.closeNode();
+ } while (state.stack.length);
+ return doc2 || this.schema.topNodeType.createAndFill();
+ }
+};
+function listIsTight(tokens, i2) {
+ while (++i2 < tokens.length)
+ if (tokens[i2].type != "list_item_open")
+ return tokens[i2].hidden;
+ return false;
+}
+__name(listIsTight, "listIsTight");
+const defaultMarkdownParser = new MarkdownParser$1(schema, MarkdownIt("commonmark", { html: false }), {
+ blockquote: { block: "blockquote" },
+ paragraph: { block: "paragraph" },
+ list_item: { block: "list_item" },
+ bullet_list: { block: "bullet_list", getAttrs: /* @__PURE__ */ __name((_2, tokens, i2) => ({ tight: listIsTight(tokens, i2) }), "getAttrs") },
+ ordered_list: { block: "ordered_list", getAttrs: /* @__PURE__ */ __name((tok, tokens, i2) => ({
+ order: +tok.attrGet("start") || 1,
+ tight: listIsTight(tokens, i2)
+ }), "getAttrs") },
+ heading: { block: "heading", getAttrs: /* @__PURE__ */ __name((tok) => ({ level: +tok.tag.slice(1) }), "getAttrs") },
+ code_block: { block: "code_block", noCloseToken: true },
+ fence: { block: "code_block", getAttrs: /* @__PURE__ */ __name((tok) => ({ params: tok.info || "" }), "getAttrs"), noCloseToken: true },
+ hr: { node: "horizontal_rule" },
+ image: { node: "image", getAttrs: /* @__PURE__ */ __name((tok) => ({
+ src: tok.attrGet("src"),
+ title: tok.attrGet("title") || null,
+ alt: tok.children[0] && tok.children[0].content || null
+ }), "getAttrs") },
+ hardbreak: { node: "hard_break" },
+ em: { mark: "em" },
+ strong: { mark: "strong" },
+ link: { mark: "link", getAttrs: /* @__PURE__ */ __name((tok) => ({
+ href: tok.attrGet("href"),
+ title: tok.attrGet("title") || null
+ }), "getAttrs") },
+ code_inline: { mark: "code", noCloseToken: true }
+});
+const blankMark = { open: "", close: "", mixable: true };
+let MarkdownSerializer$1 = class MarkdownSerializer2 {
+ static {
+ __name(this, "MarkdownSerializer");
+ }
+ /**
+ Construct a serializer with the given configuration. The `nodes`
+ object should map node names in a given schema to function that
+ take a serializer state and such a node, and serialize the node.
+ */
+ constructor(nodes, marks, options4 = {}) {
+ this.nodes = nodes;
+ this.marks = marks;
+ this.options = options4;
+ }
+ /**
+ Serialize the content of the given node to
+ [CommonMark](http://commonmark.org/).
+ */
+ serialize(content2, options4 = {}) {
+ options4 = Object.assign({}, this.options, options4);
+ let state = new MarkdownSerializerState$1(this.nodes, this.marks, options4);
+ state.renderContent(content2);
+ return state.out;
+ }
+};
+const defaultMarkdownSerializer = new MarkdownSerializer$1({
+ blockquote(state, node3) {
+ state.wrapBlock("> ", null, node3, () => state.renderContent(node3));
+ },
+ code_block(state, node3) {
+ const backticks = node3.textContent.match(/`{3,}/gm);
+ const fence2 = backticks ? backticks.sort().slice(-1)[0] + "`" : "```";
+ state.write(fence2 + (node3.attrs.params || "") + "\n");
+ state.text(node3.textContent, false);
+ state.write("\n");
+ state.write(fence2);
+ state.closeBlock(node3);
+ },
+ heading(state, node3) {
+ state.write(state.repeat("#", node3.attrs.level) + " ");
+ state.renderInline(node3, false);
+ state.closeBlock(node3);
+ },
+ horizontal_rule(state, node3) {
+ state.write(node3.attrs.markup || "---");
+ state.closeBlock(node3);
+ },
+ bullet_list(state, node3) {
+ state.renderList(node3, " ", () => (node3.attrs.bullet || "*") + " ");
+ },
+ ordered_list(state, node3) {
+ let start2 = node3.attrs.order || 1;
+ let maxW = String(start2 + node3.childCount - 1).length;
+ let space = state.repeat(" ", maxW + 2);
+ state.renderList(node3, space, (i2) => {
+ let nStr = String(start2 + i2);
+ return state.repeat(" ", maxW - nStr.length) + nStr + ". ";
+ });
+ },
+ list_item(state, node3) {
+ state.renderContent(node3);
+ },
+ paragraph(state, node3) {
+ state.renderInline(node3);
+ state.closeBlock(node3);
+ },
+ image(state, node3) {
+ state.write("]/g, "\\$&") + (node3.attrs.title ? ' "' + node3.attrs.title.replace(/"/g, '\\"') + '"' : "") + ")");
+ },
+ hard_break(state, node3, parent, index2) {
+ for (let i2 = index2 + 1; i2 < parent.childCount; i2++)
+ if (parent.child(i2).type != node3.type) {
+ state.write("\\\n");
+ return;
+ }
+ },
+ text(state, node3) {
+ state.text(node3.text, !state.inAutolink);
+ }
+}, {
+ em: { open: "*", close: "*", mixable: true, expelEnclosingWhitespace: true },
+ strong: { open: "**", close: "**", mixable: true, expelEnclosingWhitespace: true },
+ link: {
+ open(state, mark2, parent, index2) {
+ state.inAutolink = isPlainURL(mark2, parent, index2);
+ return state.inAutolink ? "<" : "[";
+ },
+ close(state, mark2, parent, index2) {
+ let { inAutolink } = state;
+ state.inAutolink = void 0;
+ return inAutolink ? ">" : "](" + mark2.attrs.href.replace(/[\(\)"]/g, "\\$&") + (mark2.attrs.title ? ` "${mark2.attrs.title.replace(/"/g, '\\"')}"` : "") + ")";
+ },
+ mixable: true
+ },
+ code: {
+ open(_state, _mark, parent, index2) {
+ return backticksFor(parent.child(index2), -1);
+ },
+ close(_state, _mark, parent, index2) {
+ return backticksFor(parent.child(index2 - 1), 1);
+ },
+ escape: false
+ }
+});
+function backticksFor(node3, side) {
+ let ticks = /`+/g, m2, len = 0;
+ if (node3.isText)
+ while (m2 = ticks.exec(node3.text))
+ len = Math.max(len, m2[0].length);
+ let result = len > 0 && side > 0 ? " `" : "`";
+ for (let i2 = 0; i2 < len; i2++)
+ result += "`";
+ if (len > 0 && side < 0)
+ result += " ";
+ return result;
+}
+__name(backticksFor, "backticksFor");
+function isPlainURL(link2, parent, index2) {
+ if (link2.attrs.title || !/^\w+:/.test(link2.attrs.href))
+ return false;
+ let content2 = parent.child(index2);
+ if (!content2.isText || content2.text != link2.attrs.href || content2.marks[content2.marks.length - 1] != link2)
+ return false;
+ return index2 == parent.childCount - 1 || !link2.isInSet(parent.child(index2 + 1).marks);
+}
+__name(isPlainURL, "isPlainURL");
+let MarkdownSerializerState$1 = class MarkdownSerializerState2 {
+ static {
+ __name(this, "MarkdownSerializerState");
+ }
+ /**
+ @internal
+ */
+ constructor(nodes, marks, options4) {
+ this.nodes = nodes;
+ this.marks = marks;
+ this.options = options4;
+ this.delim = "";
+ this.out = "";
+ this.closed = null;
+ this.inAutolink = void 0;
+ this.atBlockStart = false;
+ this.inTightList = false;
+ if (typeof this.options.tightLists == "undefined")
+ this.options.tightLists = false;
+ if (typeof this.options.hardBreakNodeName == "undefined")
+ this.options.hardBreakNodeName = "hard_break";
+ }
+ /**
+ @internal
+ */
+ flushClose(size = 2) {
+ if (this.closed) {
+ if (!this.atBlank())
+ this.out += "\n";
+ if (size > 1) {
+ let delimMin = this.delim;
+ let trim2 = /\s+$/.exec(delimMin);
+ if (trim2)
+ delimMin = delimMin.slice(0, delimMin.length - trim2[0].length);
+ for (let i2 = 1; i2 < size; i2++)
+ this.out += delimMin + "\n";
+ }
+ this.closed = null;
+ }
+ }
+ /**
+ @internal
+ */
+ getMark(name2) {
+ let info = this.marks[name2];
+ if (!info) {
+ if (this.options.strict !== false)
+ throw new Error(`Mark type \`${name2}\` not supported by Markdown renderer`);
+ info = blankMark;
+ }
+ return info;
+ }
+ /**
+ Render a block, prefixing each line with `delim`, and the first
+ line in `firstDelim`. `node` should be the node that is closed at
+ the end of the block, and `f` is a function that renders the
+ content of the block.
+ */
+ wrapBlock(delim, firstDelim, node3, f2) {
+ let old = this.delim;
+ this.write(firstDelim != null ? firstDelim : delim);
+ this.delim += delim;
+ f2();
+ this.delim = old;
+ this.closeBlock(node3);
+ }
+ /**
+ @internal
+ */
+ atBlank() {
+ return /(^|\n)$/.test(this.out);
+ }
+ /**
+ Ensure the current content ends with a newline.
+ */
+ ensureNewLine() {
+ if (!this.atBlank())
+ this.out += "\n";
+ }
+ /**
+ Prepare the state for writing output (closing closed paragraphs,
+ adding delimiters, and so on), and then optionally add content
+ (unescaped) to the output.
+ */
+ write(content2) {
+ this.flushClose();
+ if (this.delim && this.atBlank())
+ this.out += this.delim;
+ if (content2)
+ this.out += content2;
+ }
+ /**
+ Close the block for the given node.
+ */
+ closeBlock(node3) {
+ this.closed = node3;
+ }
+ /**
+ Add the given text to the document. When escape is not `false`,
+ it will be escaped.
+ */
+ text(text2, escape2 = true) {
+ let lines = text2.split("\n");
+ for (let i2 = 0; i2 < lines.length; i2++) {
+ this.write();
+ if (!escape2 && lines[i2][0] == "[" && /(^|[^\\])\!$/.test(this.out))
+ this.out = this.out.slice(0, this.out.length - 1) + "\\!";
+ this.out += escape2 ? this.esc(lines[i2], this.atBlockStart) : lines[i2];
+ if (i2 != lines.length - 1)
+ this.out += "\n";
+ }
+ }
+ /**
+ Render the given node as a block.
+ */
+ render(node3, parent, index2) {
+ if (this.nodes[node3.type.name]) {
+ this.nodes[node3.type.name](this, node3, parent, index2);
+ } else {
+ if (this.options.strict !== false) {
+ throw new Error("Token type `" + node3.type.name + "` not supported by Markdown renderer");
+ } else if (!node3.type.isLeaf) {
+ if (node3.type.inlineContent)
+ this.renderInline(node3);
+ else
+ this.renderContent(node3);
+ if (node3.isBlock)
+ this.closeBlock(node3);
+ }
+ }
+ }
+ /**
+ Render the contents of `parent` as block nodes.
+ */
+ renderContent(parent) {
+ parent.forEach((node3, _2, i2) => this.render(node3, parent, i2));
+ }
+ /**
+ Render the contents of `parent` as inline content.
+ */
+ renderInline(parent, fromBlockStart = true) {
+ this.atBlockStart = fromBlockStart;
+ let active3 = [], trailing = "";
+ let progress = /* @__PURE__ */ __name((node3, offset, index2) => {
+ let marks = node3 ? node3.marks : [];
+ if (node3 && node3.type.name === this.options.hardBreakNodeName)
+ marks = marks.filter((m2) => {
+ if (index2 + 1 == parent.childCount)
+ return false;
+ let next2 = parent.child(index2 + 1);
+ return m2.isInSet(next2.marks) && (!next2.isText || /\S/.test(next2.text));
+ });
+ let leading = trailing;
+ trailing = "";
+ if (node3 && node3.isText && marks.some((mark2) => {
+ let info = this.getMark(mark2.type.name);
+ return info && info.expelEnclosingWhitespace && !mark2.isInSet(active3);
+ })) {
+ let [_2, lead, rest] = /^(\s*)(.*)$/m.exec(node3.text);
+ if (lead) {
+ leading += lead;
+ node3 = rest ? node3.withText(rest) : null;
+ if (!node3)
+ marks = active3;
+ }
+ }
+ if (node3 && node3.isText && marks.some((mark2) => {
+ let info = this.getMark(mark2.type.name);
+ return info && info.expelEnclosingWhitespace && (index2 == parent.childCount - 1 || !mark2.isInSet(parent.child(index2 + 1).marks));
+ })) {
+ let [_2, rest, trail] = /^(.*?)(\s*)$/m.exec(node3.text);
+ if (trail) {
+ trailing = trail;
+ node3 = rest ? node3.withText(rest) : null;
+ if (!node3)
+ marks = active3;
+ }
+ }
+ let inner = marks.length ? marks[marks.length - 1] : null;
+ let noEsc = inner && this.getMark(inner.type.name).escape === false;
+ let len = marks.length - (noEsc ? 1 : 0);
+ outer: for (let i2 = 0; i2 < len; i2++) {
+ let mark2 = marks[i2];
+ if (!this.getMark(mark2.type.name).mixable)
+ break;
+ for (let j2 = 0; j2 < active3.length; j2++) {
+ let other = active3[j2];
+ if (!this.getMark(other.type.name).mixable)
+ break;
+ if (mark2.eq(other)) {
+ if (i2 > j2)
+ marks = marks.slice(0, j2).concat(mark2).concat(marks.slice(j2, i2)).concat(marks.slice(i2 + 1, len));
+ else if (j2 > i2)
+ marks = marks.slice(0, i2).concat(marks.slice(i2 + 1, j2)).concat(mark2).concat(marks.slice(j2, len));
+ continue outer;
+ }
+ }
+ }
+ let keep = 0;
+ while (keep < Math.min(active3.length, len) && marks[keep].eq(active3[keep]))
+ ++keep;
+ while (keep < active3.length)
+ this.text(this.markString(active3.pop(), false, parent, index2), false);
+ if (leading)
+ this.text(leading);
+ if (node3) {
+ while (active3.length < len) {
+ let add3 = marks[active3.length];
+ active3.push(add3);
+ this.text(this.markString(add3, true, parent, index2), false);
+ this.atBlockStart = false;
+ }
+ if (noEsc && node3.isText)
+ this.text(this.markString(inner, true, parent, index2) + node3.text + this.markString(inner, false, parent, index2 + 1), false);
+ else
+ this.render(node3, parent, index2);
+ this.atBlockStart = false;
+ }
+ if ((node3 === null || node3 === void 0 ? void 0 : node3.isText) && node3.nodeSize > 0) {
+ this.atBlockStart = false;
+ }
+ }, "progress");
+ parent.forEach(progress);
+ progress(null, 0, parent.childCount);
+ this.atBlockStart = false;
+ }
+ /**
+ Render a node's content as a list. `delim` should be the extra
+ indentation added to all lines except the first in an item,
+ `firstDelim` is a function going from an item index to a
+ delimiter for the first line of the item.
+ */
+ renderList(node3, delim, firstDelim) {
+ if (this.closed && this.closed.type == node3.type)
+ this.flushClose(3);
+ else if (this.inTightList)
+ this.flushClose(1);
+ let isTight = typeof node3.attrs.tight != "undefined" ? node3.attrs.tight : this.options.tightLists;
+ let prevTight = this.inTightList;
+ this.inTightList = isTight;
+ node3.forEach((child, _2, i2) => {
+ if (i2 && isTight)
+ this.flushClose(1);
+ this.wrapBlock(delim, firstDelim(i2), node3, () => this.render(child, node3, i2));
+ });
+ this.inTightList = prevTight;
+ }
+ /**
+ Escape the given string so that it can safely appear in Markdown
+ content. If `startOfLine` is true, also escape characters that
+ have special meaning only at the start of the line.
+ */
+ esc(str, startOfLine = false) {
+ str = str.replace(/[`*\\~\[\]_]/g, (m2, i2) => m2 == "_" && i2 > 0 && i2 + 1 < str.length && str[i2 - 1].match(/\w/) && str[i2 + 1].match(/\w/) ? m2 : "\\" + m2);
+ if (startOfLine)
+ str = str.replace(/^(\+[ ]|[\-*>])/, "\\$&").replace(/^(\s*)(#{1,6})(\s|$)/, "$1\\$2$3").replace(/^(\s*\d+)\.\s/, "$1\\. ");
+ if (this.options.escapeExtraCharacters)
+ str = str.replace(this.options.escapeExtraCharacters, "\\$&");
+ return str;
+ }
+ /**
+ @internal
+ */
+ quote(str) {
+ let wrap2 = str.indexOf('"') == -1 ? '""' : str.indexOf("'") == -1 ? "''" : "()";
+ return wrap2[0] + str + wrap2[1];
+ }
+ /**
+ Repeat the given string `n` times.
+ */
+ repeat(str, n2) {
+ let out = "";
+ for (let i2 = 0; i2 < n2; i2++)
+ out += str;
+ return out;
+ }
+ /**
+ Get the markdown string for a given opening or closing mark.
+ */
+ markString(mark2, open2, parent, index2) {
+ let info = this.getMark(mark2.type.name);
+ let value4 = open2 ? info.open : info.close;
+ return typeof value4 == "string" ? value4 : value4(this, mark2, parent, index2);
+ }
+ /**
+ Get leading and trailing whitespace from a string. Values of
+ leading or trailing property of the return object will be undefined
+ if there is no match.
+ */
+ getEnclosingWhitespace(text2) {
+ return {
+ leading: (text2.match(/^(\s+)/) || [void 0])[0],
+ trailing: (text2.match(/(\s+)$/) || [void 0])[0]
+ };
+ }
+};
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var disableCheckboxes = true;
var useLabelWrapper = false;
var useLabelAfter = false;
@@ -191969,13 +206108,13 @@ const MarkdownTightLists = Extension.create({
}
});
const md = MarkdownIt();
-function scanDelims(text2, pos2) {
+function scanDelims(text2, pos) {
md.inline.State.prototype.scanDelims.call({
src: text2,
posMax: text2.length
});
const state = new md.inline.State(text2, null, null, []);
- return state.scanDelims(pos2, true);
+ return state.scanDelims(pos, true);
}
__name(scanDelims, "scanDelims");
function shiftDelim(text2, delim, start2, offset) {
@@ -191985,34 +206124,34 @@ function shiftDelim(text2, delim, start2, offset) {
}
__name(shiftDelim, "shiftDelim");
function trimStart(text2, delim, from2, to) {
- let pos2 = from2, res = text2;
- while (pos2 < to) {
- if (scanDelims(res, pos2).can_open) {
+ let pos = from2, res = text2;
+ while (pos < to) {
+ if (scanDelims(res, pos).can_open) {
break;
}
- res = shiftDelim(res, delim, pos2, 1);
- pos2++;
+ res = shiftDelim(res, delim, pos, 1);
+ pos++;
}
return {
text: res,
- from: pos2,
+ from: pos,
to
};
}
__name(trimStart, "trimStart");
function trimEnd(text2, delim, from2, to) {
- let pos2 = to, res = text2;
- while (pos2 > from2) {
- if (scanDelims(res, pos2).can_close) {
+ let pos = to, res = text2;
+ while (pos > from2) {
+ if (scanDelims(res, pos).can_close) {
break;
}
- res = shiftDelim(res, delim, pos2, -1);
- pos2--;
+ res = shiftDelim(res, delim, pos, -1);
+ pos--;
}
return {
text: res,
from: from2,
- to: pos2
+ to: pos
};
}
__name(trimEnd, "trimEnd");
@@ -192942,6 +207081,202 @@ const Markdown = Extension.create({
})];
}
});
+function addMarkdownWidget(node3, name2, opts, app2) {
+ Markdown.configure({
+ html: false,
+ breaks: true,
+ transformPastedText: true
+ });
+ const editor = new Editor({
+ extensions: [
+ StarterKit,
+ Markdown,
+ Link$2,
+ Table$2,
+ TableCell,
+ TableHeader,
+ TableRow
+ ],
+ content: opts.defaultVal,
+ editable: false
+ });
+ const inputEl = editor.options.element;
+ inputEl.classList.add("comfy-markdown");
+ const textarea = document.createElement("textarea");
+ inputEl.append(textarea);
+ const widget = node3.addDOMWidget(name2, "MARKDOWN", inputEl, {
+ getValue() {
+ return textarea.value;
+ },
+ setValue(v2) {
+ textarea.value = v2;
+ editor.commands.setContent(v2);
+ }
+ });
+ widget.inputEl = inputEl;
+ inputEl.addEventListener("pointerdown", (event) => {
+ if (event.button !== 0) {
+ app2.canvas.processMouseDown(event);
+ return;
+ }
+ if (event.target instanceof HTMLAnchorElement) {
+ return;
+ }
+ inputEl.classList.add("editing");
+ setTimeout(() => {
+ textarea.focus();
+ }, 0);
+ });
+ textarea.addEventListener("blur", () => {
+ inputEl.classList.remove("editing");
+ });
+ textarea.addEventListener("change", () => {
+ editor.commands.setContent(textarea.value);
+ widget.callback?.(widget.value);
+ });
+ inputEl.addEventListener("keydown", (event) => {
+ event.stopPropagation();
+ });
+ inputEl.addEventListener("pointerdown", (event) => {
+ if (event.button === 1) {
+ app2.canvas.processMouseDown(event);
+ }
+ });
+ inputEl.addEventListener("pointermove", (event) => {
+ if ((event.buttons & 4) === 4) {
+ app2.canvas.processMouseMove(event);
+ }
+ });
+ inputEl.addEventListener("pointerup", (event) => {
+ if (event.button === 1) {
+ app2.canvas.processMouseUp(event);
+ }
+ });
+ return { minWidth: 400, minHeight: 200, widget };
+}
+__name(addMarkdownWidget, "addMarkdownWidget");
+const useMarkdownWidget = /* @__PURE__ */ __name(() => {
+ const widgetConstructor = /* @__PURE__ */ __name((node3, inputName, inputData, app2) => {
+ const defaultVal = inputData[1]?.default || "";
+ return addMarkdownWidget(
+ node3,
+ inputName,
+ { defaultVal, ...inputData[1] },
+ app2
+ );
+ }, "widgetConstructor");
+ return widgetConstructor;
+}, "useMarkdownWidget");
+const useSeedWidget = /* @__PURE__ */ __name(() => {
+ const IntWidget = useIntWidget();
+ const widgetConstructor = /* @__PURE__ */ __name((node3, inputName, inputData, app2, widgetName) => {
+ inputData[1] = {
+ ...inputData[1],
+ control_after_generate: true
+ };
+ return IntWidget(node3, inputName, inputData, app2, widgetName);
+ }, "widgetConstructor");
+ return widgetConstructor;
+}, "useSeedWidget");
+function addMultilineWidget(node3, name2, opts, app2) {
+ const inputEl = document.createElement("textarea");
+ inputEl.className = "comfy-multiline-input";
+ inputEl.value = opts.defaultVal;
+ inputEl.placeholder = opts.placeholder || name2;
+ if (app2.vueAppReady) {
+ inputEl.spellcheck = useSettingStore().get(
+ "Comfy.TextareaWidget.Spellcheck"
+ );
+ }
+ const widget = node3.addDOMWidget(name2, "customtext", inputEl, {
+ getValue() {
+ return inputEl.value;
+ },
+ setValue(v2) {
+ inputEl.value = v2;
+ }
+ });
+ widget.inputEl = inputEl;
+ inputEl.addEventListener("input", () => {
+ widget.callback?.(widget.value);
+ });
+ inputEl.addEventListener("pointerdown", (event) => {
+ if (event.button === 1) {
+ app2.canvas.processMouseDown(event);
+ }
+ });
+ inputEl.addEventListener("pointermove", (event) => {
+ if ((event.buttons & 4) === 4) {
+ app2.canvas.processMouseMove(event);
+ }
+ });
+ inputEl.addEventListener("pointerup", (event) => {
+ if (event.button === 1) {
+ app2.canvas.processMouseUp(event);
+ }
+ });
+ return { minWidth: 400, minHeight: 200, widget };
+}
+__name(addMultilineWidget, "addMultilineWidget");
+const useStringWidget = /* @__PURE__ */ __name(() => {
+ const widgetConstructor = /* @__PURE__ */ __name((node3, inputName, inputData, app2) => {
+ const defaultVal = inputData[1]?.default || "";
+ const multiline = !!inputData[1]?.multiline;
+ let res;
+ if (multiline) {
+ res = addMultilineWidget(
+ node3,
+ inputName,
+ { defaultVal, ...inputData[1] },
+ app2
+ );
+ } else {
+ res = {
+ widget: node3.addWidget("text", inputName, defaultVal, () => {
+ }, {})
+ };
+ }
+ if (inputData[1]?.dynamicPrompts != void 0)
+ res.widget.dynamicPrompts = inputData[1].dynamicPrompts;
+ return res;
+ }, "widgetConstructor");
+ return widgetConstructor;
+}, "useStringWidget");
+function distributeSpace(totalSpace, requests) {
+ if (requests.length === 0) return [];
+ const totalMinSize = requests.reduce((sum, req) => sum + req.minSize, 0);
+ if (totalSpace < totalMinSize) {
+ return requests.map((req) => req.minSize);
+ }
+ let allocations = requests.map((req) => ({
+ computedSize: req.minSize,
+ maxSize: req.maxSize ?? Infinity,
+ remaining: (req.maxSize ?? Infinity) - req.minSize
+ }));
+ let remainingSpace = totalSpace - totalMinSize;
+ while (remainingSpace > 0 && allocations.some((alloc) => alloc.remaining > 0)) {
+ const growableItems = allocations.filter(
+ (alloc) => alloc.remaining > 0
+ ).length;
+ if (growableItems === 0) break;
+ const sharePerItem = remainingSpace / growableItems;
+ let spaceUsedThisRound = 0;
+ allocations = allocations.map((alloc) => {
+ if (alloc.remaining <= 0) return alloc;
+ const growth = Math.min(sharePerItem, alloc.remaining);
+ spaceUsedThisRound += growth;
+ return {
+ ...alloc,
+ computedSize: alloc.computedSize + growth,
+ remaining: alloc.remaining - growth
+ };
+ });
+ remainingSpace -= spaceUsedThisRound;
+ if (spaceUsedThisRound === 0) break;
+ }
+ return allocations.map(({ computedSize }) => computedSize);
+}
+__name(distributeSpace, "distributeSpace");
const SIZE = Symbol();
function intersect(a2, b2) {
const x2 = Math.max(a2.x, b2.x);
@@ -192954,7 +207289,7 @@ function intersect(a2, b2) {
__name(intersect, "intersect");
function getClipPath(node3, element, canvasRect) {
const selectedNode = Object.values(
- app$1.canvas.selected_nodes
+ app$1.canvas.selected_nodes ?? {}
)[0];
if (selectedNode && selectedNode !== node3) {
const elRect = element.getBoundingClientRect();
@@ -192989,6 +207324,7 @@ function getClipPath(node3, element, canvasRect) {
}
__name(getClipPath, "getClipPath");
function computeSize(size) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (this.widgets?.[0]?.last_y == null) return;
let y2 = this.widgets[0].last_y;
let freeSpace = size[1] - y2;
@@ -193023,38 +207359,35 @@ function computeSize(size) {
}
}
dom.push({
+========
+ if (!this.widgets?.[0]?.last_y) return;
+ let y2 = this.widgets[0].last_y;
+ let freeSpace = size[1] - y2;
+ let fixedWidgetHeight = 0;
+ const layoutWidgets = [];
+ for (const w2 of this.widgets) {
+ if (w2.type === "converted-widget") {
+ delete w2.computedHeight;
+ } else if (w2.computeLayoutSize) {
+ const { minHeight, maxHeight } = w2.computeLayoutSize(this);
+ layoutWidgets.push({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
minHeight,
- prefHeight,
+ prefHeight: maxHeight,
w: w2
});
+ } else if (w2.computeSize) {
+ fixedWidgetHeight += w2.computeSize()[1] + 4;
} else {
- widgetHeight += LiteGraph.NODE_WIDGET_HEIGHT + 4;
+ fixedWidgetHeight += LiteGraph.NODE_WIDGET_HEIGHT + 4;
}
}
- freeSpace -= widgetHeight;
- const prefGrow = [];
- const canGrow = [];
- let growBy = 0;
- for (const d2 of dom) {
- freeSpace -= d2.minHeight;
- if (isNaN(d2.prefHeight)) {
- canGrow.push(d2);
- d2.w.computedHeight = d2.minHeight;
- } else {
- const diff2 = d2.prefHeight - d2.minHeight;
- if (diff2 > 0) {
- prefGrow.push(d2);
- growBy += diff2;
- d2.diff = diff2;
- } else {
- d2.w.computedHeight = d2.minHeight;
- }
- }
- }
- if (this.imgs && !this.widgets.find((w2) => w2.name === ANIM_PREVIEW_WIDGET)) {
- freeSpace -= 220;
+ if (this.imgs && !this.widgets?.find((w2) => w2.name === ANIM_PREVIEW_WIDGET)) {
+ fixedWidgetHeight += 220;
}
+ freeSpace -= fixedWidgetHeight;
this.freeWidgetSpace = freeSpace;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
if (freeSpace < 0) {
size[1] -= freeSpace;
this.graph.setDirtyCanvas(true);
@@ -193078,6 +207411,20 @@ function computeSize(size) {
d2.w.computedHeight += shared;
}
}
+========
+ const spaceRequests = layoutWidgets.map((d2) => ({
+ minSize: d2.minHeight,
+ maxSize: d2.prefHeight
+ }));
+ const allocations = distributeSpace(Math.max(0, freeSpace), spaceRequests);
+ layoutWidgets.forEach((d2, i2) => {
+ d2.w.computedHeight = allocations[i2];
+ });
+ const totalNeeded = fixedWidgetHeight + allocations.reduce((sum, h2) => sum + h2, 0);
+ if (totalNeeded > size[1] - this.widgets[0].last_y) {
+ size[1] = totalNeeded + this.widgets[0].last_y;
+ this.graph?.setDirtyCanvas(true);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
for (const w2 of this.widgets) {
w2.y = y2;
@@ -193093,12 +207440,12 @@ function computeSize(size) {
__name(computeSize, "computeSize");
const elementWidgets = /* @__PURE__ */ new Set();
const computeVisibleNodes = LGraphCanvas.prototype.computeVisibleNodes;
-LGraphCanvas.prototype.computeVisibleNodes = function() {
- const visibleNodes = computeVisibleNodes.apply(this, arguments);
+LGraphCanvas.prototype.computeVisibleNodes = function(nodes, out) {
+ const visibleNodes = computeVisibleNodes.call(this, nodes, out);
for (const node3 of app$1.graph.nodes) {
if (elementWidgets.has(node3)) {
const hidden = visibleNodes.indexOf(node3) === -1;
- for (const w2 of node3.widgets) {
+ for (const w2 of node3.widgets ?? []) {
if (w2.element) {
w2.element.dataset.isInVisibleNodes = hidden ? "false" : "true";
const shouldOtherwiseHide = w2.element.dataset.shouldHide === "true";
@@ -193106,7 +207453,7 @@ LGraphCanvas.prototype.computeVisibleNodes = function() {
const wasHidden = w2.element.hidden;
const actualHidden = hidden || shouldOtherwiseHide || isCollapsed;
w2.element.hidden = actualHidden;
- w2.element.style.display = actualHidden ? "none" : null;
+ w2.element.style.display = actualHidden ? "none" : "";
if (actualHidden && !wasHidden) {
w2.options.onHide?.(w2);
}
@@ -193116,6 +207463,108 @@ LGraphCanvas.prototype.computeVisibleNodes = function() {
}
return visibleNodes;
};
+class DOMWidgetImpl {
+ static {
+ __name(this, "DOMWidgetImpl");
+ }
+ type;
+ name;
+ element;
+ options;
+ computedHeight;
+ callback;
+ mouseDownHandler;
+ constructor(name2, type, element, options4 = {}) {
+ this.type = type;
+ this.name = name2;
+ this.element = element;
+ this.options = options4;
+ if (element.blur) {
+ this.mouseDownHandler = (event) => {
+ if (!element.contains(event.target)) {
+ element.blur();
+ }
+ };
+ document.addEventListener("mousedown", this.mouseDownHandler);
+ }
+ }
+ get value() {
+ return this.options.getValue?.() ?? "";
+ }
+ set value(v2) {
+ this.options.setValue?.(v2);
+ this.callback?.(this.value);
+ }
+ /** Extract DOM widget size info */
+ computeLayoutSize(node3) {
+ const styles = getComputedStyle(this.element);
+ let minHeight = this.options.getMinHeight?.() ?? parseInt(styles.getPropertyValue("--comfy-widget-min-height"));
+ let maxHeight = this.options.getMaxHeight?.() ?? parseInt(styles.getPropertyValue("--comfy-widget-max-height"));
+ let prefHeight = this.options.getHeight?.() ?? styles.getPropertyValue("--comfy-widget-height");
+ if (typeof prefHeight === "string" && prefHeight.endsWith?.("%")) {
+ prefHeight = node3.size[1] * (parseFloat(prefHeight.substring(0, prefHeight.length - 1)) / 100);
+ } else {
+ prefHeight = typeof prefHeight === "number" ? prefHeight : parseInt(prefHeight);
+ if (isNaN(minHeight)) {
+ minHeight = prefHeight;
+ }
+ }
+ return {
+ minHeight: isNaN(minHeight) ? 50 : minHeight,
+ maxHeight: isNaN(maxHeight) ? void 0 : maxHeight,
+ minWidth: 0
+ };
+ }
+ draw(ctx, node3, widgetWidth, y2) {
+ if (this.computedHeight == null) {
+ computeSize.call(node3, node3.size);
+ }
+ const { offset, scale } = app$1.canvas.ds;
+ const hidden = !!this.options.hideOnZoom && app$1.canvas.low_quality || (this.computedHeight ?? 0) <= 0 || // @ts-expect-error custom widget type
+ this.type === "converted-widget" || // @ts-expect-error custom widget type
+ this.type === "hidden";
+ this.element.dataset.shouldHide = hidden ? "true" : "false";
+ const isInVisibleNodes = this.element.dataset.isInVisibleNodes === "true";
+ const isCollapsed = this.element.dataset.collapsed === "true";
+ const actualHidden = hidden || !isInVisibleNodes || isCollapsed;
+ const wasHidden = this.element.hidden;
+ this.element.hidden = actualHidden;
+ this.element.style.display = actualHidden ? "none" : "";
+ if (actualHidden && !wasHidden) {
+ this.options.onHide?.(this);
+ }
+ if (actualHidden) {
+ return;
+ }
+ const elRect = ctx.canvas.getBoundingClientRect();
+ const margin = 10;
+ const top = node3.pos[0] + offset[0] + margin;
+ const left = node3.pos[1] + offset[1] + margin + y2;
+ Object.assign(this.element.style, {
+ transformOrigin: "0 0",
+ transform: `scale(${scale})`,
+ left: `${top * scale}px`,
+ top: `${left * scale}px`,
+ width: `${widgetWidth - margin * 2}px`,
+ height: `${(this.computedHeight ?? 50) - margin * 2}px`,
+ position: "absolute",
+ zIndex: app$1.graph.nodes.indexOf(node3),
+ pointerEvents: app$1.canvas.read_only ? "none" : "auto"
+ });
+ if (useSettingStore().get("Comfy.DOMClippingEnabled")) {
+ const clipPath = getClipPath(node3, this.element, elRect);
+ this.element.style.clipPath = clipPath ?? "none";
+ this.element.style.willChange = "clip-path";
+ }
+ this.options.onDraw?.(this);
+ }
+ onRemove() {
+ if (this.mouseDownHandler) {
+ document.removeEventListener("mousedown", this.mouseDownHandler);
+ }
+ this.element.remove();
+ }
+}
LGraphNode.prototype.addDOMWidget = function(name2, type, element, options4 = {}) {
options4 = { hideOnZoom: true, selectOn: ["focus", "click"], ...options4 };
if (!element.parentElement) {
@@ -193123,139 +207572,89 @@ LGraphNode.prototype.addDOMWidget = function(name2, type, element, options4 = {}
}
element.hidden = true;
element.style.display = "none";
- let mouseDownHandler;
- if (element.blur) {
- mouseDownHandler = /* @__PURE__ */ __name((event) => {
- if (!element.contains(event.target)) {
- element.blur();
- }
- }, "mouseDownHandler");
- document.addEventListener("mousedown", mouseDownHandler);
- }
const { nodeData } = this.constructor;
const tooltip = (nodeData?.input.required?.[name2] ?? nodeData?.input.optional?.[name2])?.[1]?.tooltip;
if (tooltip && !element.title) {
element.title = tooltip;
}
- const widget2 = {
- // @ts-expect-error All unrecognized types will be treated the same way as 'custom'
- // in litegraph internally.
- type,
- name: name2,
- get value() {
- return options4.getValue?.() ?? void 0;
+ const widget = new DOMWidgetImpl(name2, type, element, options4);
+ Object.defineProperty(widget, "value", {
+ get() {
+ return this.options.getValue?.() ?? "";
},
- set value(v2) {
- options4.setValue?.(v2);
- widget2.callback?.(widget2.value);
- },
- draw: /* @__PURE__ */ __name(function(ctx, node3, widgetWidth, y2, widgetHeight) {
- if (widget2.computedHeight == null) {
- computeSize.call(node3, node3.size);
- }
- const { offset, scale } = app$1.canvas.ds;
- const hidden = !!options4.hideOnZoom && scale < 0.5 || widget2.computedHeight <= 0 || // @ts-expect-error Used by widgetInputs.ts
- widget2.type === "converted-widget" || // @ts-expect-error Used by groupNode.ts
- widget2.type === "hidden";
- element.dataset.shouldHide = hidden ? "true" : "false";
- const isInVisibleNodes = element.dataset.isInVisibleNodes === "true";
- const isCollapsed = element.dataset.collapsed === "true";
- const actualHidden = hidden || !isInVisibleNodes || isCollapsed;
- const wasHidden = element.hidden;
- element.hidden = actualHidden;
- element.style.display = actualHidden ? "none" : null;
- if (actualHidden && !wasHidden) {
- widget2.options.onHide?.(widget2);
- }
- if (actualHidden) {
- return;
- }
- const elRect = ctx.canvas.getBoundingClientRect();
- const margin = 10;
- const top = node3.pos[0] + offset[0] + margin;
- const left = node3.pos[1] + offset[1] + margin + y2;
- Object.assign(element.style, {
- transformOrigin: "0 0",
- transform: `scale(${scale})`,
- left: `${top * scale}px`,
- top: `${left * scale}px`,
- width: `${widgetWidth - margin * 2}px`,
- height: `${(widget2.computedHeight ?? 50) - margin * 2}px`,
- position: "absolute",
- zIndex: app$1.graph.nodes.indexOf(node3),
- pointerEvents: app$1.canvas.read_only ? "none" : "auto"
- });
- if (useSettingStore().get("Comfy.DOMClippingEnabled")) {
- element.style.clipPath = getClipPath(node3, element, elRect);
- element.style.willChange = "clip-path";
- }
- this.options.onDraw?.(widget2);
- }, "draw"),
- element,
- options: options4,
- onRemove() {
- if (mouseDownHandler) {
- document.removeEventListener("mousedown", mouseDownHandler);
- }
- element.remove();
+ set(v2) {
+ this.options.setValue?.(v2);
+ this.callback?.(this.value);
}
- };
- for (const evt of options4.selectOn) {
+ });
+ const selectEvents = options4.selectOn ?? ["focus", "click"];
+ for (const evt of selectEvents) {
element.addEventListener(evt, () => {
app$1.canvas.selectNode(this);
app$1.canvas.bringToFront(this);
});
}
- this.addCustomWidget(widget2);
+ this.addCustomWidget(widget);
elementWidgets.add(this);
const collapse = this.collapse;
- this.collapse = function() {
- collapse.apply(this, arguments);
- if (this.flags?.collapsed) {
+ this.collapse = function(force) {
+ collapse.call(this, force);
+ if (this.collapsed) {
element.hidden = true;
element.style.display = "none";
}
- element.dataset.collapsed = this.flags?.collapsed ? "true" : "false";
+ element.dataset.collapsed = this.collapsed ? "true" : "false";
};
const { onConfigure } = this;
- this.onConfigure = function() {
- onConfigure?.apply(this, arguments);
- element.dataset.collapsed = this.flags?.collapsed ? "true" : "false";
+ this.onConfigure = function(serializedNode) {
+ onConfigure?.call(this, serializedNode);
+ element.dataset.collapsed = this.collapsed ? "true" : "false";
};
const onRemoved = this.onRemoved;
this.onRemoved = function() {
element.remove();
elementWidgets.delete(this);
- onRemoved?.apply(this, arguments);
+ onRemoved?.call(this);
};
if (!this[SIZE]) {
this[SIZE] = true;
const onResize2 = this.onResize;
this.onResize = function(size) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
options4.beforeResize?.call(widget2, this);
computeSize.call(this, size);
onResize2?.apply(this, arguments);
options4.afterResize?.call(widget2, this);
+========
+ options4.beforeResize?.call(widget, this);
+ computeSize.call(this, size);
+ onResize2?.call(this, size);
+ options4.afterResize?.call(widget, this);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
}
- return widget2;
+ return widget;
};
+window.comfyAPI = window.comfyAPI || {};
+window.comfyAPI.domWidget = window.comfyAPI.domWidget || {};
+window.comfyAPI.domWidget.DOMWidgetImpl = DOMWidgetImpl;
function controlValueRunBefore() {
return useSettingStore().get("Comfy.WidgetControlMode") === "before";
}
__name(controlValueRunBefore, "controlValueRunBefore");
-function updateControlWidgetLabel(widget2) {
+function updateControlWidgetLabel(widget) {
let replacement = "after";
let find2 = "before";
if (controlValueRunBefore()) {
;
[find2, replacement] = [replacement, find2];
}
- widget2.label = (widget2.label ?? widget2.name).replace(find2, replacement);
+ widget.label = (widget.label ?? widget.name ?? "").replace(find2, replacement);
}
__name(updateControlWidgetLabel, "updateControlWidgetLabel");
const IS_CONTROL_WIDGET = Symbol();
const HAS_EXECUTED = Symbol();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function getNumberDefaults(inputData, defaultStep, precision, enable_rounding) {
let defaultVal = inputData[1]["default"];
let { min, max, step: step3, round } = inputData[1];
@@ -193277,13 +207676,21 @@ function getNumberDefaults(inputData, defaultStep, precision, enable_rounding) {
__name(getNumberDefaults, "getNumberDefaults");
function addValueControlWidget(node3, targetWidget, defaultValue2 = "randomize", values, widgetName, inputData) {
let name2 = inputData[1]?.control_after_generate;
+========
+function addValueControlWidget(node3, targetWidget, defaultValue2, values, widgetName, inputData) {
+ let name2 = inputData?.[1]?.control_after_generate;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (typeof name2 !== "string") {
name2 = widgetName;
}
const widgets = addValueControlWidgets(
node3,
targetWidget,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
defaultValue2,
+========
+ defaultValue2 ?? "randomize",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
{
addFilterList: false,
controlAfterGenerateName: name2
@@ -193293,7 +207700,11 @@ function addValueControlWidget(node3, targetWidget, defaultValue2 = "randomize",
return widgets[0];
}
__name(addValueControlWidget, "addValueControlWidget");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function addValueControlWidgets(node3, targetWidget, defaultValue2 = "randomize", options4, inputData) {
+========
+function addValueControlWidgets(node3, targetWidget, defaultValue2, options4, inputData) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!defaultValue2) defaultValue2 = "randomize";
if (!options4) options4 = {};
const getName = /* @__PURE__ */ __name((defaultName, optionName) => {
@@ -193326,7 +207737,7 @@ function addValueControlWidgets(node3, targetWidget, defaultValue2 = "randomize"
widgets.push(valueControl);
const isCombo = targetWidget.type === "combo";
let comboFilter;
- if (isCombo) {
+ if (isCombo && valueControl.options.values) {
valueControl.options.values.push("increment-wrap");
}
if (isCombo && options4.addFilterList !== false) {
@@ -193348,7 +207759,7 @@ function addValueControlWidgets(node3, targetWidget, defaultValue2 = "randomize"
const applyWidgetControl = /* @__PURE__ */ __name(() => {
var v2 = valueControl.value;
if (isCombo && v2 !== "fixed") {
- let values = targetWidget.options.values;
+ let values = targetWidget.options.values ?? [];
const filter4 = comboFilter?.value;
if (filter4) {
let check;
@@ -193369,7 +207780,7 @@ function addValueControlWidgets(node3, targetWidget, defaultValue2 = "randomize"
check = /* @__PURE__ */ __name((item3) => item3.toLocaleLowerCase().includes(lower), "check");
}
values = values.filter((item3) => check(item3));
- if (!values.length && targetWidget.options.values.length) {
+ if (!values.length && targetWidget.options.values?.length) {
console.warn(
"Filter for node " + node3.id + " has filtered out all items",
filter4
@@ -193402,32 +207813,31 @@ function addValueControlWidgets(node3, targetWidget, defaultValue2 = "randomize"
if (current_index >= 0) {
let value4 = values[current_index];
targetWidget.value = value4;
- targetWidget.callback(value4);
+ targetWidget.callback?.(value4);
}
} else {
- let min = targetWidget.options.min;
- let max = targetWidget.options.max;
+ let { min = 0, max = 1, step: step3 = 1 } = targetWidget.options;
max = Math.min(1125899906842624, max);
min = Math.max(-1125899906842624, min);
- let range2 = (max - min) / (targetWidget.options.step / 10);
+ let range2 = (max - min) / (step3 / 10);
switch (v2) {
case "fixed":
break;
case "increment":
- targetWidget.value += targetWidget.options.step / 10;
+ targetWidget.value += step3 / 10;
break;
case "decrement":
- targetWidget.value -= targetWidget.options.step / 10;
+ targetWidget.value -= step3 / 10;
break;
case "randomize":
- targetWidget.value = Math.floor(Math.random() * range2) * (targetWidget.options.step / 10) + min;
+ targetWidget.value = Math.floor(Math.random() * range2) * (step3 / 10) + min;
break;
default:
break;
}
if (targetWidget.value < min) targetWidget.value = min;
if (targetWidget.value > max) targetWidget.value = max;
- targetWidget.callback(targetWidget.value);
+ targetWidget.callback?.(targetWidget.value);
}
}, "applyWidgetControl");
valueControl.beforeQueued = () => {
@@ -193446,177 +207856,9 @@ function addValueControlWidgets(node3, targetWidget, defaultValue2 = "randomize"
return widgets;
}
__name(addValueControlWidgets, "addValueControlWidgets");
-function seedWidget(node3, inputName, inputData, app2, widgetName) {
- const seed = createIntWidget(node3, inputName, inputData, app2, true);
- const seedControl = addValueControlWidget(
- node3,
- seed.widget,
- "randomize",
- void 0,
- widgetName,
- inputData
- );
- seed.widget.linkedWidgets = [seedControl];
- return seed;
-}
-__name(seedWidget, "seedWidget");
-function createIntWidget(node3, inputName, inputData, app2, isSeedInput = false) {
- const control = inputData[1]?.control_after_generate;
- if (!isSeedInput && control) {
- return seedWidget(
- node3,
- inputName,
- inputData,
- app2,
- typeof control === "string" ? control : void 0
- );
- }
- let widgetType = isSlider(inputData[1]["display"], app2);
- const { val, config: config2 } = getNumberDefaults(inputData, 1, 0, true);
- Object.assign(config2, { precision: 0 });
- return {
- widget: node3.addWidget(
- widgetType,
- inputName,
- val,
- function(v2) {
- const s2 = this.options.step / 10;
- let sh = this.options.min % s2;
- if (isNaN(sh)) {
- sh = 0;
- }
- this.value = Math.round((v2 - sh) / s2) * s2 + sh;
- },
- config2
- )
- };
-}
-__name(createIntWidget, "createIntWidget");
-function addMultilineWidget(node3, name2, opts, app2) {
- const inputEl = document.createElement("textarea");
- inputEl.className = "comfy-multiline-input";
- inputEl.value = opts.defaultVal;
- inputEl.placeholder = opts.placeholder || name2;
- if (app2.vueAppReady) {
- inputEl.spellcheck = useSettingStore().get(
- "Comfy.TextareaWidget.Spellcheck"
- );
- }
- const widget2 = node3.addDOMWidget(name2, "customtext", inputEl, {
- getValue() {
- return inputEl.value;
- },
- setValue(v2) {
- inputEl.value = v2;
- }
- });
- widget2.inputEl = inputEl;
- inputEl.addEventListener("input", () => {
- widget2.callback?.(widget2.value);
- });
- inputEl.addEventListener("pointerdown", (event) => {
- if (event.button === 1) {
- app2.canvas.processMouseDown(event);
- }
- });
- inputEl.addEventListener("pointermove", (event) => {
- if ((event.buttons & 4) === 4) {
- app2.canvas.processMouseMove(event);
- }
- });
- inputEl.addEventListener("pointerup", (event) => {
- if (event.button === 1) {
- app2.canvas.processMouseUp(event);
- }
- });
- return { minWidth: 400, minHeight: 200, widget: widget2 };
-}
-__name(addMultilineWidget, "addMultilineWidget");
-function addMarkdownWidget(node3, name2, opts, app2) {
- Markdown.configure({
- html: false,
- breaks: true,
- transformPastedText: true
- });
- const editor = new Editor({
- extensions: [
- StarterKit,
- Markdown,
- Link$2,
- Table$2,
- TableCell,
- TableHeader,
- TableRow
- ],
- content: opts.defaultVal,
- editable: false
- });
- const inputEl = editor.options.element;
- inputEl.classList.add("comfy-markdown");
- const textarea = document.createElement("textarea");
- inputEl.append(textarea);
- const widget2 = node3.addDOMWidget(name2, "MARKDOWN", inputEl, {
- getValue() {
- return textarea.value;
- },
- setValue(v2) {
- textarea.value = v2;
- editor.commands.setContent(v2);
- }
- });
- widget2.inputEl = inputEl;
- editor.options.element.addEventListener(
- "pointerdown",
- (event) => {
- if (event.button !== 0) {
- app2.canvas.processMouseDown(event);
- return;
- }
- if (event.target instanceof HTMLAnchorElement) {
- return;
- }
- inputEl.classList.add("editing");
- setTimeout(() => {
- textarea.focus();
- }, 0);
- }
- );
- textarea.addEventListener("blur", () => {
- inputEl.classList.remove("editing");
- });
- textarea.addEventListener("change", () => {
- editor.commands.setContent(textarea.value);
- widget2.callback?.(widget2.value);
- });
- inputEl.addEventListener("keydown", (event) => {
- event.stopPropagation();
- });
- inputEl.addEventListener("pointerdown", (event) => {
- if (event.button === 1) {
- app2.canvas.processMouseDown(event);
- }
- });
- inputEl.addEventListener("pointermove", (event) => {
- if ((event.buttons & 4) === 4) {
- app2.canvas.processMouseMove(event);
- }
- });
- inputEl.addEventListener("pointerup", (event) => {
- if (event.button === 1) {
- app2.canvas.processMouseUp(event);
- }
- });
- return { minWidth: 400, minHeight: 200, widget: widget2 };
-}
-__name(addMarkdownWidget, "addMarkdownWidget");
-function isSlider(display, app2) {
- if (app2.ui.settings.getSettingValue("Comfy.DisableSliders")) {
- return "number";
- }
- return display === "slider" ? "slider" : "number";
-}
-__name(isSlider, "isSlider");
+const SeedWidget = useSeedWidget();
const ComfyWidgets = {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"INT:seed": seedWidget,
"INT:noise_seed": seedWidget,
FLOAT(node3, inputName, inputData, app2) {
@@ -193854,6 +208096,17 @@ const ComfyWidgets = {
};
return { widget: uploadWidget };
}
+========
+ "INT:seed": SeedWidget,
+ "INT:noise_seed": SeedWidget,
+ INT: useIntWidget(),
+ FLOAT: useFloatWidget(),
+ BOOLEAN: useBooleanWidget(),
+ STRING: useStringWidget(),
+ MARKDOWN: useMarkdownWidget(),
+ COMBO: useComboWidget(),
+ IMAGEUPLOAD: useImageUploadWidget()
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
};
window.comfyAPI = window.comfyAPI || {};
window.comfyAPI.widgets = window.comfyAPI.widgets || {};
@@ -193892,11 +208145,33 @@ const useWidgetStore = /* @__PURE__ */ defineStore("widget", () => {
};
}
__name(registerCustomWidgets, "registerCustomWidgets");
+ function getDefaultValue(inputData) {
+ if (Array.isArray(inputData[0]))
+ return getDefaultValue(transformComboInput(inputData));
+ const widgetType = getWidgetType(inputData[0], inputData[1]?.name);
+ const [_2, props] = inputData;
+ if (!props) return void 0;
+ if (props.default) return props.default;
+ if (widgetType === "COMBO" && props.options?.length) return props.options[0];
+ if (props.remote) return "Loading...";
+ return void 0;
+ }
+ __name(getDefaultValue, "getDefaultValue");
+ const transformComboInput = /* @__PURE__ */ __name((inputData) => {
+ return isComboInputSpecV1(inputData) ? [
+ "COMBO",
+ {
+ options: inputData[0],
+ ...Object(inputData[1] || {})
+ }
+ ] : inputData;
+ }, "transformComboInput");
return {
widgets,
getWidgetType,
inputIsWidget,
- registerCustomWidgets
+ registerCustomWidgets,
+ getDefaultValue
};
});
var addonFit$2 = { exports: {} };
@@ -200198,12 +214473,13 @@ __name(useTerminal, "useTerminal");
const _hoisted_1$q = { class: "p-terminal rounded-none h-full w-full p-2" };
const _sfc_main$t = /* @__PURE__ */ defineComponent({
__name: "BaseTerminal",
- emits: ["created"],
+ emits: ["created", "unmounted"],
setup(__props, { emit: __emit }) {
const emit2 = __emit;
const terminalEl = ref();
const rootEl = ref();
emit2("created", useTerminal(terminalEl), rootEl);
+ onUnmounted(() => emit2("unmounted"));
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", {
class: "relative overflow-hidden h-full w-full bg-black",
@@ -200221,7 +214497,7 @@ const _sfc_main$t = /* @__PURE__ */ defineComponent({
};
}
});
-const BaseTerminal = /* @__PURE__ */ _export_sfc(_sfc_main$t, [["__scopeId", "data-v-250ab9af"]]);
+const BaseTerminal = /* @__PURE__ */ _export_sfc(_sfc_main$t, [["__scopeId", "data-v-873a313f"]]);
const _sfc_main$s = /* @__PURE__ */ defineComponent({
__name: "CommandTerminal",
setup(__props) {
@@ -200263,7 +214539,7 @@ const _sfc_main$s = /* @__PURE__ */ defineComponent({
};
}
});
-const CommandTerminal = /* @__PURE__ */ _export_sfc(_sfc_main$s, [["__scopeId", "data-v-90a7f075"]]);
+const CommandTerminal = /* @__PURE__ */ _export_sfc(_sfc_main$s, [["__scopeId", "data-v-14fef2e4"]]);
const useExecutionStore = /* @__PURE__ */ defineStore("execution", () => {
const clientId = ref(null);
const activePromptId = ref(null);
@@ -200468,7 +214744,11 @@ const _sfc_main$r = /* @__PURE__ */ defineComponent({
}, "terminalCreated");
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$p, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
errorMessage.value ? (openBlock(), createElementBlock("p", _hoisted_2$j, toDisplayString$1(errorMessage.value), 1)) : loading2.value ? (openBlock(), createBlock(unref(script$11), {
+========
+ errorMessage.value ? (openBlock(), createElementBlock("p", _hoisted_2$j, toDisplayString$1(errorMessage.value), 1)) : loading2.value ? (openBlock(), createBlock(unref(script$12), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
class: "relative inset-0 flex justify-center items-center h-full z-10"
})) : createCommentVNode("", true),
@@ -200479,7 +214759,7 @@ const _sfc_main$r = /* @__PURE__ */ defineComponent({
};
}
});
-const LogsTerminal = /* @__PURE__ */ _export_sfc(_sfc_main$r, [["__scopeId", "data-v-03daf1c8"]]);
+const LogsTerminal = /* @__PURE__ */ _export_sfc(_sfc_main$r, [["__scopeId", "data-v-cf0c7d52"]]);
const useLogsTerminalTab = /* @__PURE__ */ __name(() => {
const { t: t2 } = useI18n();
return {
@@ -200570,7 +214850,11 @@ const useExtensionService = /* @__PURE__ */ __name(() => {
settingStore.get("Comfy.Extension.Disabled")
);
const extensions = await api.getExtensions();
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
await __vitePreload(() => import("./index-aXhlJPnT.js"), true ? __vite__mapDeps([29,30]) : void 0, import.meta.url);
+========
+ await __vitePreload(() => import("./index-B36GcHVN.js"), true ? __vite__mapDeps([34,13,35]) : void 0, import.meta.url);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
extensionStore.captureCoreExtensions();
await Promise.all(
extensions.filter((extension) => !extension.includes("extensions/core")).map(async (ext) => {
@@ -200703,12 +214987,12 @@ class ComfySettingsDialog extends ComfyDialog$1 {
super();
this.app = app2;
}
- dispatchChange(id3, value4, oldValue2) {
+ dispatchChange(id3, value4, oldValue) {
this.dispatchEvent(
new CustomEvent(id3 + ".change", {
detail: {
value: value4,
- oldValue: oldValue2
+ oldValue
}
})
);
@@ -200947,9 +215231,9 @@ function dragElement(dragEl, settings) {
function restorePos() {
let posString = localStorage.getItem("Comfy.MenuPosition");
if (posString) {
- const pos2 = JSON.parse(posString);
- newPosX = pos2.x;
- newPosY = pos2.y;
+ const pos = JSON.parse(posString);
+ newPosX = pos.x;
+ newPosY = pos.y;
positionElement();
ensureInBounds();
}
@@ -201345,7 +215629,7 @@ class ComfyUI {
if (!useSettingStore().get("Comfy.ConfirmClear") || confirm("Clear workflow?")) {
app$1.clean();
app$1.graph.clear();
- app$1.resetView();
+ useLitegraphService().resetView();
api.dispatchCustomEvent("graphCleared");
}
}, "onclick")
@@ -201355,7 +215639,7 @@ class ComfyUI {
textContent: "Load Default",
onclick: /* @__PURE__ */ __name(async () => {
if (!useSettingStore().get("Comfy.ConfirmClear") || confirm("Load default workflow?")) {
- app$1.resetView();
+ useLitegraphService().resetView();
await app$1.loadGraphData();
}
}, "onclick")
@@ -201364,7 +215648,7 @@ class ComfyUI {
id: "comfy-reset-view-button",
textContent: "Reset View",
onclick: /* @__PURE__ */ __name(async () => {
- app$1.resetView();
+ useLitegraphService().resetView();
}, "onclick")
})
]
@@ -201485,9 +215769,26 @@ window.comfyAPI = window.comfyAPI || {};
window.comfyAPI.imagePreview = window.comfyAPI.imagePreview || {};
window.comfyAPI.imagePreview.calculateImageGrid = calculateImageGrid;
window.comfyAPI.imagePreview.createImageHost = createImageHost;
+const useTitleEditorStore = /* @__PURE__ */ defineStore("titleEditor", () => {
+ const titleEditorTarget = shallowRef(null);
+ return {
+ titleEditorTarget
+ };
+});
+const useCanvasStore = /* @__PURE__ */ defineStore("canvas", () => {
+ const canvas2 = shallowRef(null);
+ return {
+ canvas: canvas2
+ };
+});
+function isImageNode(node3) {
+ return node3.imgs || node3 && node3.widgets && node3.widgets.findIndex((obj) => obj.name === "image") >= 0;
+}
+__name(isImageNode, "isImageNode");
const useLitegraphService = /* @__PURE__ */ __name(() => {
const extensionService = useExtensionService();
const toastStore = useToastStore();
+ const canvasStore = useCanvasStore();
async function registerNodeDef(nodeId, nodeData) {
const node3 = class ComfyNode extends LGraphNode {
static {
@@ -201647,11 +215948,11 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
await writeImage(blob);
} catch (error2) {
if (blob.type !== "image/png") {
- const canvas = $el("canvas", {
+ const canvas2 = $el("canvas", {
width: img.naturalWidth,
height: img.naturalHeight
});
- const ctx = canvas.getContext("2d");
+ const ctx = canvas2.getContext("2d");
let image2;
if (typeof window.createImageBitmap === "undefined") {
image2 = new Image();
@@ -201668,7 +215969,7 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
}
try {
ctx.drawImage(image2, 0, 0);
- canvas.toBlob(writeImage, "image/png");
+ canvas2.toBlob(writeImage, "image/png");
} finally {
if (typeof image2.close === "function") {
image2.close();
@@ -201751,7 +216052,7 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
}, "callback")
});
}
- if (ComfyApp.isImageNode(this)) {
+ if (isImageNode(this)) {
options4.push({
content: "Open in MaskEditor",
callback: /* @__PURE__ */ __name((obj) => {
@@ -201860,12 +216161,12 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
);
if (this.animatedImages) {
if (widgetIdx > -1) {
- const widget2 = this.widgets[widgetIdx];
- widget2.options.host.updateImages(this.imgs);
+ const widget = this.widgets[widgetIdx];
+ widget.options.host.updateImages(this.imgs);
} else {
const host = createImageHost(this);
this.setSizeForImage(true);
- const widget2 = this.addDOMWidget(
+ const widget = this.addDOMWidget(
ANIM_PREVIEW_WIDGET,
"img",
host.el,
@@ -201876,8 +216177,8 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
hideOnZoom: false
}
);
- widget2.serializeValue = () => void 0;
- widget2.options.host.updateImages(this.imgs);
+ widget.serializeValue = () => void 0;
+ widget.options.host.updateImages(this.imgs);
}
return;
}
@@ -201885,9 +216186,9 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
this.widgets[widgetIdx].onRemove?.();
this.widgets.splice(widgetIdx, 1);
}
- const canvas = app$1.graph.list_of_graphcanvas[0];
- const mouse = canvas.graph_mouse;
- if (!canvas.pointer_is_down && this.pointerDown) {
+ const canvas2 = app$1.graph.list_of_graphcanvas[0];
+ const mouse = canvas2.graph_mouse;
+ if (!canvas2.pointer_is_down && this.pointerDown) {
if (mouse[0] === this.pointerDown.pos[0] && mouse[1] === this.pointerDown.pos[1]) {
this.imageIndex = this.pointerDown.index;
}
@@ -201953,14 +216254,14 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
if (anyHovered) {
this.overIndex = i2;
let value4 = 110;
- if (canvas.pointer_is_down) {
+ if (canvas2.pointer_is_down) {
if (!this.pointerDown || this.pointerDown.index !== i2) {
this.pointerDown = { index: i2, pos: [...mouse] };
}
value4 = 125;
}
ctx.filter = `contrast(${value4}%) brightness(${value4}%)`;
- canvas.canvas.style.cursor = "pointer";
+ canvas2.canvas.style.cursor = "pointer";
}
}
this.imageRects.push([x22, y22, cellWidth, cellHeight]);
@@ -202019,8 +216320,8 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
let textFill = "#fff";
let isClicking = false;
if (hovered) {
- canvas.canvas.style.cursor = "pointer";
- if (canvas.pointer_is_down) {
+ canvas2.canvas.style.cursor = "pointer";
+ if (canvas2.pointer_is_down) {
fill2 = "#1e90ff";
isClicking = true;
} else {
@@ -202118,11 +216419,20 @@ const useLitegraphService = /* @__PURE__ */ __name(() => {
app$1.canvas.animateToBounds(graphNode.boundingRect);
}
__name(goToNode, "goToNode");
+ function resetView() {
+ const canvas2 = canvasStore.canvas;
+ if (!canvas2) return;
+ canvas2.ds.scale = 1;
+ canvas2.ds.offset = [0, 0];
+ canvas2.setDirty(true, true);
+ }
+ __name(resetView, "resetView");
return {
registerNodeDef,
addNodeOnGraph,
getCanvasCenter,
- goToNode
+ goToNode,
+ resetView
};
}, "useLitegraphService");
const defaultGraph = {
@@ -202241,7 +216551,7 @@ const defaultGraph = {
{ name: "VAE", type: "VAE", links: [8], slot_index: 2 }
],
properties: {},
- widgets_values: ["v1-5-pruned-emaonly.ckpt"]
+ widgets_values: ["v1-5-pruned-emaonly-fp16.safetensors"]
}
],
links: [
@@ -202332,12 +216642,12 @@ function applyTextReplacements(app2, value4) {
console.warn("Multiple nodes matched", split2[0], "using first match");
}
const node3 = nodes[0];
- const widget2 = node3.widgets?.find((w2) => w2.name === split2[1]);
- if (!widget2) {
+ const widget = node3.widgets?.find((w2) => w2.name === split2[1]);
+ if (!widget) {
console.warn("Unable to find widget", split2[1], "on node", split2[0], node3);
return match3;
}
- return ((widget2.value ?? "") + "").replaceAll(/\/|\\/g, "_");
+ return ((widget.value ?? "") + "").replaceAll(/\/|\\/g, "_");
});
}
__name(applyTextReplacements, "applyTextReplacements");
@@ -204778,13 +219088,16 @@ const useWorkflowService = /* @__PURE__ */ __name(() => {
}
);
}, "openWorkflow");
- const closeWorkflow = /* @__PURE__ */ __name(async (workflow, options4 = { warnIfUnsaved: true }) => {
+ const closeWorkflow = /* @__PURE__ */ __name(async (workflow, options4 = {
+ warnIfUnsaved: true
+ }) => {
if (workflow.isModified && options4.warnIfUnsaved) {
const confirmed = await dialogService.confirm({
title: t("sideToolbar.workflowTab.dirtyCloseTitle"),
type: "dirtyClose",
message: t("sideToolbar.workflowTab.dirtyClose"),
- itemList: [workflow.path]
+ itemList: [workflow.path],
+ hint: options4.hint
});
if (confirmed === null) return false;
if (confirmed === true) {
@@ -204864,20 +219177,20 @@ const useWorkflowService = /* @__PURE__ */ __name(() => {
loadedWorkflow.changeTracker.reset(workflowData);
loadedWorkflow.changeTracker.restore();
}, "afterLoadNewGraph");
- const insertWorkflow = /* @__PURE__ */ __name(async (workflow) => {
+ const insertWorkflow = /* @__PURE__ */ __name(async (workflow, options4 = {}) => {
const loadedWorkflow = await workflow.load();
const data26 = loadedWorkflow.initialState;
const old = localStorage.getItem("litegrapheditor_clipboard");
const graph = new LGraph(data26);
const canvasElement = document.createElement("canvas");
- const canvas = new LGraphCanvas(canvasElement, graph, {
+ const canvas2 = new LGraphCanvas(canvasElement, graph, {
skip_events: true,
skip_render: true
});
- canvas.reroutesEnabled = app$1.canvas.reroutesEnabled;
- canvas.selectItems();
- canvas.copyToClipboard();
- app$1.canvas.pasteFromClipboard();
+ canvas2.reroutesEnabled = app$1.canvas.reroutesEnabled;
+ canvas2.selectItems();
+ canvas2.copyToClipboard();
+ app$1.canvas.pasteFromClipboard(options4);
if (old !== null) {
localStorage.setItem("litegrapheditor_clipboard", old);
}
@@ -207222,17 +221535,24 @@ function serialise(nodes, graph) {
return JSON.stringify(serialisable);
}
__name(serialise, "serialise");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
function deserialiseAndCreate(data26, canvas) {
if (!data26) return;
const { graph, graph_mouse } = canvas;
canvas.emitBeforeChange();
+========
+function deserialiseAndCreate(data26, canvas2) {
+ if (!data26) return;
+ const { graph, graph_mouse } = canvas2;
+ canvas2.emitBeforeChange();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
try {
graph.beforeChange();
const deserialised = JSON.parse(data26);
const topLeft = [Infinity, Infinity];
- for (const { pos: pos2 } of deserialised.nodes) {
- if (topLeft[0] > pos2[0]) topLeft[0] = pos2[0];
- if (topLeft[1] > pos2[1]) topLeft[1] = pos2[1];
+ for (const { pos } of deserialised.nodes) {
+ if (topLeft[0] > pos[0]) topLeft[0] = pos[0];
+ if (topLeft[1] > pos[1]) topLeft[1] = pos[1];
}
if (!Number.isFinite(topLeft[0]) || !Number.isFinite(topLeft[1])) {
topLeft[0] = graph_mouse[0];
@@ -207255,10 +221575,10 @@ function deserialiseAndCreate(data26, canvas) {
if (outNode && inNode) outNode.connect(info[1], inNode, info[3]);
else console.warn("Warning, nodes missing on pasting");
}
- canvas.selectNodes(nodes);
+ canvas2.selectNodes(nodes);
graph.afterChange();
} finally {
- canvas.emitAfterChange();
+ canvas2.emitAfterChange();
}
}
__name(deserialiseAndCreate, "deserialiseAndCreate");
@@ -207532,7 +221852,7 @@ async function importA1111(graph, parameters) {
const getWidget = /* @__PURE__ */ __name((node3, name2) => {
return node3.widgets.find((w2) => w2.name === name2);
}, "getWidget");
- const setWidgetValue2 = /* @__PURE__ */ __name((node3, name2, value4, isOptionPrefix) => {
+ const setWidgetValue = /* @__PURE__ */ __name((node3, name2, value4, isOptionPrefix) => {
const w2 = getWidget(node3, name2);
if (isOptionPrefix) {
const o2 = w2.options.values.find((w22) => w22.startsWith(value4));
@@ -207561,9 +221881,9 @@ async function importA1111(graph, parameters) {
for (const l2 of loras) {
const loraNode = LiteGraph.createNode("LoraLoader");
graph.add(loraNode);
- setWidgetValue2(loraNode, "lora_name", l2.name, true);
- setWidgetValue2(loraNode, "strength_model", l2.weight);
- setWidgetValue2(loraNode, "strength_clip", l2.weight);
+ setWidgetValue(loraNode, "lora_name", l2.name, true);
+ setWidgetValue(loraNode, "strength_model", l2.weight);
+ setWidgetValue(loraNode, "strength_clip", l2.weight);
prevModel.node.connect(prevModel.index, loraNode, 0);
prevClip.node.connect(prevClip.index, loraNode, 1);
prevModel = { node: loraNode, index: 0 };
@@ -207613,31 +221933,31 @@ async function importA1111(graph, parameters) {
vaeLoaderNode.connect(0, vaeNode, 1);
const handlers2 = {
model(v2) {
- setWidgetValue2(ckptNode, "ckpt_name", v2, true);
+ setWidgetValue(ckptNode, "ckpt_name", v2, true);
},
vae(v2) {
- setWidgetValue2(vaeLoaderNode, "vae_name", v2, true);
+ setWidgetValue(vaeLoaderNode, "vae_name", v2, true);
},
"cfg scale"(v2) {
- setWidgetValue2(samplerNode, "cfg", +v2);
+ setWidgetValue(samplerNode, "cfg", +v2);
},
"clip skip"(v2) {
- setWidgetValue2(clipSkipNode, "stop_at_clip_layer", -v2);
+ setWidgetValue(clipSkipNode, "stop_at_clip_layer", -v2);
},
sampler(v2) {
let name2 = v2.toLowerCase().replace("++", "pp").replaceAll(" ", "_");
if (name2.includes("karras")) {
name2 = name2.replace("karras", "").replace(/_+$/, "");
- setWidgetValue2(samplerNode, "scheduler", "karras");
+ setWidgetValue(samplerNode, "scheduler", "karras");
} else {
- setWidgetValue2(samplerNode, "scheduler", "normal");
+ setWidgetValue(samplerNode, "scheduler", "normal");
}
const w2 = getWidget(samplerNode, "sampler_name");
const o2 = w2.options.values.find(
(w22) => w22 === name2 || w22 === "sample_" + name2
);
if (o2) {
- setWidgetValue2(samplerNode, "sampler_name", o2);
+ setWidgetValue(samplerNode, "sampler_name", o2);
}
},
size(v2) {
@@ -207648,8 +221968,8 @@ async function importA1111(graph, parameters) {
const hrSz = popOpt("hires resize");
hrSteps = popOpt("hires steps");
let hrMethod = popOpt("hires upscaler");
- setWidgetValue2(imageNode, "width", w2);
- setWidgetValue2(imageNode, "height", h2);
+ setWidgetValue(imageNode, "width", w2);
+ setWidgetValue(imageNode, "height", h2);
if (hrUp || hrSz) {
let uw, uh;
if (hrUp) {
@@ -207671,7 +221991,7 @@ async function importA1111(graph, parameters) {
hrMethod = "nearest-exact";
break;
}
- setWidgetValue2(upscaleNode, "upscale_method", hrMethod, true);
+ setWidgetValue(upscaleNode, "upscale_method", hrMethod, true);
} else {
const decode2 = LiteGraph.createNode("VAEDecodeTiled");
graph.add(decode2);
@@ -207679,7 +221999,7 @@ async function importA1111(graph, parameters) {
vaeLoaderNode.connect(0, decode2, 1);
const upscaleLoaderNode = LiteGraph.createNode("UpscaleModelLoader");
graph.add(upscaleLoaderNode);
- setWidgetValue2(upscaleLoaderNode, "model_name", hrMethod, true);
+ setWidgetValue(upscaleLoaderNode, "model_name", hrMethod, true);
const modelUpscaleNode = LiteGraph.createNode(
"ImageUpscaleWithModel"
);
@@ -207694,8 +222014,8 @@ async function importA1111(graph, parameters) {
upscaleNode.connect(0, vaeEncodeNode, 0);
vaeLoaderNode.connect(0, vaeEncodeNode, 1);
}
- setWidgetValue2(upscaleNode, "width", ceil64(uw));
- setWidgetValue2(upscaleNode, "height", ceil64(uh));
+ setWidgetValue(upscaleNode, "width", ceil64(uw));
+ setWidgetValue(upscaleNode, "height", ceil64(uh));
hrSamplerNode = LiteGraph.createNode("KSampler");
graph.add(hrSamplerNode);
ckptNode.connect(0, hrSamplerNode, 0);
@@ -207706,10 +222026,10 @@ async function importA1111(graph, parameters) {
}
},
steps(v2) {
- setWidgetValue2(samplerNode, "steps", +v2);
+ setWidgetValue(samplerNode, "steps", +v2);
},
seed(v2) {
- setWidgetValue2(samplerNode, "seed", +v2);
+ setWidgetValue(samplerNode, "seed", +v2);
}
};
for (const opt in opts) {
@@ -207718,27 +222038,27 @@ async function importA1111(graph, parameters) {
}
}
if (hrSamplerNode) {
- setWidgetValue2(
+ setWidgetValue(
hrSamplerNode,
"steps",
hrSteps ? +hrSteps : getWidget(samplerNode, "steps").value
);
- setWidgetValue2(
+ setWidgetValue(
hrSamplerNode,
"cfg",
getWidget(samplerNode, "cfg").value
);
- setWidgetValue2(
+ setWidgetValue(
hrSamplerNode,
"scheduler",
getWidget(samplerNode, "scheduler").value
);
- setWidgetValue2(
+ setWidgetValue(
hrSamplerNode,
"sampler_name",
getWidget(samplerNode, "sampler_name").value
);
- setWidgetValue2(
+ setWidgetValue(
hrSamplerNode,
"denoise",
+(popOpt("denoising strength") || "1")
@@ -207753,8 +222073,8 @@ async function importA1111(graph, parameters) {
positive = n2.text;
n2 = createLoraNodes(negativeNode, negative, n2.prevClip, n2.prevModel);
negative = n2.text;
- setWidgetValue2(positiveNode, "text", replaceEmbeddings(positive));
- setWidgetValue2(negativeNode, "text", replaceEmbeddings(negative));
+ setWidgetValue(positiveNode, "text", replaceEmbeddings(positive));
+ setWidgetValue(negativeNode, "text", replaceEmbeddings(negative));
graph.arrange();
for (const opt of [
"model hash",
@@ -208551,8 +222871,6 @@ class ComfyApp {
canvas;
dragOverNode;
canvasEl;
- // x, y, scale
- zoom_drag_start;
lastNodeErrors;
/** @type {ExecutionErrorWsMessage} */
lastExecutionError;
@@ -208615,17 +222933,28 @@ class ComfyApp {
get progress() {
return useExecutionStore()._executingNodeProgress;
}
+ /**
+ * @deprecated Use {@link isImageNode} from @/utils/litegraphUtil instead
+ */
+ static isImageNode(node3) {
+ return isImageNode(node3);
+ }
+ /**
+ * Resets the canvas view to the default
+ * @deprecated Use {@link useLitegraphService().resetView} instead
+ */
+ resetView() {
+ useLitegraphService().resetView();
+ }
constructor() {
this.vueAppReady = false;
this.ui = new ComfyUI(this);
this.api = api;
- this.bodyTop = $el("div.comfyui-body-top", { parent: document.body });
- this.bodyLeft = $el("div.comfyui-body-left", { parent: document.body });
- this.bodyRight = $el("div.comfyui-body-right", { parent: document.body });
- this.bodyBottom = $el("div.comfyui-body-bottom", { parent: document.body });
- this.canvasContainer = $el("div.graph-canvas-container", {
- parent: document.body
- });
+ this.bodyTop = $el("div.comfyui-body-top");
+ this.bodyLeft = $el("div.comfyui-body-left");
+ this.bodyRight = $el("div.comfyui-body-right");
+ this.bodyBottom = $el("div.comfyui-body-bottom");
+ this.canvasContainer = $el("div.graph-canvas-container");
this.menu = new ComfyAppMenu(this);
this.bypassBgColor = "#FF00FF";
this.nodeOutputs = {};
@@ -208647,9 +222976,6 @@ class ComfyApp {
getRandParam() {
return "&rand=" + Math.random();
}
- static isImageNode(node3) {
- return node3.imgs || node3 && node3.widgets && node3.widgets.findIndex((obj) => obj.name === "image") >= 0;
- }
static onClipspaceEditorSave() {
if (ComfyApp.clipspace_return_node) {
ComfyApp.pasteFromClipspace(ComfyApp.clipspace_return_node);
@@ -208834,6 +223160,7 @@ class ComfyApp {
);
}
/**
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
* Adds a handler on paste that extracts and loads images or workflows from pasted JSON data
*/
#addPasteHandler() {
@@ -208941,6 +223268,8 @@ class ComfyApp {
};
}
/**
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
* Handle keypress
*/
#addProcessKeyHandler() {
@@ -208978,6 +223307,7 @@ class ComfyApp {
};
}
/**
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
* Draws group header bar
*/
#addDrawGroupsHandler() {
@@ -209012,6 +223342,8 @@ class ComfyApp {
};
}
/**
+========
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
* Draws node highlights (executing, drag drop) and progress bar
*/
#addDrawNodeHandler() {
@@ -209034,6 +223366,7 @@ class ComfyApp {
lineWidth = 2;
}
if (color2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const shape = node3._shape || node3.constructor.shape || LiteGraph.ROUND_SHAPE;
ctx.lineWidth = lineWidth;
ctx.globalAlpha = 0.8;
@@ -209073,6 +223406,21 @@ class ComfyApp {
ctx.stroke();
ctx.strokeStyle = fgcolor;
ctx.globalAlpha = 1;
+========
+ const area = [
+ 0,
+ -LiteGraph.NODE_TITLE_HEIGHT,
+ size[0],
+ size[1] + LiteGraph.NODE_TITLE_HEIGHT
+ ];
+ strokeShape(ctx, area, {
+ shape: node3._shape || node3.constructor.shape || LiteGraph.ROUND_SHAPE,
+ thickness: lineWidth,
+ colour: color2,
+ title_height: LiteGraph.NODE_TITLE_HEIGHT,
+ collapsed: node3.collapsed
+ });
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
if (self2.progress && node3.id === +self2.runningNodeId) {
ctx.fillStyle = "green";
@@ -209091,11 +223439,11 @@ class ComfyApp {
if (error2.extra_info && error2.extra_info.input_name) {
const inputIndex = node3.findInputSlot(error2.extra_info.input_name);
if (inputIndex !== -1) {
- let pos2 = node3.getConnectionPos(true, inputIndex);
+ let pos = node3.getConnectionPos(true, inputIndex);
ctx.beginPath();
ctx.arc(
- pos2[0] - node3.pos[0],
- pos2[1] - node3.pos[1],
+ pos[0] - node3.pos[0],
+ pos[1] - node3.pos[1],
12,
0,
2 * Math.PI,
@@ -209225,11 +223573,15 @@ class ComfyApp {
* Set up the app on the page
*/
async setup(canvasEl) {
+ this.bodyTop = document.getElementById("comfyui-body-top");
+ this.bodyLeft = document.getElementById("comfyui-body-left");
+ this.bodyRight = document.getElementById("comfyui-body-right");
+ this.bodyBottom = document.getElementById("comfyui-body-bottom");
+ this.canvasContainer = document.getElementById("graph-canvas-container");
this.canvasEl = canvasEl;
this.resizeCanvas();
await useWorkspaceStore().workflow.syncWorkflows();
await useExtensionService().loadExtensions();
- this.#addProcessMouseHandler();
this.#addProcessKeyHandler();
this.#addConfigureHandler();
this.#addApiUpdateHandlers();
@@ -209251,10 +223603,7 @@ class ComfyApp {
await useExtensionService().invokeExtensionsAsync("init");
await this.registerNodes();
this.#addDrawNodeHandler();
- this.#addDrawGroupsHandler();
this.#addDropHandler();
- this.#addCopyHandler();
- this.#addPasteHandler();
await useExtensionService().invokeExtensionsAsync("setup");
}
resizeCanvas() {
@@ -209458,8 +223807,8 @@ class ComfyApp {
} catch (error2) {
let errorHint = [];
const filename = error2.fileName || (error2.stack || "").match(/(\/extensions\/.*\.js)/)?.[1];
- const pos2 = (filename || "").indexOf("/extensions/");
- if (pos2 > -1) {
+ const pos = (filename || "").indexOf("/extensions/");
+ if (pos > -1) {
errorHint.push(
$el("span", {
textContent: "This may be due to the following script:"
@@ -209469,7 +223818,7 @@ class ComfyApp {
style: {
fontWeight: "bold"
},
- textContent: filename.substring(pos2)
+ textContent: filename.substring(pos)
})
);
}
@@ -209504,27 +223853,27 @@ class ComfyApp {
size[1] = Math.max(node3.size[1], size[1]);
node3.size = size;
if (node3.widgets) {
- for (let widget2 of node3.widgets) {
+ for (let widget of node3.widgets) {
if (node3.type == "KSampler" || node3.type == "KSamplerAdvanced") {
- if (widget2.name == "sampler_name") {
- if (typeof widget2.value === "string" && widget2.value.startsWith("sample_")) {
- widget2.value = widget2.value.slice(7);
+ if (widget.name == "sampler_name") {
+ if (typeof widget.value === "string" && widget.value.startsWith("sample_")) {
+ widget.value = widget.value.slice(7);
}
}
}
if (node3.type == "KSampler" || node3.type == "KSamplerAdvanced" || node3.type == "PrimitiveNode") {
- if (widget2.name == "control_after_generate") {
- if (widget2.value === true) {
- widget2.value = "randomize";
- } else if (widget2.value === false) {
- widget2.value = "fixed";
+ if (widget.name == "control_after_generate") {
+ if (widget.value === true) {
+ widget.value = "randomize";
+ } else if (widget.value === false) {
+ widget.value = "fixed";
}
}
}
if (reset_invalid_values) {
- if (widget2.type == "combo") {
- if (!widget2.options.values.includes(widget2.value) && widget2.options.values.length > 0) {
- widget2.value = widget2.options.values[0];
+ if (widget.type == "combo") {
+ if (!widget.options.values.includes(widget.value) && widget.options.values.length > 0) {
+ widget.value = widget.options.values[0];
}
}
}
@@ -209569,8 +223918,8 @@ class ComfyApp {
async graphToPrompt(graph = this.graph, clean = true) {
for (const outerNode of graph.computeExecutionOrder(false)) {
if (outerNode.widgets) {
- for (const widget2 of outerNode.widgets) {
- widget2.beforeQueued?.();
+ for (const widget of outerNode.widgets) {
+ widget.beforeQueued?.();
}
}
const innerNodes = outerNode.getInnerNodes ? outerNode.getInnerNodes() : [outerNode];
@@ -209605,14 +223954,14 @@ class ComfyApp {
const inputs = {};
const widgets = node3.widgets;
if (widgets) {
- for (const i2 in widgets) {
- const widget2 = widgets[i2];
- if (!widget2.options || widget2.options.serialize !== false) {
- inputs[widget2.name] = widget2.serializeValue ? await widget2.serializeValue(node3, i2) : widget2.value;
+ for (let i2 = 0; i2 < widgets.length; i2++) {
+ const widget = widgets[i2];
+ if (!widget.options || widget.options.serialize !== false) {
+ inputs[widget.name] = widget.serializeValue ? await widget.serializeValue(node3, i2) : widget.value;
}
}
}
- for (let i2 in node3.inputs) {
+ for (let i2 = 0; i2 < node3.inputs.length; i2++) {
let parent = node3.getInputNode(i2);
if (parent) {
let link2 = node3.getInputLink(i2);
@@ -209654,6 +224003,7 @@ class ComfyApp {
if (link2) {
inputs[node3.inputs[i2].name] = [
String(link2.origin_id),
+ // @ts-expect-error link.origin_slot is already number.
parseInt(link2.origin_slot)
];
}
@@ -209744,9 +224094,9 @@ class ComfyApp {
for (const n2 of p2.workflow.nodes) {
const node3 = this.graph.getNodeById(n2.id);
if (node3.widgets) {
- for (const widget2 of node3.widgets) {
- if (widget2.afterQueued) {
- widget2.afterQueued();
+ for (const widget of node3.widgets) {
+ if (widget.afterQueued) {
+ widget.afterQueued();
}
}
}
@@ -209894,8 +224244,8 @@ class ComfyApp {
let toSlot = node3.inputs?.findIndex((inp) => inp.name === input);
if (toSlot == null || toSlot === -1) {
try {
- const widget2 = node3.widgets?.find((w2) => w2.name === input);
- if (widget2 && node3.convertWidgetToInput?.(widget2)) {
+ const widget = node3.widgets?.find((w2) => w2.name === input);
+ if (widget && node3.convertWidgetToInput?.(widget)) {
toSlot = node3.inputs?.length - 1;
}
} catch (error2) {
@@ -209905,10 +224255,10 @@ class ComfyApp {
fromNode.connect(fromSlot, node3, toSlot);
}
} else {
- const widget2 = node3.widgets?.find((w2) => w2.name === input);
- if (widget2) {
- widget2.value = value4;
- widget2.callback?.(value4);
+ const widget = node3.widgets?.find((w2) => w2.name === input);
+ if (widget) {
+ widget.value = value4;
+ widget.callback?.(value4);
}
}
}
@@ -209925,8 +224275,8 @@ class ComfyApp {
let toSlot = node3.inputs?.findIndex((inp) => inp.name === input);
if (toSlot == null || toSlot === -1) {
try {
- const widget2 = node3.widgets?.find((w2) => w2.name === input);
- if (widget2 && node3.convertWidgetToInput?.(widget2)) {
+ const widget = node3.widgets?.find((w2) => w2.name === input);
+ if (widget && node3.convertWidgetToInput?.(widget)) {
toSlot = node3.inputs?.length - 1;
}
} catch (error2) {
@@ -209936,10 +224286,10 @@ class ComfyApp {
fromNode.connect(fromSlot, node3, toSlot);
}
} else {
- const widget2 = node3.widgets?.find((w2) => w2.name === input);
- if (widget2) {
- widget2.value = value4;
- widget2.callback?.(value4);
+ const widget = node3.widgets?.find((w2) => w2.name === input);
+ if (widget) {
+ widget.value = value4;
+ widget.callback?.(value4);
}
}
}
@@ -209977,9 +224327,9 @@ class ComfyApp {
node3.refreshComboInNode?.(defs);
if (!def2) continue;
for (const widgetNum in node3.widgets) {
- const widget2 = node3.widgets[widgetNum];
- if (widget2.type == "combo" && def2["input"]["required"][widget2.name] !== void 0) {
- widget2.options.values = def2["input"]["required"][widget2.name][0];
+ const widget = node3.widgets[widgetNum];
+ if (widget.type == "combo" && def2["input"]["required"][widget.name] !== void 0) {
+ widget.options.values = def2["input"]["required"][widget.name][0];
}
}
}
@@ -209998,11 +224348,6 @@ class ComfyApp {
});
}
}
- resetView() {
- app$1.canvas.ds.scale = 1;
- app$1.canvas.ds.offset = [0, 0];
- app$1.graph.setDirtyCanvas(true, true);
- }
/**
* Frees memory allocated to image preview blobs for a specific node, by revoking the URLs associated with them.
* @param nodeId ID of the node to revoke all preview images of
@@ -210025,17 +224370,17 @@ class ComfyApp {
this.lastNodeErrors = null;
this.lastExecutionError = null;
}
- clientPosToCanvasPos(pos2) {
+ clientPosToCanvasPos(pos) {
const rect = this.canvasContainer.getBoundingClientRect();
const containerOffsets = [rect.left, rect.top];
- return _.zip(pos2, this.canvas.ds.offset, containerOffsets).map(
+ return _.zip(pos, this.canvas.ds.offset, containerOffsets).map(
([p2, o1, o2]) => (p2 - o2) / this.canvas.ds.scale - o1
);
}
- canvasPosToClientPos(pos2) {
+ canvasPosToClientPos(pos) {
const rect = this.canvasContainer.getBoundingClientRect();
const containerOffsets = [rect.left, rect.top];
- return _.zip(pos2, this.canvas.ds.offset, containerOffsets).map(
+ return _.zip(pos, this.canvas.ds.offset, containerOffsets).map(
([p2, o1, o2]) => (p2 + o1) * this.canvas.ds.scale + o2
);
}
@@ -210511,7 +224856,7 @@ const useQueueSettingsStore = /* @__PURE__ */ defineStore("queueSettingsStore",
batchCount: 1
}), "state")
});
-var theme$8 = /* @__PURE__ */ __name(function theme33(_ref) {
+var theme$8 = /* @__PURE__ */ __name(function theme34(_ref) {
var dt2 = _ref.dt;
return "\n.p-contextmenu {\n background: ".concat(dt2("contextmenu.background"), ";\n color: ").concat(dt2("contextmenu.color"), ";\n border: 1px solid ").concat(dt2("contextmenu.border.color"), ";\n border-radius: ").concat(dt2("contextmenu.border.radius"), ";\n box-shadow: ").concat(dt2("contextmenu.shadow"), ";\n min-width: 12.5rem;\n}\n\n.p-contextmenu-root-list,\n.p-contextmenu-submenu {\n margin: 0;\n padding: ").concat(dt2("contextmenu.list.padding"), ";\n list-style: none;\n outline: 0 none;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt2("contextmenu.list.gap"), ";\n}\n\n.p-contextmenu-submenu {\n position: absolute;\n display: flex;\n flex-direction: column;\n min-width: 100%;\n z-index: 1;\n background: ").concat(dt2("contextmenu.background"), ";\n color: ").concat(dt2("contextmenu.color"), ";\n border: 1px solid ").concat(dt2("contextmenu.border.color"), ";\n border-radius: ").concat(dt2("contextmenu.border.radius"), ";\n box-shadow: ").concat(dt2("contextmenu.shadow"), ";\n}\n\n.p-contextmenu-item {\n position: relative;\n}\n\n.p-contextmenu-item-content {\n transition: background ").concat(dt2("contextmenu.transition.duration"), ", color ").concat(dt2("contextmenu.transition.duration"), ";\n border-radius: ").concat(dt2("contextmenu.item.border.radius"), ";\n color: ").concat(dt2("contextmenu.item.color"), ";\n}\n\n.p-contextmenu-item-link {\n cursor: pointer;\n display: flex;\n align-items: center;\n text-decoration: none;\n overflow: hidden;\n position: relative;\n color: inherit;\n padding: ").concat(dt2("contextmenu.item.padding"), ";\n gap: ").concat(dt2("contextmenu.item.gap"), ";\n user-select: none;\n}\n\n.p-contextmenu-item-label {\n line-height: 1;\n}\n\n.p-contextmenu-item-icon {\n color: ").concat(dt2("contextmenu.item.icon.color"), ";\n}\n\n.p-contextmenu-submenu-icon {\n color: ").concat(dt2("contextmenu.submenu.icon.color"), ";\n margin-left: auto;\n font-size: ").concat(dt2("contextmenu.submenu.icon.size"), ";\n width: ").concat(dt2("contextmenu.submenu.icon.size"), ";\n height: ").concat(dt2("contextmenu.submenu.icon.size"), ";\n}\n\n.p-contextmenu-submenu-icon:dir(rtl) {\n margin-left: 0;\n margin-right: auto;\n}\n\n.p-contextmenu-item.p-focus > .p-contextmenu-item-content {\n color: ").concat(dt2("contextmenu.item.focus.color"), ";\n background: ").concat(dt2("contextmenu.item.focus.background"), ";\n}\n\n.p-contextmenu-item.p-focus > .p-contextmenu-item-content .p-contextmenu-item-icon {\n color: ").concat(dt2("contextmenu.item.icon.focus.color"), ";\n}\n\n.p-contextmenu-item.p-focus > .p-contextmenu-item-content .p-contextmenu-submenu-icon {\n color: ").concat(dt2("contextmenu.submenu.icon.focus.color"), ";\n}\n\n.p-contextmenu-item:not(.p-disabled) > .p-contextmenu-item-content:hover {\n color: ").concat(dt2("contextmenu.item.focus.color"), ";\n background: ").concat(dt2("contextmenu.item.focus.background"), ";\n}\n\n.p-contextmenu-item:not(.p-disabled) > .p-contextmenu-item-content:hover .p-contextmenu-item-icon {\n color: ").concat(dt2("contextmenu.item.icon.focus.color"), ";\n}\n\n.p-contextmenu-item:not(.p-disabled) > .p-contextmenu-item-content:hover .p-contextmenu-submenu-icon {\n color: ").concat(dt2("contextmenu.submenu.icon.focus.color"), ";\n}\n\n.p-contextmenu-item-active > .p-contextmenu-item-content {\n color: ").concat(dt2("contextmenu.item.active.color"), ";\n background: ").concat(dt2("contextmenu.item.active.background"), ";\n}\n\n.p-contextmenu-item-active > .p-contextmenu-item-content .p-contextmenu-item-icon {\n color: ").concat(dt2("contextmenu.item.icon.active.color"), ";\n}\n\n.p-contextmenu-item-active > .p-contextmenu-item-content .p-contextmenu-submenu-icon {\n color: ").concat(dt2("contextmenu.submenu.icon.active.color"), ";\n}\n\n.p-contextmenu-separator {\n border-block-start: 1px solid ").concat(dt2("contextmenu.separator.border.color"), ";\n}\n\n.p-contextmenu-enter-from,\n.p-contextmenu-leave-active {\n opacity: 0;\n}\n\n.p-contextmenu-enter-active {\n transition: opacity 250ms;\n}\n\n.p-contextmenu-mobile .p-contextmenu-submenu {\n position: static;\n box-shadow: none;\n border: 0 none;\n padding-inline-start: ").concat(dt2("tieredmenu.submenu.mobile.indent"), ";\n padding-inline-end: 0;\n}\n\n.p-contextmenu-mobile .p-contextmenu-submenu-icon {\n transition: transform 0.2s;\n transform: rotate(90deg);\n}\n\n.p-contextmenu-mobile .p-contextmenu-item-active > .p-contextmenu-item-content .p-contextmenu-submenu-icon {\n transform: rotate(-90deg);\n}\n");
}, "theme");
@@ -210539,17 +224884,21 @@ var classes$8 = {
submenu: "p-contextmenu-submenu",
separator: "p-contextmenu-separator"
};
-var ContextMenuStyle = BaseStyle.extend({
+var ContextMenuStyle = BaseStyle$1.extend({
name: "contextmenu",
theme: theme$8,
classes: classes$8
});
var script$d = {
name: "AngleRightIcon",
- "extends": script$_
+ "extends": script$$
};
function render$c(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("svg", mergeProps$1({
+========
+ return openBlock(), createElementBlock("svg", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
width: "14",
height: "14",
viewBox: "0 0 14 14",
@@ -210564,7 +224913,11 @@ __name(render$c, "render$c");
script$d.render = render$c;
var script$2$2 = {
name: "BaseContextMenu",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
model: {
type: Array,
@@ -210614,7 +224967,11 @@ var script$2$2 = {
var script$1$8 = {
name: "ContextMenuSub",
hostName: "ContextMenu",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
emits: ["item-click", "item-mouseenter", "item-mousemove"],
props: {
items: {
@@ -210662,7 +225019,7 @@ var script$1$8 = {
return this.getItemId(processedItem);
}, "getItemKey"),
getItemProp: /* @__PURE__ */ __name(function getItemProp(processedItem, name2, params) {
- return processedItem && processedItem.item ? resolve$2(processedItem.item[name2], params) : void 0;
+ return processedItem && processedItem.item ? resolve$4(processedItem.item[name2], params) : void 0;
}, "getItemProp"),
getItemLabel: /* @__PURE__ */ __name(function getItemLabel(processedItem) {
return this.getItemProp(processedItem, "label");
@@ -210696,7 +225053,7 @@ var script$1$8 = {
return this.focusedItemId === this.getItemId(processedItem);
}, "isItemFocused"),
isItemGroup: /* @__PURE__ */ __name(function isItemGroup(processedItem) {
- return isNotEmpty(processedItem.items);
+ return isNotEmpty$2(processedItem.items);
}, "isItemGroup"),
onItemClick: /* @__PURE__ */ __name(function onItemClick(event, processedItem) {
this.getItemProp(processedItem, "command", {
@@ -210735,10 +225092,11 @@ var script$1$8 = {
}).length + 1;
}, "getAriaPosInset"),
onEnter: /* @__PURE__ */ __name(function onEnter2() {
- nestedPosition(this.$refs.container, this.level);
+ nestedPosition$1(this.$refs.container, this.level);
}, "onEnter"),
getMenuItemProps: /* @__PURE__ */ __name(function getMenuItemProps(processedItem, index2) {
return {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
action: mergeProps$1({
"class": this.cx("itemLink"),
tabindex: -1
@@ -210750,6 +225108,19 @@ var script$1$8 = {
"class": this.cx("itemLabel")
}, this.getPTOptions("itemLabel", processedItem, index2)),
submenuicon: mergeProps$1({
+========
+ action: mergeProps$2({
+ "class": this.cx("itemLink"),
+ tabindex: -1
+ }, this.getPTOptions("itemLink", processedItem, index2)),
+ icon: mergeProps$2({
+ "class": [this.cx("itemIcon"), this.getItemProp(processedItem, "icon")]
+ }, this.getPTOptions("itemIcon", processedItem, index2)),
+ label: mergeProps$2({
+ "class": this.cx("itemLabel")
+ }, this.getPTOptions("itemLabel", processedItem, index2)),
+ submenuicon: mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": this.cx("submenuIcon")
}, this.getPTOptions("submenuicon", processedItem, index2))
};
@@ -210764,7 +225135,11 @@ var script$1$8 = {
};
var _hoisted_1$o = ["tabindex"];
var _hoisted_2$i = ["id", "aria-label", "aria-disabled", "aria-expanded", "aria-haspopup", "aria-level", "aria-setsize", "aria-posinset", "data-p-active", "data-p-focused", "data-p-disabled"];
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_3$9 = ["onClick", "onMouseenter", "onMousemove"];
+========
+var _hoisted_3$a = ["onClick", "onMouseenter", "onMousemove"];
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _hoisted_4$6 = ["href", "target"];
var _hoisted_5$6 = ["id"];
var _hoisted_6$4 = ["id"];
@@ -210772,19 +225147,31 @@ function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
var _component_AngleRightIcon = resolveComponent("AngleRightIcon");
var _component_ContextMenuSub = resolveComponent("ContextMenuSub", true);
var _directive_ripple = resolveDirective("ripple");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createBlock(Transition, mergeProps$1({
+========
+ return openBlock(), createBlock(Transition, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "p-contextmenusub",
onEnter: $options.onEnter
}, _ctx.ptm("menu.transition")), {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [($props.root ? true : $props.visible) ? (openBlock(), createElementBlock("ul", mergeProps$1({
+========
+ return [($props.root ? true : $props.visible) ? (openBlock(), createElementBlock("ul", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: "container",
tabindex: $props.tabindex
}, _ctx.ptm("rootList")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList($props.items, function(processedItem, index2) {
return openBlock(), createElementBlock(Fragment$1, {
key: $options.getItemKey(processedItem)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [$options.isItemVisible(processedItem) && !$options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps$1({
+========
+ }, [$options.isItemVisible(processedItem) && !$options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $options.getItemId(processedItem),
style: $options.getItemProp(processedItem, "style"),
@@ -210804,7 +225191,11 @@ function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
"data-p-active": $options.isItemActive(processedItem),
"data-p-focused": $options.isItemFocused(processedItem),
"data-p-disabled": $options.isItemDisabled(processedItem)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [createBaseVNode("div", mergeProps$1({
+========
+ }), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("itemContent"),
onClick: /* @__PURE__ */ __name(function onClick3($event) {
return $options.onItemClick($event, processedItem);
@@ -210816,7 +225207,11 @@ function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
return $options.onItemMouseMove($event, processedItem);
}, "onMousemove"),
ref_for: true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, $options.getPTOptions("itemContent", processedItem, index2)), [!$props.templates.item ? withDirectives((openBlock(), createElementBlock("a", mergeProps$1({
+========
+ }, $options.getPTOptions("itemContent", processedItem, index2)), [!$props.templates.item ? withDirectives((openBlock(), createElementBlock("a", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
href: $options.getItemProp(processedItem, "url"),
"class": _ctx.cx("itemLink"),
@@ -210827,11 +225222,19 @@ function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
key: 0,
item: processedItem.item,
"class": normalizeClass(_ctx.cx("itemIcon"))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["item", "class"])) : $options.getItemProp(processedItem, "icon") ? (openBlock(), createElementBlock("span", mergeProps$1({
key: 1,
"class": [_ctx.cx("itemIcon"), $options.getItemProp(processedItem, "icon")],
ref_for: true
}, $options.getPTOptions("itemIcon", processedItem, index2)), null, 16)) : createCommentVNode("", true), createBaseVNode("span", mergeProps$1({
+========
+ }, null, 8, ["item", "class"])) : $options.getItemProp(processedItem, "icon") ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 1,
+ "class": [_ctx.cx("itemIcon"), $options.getItemProp(processedItem, "icon")],
+ ref_for: true
+ }, $options.getPTOptions("itemIcon", processedItem, index2)), null, 16)) : createCommentVNode("", true), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: $options.getItemLabelId(processedItem),
"class": _ctx.cx("itemLabel"),
ref_for: true
@@ -210841,7 +225244,11 @@ function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
key: 0,
active: $options.isItemActive(processedItem),
"class": normalizeClass(_ctx.cx("submenuIcon"))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["active", "class"])) : (openBlock(), createBlock(_component_AngleRightIcon, mergeProps$1({
+========
+ }, null, 8, ["active", "class"])) : (openBlock(), createBlock(_component_AngleRightIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("submenuIcon"),
ref_for: true
@@ -210851,7 +225258,11 @@ function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
hasSubmenu: $options.getItemProp(processedItem, "items"),
label: $options.getItemLabel(processedItem),
props: $options.getMenuItemProps(processedItem, index2)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["item", "hasSubmenu", "label", "props"]))], 16, _hoisted_3$9), $options.isItemVisible(processedItem) && $options.isItemGroup(processedItem) ? (openBlock(), createBlock(_component_ContextMenuSub, mergeProps$1({
+========
+ }, null, 8, ["item", "hasSubmenu", "label", "props"]))], 16, _hoisted_3$a), $options.isItemVisible(processedItem) && $options.isItemGroup(processedItem) ? (openBlock(), createBlock(_component_ContextMenuSub, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $options.getItemId(processedItem) + "_list",
role: "menu",
@@ -210876,7 +225287,11 @@ function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
}),
"aria-labelledby": $options.getItemLabelId(processedItem),
ref_for: true
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("submenu")), null, 16, ["id", "class", "menuId", "focusedItemId", "items", "templates", "activeItemPath", "level", "visible", "pt", "unstyled", "aria-labelledby"])) : createCommentVNode("", true)], 16, _hoisted_2$i)) : createCommentVNode("", true), $options.isItemVisible(processedItem) && $options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps$1({
+========
+ }, _ctx.ptm("submenu")), null, 16, ["id", "class", "menuId", "focusedItemId", "items", "templates", "activeItemPath", "level", "visible", "pt", "unstyled", "aria-labelledby"])) : createCommentVNode("", true)], 16, _hoisted_2$i)) : createCommentVNode("", true), $options.isItemVisible(processedItem) && $options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
id: $options.getItemId(processedItem),
style: $options.getItemProp(processedItem, "style"),
@@ -210926,7 +225341,7 @@ var script$c = {
this.id = newValue2 || UniqueComponentId();
}, "$attrsId"),
activeItemPath: /* @__PURE__ */ __name(function activeItemPath(newPath) {
- if (isNotEmpty(newPath)) {
+ if (isNotEmpty$2(newPath)) {
this.bindOutsideClickListener();
this.bindResizeListener();
} else if (!this.visible) {
@@ -210935,27 +225350,31 @@ var script$c = {
}
}, "activeItemPath")
},
- mounted: /* @__PURE__ */ __name(function mounted17() {
+ mounted: /* @__PURE__ */ __name(function mounted18() {
this.id = this.id || UniqueComponentId();
this.bindMatchMediaListener();
if (this.global) {
this.bindDocumentContextMenuListener();
}
}, "mounted"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount9() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount10() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
this.unbindResizeListener();
this.unbindOutsideClickListener();
this.unbindDocumentContextMenuListener();
this.unbindMatchMediaListener();
if (this.container && this.autoZIndex) {
- ZIndex.clear(this.container);
+ ZIndex$1.clear(this.container);
}
this.target = null;
this.container = null;
}, "beforeUnmount"),
methods: {
getItemProp: /* @__PURE__ */ __name(function getItemProp2(item3, name2) {
- return item3 ? resolve$2(item3[name2]) : void 0;
+ return item3 ? resolve$4(item3[name2]) : void 0;
}, "getItemProp"),
getItemLabel: /* @__PURE__ */ __name(function getItemLabel2(item3) {
return this.getItemProp(item3, "label");
@@ -210967,7 +225386,7 @@ var script$c = {
return this.getItemProp(item3, "visible") !== false;
}, "isItemVisible"),
isItemGroup: /* @__PURE__ */ __name(function isItemGroup2(item3) {
- return isNotEmpty(this.getItemProp(item3, "items"));
+ return isNotEmpty$2(this.getItemProp(item3, "items"));
}, "isItemGroup"),
isItemSeparator: /* @__PURE__ */ __name(function isItemSeparator(item3) {
return this.getItemProp(item3, "separator");
@@ -210976,7 +225395,7 @@ var script$c = {
return processedItem ? this.getItemLabel(processedItem.item) : void 0;
}, "getProccessedItemLabel"),
isProccessedItemGroup: /* @__PURE__ */ __name(function isProccessedItemGroup(processedItem) {
- return processedItem && isNotEmpty(processedItem.items);
+ return processedItem && isNotEmpty$2(processedItem.items);
}, "isProccessedItemGroup"),
toggle: /* @__PURE__ */ __name(function toggle2(event) {
this.visible ? this.hide() : this.show(event);
@@ -210989,7 +225408,7 @@ var script$c = {
level: 0,
parentKey: ""
};
- focus$1(this.list);
+ focus$2(this.list);
this.pageX = event.pageX;
this.pageY = event.pageY;
this.visible ? this.position() : this.visible = true;
@@ -211066,7 +225485,7 @@ var script$c = {
case "ShiftRight":
break;
default:
- if (!metaKey && isPrintableCharacter(event.key)) {
+ if (!metaKey && isPrintableCharacter$2(event.key)) {
this.searchItems(event, event.key);
}
break;
@@ -211074,9 +225493,9 @@ var script$c = {
}, "onKeyDown"),
onItemChange: /* @__PURE__ */ __name(function onItemChange(event, type) {
var processedItem = event.processedItem, isFocus = event.isFocus;
- if (isEmpty$1(processedItem)) return;
+ if (isEmpty$3(processedItem)) return;
var index2 = processedItem.index, key = processedItem.key, level = processedItem.level, parentKey = processedItem.parentKey, items2 = processedItem.items;
- var grouped = isNotEmpty(items2);
+ var grouped = isNotEmpty$2(items2);
var activeItemPath2 = this.activeItemPath.filter(function(p2) {
return p2.parentKey !== parentKey && p2.parentKey !== key;
});
@@ -211089,7 +225508,11 @@ var script$c = {
level,
parentKey
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isFocus && focus$1(this.list);
+========
+ isFocus && focus$2(this.list);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (type === "hover" && this.queryMatches) {
return;
}
@@ -211109,7 +225532,7 @@ var script$c = {
level,
parentKey
};
- focus$1(this.list);
+ focus$2(this.list);
} else {
grouped ? this.onItemChange(event) : this.hide();
}
@@ -211151,7 +225574,11 @@ var script$c = {
var parentItem = this.activeItemPath.find(function(p2) {
return p2.key === processedItem.parentKey;
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var root29 = isEmpty$1(processedItem.parent);
+========
+ var root29 = isEmpty$3(processedItem.parent);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (!root29) {
this.focusedItemInfo = {
index: -1,
@@ -211192,8 +225619,8 @@ var script$c = {
}, "onEndKey"),
onEnterKey: /* @__PURE__ */ __name(function onEnterKey3(event) {
if (this.focusedItemInfo.index !== -1) {
- var element = findSingle(this.list, 'li[id="'.concat("".concat(this.focusedItemIdx), '"]'));
- var anchorElement = element && findSingle(element, '[data-pc-section="itemlink"]');
+ var element = findSingle$1(this.list, 'li[id="'.concat("".concat(this.focusedItemIdx), '"]'));
+ var anchorElement = element && findSingle$1(element, '[data-pc-section="itemlink"]');
anchorElement ? anchorElement.click() : element && element.click();
var processedItem = this.visibleItems[this.focusedItemInfo.index];
var grouped = this.isProccessedItemGroup(processedItem);
@@ -211221,19 +225648,19 @@ var script$c = {
this.hide();
}, "onTabKey"),
onEnter: /* @__PURE__ */ __name(function onEnter3(el) {
- addStyle(el, {
+ addStyle$1(el, {
position: "absolute"
});
this.position();
if (this.autoZIndex) {
- ZIndex.set("menu", el, this.baseZIndex + this.$primevue.config.zIndex.menu);
+ ZIndex$1.set("menu", el, this.baseZIndex + this.$primevue.config.zIndex.menu);
}
}, "onEnter"),
onAfterEnter: /* @__PURE__ */ __name(function onAfterEnter2() {
this.bindOutsideClickListener();
this.bindResizeListener();
this.$emit("show");
- focus$1(this.list);
+ focus$2(this.list);
}, "onAfterEnter"),
onLeave: /* @__PURE__ */ __name(function onLeave2() {
this.$emit("hide");
@@ -211241,7 +225668,7 @@ var script$c = {
}, "onLeave"),
onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave2(el) {
if (this.autoZIndex) {
- ZIndex.clear(el);
+ ZIndex$1.clear(el);
}
this.unbindOutsideClickListener();
this.unbindResizeListener();
@@ -211249,9 +225676,15 @@ var script$c = {
position: /* @__PURE__ */ __name(function position() {
var left = this.pageX + 1;
var top = this.pageY + 1;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var width2 = this.container.offsetParent ? this.container.offsetWidth : getHiddenElementOuterWidth(this.container);
var height = this.container.offsetParent ? this.container.offsetHeight : getHiddenElementOuterHeight(this.container);
var viewport = getViewport();
+========
+ var width2 = this.container.offsetParent ? this.container.offsetWidth : getHiddenElementOuterWidth$1(this.container);
+ var height = this.container.offsetParent ? this.container.offsetHeight : getHiddenElementOuterHeight$1(this.container);
+ var viewport = getViewport$1();
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var scrollTop2 = window.scrollY || document.documentElement.scrollTop || document.body.scrollTop || 0;
var scrollLeft = window.scrollX || document.documentElement.scrollLeft || document.body.scrollLeft || 0;
if (left + width2 - scrollLeft > viewport.width) {
@@ -211292,7 +225725,7 @@ var script$c = {
var _this3 = this;
if (!this.resizeListener) {
this.resizeListener = function() {
- if (_this3.visible && !isTouchDevice()) {
+ if (_this3.visible && !isTouchDevice$1()) {
_this3.hide();
}
};
@@ -211361,7 +225794,11 @@ var script$c = {
}, "findFirstItemIndex"),
findLastItemIndex: /* @__PURE__ */ __name(function findLastItemIndex() {
var _this7 = this;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return findLastIndex(this.visibleItems, function(processedItem) {
+========
+ return findLastIndex$2(this.visibleItems, function(processedItem) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return _this7.isValidItem(processedItem);
});
}, "findLastItemIndex"),
@@ -211374,7 +225811,11 @@ var script$c = {
}, "findNextItemIndex"),
findPrevItemIndex: /* @__PURE__ */ __name(function findPrevItemIndex(index2) {
var _this9 = this;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var matchedItemIndex = index2 > 0 ? findLastIndex(this.visibleItems.slice(0, index2), function(processedItem) {
+========
+ var matchedItemIndex = index2 > 0 ? findLastIndex$2(this.visibleItems.slice(0, index2), function(processedItem) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return _this9.isValidItem(processedItem);
}) : -1;
return matchedItemIndex > -1 ? matchedItemIndex : index2;
@@ -211437,7 +225878,7 @@ var script$c = {
scrollInView: /* @__PURE__ */ __name(function scrollInView6() {
var index2 = arguments.length > 0 && arguments[0] !== void 0 ? arguments[0] : -1;
var id3 = index2 !== -1 ? "".concat(this.id, "_").concat(index2) : this.focusedItemIdx;
- var element = findSingle(this.list, 'li[id="'.concat(id3, '"]'));
+ var element = findSingle$1(this.list, 'li[id="'.concat(id3, '"]'));
if (element) {
element.scrollIntoView && element.scrollIntoView({
block: "nearest",
@@ -211485,12 +225926,12 @@ var script$c = {
return processedItem ? processedItem.items : this.processedItems;
}, "visibleItems"),
focusedItemIdx: /* @__PURE__ */ __name(function focusedItemIdx() {
- return this.focusedItemInfo.index !== -1 ? "".concat(this.id).concat(isNotEmpty(this.focusedItemInfo.parentKey) ? "_" + this.focusedItemInfo.parentKey : "", "_").concat(this.focusedItemInfo.index) : null;
+ return this.focusedItemInfo.index !== -1 ? "".concat(this.id).concat(isNotEmpty$2(this.focusedItemInfo.parentKey) ? "_" + this.focusedItemInfo.parentKey : "", "_").concat(this.focusedItemInfo.index) : null;
}, "focusedItemIdx")
},
components: {
ContextMenuSub: script$1$8,
- Portal: script$T
+ Portal: script$U
}
};
function render$b(_ctx, _cache, $props, $setup, $data, $options) {
@@ -211500,7 +225941,11 @@ function render$b(_ctx, _cache, $props, $setup, $data, $options) {
appendTo: _ctx.appendTo
}, {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createVNode(Transition, mergeProps$1({
+========
+ return [createVNode(Transition, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "p-contextmenu",
onEnter: $options.onEnter,
onAfterEnter: $options.onAfterEnter,
@@ -211508,7 +225953,11 @@ function render$b(_ctx, _cache, $props, $setup, $data, $options) {
onAfterLeave: $options.onAfterLeave
}, _ctx.ptm("transition")), {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [$data.visible ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return [$data.visible ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.containerRef,
"class": _ctx.cx("root")
@@ -211548,7 +225997,7 @@ function render$b(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$b, "render$b");
script$c.render = render$b;
-var theme$7 = /* @__PURE__ */ __name(function theme34(_ref) {
+var theme$7 = /* @__PURE__ */ __name(function theme35(_ref) {
var dt2 = _ref.dt;
return "\n.p-tree {\n background: ".concat(dt2("tree.background"), ";\n color: ").concat(dt2("tree.color"), ";\n padding: ").concat(dt2("tree.padding"), ";\n}\n\n.p-tree-root-children,\n.p-tree-node-children {\n display: flex;\n list-style-type: none;\n flex-direction: column;\n margin: 0;\n gap: ").concat(dt2("tree.gap"), ";\n}\n\n.p-tree-root-children {\n padding: 0;\n padding-block-start: ").concat(dt2("tree.gap"), ";\n}\n\n.p-tree-node-children {\n padding: 0;\n padding-block-start: ").concat(dt2("tree.gap"), ";\n padding-inline-start: ").concat(dt2("tree.indent"), ";\n}\n\n.p-tree-node {\n padding: 0;\n outline: 0 none;\n}\n\n.p-tree-node-content {\n border-radius: ").concat(dt2("tree.node.border.radius"), ";\n padding: ").concat(dt2("tree.node.padding"), ";\n display: flex;\n align-items: center;\n outline-color: transparent;\n color: ").concat(dt2("tree.node.color"), ";\n gap: ").concat(dt2("tree.node.gap"), ";\n transition: background ").concat(dt2("tree.transition.duration"), ", color ").concat(dt2("tree.transition.duration"), ", outline-color ").concat(dt2("tree.transition.duration"), ", box-shadow ").concat(dt2("tree.transition.duration"), ";\n}\n\n.p-tree-node:focus-visible > .p-tree-node-content {\n box-shadow: ").concat(dt2("tree.node.focus.ring.shadow"), ";\n outline: ").concat(dt2("tree.node.focus.ring.width"), " ").concat(dt2("tree.node.focus.ring.style"), " ").concat(dt2("tree.node.focus.ring.color"), ";\n outline-offset: ").concat(dt2("tree.node.focus.ring.offset"), ";\n}\n\n.p-tree-node-content.p-tree-node-selectable:not(.p-tree-node-selected):hover {\n background: ").concat(dt2("tree.node.hover.background"), ";\n color: ").concat(dt2("tree.node.hover.color"), ";\n}\n\n.p-tree-node-content.p-tree-node-selectable:not(.p-tree-node-selected):hover .p-tree-node-icon {\n color: ").concat(dt2("tree.node.icon.hover.color"), ";\n}\n\n.p-tree-node-content.p-tree-node-selected {\n background: ").concat(dt2("tree.node.selected.background"), ";\n color: ").concat(dt2("tree.node.selected.color"), ";\n}\n\n.p-tree-node-content.p-tree-node-selected .p-tree-node-toggle-button {\n color: inherit;\n}\n\n.p-tree-node-toggle-button {\n cursor: pointer;\n user-select: none;\n display: inline-flex;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n position: relative;\n flex-shrink: 0;\n width: ").concat(dt2("tree.node.toggle.button.size"), ";\n height: ").concat(dt2("tree.node.toggle.button.size"), ";\n color: ").concat(dt2("tree.node.toggle.button.color"), ";\n border: 0 none;\n background: transparent;\n border-radius: ").concat(dt2("tree.node.toggle.button.border.radius"), ";\n transition: background ").concat(dt2("tree.transition.duration"), ", color ").concat(dt2("tree.transition.duration"), ", border-color ").concat(dt2("tree.transition.duration"), ", outline-color ").concat(dt2("tree.transition.duration"), ", box-shadow ").concat(dt2("tree.transition.duration"), ";\n outline-color: transparent;\n padding: 0;\n}\n\n.p-tree-node-toggle-button:enabled:hover {\n background: ").concat(dt2("tree.node.toggle.button.hover.background"), ";\n color: ").concat(dt2("tree.node.toggle.button.hover.color"), ";\n}\n\n.p-tree-node-content.p-tree-node-selected .p-tree-node-toggle-button:hover {\n background: ").concat(dt2("tree.node.toggle.button.selected.hover.background"), ";\n color: ").concat(dt2("tree.node.toggle.button.selected.hover.color"), ";\n}\n\n.p-tree-root {\n overflow: auto;\n}\n\n.p-tree-node-selectable {\n cursor: pointer;\n user-select: none;\n}\n\n.p-tree-node-leaf > .p-tree-node-content .p-tree-node-toggle-button {\n visibility: hidden;\n}\n\n.p-tree-node-icon {\n color: ").concat(dt2("tree.node.icon.color"), ";\n transition: color ").concat(dt2("tree.transition.duration"), ";\n}\n\n.p-tree-node-content.p-tree-node-selected .p-tree-node-icon {\n color: ").concat(dt2("tree.node.icon.selected.color"), ";\n}\n\n.p-tree-filter {\n margin: ").concat(dt2("tree.filter.margin"), ";\n}\n\n.p-tree-filter-input {\n width: 100%;\n}\n\n.p-tree-loading {\n position: relative;\n height: 100%;\n}\n\n.p-tree-loading-icon {\n font-size: ").concat(dt2("tree.loading.icon.size"), ";\n width: ").concat(dt2("tree.loading.icon.size"), ";\n height: ").concat(dt2("tree.loading.icon.size"), ";\n}\n\n.p-tree .p-tree-mask {\n position: absolute;\n z-index: 1;\n display: flex;\n align-items: center;\n justify-content: center;\n}\n\n.p-tree-flex-scrollable {\n display: flex;\n flex: 1;\n height: 100%;\n flex-direction: column;\n}\n\n.p-tree-flex-scrollable .p-tree-root {\n flex: 1;\n}\n");
}, "theme");
@@ -211588,14 +226037,18 @@ var classes$7 = {
nodeLabel: "p-tree-node-label",
nodeChildren: "p-tree-node-children"
};
-var TreeStyle = BaseStyle.extend({
+var TreeStyle = BaseStyle$1.extend({
name: "tree",
theme: theme$7,
classes: classes$7
});
var script$2$1 = {
name: "BaseTree",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
value: {
type: null,
@@ -211795,7 +226248,11 @@ __name(_arrayLikeToArray$1$1, "_arrayLikeToArray$1$1");
var script$1$7 = {
name: "TreeNode",
hostName: "Tree",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
emits: ["node-toggle", "node-click", "checkbox-change"],
props: {
node: {
@@ -211830,7 +226287,7 @@ var script$1$7 = {
},
nodeTouched: false,
toggleClicked: false,
- mounted: /* @__PURE__ */ __name(function mounted18() {
+ mounted: /* @__PURE__ */ __name(function mounted19() {
this.setAllNodesTabIndexes();
}, "mounted"),
methods: {
@@ -211858,7 +226315,7 @@ var script$1$7 = {
});
}, "getPTOptions"),
onClick: /* @__PURE__ */ __name(function onClick2(event) {
- if (this.toggleClicked || getAttribute(event.target, '[data-pc-section="nodetogglebutton"]') || getAttribute(event.target.parentElement, '[data-pc-section="nodetogglebutton"]')) {
+ if (this.toggleClicked || getAttribute$1(event.target, '[data-pc-section="nodetogglebutton"]') || getAttribute$1(event.target.parentElement, '[data-pc-section="nodetogglebutton"]')) {
this.toggleClicked = false;
return;
}
@@ -211945,7 +226402,7 @@ var script$1$7 = {
});
}, "onArrowRight"),
onArrowLeft: /* @__PURE__ */ __name(function onArrowLeft(event) {
- var togglerElement = findSingle(event.currentTarget, '[data-pc-section="nodetogglebutton"]');
+ var togglerElement = findSingle$1(event.currentTarget, '[data-pc-section="nodetogglebutton"]');
if (this.level === 0 && !this.expanded) {
return false;
}
@@ -211967,7 +226424,7 @@ var script$1$7 = {
this.setAllNodesTabIndexes();
}, "onTabKey"),
setAllNodesTabIndexes: /* @__PURE__ */ __name(function setAllNodesTabIndexes() {
- var nodes = find$1(this.$refs.currentNode.closest('[data-pc-section="rootchildren"]'), '[role="treeitem"]');
+ var nodes = find$2(this.$refs.currentNode.closest('[data-pc-section="rootchildren"]'), '[role="treeitem"]');
var hasSelectedNode = _toConsumableArray$1$1(nodes).some(function(node3) {
return node3.getAttribute("aria-selected") === "true" || node3.getAttribute("aria-checked") === "true";
});
@@ -211985,7 +226442,7 @@ var script$1$7 = {
}, "setAllNodesTabIndexes"),
setTabIndexForSelectionMode: /* @__PURE__ */ __name(function setTabIndexForSelectionMode(event, nodeTouched) {
if (this.selectionMode !== null) {
- var elements = _toConsumableArray$1$1(find$1(this.$refs.currentNode.parentElement, '[role="treeitem"]'));
+ var elements = _toConsumableArray$1$1(find$2(this.$refs.currentNode.parentElement, '[role="treeitem"]'));
event.currentTarget.tabIndex = nodeTouched === false ? -1 : 0;
if (elements.every(function(element) {
return element.tabIndex === -1;
@@ -212002,7 +226459,7 @@ var script$1$7 = {
findBeforeClickableNode: /* @__PURE__ */ __name(function findBeforeClickableNode(node3) {
var parentListElement = node3.closest("ul").closest("li");
if (parentListElement) {
- var prevNodeButton = findSingle(parentListElement, "button");
+ var prevNodeButton = findSingle$1(parentListElement, "button");
if (prevNodeButton && prevNodeButton.style.visibility !== "hidden") {
return parentListElement;
}
@@ -212101,7 +226558,7 @@ var script$1$7 = {
}, "findLastVisibleDescendant"),
getParentNodeElement: /* @__PURE__ */ __name(function getParentNodeElement(nodeElement) {
var parentNodeElement = nodeElement.parentElement.parentElement;
- return getAttribute(parentNodeElement, "role") === "treeitem" ? parentNodeElement : null;
+ return getAttribute$1(parentNodeElement, "role") === "treeitem" ? parentNodeElement : null;
}, "getParentNodeElement"),
focusNode: /* @__PURE__ */ __name(function focusNode(element) {
element.focus();
@@ -212146,12 +226603,21 @@ var script$1$7 = {
}, "ariaSelected")
},
components: {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
Checkbox: script$K,
ChevronDownIcon: script$n,
ChevronRightIcon: script$p,
CheckIcon: script$M,
MinusIcon: script$L,
SpinnerIcon: script$W
+========
+ Checkbox: script$J,
+ ChevronDownIcon: script$n,
+ ChevronRightIcon: script$p,
+ CheckIcon: script$L,
+ MinusIcon: script$K,
+ SpinnerIcon: script$X
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
},
directives: {
ripple: Ripple
@@ -212164,7 +226630,11 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
var _component_Checkbox = resolveComponent("Checkbox");
var _component_TreeNode = resolveComponent("TreeNode", true);
var _directive_ripple = resolveDirective("ripple");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("li", mergeProps$1({
+========
+ return openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "currentNode",
"class": _ctx.cx("node"),
role: "treeitem",
@@ -212179,7 +226649,11 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
onKeydown: _cache[4] || (_cache[4] = function() {
return $options.onKeyDown && $options.onKeyDown.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, $props.level === 1 ? $options.getPTOptions("node") : _ctx.ptm("nodeChildren")), [createBaseVNode("div", mergeProps$1({
+========
+ }, $props.level === 1 ? $options.getPTOptions("node") : _ctx.ptm("nodeChildren")), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("nodeContent"),
onClick: _cache[2] || (_cache[2] = function() {
return $options.onClick && $options.onClick.apply($options, arguments);
@@ -212191,7 +226665,11 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
}, $options.getPTOptions("nodeContent"), {
"data-p-selected": $options.checkboxMode ? $options.checked : $options.selected,
"data-p-selectable": $options.selectable
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+ }), [withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
type: "button",
"class": _ctx.cx("nodeToggleButton"),
onClick: _cache[0] || (_cache[0] = function() {
@@ -212205,7 +226683,11 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
node: $props.node,
expanded: $options.expanded,
"class": normalizeClass(_ctx.cx("nodeToggleIcon"))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["node", "expanded", "class"])) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps$1({
+========
+ }, null, 8, ["node", "expanded", "class"])) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
spin: "",
"class": _ctx.cx("nodeToggleIcon")
@@ -212216,10 +226698,17 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
node: $props.node,
expanded: $options.expanded,
"class": normalizeClass(_ctx.cx("nodeToggleIcon"))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["node", "expanded", "class"])) : $options.expanded ? (openBlock(), createBlock(resolveDynamicComponent($props.node.expandedIcon ? "span" : "ChevronDownIcon"), mergeProps$1({
key: 1,
"class": _ctx.cx("nodeToggleIcon")
}, $options.getPTOptions("nodeToggleIcon")), null, 16, ["class"])) : (openBlock(), createBlock(resolveDynamicComponent($props.node.collapsedIcon ? "span" : "ChevronRightIcon"), mergeProps$1({
+========
+ }, null, 8, ["node", "expanded", "class"])) : $options.expanded ? (openBlock(), createBlock(resolveDynamicComponent($props.node.expandedIcon ? "span" : "ChevronDownIcon"), mergeProps$2({
+ key: 1,
+ "class": _ctx.cx("nodeToggleIcon")
+ }, $options.getPTOptions("nodeToggleIcon")), null, 16, ["class"])) : (openBlock(), createBlock(resolveDynamicComponent($props.node.collapsedIcon ? "span" : "ChevronRightIcon"), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 2,
"class": _ctx.cx("nodeToggleIcon")
}, $options.getPTOptions("nodeToggleIcon")), null, 16, ["class"]))], 64))], 16)), [[_directive_ripple]]), $options.checkboxMode ? (openBlock(), createBlock(_component_Checkbox, {
@@ -212242,6 +226731,7 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
}, null, 8, ["checked", "partialChecked", "class"])) : createCommentVNode("", true)];
}),
_: 1
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 8, ["defaultValue", "indeterminate", "class", "unstyled", "pt", "data-p-partialchecked"])) : createCommentVNode("", true), $props.templates["nodeicon"] ? (openBlock(), createBlock(resolveDynamicComponent($props.templates["nodeicon"]), mergeProps$1({
key: 1,
node: $props.node,
@@ -212250,6 +226740,16 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
key: 2,
"class": [_ctx.cx("nodeIcon"), $props.node.icon]
}, $options.getPTOptions("nodeIcon")), null, 16)), createBaseVNode("span", mergeProps$1({
+========
+ }, 8, ["defaultValue", "indeterminate", "class", "unstyled", "pt", "data-p-partialchecked"])) : createCommentVNode("", true), $props.templates["nodeicon"] ? (openBlock(), createBlock(resolveDynamicComponent($props.templates["nodeicon"]), mergeProps$2({
+ key: 1,
+ node: $props.node,
+ "class": [_ctx.cx("nodeIcon")]
+ }, $options.getPTOptions("nodeIcon")), null, 16, ["node", "class"])) : (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 2,
+ "class": [_ctx.cx("nodeIcon"), $props.node.icon]
+ }, $options.getPTOptions("nodeIcon")), null, 16)), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("nodeLabel")
}, $options.getPTOptions("nodeLabel"), {
onKeydown: _cache[1] || (_cache[1] = withModifiers(function() {
@@ -212261,7 +226761,11 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
selected: $options.checkboxMode ? $options.checked : $options.selected
}, null, 8, ["node", "expanded", "selected"])) : (openBlock(), createElementBlock(Fragment$1, {
key: 1
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [createTextVNode(toDisplayString$1($options.label($props.node)), 1)], 64))], 16)], 16, _hoisted_2$h), $options.hasChildren && $options.expanded ? (openBlock(), createElementBlock("ul", mergeProps$1({
+========
+ }, [createTextVNode(toDisplayString$1($options.label($props.node)), 1)], 64))], 16)], 16, _hoisted_2$h), $options.hasChildren && $options.expanded ? (openBlock(), createElementBlock("ul", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("nodeChildren"),
role: "group"
@@ -212357,6 +226861,8 @@ function _arrayLikeToArray$6(r2, a2) {
}
__name(_arrayLikeToArray$6, "_arrayLikeToArray$6");
function ownKeys$1$1(e2, r2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
var t2 = Object.keys(e2);
if (Object.getOwnPropertySymbols) {
var o2 = Object.getOwnPropertySymbols(e2);
@@ -212542,6 +227048,271 @@ var script$b = {
}
}
}, "findFilteredNodes"),
+ isFilterMatched: /* @__PURE__ */ __name(function isFilterMatched(node3, _ref) {
+ var searchFields3 = _ref.searchFields, filterText = _ref.filterText, strict = _ref.strict;
+ var matched = false;
+ var _iterator2 = _createForOfIteratorHelper$3(searchFields3), _step2;
+ try {
+ for (_iterator2.s(); !(_step2 = _iterator2.n()).done; ) {
+ var field2 = _step2.value;
+ var fieldValue = String(resolveFieldData$2(node3, field2)).toLocaleLowerCase(this.filterLocale);
+ if (fieldValue.indexOf(filterText) > -1) {
+ matched = true;
+ }
+ }
+ } catch (err) {
+ _iterator2.e(err);
+ } finally {
+ _iterator2.f();
+ }
+ if (!matched || strict && !this.isNodeLeaf(node3)) {
+ matched = this.findFilteredNodes(node3, {
+ searchFields: searchFields3,
+ filterText,
+ strict
+ }) || matched;
+ }
+ return matched;
+ }, "isFilterMatched")
+ },
+ computed: {
+ filteredValue: /* @__PURE__ */ __name(function filteredValue() {
+ var filteredNodes = [];
+ var searchFields3 = isFunction$d(this.filterBy) ? [this.filterBy] : this.filterBy.split(",");
+ var filterText = this.filterValue.trim().toLocaleLowerCase(this.filterLocale);
+ var strict = this.filterMode === "strict";
+ var _iterator3 = _createForOfIteratorHelper$3(this.value), _step3;
+ try {
+ for (_iterator3.s(); !(_step3 = _iterator3.n()).done; ) {
+ var node3 = _step3.value;
+ var _node = _objectSpread$1$1({}, node3);
+ var paramsWithoutNode = {
+ searchFields: searchFields3,
+ filterText,
+ strict
+ };
+ if (strict && (this.findFilteredNodes(_node, paramsWithoutNode) || this.isFilterMatched(_node, paramsWithoutNode)) || !strict && (this.isFilterMatched(_node, paramsWithoutNode) || this.findFilteredNodes(_node, paramsWithoutNode))) {
+ filteredNodes.push(_node);
+ }
+ }
+ } catch (err) {
+ _iterator3.e(err);
+ } finally {
+ _iterator3.f();
+ }
+ return filteredNodes;
+ }, "filteredValue"),
+ valueToRender: /* @__PURE__ */ __name(function valueToRender() {
+ if (this.filterValue && this.filterValue.trim().length > 0) return this.filteredValue;
+ else return this.value;
+ }, "valueToRender")
+ },
+ components: {
+ TreeNode: script$1$7,
+ InputText: script$I,
+ InputIcon: script$B,
+ IconField: script$C,
+ SearchIcon: script$D,
+ SpinnerIcon: script$X
+ }
+};
+function _typeof$4(o2) {
+ "@babel/helpers - typeof";
+ return _typeof$4 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o3) {
+ return typeof o3;
+ } : function(o3) {
+ return o3 && "function" == typeof Symbol && o3.constructor === Symbol && o3 !== Symbol.prototype ? "symbol" : typeof o3;
+ }, _typeof$4(o2);
+}
+__name(_typeof$4, "_typeof$4");
+function ownKeys$6(e2, r2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
+ var t2 = Object.keys(e2);
+ if (Object.getOwnPropertySymbols) {
+ var o2 = Object.getOwnPropertySymbols(e2);
+ r2 && (o2 = o2.filter(function(r3) {
+ return Object.getOwnPropertyDescriptor(e2, r3).enumerable;
+ })), t2.push.apply(t2, o2);
+ }
+ return t2;
+}
+__name(ownKeys$1$1, "ownKeys$1$1");
+function _objectSpread$1$1(e2) {
+ for (var r2 = 1; r2 < arguments.length; r2++) {
+ var t2 = null != arguments[r2] ? arguments[r2] : {};
+ r2 % 2 ? ownKeys$1$1(Object(t2), true).forEach(function(r3) {
+ _defineProperty$1$1(e2, r3, t2[r3]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e2, Object.getOwnPropertyDescriptors(t2)) : ownKeys$1$1(Object(t2)).forEach(function(r3) {
+ Object.defineProperty(e2, r3, Object.getOwnPropertyDescriptor(t2, r3));
+ });
+ }
+ return e2;
+}
+__name(_objectSpread$1$1, "_objectSpread$1$1");
+function _defineProperty$1$1(e2, r2, t2) {
+ return (r2 = _toPropertyKey$1$1(r2)) in e2 ? Object.defineProperty(e2, r2, { value: t2, enumerable: true, configurable: true, writable: true }) : e2[r2] = t2, e2;
+}
+__name(_defineProperty$1$1, "_defineProperty$1$1");
+function _toPropertyKey$1$1(t2) {
+ var i2 = _toPrimitive$1$1(t2, "string");
+ return "symbol" == _typeof$1$1(i2) ? i2 : i2 + "";
+}
+__name(_toPropertyKey$1$1, "_toPropertyKey$1$1");
+function _toPrimitive$1$1(t2, r2) {
+ if ("object" != _typeof$1$1(t2) || !t2) return t2;
+ var e2 = t2[Symbol.toPrimitive];
+ if (void 0 !== e2) {
+ var i2 = e2.call(t2, r2 || "default");
+ if ("object" != _typeof$1$1(i2)) return i2;
+ throw new TypeError("@@toPrimitive must return a primitive value.");
+ }
+ return ("string" === r2 ? String : Number)(t2);
+}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+__name(_toPrimitive$1$1, "_toPrimitive$1$1");
+var script$b = {
+ name: "Tree",
+ "extends": script$2$1,
+ inheritAttrs: false,
+ emits: ["node-expand", "node-collapse", "update:expandedKeys", "update:selectionKeys", "node-select", "node-unselect", "filter"],
+ data: /* @__PURE__ */ __name(function data19() {
+ return {
+ d_expandedKeys: this.expandedKeys || {},
+ filterValue: null
+ };
+ }, "data"),
+ watch: {
+ expandedKeys: /* @__PURE__ */ __name(function expandedKeys(newValue2) {
+ this.d_expandedKeys = newValue2;
+ }, "expandedKeys")
+ },
+ methods: {
+ onNodeToggle: /* @__PURE__ */ __name(function onNodeToggle(node3) {
+ var key = node3.key;
+ if (this.d_expandedKeys[key]) {
+ delete this.d_expandedKeys[key];
+ this.$emit("node-collapse", node3);
+ } else {
+ this.d_expandedKeys[key] = true;
+ this.$emit("node-expand", node3);
+ }
+ this.d_expandedKeys = _objectSpread$1$1({}, this.d_expandedKeys);
+ this.$emit("update:expandedKeys", this.d_expandedKeys);
+ }, "onNodeToggle"),
+ onNodeClick: /* @__PURE__ */ __name(function onNodeClick(event) {
+ if (this.selectionMode != null && event.node.selectable !== false) {
+ var metaSelection = event.nodeTouched ? false : this.metaKeySelection;
+ var _selectionKeys = metaSelection ? this.handleSelectionWithMetaKey(event) : this.handleSelectionWithoutMetaKey(event);
+ this.$emit("update:selectionKeys", _selectionKeys);
+ }
+ }, "onNodeClick"),
+ onCheckboxChange: /* @__PURE__ */ __name(function onCheckboxChange(event) {
+ this.$emit("update:selectionKeys", event.selectionKeys);
+ if (event.check) this.$emit("node-select", event.node);
+ else this.$emit("node-unselect", event.node);
+ }, "onCheckboxChange"),
+ handleSelectionWithMetaKey: /* @__PURE__ */ __name(function handleSelectionWithMetaKey(event) {
+ var originalEvent = event.originalEvent;
+ var node3 = event.node;
+ var metaKey = originalEvent.metaKey || originalEvent.ctrlKey;
+ var selected2 = this.isNodeSelected(node3);
+ var _selectionKeys;
+ if (selected2 && metaKey) {
+ if (this.isSingleSelectionMode()) {
+ _selectionKeys = {};
+ } else {
+ _selectionKeys = _objectSpread$1$1({}, this.selectionKeys);
+ delete _selectionKeys[node3.key];
+ }
+ this.$emit("node-unselect", node3);
+ } else {
+ if (this.isSingleSelectionMode()) {
+ _selectionKeys = {};
+ } else if (this.isMultipleSelectionMode()) {
+ _selectionKeys = !metaKey ? {} : this.selectionKeys ? _objectSpread$1$1({}, this.selectionKeys) : {};
+ }
+ _selectionKeys[node3.key] = true;
+ this.$emit("node-select", node3);
+ }
+ return _selectionKeys;
+ }, "handleSelectionWithMetaKey"),
+ handleSelectionWithoutMetaKey: /* @__PURE__ */ __name(function handleSelectionWithoutMetaKey(event) {
+ var node3 = event.node;
+ var selected2 = this.isNodeSelected(node3);
+ var _selectionKeys;
+ if (this.isSingleSelectionMode()) {
+ if (selected2) {
+ _selectionKeys = {};
+ this.$emit("node-unselect", node3);
+ } else {
+ _selectionKeys = {};
+ _selectionKeys[node3.key] = true;
+ this.$emit("node-select", node3);
+ }
+ } else {
+ if (selected2) {
+ _selectionKeys = _objectSpread$1$1({}, this.selectionKeys);
+ delete _selectionKeys[node3.key];
+ this.$emit("node-unselect", node3);
+ } else {
+ _selectionKeys = this.selectionKeys ? _objectSpread$1$1({}, this.selectionKeys) : {};
+ _selectionKeys[node3.key] = true;
+ this.$emit("node-select", node3);
+ }
+ }
+ return _selectionKeys;
+ }, "handleSelectionWithoutMetaKey"),
+ isSingleSelectionMode: /* @__PURE__ */ __name(function isSingleSelectionMode() {
+ return this.selectionMode === "single";
+ }, "isSingleSelectionMode"),
+ isMultipleSelectionMode: /* @__PURE__ */ __name(function isMultipleSelectionMode() {
+ return this.selectionMode === "multiple";
+ }, "isMultipleSelectionMode"),
+ isNodeSelected: /* @__PURE__ */ __name(function isNodeSelected(node3) {
+ return this.selectionMode && this.selectionKeys ? this.selectionKeys[node3.key] === true : false;
+ }, "isNodeSelected"),
+ isChecked: /* @__PURE__ */ __name(function isChecked(node3) {
+ return this.selectionKeys ? this.selectionKeys[node3.key] && this.selectionKeys[node3.key].checked : false;
+ }, "isChecked"),
+ isNodeLeaf: /* @__PURE__ */ __name(function isNodeLeaf(node3) {
+ return node3.leaf === false ? false : !(node3.children && node3.children.length);
+ }, "isNodeLeaf"),
+ onFilterKeydown: /* @__PURE__ */ __name(function onFilterKeydown(event) {
+ if (event.code === "Enter" || event.code === "NumpadEnter") {
+ event.preventDefault();
+ }
+ this.$emit("filter", {
+ originalEvent: event,
+ value: event.target.value
+ });
+ }, "onFilterKeydown"),
+ findFilteredNodes: /* @__PURE__ */ __name(function findFilteredNodes(node3, paramsWithoutNode) {
+ if (node3) {
+ var matched = false;
+ if (node3.children) {
+ var childNodes2 = _toConsumableArray$4(node3.children);
+ node3.children = [];
+ var _iterator = _createForOfIteratorHelper$3(childNodes2), _step;
+ try {
+ for (_iterator.s(); !(_step = _iterator.n()).done; ) {
+ var childNode = _step.value;
+ var copyChildNode = _objectSpread$1$1({}, childNode);
+ if (this.isFilterMatched(copyChildNode, paramsWithoutNode)) {
+ matched = true;
+ node3.children.push(copyChildNode);
+ }
+ }
+ } catch (err) {
+ _iterator.e(err);
+ } finally {
+ _iterator.f();
+ }
+ }
+ if (matched) {
+ return true;
+ }
+ }
+ }, "findFilteredNodes"),
isFilterMatched: /* @__PURE__ */ __name(function isFilterMatched(node3, _ref) {
var searchFields3 = _ref.searchFields, filterText = _ref.filterText, strict = _ref.strict;
var matched = false;
@@ -212662,6 +227433,9 @@ function _toPrimitive$4(t2, r2) {
return ("string" === r2 ? String : Number)(t2);
}
__name(_toPrimitive$4, "_toPrimitive$4");
+========
+__name(_toPrimitive$3, "_toPrimitive$3");
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var _hoisted_1$n = ["aria-labelledby", "aria-label"];
function render$a(_ctx, _cache, $props, $setup, $data, $options) {
var _component_SpinnerIcon = resolveComponent("SpinnerIcon");
@@ -212670,18 +227444,31 @@ function render$a(_ctx, _cache, $props, $setup, $data, $options) {
var _component_InputIcon = resolveComponent("InputIcon");
var _component_IconField = resolveComponent("IconField");
var _component_TreeNode = resolveComponent("TreeNode");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
"class": _ctx.cx("root")
}, _ctx.ptmi("root")), [_ctx.loading && _ctx.loadingMode === "mask" ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [_ctx.loading && _ctx.loadingMode === "mask" ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("mask")
}, _ctx.ptm("mask")), [renderSlot(_ctx.$slots, "loadingicon", {
"class": normalizeClass(_ctx.cx("loadingIcon"))
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.loadingIcon ? (openBlock(), createElementBlock("i", mergeProps$1({
key: 0,
"class": [_ctx.cx("loadingIcon"), "pi-spin", _ctx.loadingIcon]
}, _ctx.ptm("loadingIcon")), null, 16)) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps$1({
+========
+ return [_ctx.loadingIcon ? (openBlock(), createElementBlock("i", mergeProps$2({
+ key: 0,
+ "class": [_ctx.cx("loadingIcon"), "pi-spin", _ctx.loadingIcon]
+ }, _ctx.ptm("loadingIcon")), null, 16)) : (openBlock(), createBlock(_component_SpinnerIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
spin: "",
"class": _ctx.cx("loadingIcon")
@@ -212712,7 +227499,11 @@ function render$a(_ctx, _cache, $props, $setup, $data, $options) {
return [renderSlot(_ctx.$slots, _ctx.$slots.filtericon ? "filtericon" : "searchicon", {
"class": normalizeClass(_ctx.cx("filterIcon"))
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createVNode(_component_SearchIcon, mergeProps$1({
+========
+ return [createVNode(_component_SearchIcon, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("filterIcon")
}, _ctx.ptm("filterIcon")), null, 16, ["class"])];
})];
@@ -212721,7 +227512,11 @@ function render$a(_ctx, _cache, $props, $setup, $data, $options) {
}, 8, ["unstyled", "pt"])];
}),
_: 3
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, 8, ["unstyled", "pt", "class"])) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ }, 8, ["unstyled", "pt", "class"])) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("wrapper"),
style: {
maxHeight: _ctx.scrollHeight
@@ -212730,7 +227525,11 @@ function render$a(_ctx, _cache, $props, $setup, $data, $options) {
value: _ctx.value,
expandedKeys: _ctx.expandedKeys,
selectionKeys: _ctx.selectionKeys
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), createBaseVNode("ul", mergeProps$1({
+========
+ }), createBaseVNode("ul", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("rootChildren"),
role: "tree",
"aria-labelledby": _ctx.ariaLabelledby,
@@ -212760,6 +227559,7 @@ function render$a(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$a, "render$a");
script$b.render = render$a;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_1$m = { class: "editable-text" };
const _hoisted_2$g = { key: 0 };
const _sfc_main$q = /* @__PURE__ */ defineComponent({
@@ -212829,6 +227629,10 @@ const _sfc_main$q = /* @__PURE__ */ defineComponent({
const EditableText = /* @__PURE__ */ _export_sfc(_sfc_main$q, [["__scopeId", "data-v-d670c40f"]]);
function _arrayWithHoles(arr) {
if (Array.isArray(arr)) return arr;
+========
+function _arrayWithHoles(r2) {
+ if (Array.isArray(r2)) return r2;
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(_arrayWithHoles, "_arrayWithHoles");
function _iterableToArrayLimit(r2, l2) {
@@ -214523,6 +229327,141 @@ function draggable(args) {
);
}
__name(draggable, "draggable");
+function defaultOffset() {
+ return {
+ x: 0,
+ y: 0
+ };
+}
+__name(defaultOffset, "defaultOffset");
+function setCustomNativeDragPreview(_ref) {
+ var render2 = _ref.render, nativeSetDragImage = _ref.nativeSetDragImage, _ref$getOffset = _ref.getOffset, getOffset2 = _ref$getOffset === void 0 ? defaultOffset : _ref$getOffset;
+ var container = document.createElement("div");
+ Object.assign(container.style, {
+ // Ensuring we don't cause reflow when adding the element to the page
+ // Using `position:fixed` rather than `position:absolute` so we are
+ // positioned on the current viewport.
+ // `position:fixed` also creates a new stacking context, so we don't need to do that here
+ position: "fixed",
+ // According to `mdn`, the element can be offscreen:
+ // https://developer.mozilla.org/en-US/docs/Web/API/DataTransfer/setDragImage#imgelement
+ //
+ // However, that information does not appear in the specs:
+ // https://html.spec.whatwg.org/multipage/dnd.html#dom-datatransfer-setdragimage-dev
+ //
+ // If the element is _completely_ offscreen, Safari@17.1 will cancel the drag
+ top: 0,
+ left: 0,
+ // Using maximum possible z-index so that this element will always be on top
+ // https://stackoverflow.com/questions/491052/minimum-and-maximum-value-of-z-index
+ // Did not use `layers` in `@atlaskit/theme` because:
+ // 1. This element is not a 'layer' in the conventional sense, as this element
+ // is only created for a single frame for the browser to take a photo of it,
+ // and then it is destroyed
+ // 2. Did not want to add a dependency onto `@atlaskit/theme`
+ // 3. Want to always be on top of product UI which might have higher z-index's
+ zIndex: maxZIndex,
+ // Avoiding any additional events caused by the new element (being super safe)
+ pointerEvents: "none"
+ });
+ document.body.append(container);
+ var unmount = render2({
+ container
+ });
+ queueMicrotask(function() {
+ var previewOffset = getOffset2({
+ container
+ });
+ if (isSafari()) {
+ var rect = container.getBoundingClientRect();
+ if (rect.width === 0) {
+ return;
+ }
+ container.style.left = "-".concat(rect.width - 1e-4, "px");
+ }
+ nativeSetDragImage === null || nativeSetDragImage === void 0 || nativeSetDragImage(container, previewOffset.x, previewOffset.y);
+ });
+ function cleanup() {
+ unbindMonitor();
+ unmount === null || unmount === void 0 || unmount();
+ document.body.removeChild(container);
+ }
+ __name(cleanup, "cleanup");
+ var unbindMonitor = monitorForElements({
+ // Remove portal in the dragstart event so that the user will never see it
+ onDragStart: cleanup,
+ // Backup: remove portal when the drop finishes (this would be an error case)
+ onDrop: cleanup
+ });
+}
+__name(setCustomNativeDragPreview, "setCustomNativeDragPreview");
+const _hoisted_1$m = { class: "editable-text" };
+const _hoisted_2$g = { key: 0 };
+const _sfc_main$q = /* @__PURE__ */ defineComponent({
+ __name: "EditableText",
+ props: {
+ modelValue: {},
+ isEditing: { type: Boolean, default: false }
+ },
+ emits: ["update:modelValue", "edit"],
+ setup(__props, { emit: __emit }) {
+ const props = __props;
+ const emit2 = __emit;
+ const inputValue = ref(props.modelValue);
+ const inputRef = ref(null);
+ const blurInputElement = /* @__PURE__ */ __name(() => {
+ inputRef.value?.$el.blur();
+ }, "blurInputElement");
+ const finishEditing = /* @__PURE__ */ __name(() => {
+ emit2("edit", inputValue.value);
+ }, "finishEditing");
+ watch(
+ () => props.isEditing,
+ (newVal) => {
+ if (newVal) {
+ inputValue.value = props.modelValue;
+ nextTick(() => {
+ if (!inputRef.value) return;
+ const fileName = inputValue.value.includes(".") ? inputValue.value.split(".").slice(0, -1).join(".") : inputValue.value;
+ const start2 = 0;
+ const end = fileName.length;
+ const inputElement = inputRef.value.$el;
+ inputElement.setSelectionRange?.(start2, end);
+ });
+ }
+ },
+ { immediate: true }
+ );
+ const vFocus = {
+ mounted: /* @__PURE__ */ __name((el) => el.focus(), "mounted")
+ };
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", _hoisted_1$m, [
+ !props.isEditing ? (openBlock(), createElementBlock("span", _hoisted_2$g, toDisplayString$1(_ctx.modelValue), 1)) : withDirectives((openBlock(), createBlock(unref(script$I), {
+ key: 1,
+ type: "text",
+ size: "small",
+ fluid: "",
+ modelValue: inputValue.value,
+ "onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => inputValue.value = $event),
+ ref_key: "inputRef",
+ ref: inputRef,
+ onKeyup: withKeys(blurInputElement, ["enter"]),
+ onClick: _cache[1] || (_cache[1] = withModifiers(() => {
+ }, ["stop"])),
+ pt: {
+ root: {
+ onBlur: finishEditing
+ }
+ }
+ }, null, 8, ["modelValue", "pt"])), [
+ [vFocus]
+ ])
+ ]);
+ };
+ }
+});
+const EditableText = /* @__PURE__ */ _export_sfc(_sfc_main$q, [["__scopeId", "data-v-d670c40f"]]);
function usePragmaticDroppable(dropTargetElement, options4) {
let cleanup = /* @__PURE__ */ __name(() => {
}, "cleanup");
@@ -214561,7 +229500,11 @@ function usePragmaticDraggable(draggableElement, options4) {
__name(usePragmaticDraggable, "usePragmaticDraggable");
const _hoisted_1$l = { class: "node-content" };
const _hoisted_2$f = { class: "node-label" };
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const _hoisted_3$8 = { class: "node-actions" };
+========
+const _hoisted_3$9 = { class: "node-actions motion-safe:opacity-0 motion-safe:group-hover/tree-node:opacity-100" };
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _sfc_main$p = /* @__PURE__ */ defineComponent({
__name: "TreeExplorerTreeNode",
props: {
@@ -214589,7 +229532,7 @@ const _sfc_main$p = /* @__PURE__ */ defineComponent({
const errorHandling = useErrorHandling();
const handleRename = errorHandling.wrapWithErrorHandlingAsync(
async (newName) => {
- await props.node.handleRename(props.node, newName);
+ await props.node.handleRename(newName);
},
props.node.handleError,
() => {
@@ -214608,7 +229551,15 @@ const _sfc_main$p = /* @__PURE__ */ defineComponent({
};
}, "getInitialData"),
onDragStart: /* @__PURE__ */ __name(() => emit2("dragStart", props.node), "onDragStart"),
- onDrop: /* @__PURE__ */ __name(() => emit2("dragEnd", props.node), "onDrop")
+ onDrop: /* @__PURE__ */ __name(() => emit2("dragEnd", props.node), "onDrop"),
+ onGenerateDragPreview: props.node.renderDragPreview ? ({ nativeSetDragImage }) => {
+ setCustomNativeDragPreview({
+ render: /* @__PURE__ */ __name(({ container: container2 }) => {
+ return props.node.renderDragPreview(container2);
+ }, "render"),
+ nativeSetDragImage
+ });
+ } : void 0
});
}
if (props.node.droppable) {
@@ -214616,7 +229567,7 @@ const _sfc_main$p = /* @__PURE__ */ defineComponent({
onDrop: /* @__PURE__ */ __name(async (event) => {
const dndData = event.source.data;
if (dndData.type === "tree-explorer-node") {
- await props.node.handleDrop?.(props.node, dndData);
+ await props.node.handleDrop?.(dndData);
canDrop.value = false;
emit2("itemDropped", props.node, dndData.data);
}
@@ -214659,7 +229610,7 @@ const _sfc_main$p = /* @__PURE__ */ defineComponent({
node: props.node
}, void 0, true)
]),
- showNodeBadgeText.value ? (openBlock(), createBlock(unref(script$V), {
+ showNodeBadgeText.value ? (openBlock(), createBlock(unref(script$W), {
key: 0,
value: nodeBadgeText.value,
severity: "secondary",
@@ -214675,7 +229626,7 @@ const _sfc_main$p = /* @__PURE__ */ defineComponent({
};
}
});
-const TreeExplorerTreeNode = /* @__PURE__ */ _export_sfc(_sfc_main$p, [["__scopeId", "data-v-a6457774"]]);
+const TreeExplorerTreeNode = /* @__PURE__ */ _export_sfc(_sfc_main$p, [["__scopeId", "data-v-a945b5a8"]]);
const _sfc_main$o = /* @__PURE__ */ defineComponent({
__name: "TreeExplorer",
props: /* @__PURE__ */ mergeModels({
@@ -214701,7 +229652,7 @@ const _sfc_main$o = /* @__PURE__ */ defineComponent({
});
const getTreeNodeIcon = /* @__PURE__ */ __name((node3) => {
if (node3.getIcon) {
- const icon3 = node3.getIcon(node3);
+ const icon3 = node3.getIcon();
if (icon3) {
return icon3;
}
@@ -214723,7 +229674,7 @@ const _sfc_main$o = /* @__PURE__ */ defineComponent({
children,
type: node3.leaf ? "node" : "folder",
totalLeaves,
- badgeText: node3.getBadgeText ? node3.getBadgeText(node3) : null
+ badgeText: node3.getBadgeText ? node3.getBadgeText() : null
};
}, "fillNodeInfo");
const onNodeContentClick = /* @__PURE__ */ __name(async (e2, node3) => {
@@ -214731,7 +229682,7 @@ const _sfc_main$o = /* @__PURE__ */ defineComponent({
selectionKeys.value = {};
}
if (node3.handleClick) {
- await node3.handleClick(node3, e2);
+ await node3.handleClick(e2);
}
emit2("nodeClick", node3, e2);
}, "onNodeContentClick");
@@ -214748,7 +229699,7 @@ const _sfc_main$o = /* @__PURE__ */ defineComponent({
renameEditingNode.value = node3;
}, "renameCommand");
const deleteCommand = /* @__PURE__ */ __name(async (node3) => {
- await node3.handleDelete?.(node3);
+ await node3.handleDelete?.();
emit2("nodeDelete", node3);
}, "deleteCommand");
const menuItems = computed(
@@ -214809,6 +229760,10 @@ const _sfc_main$o = /* @__PURE__ */ defineComponent({
pt: {
nodeLabel: "tree-explorer-node-label",
nodeContent: /* @__PURE__ */ __name(({ context }) => ({
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
+========
+ class: "group/tree-node",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
onClick: /* @__PURE__ */ __name((e2) => onNodeContentClick(e2, context.node), "onClick"),
onContextmenu: /* @__PURE__ */ __name((e2) => handleContextMenu(e2, context.node), "onContextmenu")
}), "nodeContent"),
@@ -214840,8 +229795,13 @@ const _sfc_main$o = /* @__PURE__ */ defineComponent({
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const TreeExplorer = /* @__PURE__ */ _export_sfc(_sfc_main$o, [["__scopeId", "data-v-243f3ee3"]]);
var theme$6 = /* @__PURE__ */ __name(function theme35(_ref) {
+========
+const TreeExplorer = /* @__PURE__ */ _export_sfc(_sfc_main$o, [["__scopeId", "data-v-e3a237e6"]]);
+var theme$6 = /* @__PURE__ */ __name(function theme36(_ref) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var dt2 = _ref.dt;
return "\n.p-toolbar {\n display: flex;\n align-items: center;\n justify-content: space-between;\n flex-wrap: wrap;\n padding: ".concat(dt2("toolbar.padding"), ";\n background: ").concat(dt2("toolbar.background"), ";\n border: 1px solid ").concat(dt2("toolbar.border.color"), ";\n color: ").concat(dt2("toolbar.color"), ";\n border-radius: ").concat(dt2("toolbar.border.radius"), ";\n gap: ").concat(dt2("toolbar.gap"), ";\n}\n\n.p-toolbar-start,\n.p-toolbar-center,\n.p-toolbar-end {\n display: flex;\n align-items: center;\n}\n");
}, "theme");
@@ -214851,14 +229811,18 @@ var classes$6 = {
center: "p-toolbar-center",
end: "p-toolbar-end"
};
-var ToolbarStyle = BaseStyle.extend({
+var ToolbarStyle = BaseStyle$1.extend({
name: "toolbar",
theme: theme$6,
classes: classes$6
});
var script$1$6 = {
name: "BaseToolbar",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
ariaLabelledby: {
type: String,
@@ -214880,6 +229844,7 @@ var script$a = {
};
var _hoisted_1$k = ["aria-labelledby"];
function render$9(_ctx, _cache, $props, $setup, $data, $options) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
"class": _ctx.cx("root"),
role: "toolbar",
@@ -214889,6 +229854,17 @@ function render$9(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("start")), [renderSlot(_ctx.$slots, "start")], 16), createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("center")
}, _ctx.ptm("center")), [renderSlot(_ctx.$slots, "center")], 16), createBaseVNode("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("root"),
+ role: "toolbar",
+ "aria-labelledby": _ctx.ariaLabelledby
+ }, _ctx.ptmi("root")), [createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("start")
+ }, _ctx.ptm("start")), [renderSlot(_ctx.$slots, "start")], 16), createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("center")
+ }, _ctx.ptm("center")), [renderSlot(_ctx.$slots, "center")], 16), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("end")
}, _ctx.ptm("end")), [renderSlot(_ctx.$slots, "end")], 16)], 16, _hoisted_1$k);
}
@@ -214896,6 +229872,7 @@ __name(render$9, "render$9");
script$a.render = render$9;
const _hoisted_1$j = { class: "comfy-vue-side-bar-header" };
const _hoisted_2$e = ["title"];
+const _hoisted_3$8 = { class: "flex flex-row motion-safe:w-0 motion-safe:opacity-0 motion-safe:group-hover/sidebar-tab:w-auto motion-safe:group-hover/sidebar-tab:opacity-100 motion-safe:group-focus-within/sidebar-tab:w-auto motion-safe:group-focus-within/sidebar-tab:opacity-100 touch:w-auto touch:opacity-100 transition-all duration-200" };
const _sfc_main$n = /* @__PURE__ */ defineComponent({
__name: "SidebarTabTemplate",
props: {
@@ -214906,7 +229883,7 @@ const _sfc_main$n = /* @__PURE__ */ defineComponent({
const props = __props;
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", {
- class: normalizeClass(["comfy-vue-side-bar-container flex flex-col h-full", props.class])
+ class: normalizeClass(["comfy-vue-side-bar-container flex flex-col h-full group/sidebar-tab", props.class])
}, [
createBaseVNode("div", _hoisted_1$j, [
createVNode(unref(script$a), { class: "border-x-0 border-t-0 rounded-none px-2 py-1 min-h-8" }, {
@@ -214917,7 +229894,9 @@ const _sfc_main$n = /* @__PURE__ */ defineComponent({
}, toDisplayString$1(props.title.toUpperCase()), 9, _hoisted_2$e)
]),
end: withCtx(() => [
- renderSlot(_ctx.$slots, "tool-buttons", {}, void 0, true)
+ createBaseVNode("div", _hoisted_3$8, [
+ renderSlot(_ctx.$slots, "tool-buttons", {}, void 0, true)
+ ])
]),
_: 3
}),
@@ -214933,7 +229912,11 @@ const _sfc_main$n = /* @__PURE__ */ defineComponent({
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const SidebarTabTemplate = /* @__PURE__ */ _export_sfc(_sfc_main$n, [["__scopeId", "data-v-5e759e25"]]);
+========
+const SidebarTabTemplate = /* @__PURE__ */ _export_sfc(_sfc_main$n, [["__scopeId", "data-v-0061c432"]]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const _hoisted_1$i = { class: "flex flex-col" };
const _hoisted_2$d = { key: 0 };
const _hoisted_3$7 = {
@@ -214988,7 +229971,7 @@ const _sfc_main$m = /* @__PURE__ */ defineComponent({
value: Number((_ctx.download.progress * 100).toFixed(1)),
"show-value": _ctx.download.progress > 0.1
}, null, 8, ["value", "show-value"]),
- _ctx.download.status === "in_progress" ? withDirectives((openBlock(), createBlock(unref(script$U), {
+ _ctx.download.status === "in_progress" ? withDirectives((openBlock(), createBlock(unref(script$V), {
key: 0,
class: "file-action-button w-[22px] h-[22px]",
size: "small",
@@ -215003,7 +229986,7 @@ const _sfc_main$m = /* @__PURE__ */ defineComponent({
{ top: true }
]
]) : createCommentVNode("", true),
- _ctx.download.status === "paused" ? withDirectives((openBlock(), createBlock(unref(script$U), {
+ _ctx.download.status === "paused" ? withDirectives((openBlock(), createBlock(unref(script$V), {
key: 1,
class: "file-action-button w-[22px] h-[22px]",
size: "small",
@@ -215018,7 +230001,7 @@ const _sfc_main$m = /* @__PURE__ */ defineComponent({
{ top: true }
]
]) : createCommentVNode("", true),
- ["in_progress", "paused"].includes(_ctx.download.status) ? withDirectives((openBlock(), createBlock(unref(script$U), {
+ ["in_progress", "paused"].includes(_ctx.download.status) ? withDirectives((openBlock(), createBlock(unref(script$V), {
key: 2,
class: "file-action-button w-[22px] h-[22px] p-red",
size: "small",
@@ -215406,7 +230389,7 @@ const _sfc_main$i = /* @__PURE__ */ defineComponent({
label: model ? nameFormat === "title" ? model.title : model.simplified_file_name : node3.label,
leaf: node3.leaf,
data: node3.data,
- getIcon: /* @__PURE__ */ __name(() => {
+ getIcon() {
if (model) {
return model.image ? "pi pi-image" : "pi pi-file";
}
@@ -215414,31 +230397,31 @@ const _sfc_main$i = /* @__PURE__ */ defineComponent({
return folder.state === ResourceState.Loading ? "pi pi-spin pi-spinner" : "pi pi-folder";
}
return "pi pi-folder";
- }, "getIcon"),
- getBadgeText: /* @__PURE__ */ __name(() => {
+ },
+ getBadgeText() {
if (!folder) {
return null;
}
return folder.state === ResourceState.Loaded ? null : "";
- }, "getBadgeText"),
+ },
children,
draggable: node3.leaf,
- handleClick: /* @__PURE__ */ __name((node22, e2) => {
- if (node22.leaf) {
+ handleClick(e2) {
+ if (this.leaf) {
const provider = modelToNodeStore.getNodeProvider(model.directory);
if (provider) {
- const node32 = useLitegraphService().addNodeOnGraph(provider.nodeDef);
- const widget2 = node32.widgets.find(
- (widget22) => widget22.name === provider.key
+ const node22 = useLitegraphService().addNodeOnGraph(provider.nodeDef);
+ const widget = node22.widgets.find(
+ (widget2) => widget2.name === provider.key
);
- if (widget2) {
- widget2.value = model.file_name;
+ if (widget) {
+ widget.value = model.file_name;
}
}
} else {
- toggleNodeOnEvent(e2, node22);
+ toggleNodeOnEvent(e2, node3);
}
- }, "handleClick")
+ }
};
}, "fillNodeInfo");
return fillNodeInfo(root29.value);
@@ -215470,7 +230453,7 @@ const _sfc_main$i = /* @__PURE__ */ defineComponent({
class: "bg-[var(--p-tree-background)]"
}, {
"tool-buttons": withCtx(() => [
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
icon: "pi pi-refresh",
onClick: unref(modelStore).loadModelFolders,
severity: "secondary",
@@ -215483,7 +230466,7 @@ const _sfc_main$i = /* @__PURE__ */ defineComponent({
{ bottom: true }
]
]),
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
icon: "pi pi-cloud-download",
onClick: unref(modelStore).loadModels,
severity: "secondary",
@@ -215527,7 +230510,7 @@ const _sfc_main$i = /* @__PURE__ */ defineComponent({
};
}
});
-const ModelLibrarySidebarTab = /* @__PURE__ */ _export_sfc(_sfc_main$i, [["__scopeId", "data-v-0bb2ac55"]]);
+const ModelLibrarySidebarTab = /* @__PURE__ */ _export_sfc(_sfc_main$i, [["__scopeId", "data-v-3be51840"]]);
const useModelLibrarySidebarTab = /* @__PURE__ */ __name(() => {
const { t: t2 } = useI18n();
return {
@@ -215548,7 +230531,7 @@ const useModelLibrarySidebarTab = /* @__PURE__ */ __name(() => {
}, "iconBadge")
};
}, "useModelLibrarySidebarTab");
-var theme$5 = /* @__PURE__ */ __name(function theme36(_ref) {
+var theme$5 = /* @__PURE__ */ __name(function theme37(_ref) {
var dt2 = _ref.dt;
return "\n.p-popover {\n margin-block-start: ".concat(dt2("popover.gutter"), ";\n background: ").concat(dt2("popover.background"), ";\n color: ").concat(dt2("popover.color"), ";\n border: 1px solid ").concat(dt2("popover.border.color"), ";\n border-radius: ").concat(dt2("popover.border.radius"), ";\n box-shadow: ").concat(dt2("popover.shadow"), ";\n}\n\n.p-popover-content {\n padding: ").concat(dt2("popover.content.padding"), ";\n}\n\n.p-popover-flipped {\n margin-block-start: calc(").concat(dt2("popover.gutter"), " * -1);\n margin-block-end: ").concat(dt2("popover.gutter"), ";\n}\n\n.p-popover-enter-from {\n opacity: 0;\n transform: scaleY(0.8);\n}\n\n.p-popover-leave-to {\n opacity: 0;\n}\n\n.p-popover-enter-active {\n transition: transform 0.12s cubic-bezier(0, 0, 0.2, 1), opacity 0.12s cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-popover-leave-active {\n transition: opacity 0.1s linear;\n}\n\n.p-popover:after,\n.p-popover:before {\n bottom: 100%;\n left: calc(").concat(dt2("popover.arrow.offset"), " + ").concat(dt2("popover.arrow.left"), ');\n content: " ";\n height: 0;\n width: 0;\n position: absolute;\n pointer-events: none;\n}\n\n.p-popover:after {\n border-width: calc(').concat(dt2("popover.gutter"), " - 2px);\n margin-left: calc(-1 * (").concat(dt2("popover.gutter"), " - 2px));\n border-style: solid;\n border-color: transparent;\n border-bottom-color: ").concat(dt2("popover.background"), ";\n}\n\n.p-popover:before {\n border-width: ").concat(dt2("popover.gutter"), ";\n margin-left: calc(-1 * ").concat(dt2("popover.gutter"), ");\n border-style: solid;\n border-color: transparent;\n border-bottom-color: ").concat(dt2("popover.border.color"), ";\n}\n\n.p-popover-flipped:after,\n.p-popover-flipped:before {\n bottom: auto;\n top: 100%;\n}\n\n.p-popover.p-popover-flipped:after {\n border-bottom-color: transparent;\n border-top-color: ").concat(dt2("popover.background"), ";\n}\n\n.p-popover.p-popover-flipped:before {\n border-bottom-color: transparent;\n border-top-color: ").concat(dt2("popover.border.color"), ";\n}\n");
}, "theme");
@@ -215556,14 +230539,18 @@ var classes$5 = {
root: "p-popover p-component",
content: "p-popover-content"
};
-var PopoverStyle = BaseStyle.extend({
+var PopoverStyle = BaseStyle$1.extend({
name: "popover",
theme: theme$5,
classes: classes$5
});
var script$1$5 = {
name: "BasePopover",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
dismissable: {
type: Boolean,
@@ -215611,7 +230598,11 @@ var script$9 = {
watch: {
dismissable: {
immediate: true,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handler: /* @__PURE__ */ __name(function handler9(newValue2) {
+========
+ handler: /* @__PURE__ */ __name(function handler11(newValue2) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (newValue2) {
this.bindOutsideClickListener();
} else {
@@ -215630,7 +230621,11 @@ var script$9 = {
styleElement: null,
overlayEventListener: null,
documentKeydownListener: null,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount10() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount11() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (this.dismissable) {
this.unbindOutsideClickListener();
}
@@ -215642,7 +230637,7 @@ var script$9 = {
this.unbindResizeListener();
this.target = null;
if (this.container && this.autoZIndex) {
- ZIndex.clear(this.container);
+ ZIndex$1.clear(this.container);
}
if (this.overlayEventListener) {
OverlayEventBus.off("overlay-click", this.overlayEventListener);
@@ -215650,7 +230645,7 @@ var script$9 = {
}
this.container = null;
}, "beforeUnmount"),
- mounted: /* @__PURE__ */ __name(function mounted19() {
+ mounted: /* @__PURE__ */ __name(function mounted20() {
if (this.breakpoints) {
this.createStyle();
}
@@ -215673,7 +230668,11 @@ var script$9 = {
}, "onContentClick"),
onEnter: /* @__PURE__ */ __name(function onEnter4(el) {
var _this = this;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
addStyle(el, {
+========
+ addStyle$1(el, {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
position: "absolute",
top: "0",
left: "0"
@@ -215685,7 +230684,7 @@ var script$9 = {
this.bindScrollListener();
this.bindResizeListener();
if (this.autoZIndex) {
- ZIndex.set("overlay", el, this.baseZIndex + this.$primevue.config.zIndex.overlay);
+ ZIndex$1.set("overlay", el, this.baseZIndex + this.$primevue.config.zIndex.overlay);
}
this.overlayEventListener = function(e2) {
if (_this.container.contains(e2.target)) {
@@ -215710,27 +230709,27 @@ var script$9 = {
}, "onLeave"),
onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave3(el) {
if (this.autoZIndex) {
- ZIndex.clear(el);
+ ZIndex$1.clear(el);
}
}, "onAfterLeave"),
alignOverlay: /* @__PURE__ */ __name(function alignOverlay4() {
- absolutePosition(this.container, this.target, false);
- var containerOffset = getOffset(this.container);
- var targetOffset = getOffset(this.target);
+ absolutePosition$1(this.container, this.target, false);
+ var containerOffset = getOffset$1(this.container);
+ var targetOffset = getOffset$1(this.target);
var arrowLeft = 0;
if (containerOffset.left < targetOffset.left) {
arrowLeft = targetOffset.left - containerOffset.left;
}
- this.container.style.setProperty($dt("popover.arrow.left").name, "".concat(arrowLeft, "px"));
+ this.container.style.setProperty($dt$1("popover.arrow.left").name, "".concat(arrowLeft, "px"));
if (containerOffset.top < targetOffset.top) {
this.container.setAttribute("data-p-popover-flipped", "true");
- !this.isUnstyled && addClass(this.container, "p-popover-flipped");
+ !this.isUnstyled && addClass$1(this.container, "p-popover-flipped");
}
}, "alignOverlay"),
onContentKeydown: /* @__PURE__ */ __name(function onContentKeydown(event) {
if (event.code === "Escape" && this.closeOnEscape) {
this.hide();
- focus$1(this.target);
+ focus$2(this.target);
}
}, "onContentKeydown"),
onButtonKeydown: /* @__PURE__ */ __name(function onButtonKeydown(event) {
@@ -215767,7 +230766,7 @@ var script$9 = {
}, "unbindDocumentKeyDownListener"),
bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener4() {
var _this2 = this;
- if (!this.outsideClickListener && isClient$1()) {
+ if (!this.outsideClickListener && isClient$2()) {
this.outsideClickListener = function(event) {
if (_this2.visible && !_this2.selfClick && !_this2.isTargetClicked(event)) {
_this2.visible = false;
@@ -215804,7 +230803,7 @@ var script$9 = {
var _this4 = this;
if (!this.resizeListener) {
this.resizeListener = function() {
- if (_this4.visible && !isTouchDevice()) {
+ if (_this4.visible && !isTouchDevice$1()) {
_this4.visible = false;
}
};
@@ -215828,7 +230827,7 @@ var script$9 = {
var _this$$primevue;
this.styleElement = document.createElement("style");
this.styleElement.type = "text/css";
- setAttribute(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ setAttribute$1(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
document.head.appendChild(this.styleElement);
var innerHTML = "";
for (var breakpoint in this.breakpoints) {
@@ -215855,7 +230854,7 @@ var script$9 = {
ripple: Ripple
},
components: {
- Portal: script$T
+ Portal: script$U
}
};
var _hoisted_1$e = ["aria-modal"];
@@ -215866,14 +230865,22 @@ function render$8(_ctx, _cache, $props, $setup, $data, $options) {
appendTo: _ctx.appendTo
}, {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createVNode(Transition, mergeProps$1({
+========
+ return [createVNode(Transition, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "p-popover",
onEnter: $options.onEnter,
onLeave: $options.onLeave,
onAfterLeave: $options.onAfterLeave
}, _ctx.ptm("transition")), {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [$data.visible ? withDirectives((openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return [$data.visible ? withDirectives((openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.containerRef,
role: "dialog",
@@ -215888,7 +230895,11 @@ function render$8(_ctx, _cache, $props, $setup, $data, $options) {
keydownCallback: /* @__PURE__ */ __name(function keydownCallback(event) {
return $options.onButtonKeydown(event);
}, "keydownCallback")
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}) : (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }) : (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("content"),
onClick: _cache[0] || (_cache[0] = function() {
@@ -215910,7 +230921,124 @@ function render$8(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$8, "render$8");
script$9.render = render$8;
-var theme$4 = /* @__PURE__ */ __name(function theme37(_ref) {
+const _hoisted_1$d = { class: "_sb_node_preview" };
+const _hoisted_2$a = { class: "_sb_table" };
+const _hoisted_3$5 = { class: "_sb_col" };
+const _hoisted_4$4 = { class: "_sb_col" };
+const _hoisted_5$4 = { class: "_sb_col" };
+const _sfc_main$h = /* @__PURE__ */ defineComponent({
+ __name: "NodePreview",
+ props: {
+ nodeDef: {
+ type: ComfyNodeDefImpl,
+ required: true
+ }
+ },
+ setup(__props) {
+ const props = __props;
+ const colorPaletteStore = useColorPaletteStore();
+ const litegraphColors = computed(
+ () => colorPaletteStore.completedActivePalette.colors.litegraph_base
+ );
+ const widgetStore = useWidgetStore();
+ const nodeDef = props.nodeDef;
+ const allInputDefs = nodeDef.inputs.all;
+ const allOutputDefs = nodeDef.outputs.all;
+ const slotInputDefs = allInputDefs.filter(
+ (input) => !widgetStore.inputIsWidget(input)
+ );
+ const widgetInputDefs = allInputDefs.filter(
+ (input) => widgetStore.inputIsWidget(input)
+ );
+ const truncateDefaultValue = /* @__PURE__ */ __name((value4, charLimit = 32) => {
+ let stringValue;
+ if (typeof value4 === "object" && value4 !== null) {
+ stringValue = JSON.stringify(value4);
+ } else if (Array.isArray(value4)) {
+ stringValue = JSON.stringify(value4);
+ } else if (typeof value4 === "string") {
+ stringValue = value4;
+ } else {
+ stringValue = String(value4);
+ }
+ return _.truncate(stringValue, { length: charLimit });
+ }, "truncateDefaultValue");
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", _hoisted_1$d, [
+ createBaseVNode("div", _hoisted_2$a, [
+ createBaseVNode("div", {
+ class: "node_header",
+ style: normalizeStyle({
+ backgroundColor: litegraphColors.value.NODE_DEFAULT_COLOR,
+ color: litegraphColors.value.NODE_TITLE_COLOR
+ })
+ }, [
+ _cache[0] || (_cache[0] = createBaseVNode("div", { class: "_sb_dot headdot" }, null, -1)),
+ createTextVNode(" " + toDisplayString$1(unref(nodeDef).display_name), 1)
+ ], 4),
+ _cache[5] || (_cache[5] = createBaseVNode("div", { class: "_sb_preview_badge" }, "PREVIEW", -1)),
+ (openBlock(true), createElementBlock(Fragment$1, null, renderList(unref(_).zip(unref(slotInputDefs), unref(allOutputDefs)), ([slotInput, slotOutput]) => {
+ return openBlock(), createElementBlock("div", {
+ class: "_sb_row slot_row",
+ key: (slotInput?.name || "") + (slotOutput?.index.toString() || "")
+ }, [
+ createBaseVNode("div", _hoisted_3$5, [
+ slotInput ? (openBlock(), createElementBlock("div", {
+ key: 0,
+ class: normalizeClass(["_sb_dot", slotInput.type])
+ }, null, 2)) : createCommentVNode("", true)
+ ]),
+ createBaseVNode("div", _hoisted_4$4, toDisplayString$1(slotInput ? slotInput.name : ""), 1),
+ _cache[1] || (_cache[1] = createBaseVNode("div", { class: "_sb_col middle-column" }, null, -1)),
+ createBaseVNode("div", {
+ class: "_sb_col _sb_inherit",
+ style: normalizeStyle({
+ color: litegraphColors.value.NODE_TEXT_COLOR
+ })
+ }, toDisplayString$1(slotOutput ? slotOutput.name : ""), 5),
+ createBaseVNode("div", _hoisted_5$4, [
+ slotOutput ? (openBlock(), createElementBlock("div", {
+ key: 0,
+ class: normalizeClass(["_sb_dot", slotOutput.type])
+ }, null, 2)) : createCommentVNode("", true)
+ ])
+ ]);
+ }), 128)),
+ (openBlock(true), createElementBlock(Fragment$1, null, renderList(unref(widgetInputDefs), (widgetInput) => {
+ return openBlock(), createElementBlock("div", {
+ class: "_sb_row _long_field",
+ key: widgetInput.name
+ }, [
+ _cache[2] || (_cache[2] = createBaseVNode("div", { class: "_sb_col _sb_arrow" }, "◀", -1)),
+ createBaseVNode("div", {
+ class: "_sb_col",
+ style: normalizeStyle({
+ color: litegraphColors.value.WIDGET_SECONDARY_TEXT_COLOR
+ })
+ }, toDisplayString$1(widgetInput.name), 5),
+ _cache[3] || (_cache[3] = createBaseVNode("div", { class: "_sb_col middle-column" }, null, -1)),
+ createBaseVNode("div", {
+ class: "_sb_col _sb_inherit",
+ style: normalizeStyle({ color: litegraphColors.value.WIDGET_TEXT_COLOR })
+ }, toDisplayString$1(truncateDefaultValue(widgetInput.default)), 5),
+ _cache[4] || (_cache[4] = createBaseVNode("div", { class: "_sb_col _sb_arrow" }, "▶", -1))
+ ]);
+ }), 128))
+ ]),
+ unref(nodeDef).description ? (openBlock(), createElementBlock("div", {
+ key: 0,
+ class: "_sb_description",
+ style: normalizeStyle({
+ color: litegraphColors.value.WIDGET_SECONDARY_TEXT_COLOR,
+ backgroundColor: litegraphColors.value.WIDGET_BGCOLOR
+ })
+ }, toDisplayString$1(unref(nodeDef).description), 5)) : createCommentVNode("", true)
+ ]);
+ };
+ }
+});
+const NodePreview = /* @__PURE__ */ _export_sfc(_sfc_main$h, [["__scopeId", "data-v-d9792337"]]);
+var theme$4 = /* @__PURE__ */ __name(function theme38(_ref) {
var dt2 = _ref.dt;
return "\n.p-togglebutton {\n display: inline-flex;\n cursor: pointer;\n user-select: none;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n position: relative;\n color: ".concat(dt2("togglebutton.color"), ";\n background: ").concat(dt2("togglebutton.background"), ";\n border: 1px solid ").concat(dt2("togglebutton.border.color"), ";\n padding: ").concat(dt2("togglebutton.padding"), ";\n font-size: 1rem;\n font-family: inherit;\n font-feature-settings: inherit;\n transition: background ").concat(dt2("togglebutton.transition.duration"), ", color ").concat(dt2("togglebutton.transition.duration"), ", border-color ").concat(dt2("togglebutton.transition.duration"), ",\n outline-color ").concat(dt2("togglebutton.transition.duration"), ", box-shadow ").concat(dt2("togglebutton.transition.duration"), ";\n border-radius: ").concat(dt2("togglebutton.border.radius"), ";\n outline-color: transparent;\n font-weight: ").concat(dt2("togglebutton.font.weight"), ";\n}\n\n.p-togglebutton-content {\n position: relative;\n display: inline-flex;\n align-items: center;\n justify-content: center;\n gap: ").concat(dt2("togglebutton.gap"), ';\n}\n\n.p-togglebutton-label,\n.p-togglebutton-icon {\n position: relative;\n transition: none;\n}\n\n.p-togglebutton::before {\n content: "";\n background: transparent;\n transition: background ').concat(dt2("togglebutton.transition.duration"), ", color ").concat(dt2("togglebutton.transition.duration"), ", border-color ").concat(dt2("togglebutton.transition.duration"), ",\n outline-color ").concat(dt2("togglebutton.transition.duration"), ", box-shadow ").concat(dt2("togglebutton.transition.duration"), ";\n position: absolute;\n inset-inline-start: ").concat(dt2("togglebutton.content.left"), ";\n inset-block-start: ").concat(dt2("togglebutton.content.top"), ";\n width: calc(100% - calc(2 * ").concat(dt2("togglebutton.content.left"), "));\n height: calc(100% - calc(2 * ").concat(dt2("togglebutton.content.top"), "));\n border-radius: ").concat(dt2("togglebutton.border.radius"), ";\n}\n\n.p-togglebutton.p-togglebutton-checked::before {\n background: ").concat(dt2("togglebutton.content.checked.background"), ";\n box-shadow: ").concat(dt2("togglebutton.content.checked.shadow"), ";\n}\n\n.p-togglebutton:not(:disabled):not(.p-togglebutton-checked):hover {\n background: ").concat(dt2("togglebutton.hover.background"), ";\n color: ").concat(dt2("togglebutton.hover.color"), ";\n}\n\n.p-togglebutton.p-togglebutton-checked {\n background: ").concat(dt2("togglebutton.checked.background"), ";\n border-color: ").concat(dt2("togglebutton.checked.border.color"), ";\n color: ").concat(dt2("togglebutton.checked.color"), ";\n}\n\n.p-togglebutton:focus-visible {\n box-shadow: ").concat(dt2("togglebutton.focus.ring.shadow"), ";\n outline: ").concat(dt2("togglebutton.focus.ring.width"), " ").concat(dt2("togglebutton.focus.ring.style"), " ").concat(dt2("togglebutton.focus.ring.color"), ";\n outline-offset: ").concat(dt2("togglebutton.focus.ring.offset"), ";\n}\n\n.p-togglebutton.p-invalid {\n border-color: ").concat(dt2("togglebutton.invalid.border.color"), ";\n}\n\n.p-togglebutton:disabled {\n opacity: 1;\n cursor: default;\n background: ").concat(dt2("togglebutton.disabled.background"), ";\n border-color: ").concat(dt2("togglebutton.disabled.border.color"), ";\n color: ").concat(dt2("togglebutton.disabled.color"), ";\n}\n\n.p-togglebutton-icon {\n color: ").concat(dt2("togglebutton.icon.color"), ";\n}\n\n.p-togglebutton:not(:disabled):not(.p-togglebutton-checked):hover .p-togglebutton-icon {\n color: ").concat(dt2("togglebutton.icon.hover.color"), ";\n}\n\n.p-togglebutton.p-togglebutton-checked .p-togglebutton-icon {\n color: ").concat(dt2("togglebutton.icon.checked.color"), ";\n}\n\n.p-togglebutton:disabled .p-togglebutton-icon {\n color: ").concat(dt2("togglebutton.icon.disabled.color"), ";\n}\n\n.p-togglebutton-sm {\n padding: ").concat(dt2("togglebutton.sm.padding"), ";\n font-size: ").concat(dt2("togglebutton.sm.font.size"), ";\n}\n\n.p-togglebutton-lg {\n padding: ").concat(dt2("togglebutton.lg.padding"), ";\n font-size: ").concat(dt2("togglebutton.lg.font.size"), ";\n}\n");
}, "theme");
@@ -215928,7 +231056,7 @@ var classes$4 = {
icon: "p-togglebutton-icon",
label: "p-togglebutton-label"
};
-var ToggleButtonStyle = BaseStyle.extend({
+var ToggleButtonStyle = BaseStyle$1.extend({
name: "togglebutton",
theme: theme$4,
classes: classes$4
@@ -216011,7 +231139,7 @@ var script$8 = {
return this.d_value === true;
}, "active"),
hasLabel: /* @__PURE__ */ __name(function hasLabel() {
- return isNotEmpty(this.onLabel) && isNotEmpty(this.offLabel);
+ return isNotEmpty$2(this.onLabel) && isNotEmpty$2(this.offLabel);
}, "hasLabel"),
label: /* @__PURE__ */ __name(function label4() {
return this.hasLabel ? this.d_value ? this.onLabel : this.offLabel : " ";
@@ -216021,10 +231149,17 @@ var script$8 = {
ripple: Ripple
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_1$d = ["tabindex", "disabled", "aria-pressed", "aria-labelledby", "data-p-checked", "data-p-disabled"];
function render$7(_ctx, _cache, $props, $setup, $data, $options) {
var _directive_ripple = resolveDirective("ripple");
return withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+var _hoisted_1$c = ["tabindex", "disabled", "aria-pressed", "aria-labelledby", "data-p-checked", "data-p-disabled"];
+function render$7(_ctx, _cache, $props, $setup, $data, $options) {
+ var _directive_ripple = resolveDirective("ripple");
+ return withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
type: "button",
"class": _ctx.cx("root"),
tabindex: _ctx.tabindex,
@@ -216040,13 +231175,18 @@ function render$7(_ctx, _cache, $props, $setup, $data, $options) {
"aria-labelledby": _ctx.ariaLabelledby,
"data-p-checked": $options.active,
"data-p-disabled": _ctx.disabled
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [createBaseVNode("span", mergeProps$1({
+========
+ }), [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("content")
}, $options.getPTOptions("content")), [renderSlot(_ctx.$slots, "default", {}, function() {
return [renderSlot(_ctx.$slots, "icon", {
value: _ctx.d_value,
"class": normalizeClass(_ctx.cx("icon"))
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.onIcon || _ctx.offIcon ? (openBlock(), createElementBlock("span", mergeProps$1({
key: 0,
"class": [_ctx.cx("icon"), _ctx.d_value ? _ctx.onIcon : _ctx.offIcon]
@@ -216055,10 +231195,20 @@ function render$7(_ctx, _cache, $props, $setup, $data, $options) {
"class": _ctx.cx("label")
}, $options.getPTOptions("label")), toDisplayString$1($options.label), 17)];
})], 16)], 16, _hoisted_1$d)), [[_directive_ripple]]);
+========
+ return [_ctx.onIcon || _ctx.offIcon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 0,
+ "class": [_ctx.cx("icon"), _ctx.d_value ? _ctx.onIcon : _ctx.offIcon]
+ }, $options.getPTOptions("icon")), null, 16)) : createCommentVNode("", true)];
+ }), createBaseVNode("span", mergeProps$2({
+ "class": _ctx.cx("label")
+ }, $options.getPTOptions("label")), toDisplayString$1($options.label), 17)];
+ })], 16)], 16, _hoisted_1$c)), [[_directive_ripple]]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
__name(render$7, "render$7");
script$8.render = render$7;
-var theme$3 = /* @__PURE__ */ __name(function theme38(_ref) {
+var theme$3 = /* @__PURE__ */ __name(function theme39(_ref) {
var dt2 = _ref.dt;
return "\n.p-selectbutton {\n display: inline-flex;\n user-select: none;\n vertical-align: bottom;\n outline-color: transparent;\n border-radius: ".concat(dt2("selectbutton.border.radius"), ";\n}\n\n.p-selectbutton .p-togglebutton {\n border-radius: 0;\n border-width: 1px 1px 1px 0;\n}\n\n.p-selectbutton .p-togglebutton:focus-visible {\n position: relative;\n z-index: 1;\n}\n\n.p-selectbutton .p-togglebutton:first-child {\n border-inline-start-width: 1px;\n border-start-start-radius: ").concat(dt2("selectbutton.border.radius"), ";\n border-end-start-radius: ").concat(dt2("selectbutton.border.radius"), ";\n}\n\n.p-selectbutton .p-togglebutton:last-child {\n border-start-end-radius: ").concat(dt2("selectbutton.border.radius"), ";\n border-end-end-radius: ").concat(dt2("selectbutton.border.radius"), ";\n}\n\n.p-selectbutton.p-invalid {\n outline: 1px solid ").concat(dt2("selectbutton.invalid.border.color"), ";\n outline-offset: 0;\n}\n");
}, "theme");
@@ -216071,7 +231221,7 @@ var classes$3 = {
}];
}, "root")
};
-var SelectButtonStyle = BaseStyle.extend({
+var SelectButtonStyle = BaseStyle$1.extend({
name: "selectbutton",
theme: theme$3,
classes: classes$3
@@ -216176,16 +231326,16 @@ var script$7 = {
emits: ["change"],
methods: {
getOptionLabel: /* @__PURE__ */ __name(function getOptionLabel3(option3) {
- return this.optionLabel ? resolveFieldData(option3, this.optionLabel) : option3;
+ return this.optionLabel ? resolveFieldData$2(option3, this.optionLabel) : option3;
}, "getOptionLabel"),
getOptionValue: /* @__PURE__ */ __name(function getOptionValue3(option3) {
- return this.optionValue ? resolveFieldData(option3, this.optionValue) : option3;
+ return this.optionValue ? resolveFieldData$2(option3, this.optionValue) : option3;
}, "getOptionValue"),
getOptionRenderKey: /* @__PURE__ */ __name(function getOptionRenderKey3(option3) {
- return this.dataKey ? resolveFieldData(option3, this.dataKey) : this.getOptionLabel(option3);
+ return this.dataKey ? resolveFieldData$2(option3, this.dataKey) : this.getOptionLabel(option3);
}, "getOptionRenderKey"),
isOptionDisabled: /* @__PURE__ */ __name(function isOptionDisabled3(option3) {
- return this.optionDisabled ? resolveFieldData(option3, this.optionDisabled) : false;
+ return this.optionDisabled ? resolveFieldData$2(option3, this.optionDisabled) : false;
}, "isOptionDisabled"),
onOptionSelect: /* @__PURE__ */ __name(function onOptionSelect3(event, option3, index2) {
var _this = this;
@@ -216200,7 +231350,11 @@ var script$7 = {
var newValue2;
if (this.multiple) {
if (selected2) newValue2 = this.d_value.filter(function(val) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return !equals(val, optionValue, _this.equalityKey);
+========
+ return !equals$2(val, optionValue, _this.equalityKey);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
else newValue2 = this.d_value ? [].concat(_toConsumableArray$2(this.d_value), [optionValue]) : [optionValue];
} else {
@@ -216221,7 +231375,7 @@ var script$7 = {
try {
for (_iterator.s(); !(_step = _iterator.n()).done; ) {
var val = _step.value;
- if (equals(val, optionValue, this.equalityKey)) {
+ if (equals$2(val, optionValue, this.equalityKey)) {
selected2 = true;
break;
}
@@ -216233,7 +231387,11 @@ var script$7 = {
}
}
} else {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
selected2 = equals(this.d_value, optionValue, this.equalityKey);
+========
+ selected2 = equals$2(this.d_value, optionValue, this.equalityKey);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}
return selected2;
}, "isSelected")
@@ -216250,10 +231408,17 @@ var script$7 = {
ToggleButton: script$8
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var _hoisted_1$c = ["aria-labelledby"];
function render$6(_ctx, _cache, $props, $setup, $data, $options) {
var _component_ToggleButton = resolveComponent("ToggleButton");
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+var _hoisted_1$b = ["aria-labelledby"];
+function render$6(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_ToggleButton = resolveComponent("ToggleButton");
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("root"),
role: "group",
"aria-labelledby": _ctx.ariaLabelledby
@@ -216280,13 +231445,18 @@ function render$6(_ctx, _cache, $props, $setup, $data, $options) {
option: option3,
index: index2
}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("span", mergeProps$1({
+========
+ return [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref_for: true
}, _ctx.ptm("pcToggleButton")["label"]), toDisplayString$1($options.getOptionLabel(option3)), 17)];
})];
}),
key: "0"
} : void 0]), 1032, ["modelValue", "onLabel", "offLabel", "disabled", "unstyled", "size", "readonly", "onChange", "pt"]);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), 128))], 16, _hoisted_1$c);
}
__name(render$6, "render$6");
@@ -216294,6 +231464,15 @@ script$7.render = render$6;
const _hoisted_1$b = { class: "_content" };
const _hoisted_2$a = { class: "_footer" };
const _sfc_main$h = /* @__PURE__ */ defineComponent({
+========
+ }), 128))], 16, _hoisted_1$b);
+}
+__name(render$6, "render$6");
+script$7.render = render$6;
+const _hoisted_1$a = { class: "_content" };
+const _hoisted_2$9 = { class: "_footer" };
+const _sfc_main$g = /* @__PURE__ */ defineComponent({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
__name: "NodeSearchFilter",
emits: ["addFilter"],
setup(__props, { emit: __emit }) {
@@ -216321,7 +231500,11 @@ const _sfc_main$h = /* @__PURE__ */ defineComponent({
}, "submit");
return (_ctx, _cache) => {
return openBlock(), createElementBlock(Fragment$1, null, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createBaseVNode("div", _hoisted_1$b, [
+========
+ createBaseVNode("div", _hoisted_1$a, [
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
createVNode(unref(script$7), {
class: "filter-type-select",
modelValue: selectedFilter.value,
@@ -216340,8 +231523,8 @@ const _sfc_main$h = /* @__PURE__ */ defineComponent({
autoFilterFocus: ""
}, null, 8, ["modelValue", "options"])
]),
- createBaseVNode("div", _hoisted_2$a, [
- createVNode(unref(script$U), {
+ createBaseVNode("div", _hoisted_2$9, [
+ createVNode(unref(script$V), {
type: "button",
label: _ctx.$t("g.add"),
onClick: submit
@@ -216351,6 +231534,7 @@ const _sfc_main$h = /* @__PURE__ */ defineComponent({
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
const NodeSearchFilter = /* @__PURE__ */ _export_sfc(_sfc_main$h, [["__scopeId", "data-v-c4279e6b"]]);
const _hoisted_1$a = { class: "_sb_node_preview" };
const _hoisted_2$9 = { class: "_sb_table" };
@@ -216469,6 +231653,9 @@ const _sfc_main$g = /* @__PURE__ */ defineComponent({
}
});
const NodePreview = /* @__PURE__ */ _export_sfc(_sfc_main$g, [["__scopeId", "data-v-d9792337"]]);
+========
+const NodeSearchFilter = /* @__PURE__ */ _export_sfc(_sfc_main$g, [["__scopeId", "data-v-c4279e6b"]]);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const BOOKMARK_SETTING_ID = "Comfy.NodeLibrary.Bookmarks.V2";
const useNodeBookmarkStore = /* @__PURE__ */ defineStore("nodeBookmark", () => {
const settingStore = useSettingStore();
@@ -216693,7 +231880,7 @@ const _sfc_main$f = /* @__PURE__ */ defineComponent({
}, null, 8, ["value"])) : createCommentVNode("", true)
]),
actions: withCtx(() => [
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
class: "bookmark-button",
size: "small",
icon: isBookmarked.value ? "pi pi-bookmark-fill" : "pi pi-bookmark",
@@ -216815,19 +232002,19 @@ const _sfc_main$e = /* @__PURE__ */ defineComponent({
);
return (_ctx, _cache) => {
const _directive_tooltip = resolveDirective("tooltip");
- return openBlock(), createBlock(unref(script$S), {
+ return openBlock(), createBlock(unref(script$T), {
visible: visible.value,
"onUpdate:visible": _cache[3] || (_cache[3] = ($event) => visible.value = $event),
header: _ctx.$t("g.customizeFolder")
}, {
footer: withCtx(() => [
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
label: _ctx.$t("g.reset"),
icon: "pi pi-refresh",
onClick: resetCustomization,
class: "p-button-text"
}, null, 8, ["label"]),
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
label: _ctx.$t("g.confirm"),
icon: "pi pi-check",
onClick: confirmCustomization,
@@ -217025,38 +232212,53 @@ const _sfc_main$c = /* @__PURE__ */ defineComponent({
label: node3.leaf ? node3.data.display_name : node3.label,
leaf: node3.leaf,
data: node3.data,
- getIcon: /* @__PURE__ */ __name((node22) => {
- if (node22.leaf) {
+ getIcon() {
+ if (this.leaf) {
return "pi pi-circle-fill";
}
- const customization = nodeBookmarkStore.bookmarksCustomization[node22.data?.nodePath];
+ const customization = nodeBookmarkStore.bookmarksCustomization[node3.data?.nodePath];
return customization?.icon ? "pi " + customization.icon : "pi pi-bookmark-fill";
- }, "getIcon"),
+ },
children: sortedChildren,
draggable: node3.leaf,
+ renderDragPreview(container) {
+ const vnode = h(NodePreview, { nodeDef: node3.data });
+ render$$(vnode, container);
+ return () => {
+ render$$(null, container);
+ };
+ },
droppable: !node3.leaf,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
handleDrop: /* @__PURE__ */ __name((node22, data26) => {
+========
+ handleDrop(data26) {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
const nodeDefToAdd = data26.data.data;
if (nodeBookmarkStore.isBookmarked(nodeDefToAdd)) {
nodeBookmarkStore.toggleBookmark(nodeDefToAdd);
}
- const folderNodeDef = node22.data;
+ const folderNodeDef = node3.data;
const nodePath = folderNodeDef.category + "/" + nodeDefToAdd.name;
nodeBookmarkStore.addBookmark(nodePath);
- }, "handleDrop"),
- handleClick: /* @__PURE__ */ __name((node22, e2) => {
- if (node22.leaf) {
- useLitegraphService().addNodeOnGraph(node22.data);
+ },
+ handleClick(e2) {
+ if (this.leaf) {
+ useLitegraphService().addNodeOnGraph(this.data);
} else {
- toggleNodeOnEvent(e2, node22);
+ toggleNodeOnEvent(e2, node3);
}
- }, "handleClick"),
+ },
contextMenuItems: extraMenuItems,
...node3.leaf ? {} : {
- handleRename,
- handleDelete: /* @__PURE__ */ __name((node22) => {
- nodeBookmarkStore.deleteBookmarkFolder(node22.data);
- }, "handleDelete")
+ handleRename(newName) {
+ if (this.data && this.data.isDummyFolder) {
+ nodeBookmarkStore.renameBookmarkFolder(this.data, newName);
+ }
+ },
+ handleDelete() {
+ nodeBookmarkStore.deleteBookmarkFolder(this.data);
+ }
}
};
}, "fillNodeInfo");
@@ -217081,11 +232283,6 @@ const _sfc_main$c = /* @__PURE__ */ defineComponent({
__expose({
addNewBookmarkFolder
});
- const handleRename = /* @__PURE__ */ __name((node3, newName) => {
- if (node3.data && node3.data.isDummyFolder) {
- nodeBookmarkStore.renameBookmarkFolder(node3.data, newName);
- }
- }, "handleRename");
const showCustomizationDialog = ref(false);
const initialIcon = ref(nodeBookmarkStore.defaultBookmarkIcon);
const initialColor = ref(nodeBookmarkStore.defaultBookmarkColor);
@@ -217149,20 +232346,27 @@ const _sfc_main$b = /* @__PURE__ */ defineComponent({
label: node3.leaf ? node3.data.display_name : node3.label,
leaf: node3.leaf,
data: node3.data,
- getIcon: /* @__PURE__ */ __name((node22) => {
- if (node22.leaf) {
+ getIcon() {
+ if (this.leaf) {
return "pi pi-circle-fill";
}
- }, "getIcon"),
+ },
children,
draggable: node3.leaf,
- handleClick: /* @__PURE__ */ __name((node22, e2) => {
- if (node22.leaf) {
- useLitegraphService().addNodeOnGraph(node22.data);
+ renderDragPreview(container) {
+ const vnode = h(NodePreview, { nodeDef: node3.data });
+ render$$(vnode, container);
+ return () => {
+ render$$(null, container);
+ };
+ },
+ handleClick(e2) {
+ if (this.leaf) {
+ useLitegraphService().addNodeOnGraph(this.data);
} else {
- toggleNodeOnEvent(e2, node22);
+ toggleNodeOnEvent(e2, this);
}
- }, "handleClick")
+ }
};
}, "fillNodeInfo");
return fillNodeInfo(root29.value);
@@ -217221,7 +232425,7 @@ const _sfc_main$b = /* @__PURE__ */ defineComponent({
class: "bg-[var(--p-tree-background)]"
}, {
"tool-buttons": withCtx(() => [
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
class: "new-folder-button",
icon: "pi pi-folder-plus",
text: "",
@@ -217235,7 +232439,7 @@ const _sfc_main$b = /* @__PURE__ */ defineComponent({
{ bottom: true }
]
]),
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
class: "sort-button",
icon: alphabeticalSort.value ? "pi pi-sort-alpha-down" : "pi pi-sort-alt",
text: "",
@@ -217315,7 +232519,7 @@ const useNodeLibrarySidebarTab = /* @__PURE__ */ __name(() => {
type: "vue"
};
}, "useNodeLibrarySidebarTab");
-var theme$2 = /* @__PURE__ */ __name(function theme39(_ref) {
+var theme$2 = /* @__PURE__ */ __name(function theme40(_ref) {
var dt2 = _ref.dt;
return "\n.p-confirmpopup {\n position: absolute;\n margin-top: ".concat(dt2("confirmpopup.gutter"), ";\n top: 0;\n left: 0;\n background: ").concat(dt2("confirmpopup.background"), ";\n color: ").concat(dt2("confirmpopup.color"), ";\n border: 1px solid ").concat(dt2("confirmpopup.border.color"), ";\n border-radius: ").concat(dt2("confirmpopup.border.radius"), ";\n box-shadow: ").concat(dt2("confirmpopup.shadow"), ";\n}\n\n.p-confirmpopup-content {\n display: flex;\n align-items: center;\n padding: ").concat(dt2("confirmpopup.content.padding"), ";\n gap: ").concat(dt2("confirmpopup.content.gap"), ";\n}\n\n.p-confirmpopup-icon {\n font-size: ").concat(dt2("confirmpopup.icon.size"), ";\n width: ").concat(dt2("confirmpopup.icon.size"), ";\n height: ").concat(dt2("confirmpopup.icon.size"), ";\n color: ").concat(dt2("confirmpopup.icon.color"), ";\n}\n\n.p-confirmpopup-footer {\n display: flex;\n justify-content: flex-end;\n gap: ").concat(dt2("confirmpopup.footer.gap"), ";\n padding: ").concat(dt2("confirmpopup.footer.padding"), ";\n}\n\n.p-confirmpopup-footer button {\n width: auto;\n}\n\n.p-confirmpopup-footer button:last-child {\n margin: 0;\n}\n\n.p-confirmpopup-flipped {\n margin-block-start: calc(").concat(dt2("confirmpopup.gutter"), " * -1);\n margin-block-end: ").concat(dt2("confirmpopup.gutter"), ";\n}\n\n.p-confirmpopup-enter-from {\n opacity: 0;\n transform: scaleY(0.8);\n}\n\n.p-confirmpopup-leave-to {\n opacity: 0;\n}\n\n.p-confirmpopup-enter-active {\n transition: transform 0.12s cubic-bezier(0, 0, 0.2, 1), opacity 0.12s cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-confirmpopup-leave-active {\n transition: opacity 0.1s linear;\n}\n\n.p-confirmpopup:after,\n.p-confirmpopup:before {\n bottom: 100%;\n left: calc(").concat(dt2("confirmpopup.arrow.offset"), " + ").concat(dt2("confirmpopup.arrow.left"), ');\n content: " ";\n height: 0;\n width: 0;\n position: absolute;\n pointer-events: none;\n}\n\n.p-confirmpopup:after {\n border-width: calc(').concat(dt2("confirmpopup.gutter"), " - 2px);\n margin-left: calc(-1 * (").concat(dt2("confirmpopup.gutter"), " - 2px));\n border-style: solid;\n border-color: transparent;\n border-bottom-color: ").concat(dt2("confirmpopup.background"), ";\n}\n\n.p-confirmpopup:before {\n border-width: ").concat(dt2("confirmpopup.gutter"), ";\n margin-left: calc(-1 * ").concat(dt2("confirmpopup.gutter"), ");\n border-style: solid;\n border-color: transparent;\n border-bottom-color: ").concat(dt2("confirmpopup.border.color"), ";\n}\n\n.p-confirmpopup-flipped:after,\n.p-confirmpopup-flipped:before {\n bottom: auto;\n top: 100%;\n}\n\n.p-confirmpopup-flipped:after {\n border-bottom-color: transparent;\n border-top-color: ").concat(dt2("confirmpopup.background"), ";\n}\n\n.p-confirmpopup-flipped:before {\n border-bottom-color: transparent;\n border-top-color: ").concat(dt2("confirmpopup.border.color"), ";\n}\n");
}, "theme");
@@ -217328,14 +232532,18 @@ var classes$2 = {
pcRejectButton: "p-confirmpopup-reject-button",
pcAcceptButton: "p-confirmpopup-accept-button"
};
-var ConfirmPopupStyle = BaseStyle.extend({
+var ConfirmPopupStyle = BaseStyle$1.extend({
name: "confirmpopup",
theme: theme$2,
classes: classes$2
});
var script$1$2 = {
name: "BaseConfirmPopup",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
group: String
},
@@ -217367,7 +232575,7 @@ var script$6 = {
container: null,
confirmListener: null,
closeListener: null,
- mounted: /* @__PURE__ */ __name(function mounted20() {
+ mounted: /* @__PURE__ */ __name(function mounted21() {
var _this = this;
this.confirmListener = function(options4) {
if (!options4) {
@@ -217389,7 +232597,11 @@ var script$6 = {
ConfirmationEventBus.on("confirm", this.confirmListener);
ConfirmationEventBus.on("close", this.closeListener);
}, "mounted"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount11() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount12() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ConfirmationEventBus.off("confirm", this.confirmListener);
ConfirmationEventBus.off("close", this.closeListener);
this.unbindOutsideClickListener();
@@ -217399,7 +232611,7 @@ var script$6 = {
}
this.unbindResizeListener();
if (this.container) {
- ZIndex.clear(this.container);
+ ZIndex$1.clear(this.container);
this.container = null;
}
this.target = null;
@@ -217427,14 +232639,14 @@ var script$6 = {
onAcceptKeydown: /* @__PURE__ */ __name(function onAcceptKeydown(event) {
if (event.code === "Space" || event.code === "Enter" || event.code === "NumpadEnter") {
this.accept();
- focus$1(this.target);
+ focus$2(this.target);
event.preventDefault();
}
}, "onAcceptKeydown"),
onRejectKeydown: /* @__PURE__ */ __name(function onRejectKeydown(event) {
if (event.code === "Space" || event.code === "Enter" || event.code === "NumpadEnter") {
this.reject();
- focus$1(this.target);
+ focus$2(this.target);
event.preventDefault();
}
}, "onRejectKeydown"),
@@ -217445,7 +232657,7 @@ var script$6 = {
this.bindOutsideClickListener();
this.bindScrollListener();
this.bindResizeListener();
- ZIndex.set("overlay", el, this.$primevue.config.zIndex.overlay);
+ ZIndex$1.set("overlay", el, this.$primevue.config.zIndex.overlay);
}, "onEnter"),
onAfterEnter: /* @__PURE__ */ __name(function onAfterEnter3() {
this.focus();
@@ -217453,27 +232665,27 @@ var script$6 = {
onLeave: /* @__PURE__ */ __name(function onLeave4() {
this.autoFocusAccept = null;
this.autoFocusReject = null;
- focus$1(this.target);
+ focus$2(this.target);
this.target = null;
this.unbindOutsideClickListener();
this.unbindScrollListener();
this.unbindResizeListener();
}, "onLeave"),
onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave4(el) {
- ZIndex.clear(el);
+ ZIndex$1.clear(el);
}, "onAfterLeave"),
alignOverlay: /* @__PURE__ */ __name(function alignOverlay5() {
- absolutePosition(this.container, this.target, false);
- var containerOffset = getOffset(this.container);
- var targetOffset = getOffset(this.target);
+ absolutePosition$1(this.container, this.target, false);
+ var containerOffset = getOffset$1(this.container);
+ var targetOffset = getOffset$1(this.target);
var arrowLeft = 0;
if (containerOffset.left < targetOffset.left) {
arrowLeft = targetOffset.left - containerOffset.left;
}
- this.container.style.setProperty($dt("confirmpopup.arrow.left").name, "".concat(arrowLeft, "px"));
+ this.container.style.setProperty($dt$1("confirmpopup.arrow.left").name, "".concat(arrowLeft, "px"));
if (containerOffset.top < targetOffset.top) {
this.container.setAttribute("data-p-confirmpopup-flipped", "true");
- !this.isUnstyled && addClass(this.container, "p-confirmpopup-flipped");
+ !this.isUnstyled && addClass$1(this.container, "p-confirmpopup-flipped");
}
}, "alignOverlay"),
bindOutsideClickListener: /* @__PURE__ */ __name(function bindOutsideClickListener5() {
@@ -217518,7 +232730,7 @@ var script$6 = {
var _this4 = this;
if (!this.resizeListener) {
this.resizeListener = function() {
- if (_this4.visible && !isTouchDevice()) {
+ if (_this4.visible && !isTouchDevice$1()) {
_this4.visible = false;
}
};
@@ -217554,7 +232766,7 @@ var script$6 = {
onOverlayKeydown: /* @__PURE__ */ __name(function onOverlayKeydown(event) {
if (event.code === "Escape") {
ConfirmationEventBus.emit("close", this.closeListener);
- focus$1(this.target);
+ focus$2(this.target);
}
}, "onOverlayKeydown")
},
@@ -217588,8 +232800,8 @@ var script$6 = {
}, "rejectIcon")
},
components: {
- Button: script$U,
- Portal: script$T
+ Button: script$V,
+ Portal: script$U
},
directives: {
focustrap: FocusTrap
@@ -217602,7 +232814,11 @@ function render$5(_ctx, _cache, $props, $setup, $data, $options) {
var _directive_focustrap = resolveDirective("focustrap");
return openBlock(), createBlock(_component_Portal, null, {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createVNode(Transition, mergeProps$1({
+========
+ return [createVNode(Transition, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "p-confirmpopup",
onEnter: $options.onEnter,
onAfterEnter: $options.onAfterEnter,
@@ -217611,7 +232827,11 @@ function render$5(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("transition")), {
"default": withCtx(function() {
var _$data$confirmation$r, _$data$confirmation$r2, _$data$confirmation$a;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [$data.visible ? withDirectives((openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return [$data.visible ? withDirectives((openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.containerRef,
role: "alertdialog",
@@ -217630,25 +232850,43 @@ function render$5(_ctx, _cache, $props, $setup, $data, $options) {
rejectCallback: $options.reject
}) : (openBlock(), createElementBlock(Fragment$1, {
key: 1
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, [!_ctx.$slots.message ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }, [!_ctx.$slots.message ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("content")
}, _ctx.ptm("content")), [renderSlot(_ctx.$slots, "icon", {}, function() {
return [_ctx.$slots.icon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.icon), {
key: 0,
"class": normalizeClass(_ctx.cx("icon"))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["class"])) : $data.confirmation.icon ? (openBlock(), createElementBlock("span", mergeProps$1({
key: 1,
"class": [$data.confirmation.icon, _ctx.cx("icon")]
}, _ctx.ptm("icon")), null, 16)) : createCommentVNode("", true)];
}), createBaseVNode("span", mergeProps$1({
+========
+ }, null, 8, ["class"])) : $data.confirmation.icon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 1,
+ "class": [$data.confirmation.icon, _ctx.cx("icon")]
+ }, _ctx.ptm("icon")), null, 16)) : createCommentVNode("", true)];
+ }), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("message")
}, _ctx.ptm("message")), toDisplayString$1($data.confirmation.message), 17)], 16)) : (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.message), {
key: 1,
message: $data.confirmation
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["message"])), createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("footer")
}, _ctx.ptm("footer")), [createVNode(_component_Button, mergeProps$1({
+========
+ }, null, 8, ["message"])), createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("footer")
+ }, _ctx.ptm("footer")), [createVNode(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.cx("pcRejectButton"), $data.confirmation.rejectClass],
autofocus: $data.autoFocusReject,
unstyled: _ctx.unstyled,
@@ -217667,7 +232905,11 @@ function render$5(_ctx, _cache, $props, $setup, $data, $options) {
name: "icon",
fn: withCtx(function(iconProps) {
return [renderSlot(_ctx.$slots, "rejecticon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("span", mergeProps$1({
+========
+ return [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [$options.rejectIcon, iconProps["class"]]
}, _ctx.ptm("pcRejectButton")["icon"], {
"data-pc-section": "rejectbuttonicon"
@@ -217675,7 +232917,11 @@ function render$5(_ctx, _cache, $props, $setup, $data, $options) {
})];
}),
key: "0"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} : void 0]), 1040, ["class", "autofocus", "unstyled", "size", "text", "onKeydown", "label", "pt"]), createVNode(_component_Button, mergeProps$1({
+========
+ } : void 0]), 1040, ["class", "autofocus", "unstyled", "size", "text", "onKeydown", "label", "pt"]), createVNode(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.cx("pcAcceptButton"), $data.confirmation.acceptClass],
autofocus: $data.autoFocusAccept,
unstyled: _ctx.unstyled,
@@ -217693,7 +232939,11 @@ function render$5(_ctx, _cache, $props, $setup, $data, $options) {
name: "icon",
fn: withCtx(function(iconProps) {
return [renderSlot(_ctx.$slots, "accepticon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("span", mergeProps$1({
+========
+ return [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [$options.acceptIcon, iconProps["class"]]
}, _ctx.ptm("pcAcceptButton")["icon"], {
"data-pc-section": "acceptbuttonicon"
@@ -217797,7 +233047,7 @@ const _sfc_main$a = /* @__PURE__ */ defineComponent({
}
});
const VirtualGrid = /* @__PURE__ */ _export_sfc(_sfc_main$a, [["__scopeId", "data-v-ad33a347"]]);
-var theme$1 = /* @__PURE__ */ __name(function theme40(_ref) {
+var theme$1 = /* @__PURE__ */ __name(function theme41(_ref) {
var dt2 = _ref.dt;
return "\n.p-galleria {\n overflow: hidden;\n border-style: solid;\n border-width: ".concat(dt2("galleria.border.width"), ";\n border-color: ").concat(dt2("galleria.border.color"), ";\n border-radius: ").concat(dt2("galleria.border.radius"), ";\n}\n\n.p-galleria-content {\n display: flex;\n flex-direction: column;\n}\n\n.p-galleria-items-container {\n display: flex;\n flex-direction: column;\n position: relative;\n}\n\n.p-galleria-items {\n position: relative;\n display: flex;\n height: 100%;\n}\n\n.p-galleria-nav-button {\n position: absolute !important;\n top: 50%;\n display: inline-flex;\n justify-content: center;\n align-items: center;\n overflow: hidden;\n background: ").concat(dt2("galleria.nav.button.background"), ";\n color: ").concat(dt2("galleria.nav.button.color"), ";\n width: ").concat(dt2("galleria.nav.button.size"), ";\n height: ").concat(dt2("galleria.nav.button.size"), ";\n transition: background ").concat(dt2("galleria.transition.duration"), ", color ").concat(dt2("galleria.transition.duration"), ", outline-color ").concat(dt2("galleria.transition.duration"), ", box-shadow ").concat(dt2("galleria.transition.duration"), ";\n margin: calc(-1 * calc(").concat(dt2("galleria.nav.button.size"), ") / 2) ").concat(dt2("galleria.nav.button.gutter"), " 0 ").concat(dt2("galleria.nav.button.gutter"), ";\n padding: 0;\n user-select: none;\n border: 0 none;\n cursor: pointer;\n outline-color: transparent;\n}\n\n.p-galleria-nav-button:not(.p-disabled):hover {\n background: ").concat(dt2("galleria.nav.button.hover.background"), ";\n color: ").concat(dt2("galleria.nav.button.hover.color"), ";\n}\n\n.p-galleria-nav-button:not(.p-disabled):focus-visible {\n box-shadow: ").concat(dt2("galleria.nav.button.focus.ring.shadow"), ";\n outline: ").concat(dt2("galleria.nav.button.focus.ring.width"), " ").concat(dt2("galleria.nav.button.focus.ring.style"), " ").concat(dt2("galleria.nav.button.focus.ring.color"), ";\n outline-offset: ").concat(dt2("galleria.nav.button.focus.ring.offset"), ";\n}\n\n.p-galleria-next-icon,\n.p-galleria-prev-icon {\n font-size: ").concat(dt2("galleria.nav.icon.size"), ";\n width: ").concat(dt2("galleria.nav.icon.size"), ";\n height: ").concat(dt2("galleria.nav.icon.size"), ";\n}\n\n.p-galleria-prev-button {\n border-radius: ").concat(dt2("galleria.nav.button.prev.border.radius"), ";\n left: 0;\n}\n\n.p-galleria-next-button {\n border-radius: ").concat(dt2("galleria.nav.button.next.border.radius"), ";\n right: 0;\n}\n\n.p-galleria-prev-button:dir(rtl) {\n left: auto;\n right: 0;\n transform: rotate(180deg);\n}\n\n.p-galleria-next-button:dir(rtl) {\n right: auto;\n left: 0;\n transform: rotate(180deg);\n}\n\n.p-galleria-item {\n display: flex;\n justify-content: center;\n align-items: center;\n height: 100%;\n width: 100%;\n}\n\n.p-galleria-hover-navigators .p-galleria-nav-button {\n pointer-events: none;\n opacity: 0;\n transition: opacity ").concat(dt2("galleria.transition.duration"), " ease-in-out;\n}\n\n.p-galleria-hover-navigators .p-galleria-items-container:hover .p-galleria-nav-button {\n pointer-events: all;\n opacity: 1;\n}\n\n.p-galleria-hover-navigators .p-galleria-items-container:hover .p-galleria-nav-button.p-disabled {\n pointer-events: none;\n}\n\n.p-galleria-caption {\n position: absolute;\n bottom: 0;\n left: 0;\n width: 100%;\n background: ").concat(dt2("galleria.caption.background"), ";\n color: ").concat(dt2("galleria.caption.color"), ";\n padding: ").concat(dt2("galleria.caption.padding"), ";\n}\n\n.p-galleria-thumbnails {\n display: flex;\n flex-direction: column;\n overflow: auto;\n flex-shrink: 0;\n}\n\n.p-galleria-thumbnail-nav-button {\n align-self: center;\n flex: 0 0 auto;\n display: flex;\n justify-content: center;\n align-items: center;\n overflow: hidden;\n position: relative;\n margin: 0 ").concat(dt2("galleria.thumbnail.nav.button.gutter"), ";\n padding: 0;\n border: none;\n user-select: none;\n cursor: pointer;\n background: transparent;\n color: ").concat(dt2("galleria.thumbnail.nav.button.color"), ";\n width: ").concat(dt2("galleria.thumbnail.nav.button.size"), ";\n height: ").concat(dt2("galleria.thumbnail.nav.button.size"), ";\n transition: background ").concat(dt2("galleria.transition.duration"), ", color ").concat(dt2("galleria.transition.duration"), ", outline-color ").concat(dt2("galleria.transition.duration"), ";\n outline-color: transparent;\n border-radius: ").concat(dt2("galleria.thumbnail.nav.button.border.radius"), ";\n}\n\n.p-galleria-thumbnail-nav-button:hover {\n background: ").concat(dt2("galleria.thumbnail.nav.button.hover.background"), ";\n color: ").concat(dt2("galleria.thumbnail.nav.button.hover.color"), ";\n}\n\n.p-galleria-thumbnail-nav-button:focus-visible {\n box-shadow: ").concat(dt2("galleria.thumbnail.nav.button.focus.ring.shadow"), ";\n outline: ").concat(dt2("galleria.thumbnail.nav.button.focus.ring.width"), " ").concat(dt2("galleria.thumbnail.nav.button.focus.ring.style"), " ").concat(dt2("galleria.thumbnail.nav.button.focus.ring.color"), ";\n outline-offset: ").concat(dt2("galleria.thumbnail.nav.button.focus.ring.offset"), ";\n}\n\n.p-galleria-thumbnail-nav-button .p-galleria-thumbnail-next-icon,\n.p-galleria-thumbnail-nav-button .p-galleria-thumbnail-prev-icon {\n font-size: ").concat(dt2("galleria.thumbnail.nav.button.icon.size"), ";\n width: ").concat(dt2("galleria.thumbnail.nav.button.icon.size"), ";\n height: ").concat(dt2("galleria.thumbnail.nav.button.icon.size"), ";\n}\n\n.p-galleria-thumbnails-content {\n display: flex;\n flex-direction: row;\n background: ").concat(dt2("galleria.thumbnails.content.background"), ";\n padding: ").concat(dt2("galleria.thumbnails.content.padding"), ";\n}\n\n.p-galleria-thumbnails-viewport {\n overflow: hidden;\n width: 100%;\n}\n\n.p-galleria:not(.p-galleria-thumbnails-right):not(.p-galleria-thumbnails-left) .p-galleria-thumbnail-prev-button:dir(rtl),\n.p-galleria:not(.p-galleria-thumbnails-right):not(.p-galleria-thumbnails-left) .p-galleria-thumbnail-next-button:dir(rtl) {\n transform: rotate(180deg);\n}\n\n.p-galleria-thumbnail-items {\n display: flex;\n}\n\n.p-galleria-thumbnail-item {\n overflow: auto;\n display: flex;\n align-items: center;\n justify-content: center;\n cursor: pointer;\n opacity: 0.5;\n}\n\n.p-galleria-thumbnail {\n outline-color: transparent;\n}\n\n.p-galleria-thumbnail-item:hover {\n opacity: 1;\n transition: opacity 0.3s;\n}\n\n.p-galleria-thumbnail-item-current {\n opacity: 1;\n}\n\n.p-galleria-thumbnails-left .p-galleria-content,\n.p-galleria-thumbnails-right .p-galleria-content {\n flex-direction: row;\n}\n\n.p-galleria-thumbnails-left .p-galleria-items-container,\n.p-galleria-thumbnails-right .p-galleria-items-container {\n flex-direction: row;\n}\n\n.p-galleria-thumbnails-left .p-galleria-items-container,\n.p-galleria-thumbnails-top .p-galleria-items-container {\n order: 2;\n}\n\n.p-galleria-thumbnails-left .p-galleria-thumbnails,\n.p-galleria-thumbnails-top .p-galleria-thumbnails {\n order: 1;\n}\n\n.p-galleria-thumbnails-left .p-galleria-thumbnails-content,\n.p-galleria-thumbnails-right .p-galleria-thumbnails-content {\n flex-direction: column;\n flex-grow: 1;\n}\n\n.p-galleria-thumbnails-left .p-galleria-thumbnail-items,\n.p-galleria-thumbnails-right .p-galleria-thumbnail-items {\n flex-direction: column;\n height: 100%;\n}\n\n.p-galleria-indicator-list {\n display: flex;\n align-items: center;\n justify-content: center;\n padding: ").concat(dt2("galleria.indicator.list.padding"), ";\n gap: ").concat(dt2("galleria.indicator.list.gap"), ";\n margin: 0;\n list-style: none;\n}\n\n.p-galleria-indicator-button {\n display: inline-flex;\n align-items: center;\n background: ").concat(dt2("galleria.indicator.button.background"), ";\n width: ").concat(dt2("galleria.indicator.button.width"), ";\n height: ").concat(dt2("galleria.indicator.button.height"), ";\n transition: background ").concat(dt2("galleria.transition.duration"), ", color ").concat(dt2("galleria.transition.duration"), ", outline-color ").concat(dt2("galleria.transition.duration"), ", box-shadow ").concat(dt2("galleria.transition.duration"), ";\n outline-color: transparent;\n border-radius: ").concat(dt2("galleria.indicator.button.border.radius"), ";\n margin: 0;\n padding: 0;\n border: none;\n user-select: none;\n cursor: pointer;\n}\n\n.p-galleria-indicator-button:hover {\n background: ").concat(dt2("galleria.indicator.button.hover.background"), ";\n}\n\n.p-galleria-indicator-button:focus-visible {\n box-shadow: ").concat(dt2("galleria.indicator.button.focus.ring.shadow"), ";\n outline: ").concat(dt2("galleria.indicator.button.focus.ring.width"), " ").concat(dt2("galleria.indicator.button.focus.ring.style"), " ").concat(dt2("galleria.indicator.button.focus.ring.color"), ";\n outline-offset: ").concat(dt2("galleria.indicator.button.focus.ring.offset"), ";\n}\n\n.p-galleria-indicator-active .p-galleria-indicator-button {\n background: ").concat(dt2("galleria.indicator.button.active.background"), ";\n}\n\n.p-galleria-indicators-left .p-galleria-items-container,\n.p-galleria-indicators-right .p-galleria-items-container {\n flex-direction: row;\n align-items: center;\n}\n\n.p-galleria-indicators-left .p-galleria-items,\n.p-galleria-indicators-top .p-galleria-items {\n order: 2;\n}\n\n.p-galleria-indicators-left .p-galleria-indicator-list,\n.p-galleria-indicators-top .p-galleria-indicator-list {\n order: 1;\n}\n\n.p-galleria-indicators-left .p-galleria-indicator-list,\n.p-galleria-indicators-right .p-galleria-indicator-list {\n flex-direction: column;\n}\n\n.p-galleria-inset-indicators .p-galleria-indicator-list {\n position: absolute;\n display: flex;\n z-index: 1;\n background: ").concat(dt2("galleria.inset.indicator.list.background"), ";\n}\n\n.p-galleria-inset-indicators .p-galleria-indicator-button {\n background: ").concat(dt2("galleria.inset.indicator.button.background"), ";\n}\n\n.p-galleria-inset-indicators .p-galleria-indicator-button:hover {\n background: ").concat(dt2("galleria.inset.indicator.button.hover.background"), ";\n}\n\n.p-galleria-inset-indicators .p-galleria-indicator-active .p-galleria-indicator-button {\n background: ").concat(dt2("galleria.inset.indicator.button.active.background"), ";\n}\n\n.p-galleria-inset-indicators.p-galleria-indicators-top .p-galleria-indicator-list {\n top: 0;\n left: 0;\n width: 100%;\n align-items: flex-start;\n}\n\n.p-galleria-inset-indicators.p-galleria-indicators-right .p-galleria-indicator-list {\n right: 0;\n top: 0;\n height: 100%;\n align-items: flex-end;\n}\n\n.p-galleria-inset-indicators.p-galleria-indicators-bottom .p-galleria-indicator-list {\n bottom: 0;\n left: 0;\n width: 100%;\n align-items: flex-end;\n}\n\n.p-galleria-inset-indicators.p-galleria-indicators-left .p-galleria-indicator-list {\n left: 0;\n top: 0;\n height: 100%;\n align-items: flex-start;\n}\n\n.p-galleria-mask {\n position: fixed;\n top: 0;\n left: 0;\n width: 100%;\n height: 100%;\n display: flex;\n align-items: center;\n justify-content: center;\n}\n\n.p-galleria-close-button {\n position: absolute !important;\n top: 0;\n right: 0;\n display: flex;\n justify-content: center;\n align-items: center;\n overflow: hidden;\n margin: ").concat(dt2("galleria.close.button.gutter"), ";\n background: ").concat(dt2("galleria.close.button.background"), ";\n color: ").concat(dt2("galleria.close.button.color"), ";\n width: ").concat(dt2("galleria.close.button.size"), ";\n height: ").concat(dt2("galleria.close.button.size"), ";\n padding: 0;\n border: none;\n user-select: none;\n cursor: pointer;\n border-radius: ").concat(dt2("galleria.close.button.border.radius"), ";\n outline-color: transparent;\n transition: background ").concat(dt2("galleria.transition.duration"), ", color ").concat(dt2("galleria.transition.duration"), ", outline-color ").concat(dt2("galleria.transition.duration"), ";\n}\n\n.p-galleria-close-icon {\n font-size: ").concat(dt2("galleria.close.button.icon.size"), ";\n width: ").concat(dt2("galleria.close.button.icon.size"), ";\n height: ").concat(dt2("galleria.close.button.icon.size"), ";\n}\n\n.p-galleria-close-button:hover {\n background: ").concat(dt2("galleria.close.button.hover.background"), ";\n color: ").concat(dt2("galleria.close.button.hover.color"), ";\n}\n\n.p-galleria-close-button:focus-visible {\n box-shadow: ").concat(dt2("galleria.close.button.focus.ring.shadow"), ";\n outline: ").concat(dt2("galleria.close.button.focus.ring.width"), " ").concat(dt2("galleria.close.button.focus.ring.style"), " ").concat(dt2("galleria.close.button.focus.ring.color"), ";\n outline-offset: ").concat(dt2("galleria.close.button.focus.ring.offset"), ";\n}\n\n.p-galleria-mask .p-galleria-nav-button {\n position: fixed;\n top: 50%;\n}\n\n.p-galleria-enter-active {\n transition: all 150ms cubic-bezier(0, 0, 0.2, 1);\n}\n\n.p-galleria-leave-active {\n transition: all 150ms cubic-bezier(0.4, 0, 0.2, 1);\n}\n\n.p-galleria-enter-from,\n.p-galleria-leave-to {\n opacity: 0;\n transform: scale(0.7);\n}\n\n.p-galleria-enter-active .p-galleria-nav-button {\n opacity: 0;\n}\n\n.p-items-hidden .p-galleria-thumbnail-item {\n visibility: hidden;\n}\n\n.p-items-hidden .p-galleria-thumbnail-item.p-galleria-thumbnail-item-active {\n visibility: visible;\n}\n");
}, "theme");
@@ -217873,14 +233123,18 @@ var classes$1 = {
}, "thumbnailNextButton"),
thumbnailNextIcon: "p-galleria-thumbnail-next-icon"
};
-var GalleriaStyle = BaseStyle.extend({
+var GalleriaStyle = BaseStyle$1.extend({
name: "galleria",
theme: theme$1,
classes: classes$1
});
var script$4 = {
name: "BaseGalleria",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
id: {
type: String,
@@ -218040,7 +233294,11 @@ __name(_arrayLikeToArray$1, "_arrayLikeToArray$1");
var script$3 = {
name: "GalleriaItem",
hostName: "Galleria",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
emits: ["start-slideshow", "stop-slideshow", "update:activeIndex"],
props: {
circular: {
@@ -218084,7 +233342,7 @@ var script$3 = {
"default": null
}
},
- mounted: /* @__PURE__ */ __name(function mounted21() {
+ mounted: /* @__PURE__ */ __name(function mounted22() {
if (this.autoPlay) {
this.$emit("start-slideshow");
}
@@ -218171,7 +233429,7 @@ var script$3 = {
}
}, "onIndicatorKeyDown"),
onRightKey: /* @__PURE__ */ __name(function onRightKey2() {
- var indicators = _toConsumableArray$1(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var indicators = _toConsumableArray$1(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
var activeIndex3 = this.findFocusedIndicatorIndex();
this.changedFocusedIndicator(activeIndex3, activeIndex3 + 1 === indicators.length ? indicators.length - 1 : activeIndex3 + 1);
}, "onRightKey"),
@@ -218184,16 +233442,20 @@ var script$3 = {
this.changedFocusedIndicator(activeIndex3, 0);
}, "onHomeKey"),
onEndKey: /* @__PURE__ */ __name(function onEndKey5() {
- var indicators = _toConsumableArray$1(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var indicators = _toConsumableArray$1(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
var activeIndex3 = this.findFocusedIndicatorIndex();
this.changedFocusedIndicator(activeIndex3, indicators.length - 1);
}, "onEndKey"),
onTabKey: /* @__PURE__ */ __name(function onTabKey5() {
- var indicators = _toConsumableArray$1(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var indicators = _toConsumableArray$1(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
var highlightedIndex = indicators.findIndex(function(ind) {
- return getAttribute(ind, "data-p-active") === true;
+ return getAttribute$1(ind, "data-p-active") === true;
});
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var activeIndicator = findSingle(this.$refs.indicatorContent, '[data-pc-section="indicator"] > [tabindex="0"]');
+========
+ var activeIndicator = findSingle$1(this.$refs.indicatorContent, '[data-pc-section="indicator"] > [tabindex="0"]');
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
var activeIndex3 = indicators.findIndex(function(ind) {
return ind === activeIndicator.parentElement;
});
@@ -218201,14 +233463,19 @@ var script$3 = {
indicators[highlightedIndex].children[0].tabIndex = "0";
}, "onTabKey"),
findFocusedIndicatorIndex: /* @__PURE__ */ __name(function findFocusedIndicatorIndex2() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var indicators = _toConsumableArray$1(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
var activeIndicator = findSingle(this.$refs.indicatorContent, '[data-pc-section="indicator"] > [tabindex="0"]');
+========
+ var indicators = _toConsumableArray$1(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var activeIndicator = findSingle$1(this.$refs.indicatorContent, '[data-pc-section="indicator"] > [tabindex="0"]');
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
return indicators.findIndex(function(ind) {
return ind === activeIndicator.parentElement;
});
}, "findFocusedIndicatorIndex"),
changedFocusedIndicator: /* @__PURE__ */ __name(function changedFocusedIndicator2(prevInd, nextInd) {
- var indicators = _toConsumableArray$1(find$1(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
+ var indicators = _toConsumableArray$1(find$2(this.$refs.indicatorContent, '[data-pc-section="indicator"]'));
indicators[prevInd].children[0].tabIndex = "-1";
indicators[nextInd].children[0].tabIndex = "0";
indicators[nextInd].children[0].focus();
@@ -218252,11 +233519,19 @@ var _hoisted_4$1$1 = ["aria-label", "aria-selected", "aria-controls", "onClick",
var _hoisted_5$2 = ["tabindex"];
function render$3(_ctx, _cache, $props, $setup, $data, $options) {
var _directive_ripple = resolveDirective("ripple");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
"class": _ctx.cx("itemsContainer")
}, _ctx.ptm("itemsContainer")), [createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("items")
}, _ctx.ptm("items")), [$props.showItemNavigators ? withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("itemsContainer")
+ }, _ctx.ptm("itemsContainer")), [createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("items")
+ }, _ctx.ptm("items")), [$props.showItemNavigators ? withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
type: "button",
"class": _ctx.cx("prevButton"),
@@ -218266,9 +233541,15 @@ function render$3(_ctx, _cache, $props, $setup, $data, $options) {
disabled: $options.isNavBackwardDisabled()
}, _ctx.ptm("prevButton"), {
"data-pc-group-section": "itemnavigator"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.previousitemicon || "ChevronLeftIcon"), mergeProps$1({
"class": _ctx.cx("prevIcon")
}, _ctx.ptm("prevIcon")), null, 16, ["class"]))], 16, _hoisted_1$3$1)), [[_directive_ripple]]) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ }), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.previousitemicon || "ChevronLeftIcon"), mergeProps$2({
+ "class": _ctx.cx("prevIcon")
+ }, _ctx.ptm("prevIcon")), null, 16, ["class"]))], 16, _hoisted_1$3$1)), [[_directive_ripple]]) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
id: $props.id + "_item_" + $props.activeIndex,
"class": _ctx.cx("item"),
role: "group",
@@ -218277,7 +233558,11 @@ function render$3(_ctx, _cache, $props, $setup, $data, $options) {
}, _ctx.ptm("item")), [$props.templates.item ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.item), {
key: 0,
item: $options.activeItem
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["item"])) : createCommentVNode("", true)], 16, _hoisted_2$2$1), $props.showItemNavigators ? withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+ }, null, 8, ["item"])) : createCommentVNode("", true)], 16, _hoisted_2$2$1), $props.showItemNavigators ? withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
type: "button",
"class": _ctx.cx("nextButton"),
@@ -218287,20 +233572,34 @@ function render$3(_ctx, _cache, $props, $setup, $data, $options) {
disabled: $options.isNavForwardDisabled()
}, _ctx.ptm("nextButton"), {
"data-pc-group-section": "itemnavigator"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.nextitemicon || "ChevronRightIcon"), mergeProps$1({
"class": _ctx.cx("nextIcon")
}, _ctx.ptm("nextIcon")), null, 16, ["class"]))], 16, _hoisted_3$2$1)), [[_directive_ripple]]) : createCommentVNode("", true), $props.templates["caption"] ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.nextitemicon || "ChevronRightIcon"), mergeProps$2({
+ "class": _ctx.cx("nextIcon")
+ }, _ctx.ptm("nextIcon")), null, 16, ["class"]))], 16, _hoisted_3$2$1)), [[_directive_ripple]]) : createCommentVNode("", true), $props.templates["caption"] ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 2,
"class": _ctx.cx("caption")
}, _ctx.ptm("caption")), [$props.templates.caption ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.caption), {
key: 0,
item: $options.activeItem
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["item"])) : createCommentVNode("", true)], 16)) : createCommentVNode("", true)], 16), $props.showIndicators ? (openBlock(), createElementBlock("ul", mergeProps$1({
+========
+ }, null, 8, ["item"])) : createCommentVNode("", true)], 16)) : createCommentVNode("", true)], 16), $props.showIndicators ? (openBlock(), createElementBlock("ul", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: "indicatorContent",
"class": _ctx.cx("indicatorList")
}, _ctx.ptm("indicatorList")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList($props.value, function(item3, index2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("li", mergeProps$1({
+========
+ return openBlock(), createElementBlock("li", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: "p-galleria-indicator-".concat(index2),
"class": _ctx.cx("indicator", {
index: index2
@@ -218320,7 +233619,11 @@ function render$3(_ctx, _cache, $props, $setup, $data, $options) {
ref_for: true
}, _ctx.ptm("indicator", $options.getIndicatorPTOptions(index2)), {
"data-p-active": $options.isIndicatorItemActive(index2)
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [!$props.templates["indicator"] ? (openBlock(), createElementBlock("button", mergeProps$1({
+========
+ }), [!$props.templates["indicator"] ? (openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
type: "button",
tabindex: $props.activeIndex === index2 ? "0" : "-1",
@@ -218369,7 +233672,11 @@ __name(_arrayLikeToArray, "_arrayLikeToArray");
var script$2 = {
name: "GalleriaThumbnails",
hostName: "Galleria",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
emits: ["stop-slideshow", "update:activeIndex"],
props: {
containerId: {
@@ -218439,23 +233746,23 @@ var script$2 = {
};
}, "data"),
watch: {
- numVisible: /* @__PURE__ */ __name(function numVisible2(newValue2, oldValue2) {
+ numVisible: /* @__PURE__ */ __name(function numVisible2(newValue2, oldValue) {
this.d_numVisible = newValue2;
- this.d_oldNumVisible = oldValue2;
+ this.d_oldNumVisible = oldValue;
}, "numVisible"),
- activeIndex: /* @__PURE__ */ __name(function activeIndex2(newValue2, oldValue2) {
+ activeIndex: /* @__PURE__ */ __name(function activeIndex2(newValue2, oldValue) {
this.d_activeIndex = newValue2;
- this.d_oldActiveItemIndex = oldValue2;
+ this.d_oldActiveItemIndex = oldValue;
}, "activeIndex")
},
- mounted: /* @__PURE__ */ __name(function mounted22() {
+ mounted: /* @__PURE__ */ __name(function mounted23() {
this.createStyle();
this.calculatePosition();
if (this.responsiveOptions) {
this.bindDocumentListeners();
}
}, "mounted"),
- updated: /* @__PURE__ */ __name(function updated11() {
+ updated: /* @__PURE__ */ __name(function updated12() {
var totalShiftedItems = this.totalShiftedItems;
if (this.d_oldNumVisible !== this.d_numVisible || this.d_oldActiveItemIndex !== this.d_activeIndex) {
if (this.d_activeIndex <= this.getMedianItemIndex()) {
@@ -218473,14 +233780,18 @@ var script$2 = {
this.$refs.itemsContainer.style.transform = this.isVertical ? "translate3d(0, ".concat(totalShiftedItems * (100 / this.d_numVisible), "%, 0)") : "translate3d(".concat(totalShiftedItems * (100 / this.d_numVisible), "%, 0, 0)");
if (this.d_oldActiveItemIndex !== this.d_activeIndex) {
document.body.setAttribute("data-p-items-hidden", "false");
- !this.isUnstyled && removeClass(this.$refs.itemsContainer, "p-items-hidden");
+ !this.isUnstyled && removeClass$1(this.$refs.itemsContainer, "p-items-hidden");
this.$refs.itemsContainer.style.transition = "transform 500ms ease 0s";
}
this.d_oldActiveItemIndex = this.d_activeIndex;
this.d_oldNumVisible = this.d_numVisible;
}
}, "updated"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount12() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount13() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (this.responsiveOptions) {
this.unbindDocumentListeners();
}
@@ -218505,7 +233816,7 @@ var script$2 = {
}
if (this.$refs.itemsContainer) {
document.body.setAttribute("data-p-items-hidden", "false");
- !this.isUnstyled && removeClass(this.$refs.itemsContainer, "p-items-hidden");
+ !this.isUnstyled && removeClass$1(this.$refs.itemsContainer, "p-items-hidden");
this.$refs.itemsContainer.style.transform = this.isVertical ? "translate3d(0, ".concat(totalShiftedItems * (100 / this.d_numVisible), "%, 0)") : "translate3d(".concat(totalShiftedItems * (100 / this.d_numVisible), "%, 0, 0)");
this.$refs.itemsContainer.style.transition = "transform 500ms ease 0s";
}
@@ -218595,7 +233906,7 @@ var script$2 = {
}
}, "onThumbnailKeydown"),
onRightKey: /* @__PURE__ */ __name(function onRightKey3() {
- var indicators = find$1(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]');
+ var indicators = find$2(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]');
var activeIndex3 = this.findFocusedIndicatorIndex();
this.changedFocusedIndicator(activeIndex3, activeIndex3 + 1 === indicators.length ? indicators.length - 1 : activeIndex3 + 1);
}, "onRightKey"),
@@ -218608,16 +233919,16 @@ var script$2 = {
this.changedFocusedIndicator(activeIndex3, 0);
}, "onHomeKey"),
onEndKey: /* @__PURE__ */ __name(function onEndKey6() {
- var indicators = find$1(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]');
+ var indicators = find$2(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]');
var activeIndex3 = this.findFocusedIndicatorIndex();
this.changedFocusedIndicator(activeIndex3, indicators.length - 1);
}, "onEndKey"),
onTabKey: /* @__PURE__ */ __name(function onTabKey6() {
- var indicators = _toConsumableArray(find$1(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]'));
+ var indicators = _toConsumableArray(find$2(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]'));
var highlightedIndex = indicators.findIndex(function(ind) {
- return getAttribute(ind, "data-p-active") === true;
+ return getAttribute$1(ind, "data-p-active") === true;
});
- var activeIndicator = findSingle(this.$refs.itemsContainer, '[tabindex="0"]');
+ var activeIndicator = findSingle$1(this.$refs.itemsContainer, '[tabindex="0"]');
var activeIndex3 = indicators.findIndex(function(ind) {
return ind === activeIndicator.parentElement;
});
@@ -218625,14 +233936,14 @@ var script$2 = {
indicators[highlightedIndex].children[0].tabIndex = "0";
}, "onTabKey"),
findFocusedIndicatorIndex: /* @__PURE__ */ __name(function findFocusedIndicatorIndex3() {
- var indicators = _toConsumableArray(find$1(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]'));
- var activeIndicator = findSingle(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"] > [tabindex="0"]');
+ var indicators = _toConsumableArray(find$2(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]'));
+ var activeIndicator = findSingle$1(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"] > [tabindex="0"]');
return indicators.findIndex(function(ind) {
return ind === activeIndicator.parentElement;
});
}, "findFocusedIndicatorIndex"),
changedFocusedIndicator: /* @__PURE__ */ __name(function changedFocusedIndicator3(prevInd, nextInd) {
- var indicators = find$1(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]');
+ var indicators = find$2(this.$refs.itemsContainer, '[data-pc-section="thumbnailitem"]');
indicators[prevInd].children[0].tabIndex = "-1";
indicators[nextInd].children[0].tabIndex = "0";
indicators[nextInd].children[0].focus();
@@ -218640,7 +233951,7 @@ var script$2 = {
onTransitionEnd: /* @__PURE__ */ __name(function onTransitionEnd2(e2) {
if (this.$refs.itemsContainer && e2.propertyName === "transform") {
document.body.setAttribute("data-p-items-hidden", "true");
- !this.isUnstyled && addClass(this.$refs.itemsContainer, "p-items-hidden");
+ !this.isUnstyled && addClass$1(this.$refs.itemsContainer, "p-items-hidden");
this.$refs.itemsContainer.style.transition = "";
}
}, "onTransitionEnd"),
@@ -218679,17 +233990,25 @@ var script$2 = {
var _this$$primevue;
this.thumbnailsStyle = document.createElement("style");
this.thumbnailsStyle.type = "text/css";
- setAttribute(this.thumbnailsStyle, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
+ setAttribute$1(this.thumbnailsStyle, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
document.body.appendChild(this.thumbnailsStyle);
}
var innerHTML = "\n #".concat(this.containerId, ' [data-pc-section="thumbnailitem"] {\n flex: 1 0 ').concat(100 / this.d_numVisible, "%\n }\n ");
if (this.responsiveOptions && !this.isUnstyled) {
this.sortedResponsiveOptions = _toConsumableArray(this.responsiveOptions);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
var comparer = localeComparator();
this.sortedResponsiveOptions.sort(function(data1, data26) {
var value1 = data1.breakpoint;
var value22 = data26.breakpoint;
return sort(value1, value22, -1, comparer);
+========
+ var comparer = localeComparator$2();
+ this.sortedResponsiveOptions.sort(function(data1, data26) {
+ var value1 = data1.breakpoint;
+ var value22 = data26.breakpoint;
+ return sort$2(value1, value22, -1, comparer);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
});
for (var i2 = 0; i2 < this.sortedResponsiveOptions.length; i2++) {
var res = this.sortedResponsiveOptions[i2];
@@ -218825,11 +234144,19 @@ var _hoisted_3$1$1 = ["tabindex", "aria-label", "aria-current", "onClick"];
var _hoisted_4$2 = ["disabled", "aria-label"];
function render$2(_ctx, _cache, $props, $setup, $data, $options) {
var _directive_ripple = resolveDirective("ripple");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
"class": _ctx.cx("thumbnails")
}, _ctx.ptm("thumbnails")), [createBaseVNode("div", mergeProps$1({
"class": _ctx.cx("thumbnailContent")
}, _ctx.ptm("thumbnailContent")), [$props.showThumbnailNavigators ? withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+ "class": _ctx.cx("thumbnails")
+ }, _ctx.ptm("thumbnails")), [createBaseVNode("div", mergeProps$2({
+ "class": _ctx.cx("thumbnailContent")
+ }, _ctx.ptm("thumbnailContent")), [$props.showThumbnailNavigators ? withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
"class": _ctx.cx("thumbnailPrevButton"),
disabled: $options.isNavBackwardDisabled(),
@@ -218840,14 +234167,24 @@ function render$2(_ctx, _cache, $props, $setup, $data, $options) {
})
}, _objectSpread$2(_objectSpread$2({}, $props.prevButtonProps), _ctx.ptm("thumbnailPrevButton")), {
"data-pc-group-section": "thumbnailnavigator"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.previousthumbnailicon || ($props.isVertical ? "ChevronUpIcon" : "ChevronLeftIcon")), mergeProps$1({
"class": _ctx.cx("thumbnailPrevIcon")
}, _ctx.ptm("thumbnailPrevIcon")), null, 16, ["class"]))], 16, _hoisted_1$2$1)), [[_directive_ripple]]) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ }), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.previousthumbnailicon || ($props.isVertical ? "ChevronUpIcon" : "ChevronLeftIcon")), mergeProps$2({
+ "class": _ctx.cx("thumbnailPrevIcon")
+ }, _ctx.ptm("thumbnailPrevIcon")), null, 16, ["class"]))], 16, _hoisted_1$2$1)), [[_directive_ripple]]) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("thumbnailsViewport"),
style: {
height: $props.isVertical ? $props.contentHeight : ""
}
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("thumbnailsViewport")), [createBaseVNode("div", mergeProps$1({
+========
+ }, _ctx.ptm("thumbnailsViewport")), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ref: "itemsContainer",
"class": _ctx.cx("thumbnailItems"),
role: "tablist",
@@ -218864,7 +234201,11 @@ function render$2(_ctx, _cache, $props, $setup, $data, $options) {
return $options.onTouchEnd($event);
})
}, _ctx.ptm("thumbnailItems")), [(openBlock(true), createElementBlock(Fragment$1, null, renderList($props.value, function(item3, index2) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: "p-galleria-thumbnail-item-".concat(index2),
"class": _ctx.cx("thumbnailItem", {
index: index2,
@@ -218883,7 +234224,11 @@ function render$2(_ctx, _cache, $props, $setup, $data, $options) {
"data-p-galleria-thumbnail-item-active": $options.isItemActive(index2),
"data-p-galleria-thumbnail-item-start": $options.firstItemAciveIndex() === index2,
"data-p-galleria-thumbnail-item-end": $options.lastItemActiveIndex() === index2
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [createBaseVNode("div", mergeProps$1({
+========
+ }), [createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("thumbnail"),
tabindex: $props.activeIndex === index2 ? "0" : "-1",
"aria-label": $options.ariaPageLabel(index2 + 1),
@@ -218896,7 +234241,11 @@ function render$2(_ctx, _cache, $props, $setup, $data, $options) {
key: 0,
item: item3
}, null, 8, ["item"])) : createCommentVNode("", true)], 16, _hoisted_3$1$1)], 16, _hoisted_2$1$1);
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), 128))], 16)], 16), $props.showThumbnailNavigators ? withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+ }), 128))], 16)], 16), $props.showThumbnailNavigators ? withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
"class": _ctx.cx("thumbnailNextButton"),
disabled: $options.isNavForwardDisabled(),
@@ -218907,7 +234256,11 @@ function render$2(_ctx, _cache, $props, $setup, $data, $options) {
})
}, _objectSpread$2(_objectSpread$2({}, $props.nextButtonProps), _ctx.ptm("thumbnailNextButton")), {
"data-pc-group-section": "thumbnailnavigator"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.nextthumbnailicon || ($props.isVertical ? "ChevronDownIcon" : "ChevronRightIcon")), mergeProps$1({
+========
+ }), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.nextthumbnailicon || ($props.isVertical ? "ChevronDownIcon" : "ChevronRightIcon")), mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("thumbnailNextIcon")
}, _ctx.ptm("thumbnailNextIcon")), null, 16, ["class"]))], 16, _hoisted_4$2)), [[_directive_ripple]]) : createCommentVNode("", true)], 16)], 16);
}
@@ -218968,7 +234321,11 @@ __name(_toPrimitive$1, "_toPrimitive$1");
var script$1$1 = {
name: "GalleriaContent",
hostName: "Galleria",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
inheritAttrs: false,
interval: null,
emits: ["activeitem-change", "mask-hide"],
@@ -218999,13 +234356,17 @@ var script$1$1 = {
newVal ? this.startSlideShow() : this.stopSlideShow();
}, "$attrsAutoPlay")
},
- mounted: /* @__PURE__ */ __name(function mounted23() {
+ mounted: /* @__PURE__ */ __name(function mounted24() {
this.id = this.id || UniqueComponentId();
}, "mounted"),
- updated: /* @__PURE__ */ __name(function updated12() {
+ updated: /* @__PURE__ */ __name(function updated13() {
this.$emit("activeitem-change", this.activeIndex);
}, "updated"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount13() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount14() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (this.slideShowActive) {
this.stopSlideShow();
}
@@ -219038,10 +234399,10 @@ var script$1$1 = {
}, "stopSlideShow"),
getPositionClass: /* @__PURE__ */ __name(function getPositionClass(preClassName, position3) {
var positions = ["top", "left", "bottom", "right"];
- var pos2 = positions.find(function(item3) {
+ var pos = positions.find(function(item3) {
return item3 === position3;
});
- return pos2 ? "".concat(preClassName, "-").concat(pos2) : "";
+ return pos ? "".concat(preClassName, "-").concat(pos) : "";
}, "getPositionClass"),
isVertical: /* @__PURE__ */ __name(function isVertical4() {
return this.$attrs.thumbnailsPosition === "left" || this.$attrs.thumbnailsPosition === "right";
@@ -219055,7 +234416,7 @@ var script$1$1 = {
components: {
GalleriaItem: script$3,
GalleriaThumbnails: script$2,
- TimesIcon: script$Z
+ TimesIcon: script$_
},
directives: {
ripple: Ripple
@@ -219120,7 +234481,11 @@ function render$1(_ctx, _cache, $props, $setup, $data, $options) {
var _component_GalleriaItem = resolveComponent("GalleriaItem");
var _component_GalleriaThumbnails = resolveComponent("GalleriaThumbnails");
var _directive_ripple = resolveDirective("ripple");
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return _ctx.$attrs.value && _ctx.$attrs.value.length > 0 ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return _ctx.$attrs.value && _ctx.$attrs.value.length > 0 ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
id: $data.id,
role: "region",
@@ -219128,7 +234493,11 @@ function render$1(_ctx, _cache, $props, $setup, $data, $options) {
style: _ctx.$attrs.containerStyle,
"aria-label": _ctx.$attrs.ariaLabel,
"aria-roledescription": _ctx.$attrs.ariaRoledescription
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _objectSpread(_objectSpread({}, _ctx.$attrs.containerProps), $options.getPTOptions("root"))), [_ctx.$attrs.fullScreen ? withDirectives((openBlock(), createElementBlock("button", mergeProps$1({
+========
+ }, _objectSpread(_objectSpread({}, _ctx.$attrs.containerProps), $options.getPTOptions("root"))), [_ctx.$attrs.fullScreen ? withDirectives((openBlock(), createElementBlock("button", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
autofocus: "",
type: "button",
@@ -219137,12 +234506,21 @@ function render$1(_ctx, _cache, $props, $setup, $data, $options) {
onClick: _cache[0] || (_cache[0] = function($event) {
return _ctx.$emit("mask-hide");
})
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, $options.getPTOptions("closeButton")), [(openBlock(), createBlock(resolveDynamicComponent(_ctx.$attrs.templates["closeicon"] || "TimesIcon"), mergeProps$1({
"class": _ctx.cx("closeIcon")
}, $options.getPTOptions("closeIcon")), null, 16, ["class"]))], 16, _hoisted_2$7)), [[_directive_ripple]]) : createCommentVNode("", true), _ctx.$attrs.templates && _ctx.$attrs.templates["header"] ? (openBlock(), createElementBlock("div", mergeProps$1({
key: 1,
"class": _ctx.cx("header")
}, $options.getPTOptions("header")), [(openBlock(), createBlock(resolveDynamicComponent(_ctx.$attrs.templates["header"])))], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$1({
+========
+ }, $options.getPTOptions("closeButton")), [(openBlock(), createBlock(resolveDynamicComponent(_ctx.$attrs.templates["closeicon"] || "TimesIcon"), mergeProps$2({
+ "class": _ctx.cx("closeIcon")
+ }, $options.getPTOptions("closeIcon")), null, 16, ["class"]))], 16, _hoisted_2$7)), [[_directive_ripple]]) : createCommentVNode("", true), _ctx.$attrs.templates && _ctx.$attrs.templates["header"] ? (openBlock(), createElementBlock("div", mergeProps$2({
+ key: 1,
+ "class": _ctx.cx("header")
+ }, $options.getPTOptions("header")), [(openBlock(), createBlock(resolveDynamicComponent(_ctx.$attrs.templates["header"])))], 16)) : createCommentVNode("", true), createBaseVNode("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("content"),
"aria-live": _ctx.$attrs.autoPlay ? "polite" : "off"
}, $options.getPTOptions("content")), [createVNode(_component_GalleriaItem, {
@@ -219190,7 +234568,11 @@ function render$1(_ctx, _cache, $props, $setup, $data, $options) {
onStopSlideshow: $options.stopSlideShow,
pt: _ctx.pt,
unstyled: _ctx.unstyled
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["activeIndex", "slideShowActive", "containerId", "value", "templates", "numVisible", "responsiveOptions", "circular", "isVertical", "contentHeight", "showThumbnailNavigators", "prevButtonProps", "nextButtonProps", "onStopSlideshow", "pt", "unstyled"])) : createCommentVNode("", true)], 16, _hoisted_3$3), _ctx.$attrs.templates && _ctx.$attrs.templates["footer"] ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ }, null, 8, ["activeIndex", "slideShowActive", "containerId", "value", "templates", "numVisible", "responsiveOptions", "circular", "isVertical", "contentHeight", "showThumbnailNavigators", "prevButtonProps", "nextButtonProps", "onStopSlideshow", "pt", "unstyled"])) : createCommentVNode("", true)], 16, _hoisted_3$3), _ctx.$attrs.templates && _ctx.$attrs.templates["footer"] ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 2,
"class": _ctx.cx("footer")
}, $options.getPTOptions("footer")), [(openBlock(), createBlock(resolveDynamicComponent(_ctx.$attrs.templates["footer"])))], 16)) : createCommentVNode("", true)], 16, _hoisted_1$1$1)) : createCommentVNode("", true);
@@ -219209,37 +234591,45 @@ var script$5 = {
containerVisible: this.visible
};
}, "data"),
- updated: /* @__PURE__ */ __name(function updated13() {
+ updated: /* @__PURE__ */ __name(function updated14() {
if (this.fullScreen && this.visible) {
this.containerVisible = this.visible;
}
}, "updated"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount14() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount15() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
if (this.fullScreen) {
- unblockBodyScroll();
+ unblockBodyScroll$1();
}
this.mask = null;
if (this.container) {
- ZIndex.clear(this.container);
+ ZIndex$1.clear(this.container);
this.container = null;
}
}, "beforeUnmount"),
methods: {
onBeforeEnter: /* @__PURE__ */ __name(function onBeforeEnter(el) {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
ZIndex.set("modal", el, this.baseZIndex || this.$primevue.config.zIndex.modal);
+========
+ ZIndex$1.set("modal", el, this.baseZIndex || this.$primevue.config.zIndex.modal);
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
}, "onBeforeEnter"),
onEnter: /* @__PURE__ */ __name(function onEnter6(el) {
this.mask.style.zIndex = String(parseInt(el.style.zIndex, 10) - 1);
- blockBodyScroll();
+ blockBodyScroll$1();
this.focus();
}, "onEnter"),
onBeforeLeave: /* @__PURE__ */ __name(function onBeforeLeave2() {
- !this.isUnstyled && addClass(this.mask, "p-overlay-mask-leave");
+ !this.isUnstyled && addClass$1(this.mask, "p-overlay-mask-leave");
}, "onBeforeLeave"),
onAfterLeave: /* @__PURE__ */ __name(function onAfterLeave5(el) {
- ZIndex.clear(el);
+ ZIndex$1.clear(el);
this.containerVisible = false;
- unblockBodyScroll();
+ unblockBodyScroll$1();
}, "onAfterLeave"),
onActiveItemChange: /* @__PURE__ */ __name(function onActiveItemChange(index2) {
if (this.activeIndex !== index2) {
@@ -219264,7 +234654,7 @@ var script$5 = {
},
components: {
GalleriaContent: script$1$1,
- Portal: script$T
+ Portal: script$U
},
directives: {
focustrap: FocusTrap
@@ -219279,13 +234669,21 @@ function render$4(_ctx, _cache, $props, $setup, $data, $options) {
key: 0
}, {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [$data.containerVisible ? (openBlock(), createElementBlock("div", mergeProps$1({
+========
+ return [$data.containerVisible ? (openBlock(), createElementBlock("div", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.maskRef,
"class": [_ctx.cx("mask"), _ctx.maskClass],
role: "dialog",
"aria-modal": _ctx.fullScreen ? "true" : void 0
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, _ctx.ptm("mask")), [createVNode(Transition, mergeProps$1({
+========
+ }, _ctx.ptm("mask")), [createVNode(Transition, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
name: "p-galleria",
onBeforeEnter: $options.onBeforeEnter,
onEnter: $options.onEnter,
@@ -219294,7 +234692,11 @@ function render$4(_ctx, _cache, $props, $setup, $data, $options) {
appear: ""
}, _ctx.ptm("transition")), {
"default": withCtx(function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [_ctx.visible ? withDirectives((openBlock(), createBlock(_component_GalleriaContent, mergeProps$1({
+========
+ return [_ctx.visible ? withDirectives((openBlock(), createBlock(_component_GalleriaContent, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
ref: $options.containerRef,
onMaskHide: $options.maskHide,
@@ -219308,7 +234710,11 @@ function render$4(_ctx, _cache, $props, $setup, $data, $options) {
}, 16, ["onBeforeEnter", "onEnter", "onBeforeLeave", "onAfterLeave"])], 16, _hoisted_1$7)) : createCommentVNode("", true)];
}),
_: 1
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
})) : (openBlock(), createBlock(_component_GalleriaContent, mergeProps$1({
+========
+ })) : (openBlock(), createBlock(_component_GalleriaContent, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 1,
templates: _ctx.$slots,
onActiveitemChange: $options.onActiveItemChange,
@@ -219566,7 +234972,11 @@ const _sfc_main$6 = /* @__PURE__ */ defineComponent({
createBaseVNode("span", null, toDisplayString$1(_ctx.result.mediaType), 1)
])),
_ctx.result.supportsPreview ? (openBlock(), createElementBlock("div", _hoisted_2$4, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$U), {
+========
+ createVNode(unref(script$V), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
icon: "pi pi-eye",
severity: "secondary",
onClick: _cache[0] || (_cache[0] = ($event) => emit2("preview", _ctx.result)),
@@ -219717,7 +235127,7 @@ const _sfc_main$5 = /* @__PURE__ */ defineComponent({
class: "node-name-tag"
}, {
default: withCtx(() => [
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
class: "task-node-link",
label: `${unref(node3)?.type} (#${unref(node3)?.id})`,
link: "",
@@ -219741,7 +235151,7 @@ const _sfc_main$5 = /* @__PURE__ */ defineComponent({
}, 8, ["severity"])
]),
createBaseVNode("div", _hoisted_12, [
- _ctx.task.isHistory && unref(flatOutputs).length > 1 ? (openBlock(), createBlock(unref(script$U), {
+ _ctx.task.isHistory && unref(flatOutputs).length > 1 ? (openBlock(), createBlock(unref(script$V), {
key: 0,
outlined: "",
onClick: handleOutputLengthClick
@@ -219886,7 +235296,7 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
title: _ctx.$t("sideToolbar.queue")
}, {
"tool-buttons": withCtx(() => [
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
icon: imageFit.value === "cover" ? "pi pi-arrow-down-left-and-arrow-up-right-to-center" : "pi pi-arrow-up-right-and-arrow-down-left-from-center",
text: "",
severity: "secondary",
@@ -219900,7 +235310,7 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
{ bottom: true }
]
]),
- isInFolderView.value ? withDirectives((openBlock(), createBlock(unref(script$U), {
+ isInFolderView.value ? withDirectives((openBlock(), createBlock(unref(script$V), {
key: 0,
icon: "pi pi-arrow-left",
text: "",
@@ -219915,7 +235325,7 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
{ bottom: true }
]
]) : (openBlock(), createElementBlock(Fragment$1, { key: 1 }, [
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
icon: isExpanded.value ? "pi pi-images" : "pi pi-image",
text: "",
severity: "secondary",
@@ -219924,7 +235334,7 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
}, null, 8, ["icon"]), [
[_directive_tooltip, _ctx.$t("sideToolbar.queueTab.showFlatList")]
]),
- unref(queueStore).hasPendingTasks ? withDirectives((openBlock(), createBlock(unref(script$U), {
+ unref(queueStore).hasPendingTasks ? withDirectives((openBlock(), createBlock(unref(script$V), {
key: 0,
icon: "pi pi-stop",
severity: "danger",
@@ -219938,7 +235348,7 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
{ bottom: true }
]
]) : createCommentVNode("", true),
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
icon: "pi pi-trash",
text: "",
severity: "primary",
@@ -219969,7 +235379,11 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
]),
_: 1
}, 8, ["items"])) : unref(queueStore).isLoading ? (openBlock(), createElementBlock("div", _hoisted_1$2, [
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$11), { style: { "width": "50px", "left": "50%", "transform": "translateX(-50%)" } })
+========
+ createVNode(unref(script$12), { style: { "width": "50px", "left": "50%", "transform": "translateX(-50%)" } })
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
])) : (openBlock(), createElementBlock("div", _hoisted_2$2, [
createVNode(NoResultsPlaceholder, {
icon: "pi pi-info-circle",
@@ -220011,7 +235425,7 @@ const useQueueSidebarTab = /* @__PURE__ */ __name(() => {
type: "vue"
};
}, "useQueueSidebarTab");
-var theme = /* @__PURE__ */ __name(function theme41(_ref) {
+var theme = /* @__PURE__ */ __name(function theme42(_ref) {
var dt2 = _ref.dt;
return "\n.p-confirmdialog .p-dialog-content {\n display: flex;\n align-items: center;\n gap: ".concat(dt2("confirmdialog.content.gap"), ";\n}\n\n.p-confirmdialog-icon {\n color: ").concat(dt2("confirmdialog.icon.color"), ";\n font-size: ").concat(dt2("confirmdialog.icon.size"), ";\n width: ").concat(dt2("confirmdialog.icon.size"), ";\n height: ").concat(dt2("confirmdialog.icon.size"), ";\n}\n");
}, "theme");
@@ -220022,14 +235436,18 @@ var classes = {
pcRejectButton: "p-confirmdialog-reject-button",
pcAcceptButton: "p-confirmdialog-accept-button"
};
-var ConfirmDialogStyle = BaseStyle.extend({
+var ConfirmDialogStyle = BaseStyle$1.extend({
name: "confirmdialog",
theme,
classes
});
var script$1 = {
name: "BaseConfirmDialog",
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
"extends": script$13,
+========
+ "extends": script$14,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
props: {
group: String,
breakpoints: {
@@ -220060,7 +235478,7 @@ var script = {
confirmation: null
};
}, "data"),
- mounted: /* @__PURE__ */ __name(function mounted24() {
+ mounted: /* @__PURE__ */ __name(function mounted25() {
var _this = this;
this.confirmListener = function(options4) {
if (!options4) {
@@ -220081,7 +235499,11 @@ var script = {
ConfirmationEventBus.on("confirm", this.confirmListener);
ConfirmationEventBus.on("close", this.closeListener);
}, "mounted"),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount15() {
+========
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount16() {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
ConfirmationEventBus.off("confirm", this.confirmListener);
ConfirmationEventBus.off("close", this.closeListener);
}, "beforeUnmount"),
@@ -220162,8 +235584,8 @@ var script = {
}, "closeOnEscape")
},
components: {
- Dialog: script$S,
- Button: script$U
+ Dialog: script$T,
+ Button: script$V
}
};
function render(_ctx, _cache, $props, $setup, $data, $options) {
@@ -220196,11 +235618,19 @@ function render(_ctx, _cache, $props, $setup, $data, $options) {
return [_ctx.$slots.icon ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.icon), {
key: 0,
"class": normalizeClass(_ctx.cx("icon"))
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
}, null, 8, ["class"])) : $data.confirmation.icon ? (openBlock(), createElementBlock("span", mergeProps$1({
key: 1,
"class": [$data.confirmation.icon, _ctx.cx("icon")]
}, _ctx.ptm("icon")), null, 16)) : createCommentVNode("", true)];
}), createBaseVNode("span", mergeProps$1({
+========
+ }, null, 8, ["class"])) : $data.confirmation.icon ? (openBlock(), createElementBlock("span", mergeProps$2({
+ key: 1,
+ "class": [$data.confirmation.icon, _ctx.cx("icon")]
+ }, _ctx.ptm("icon")), null, 16)) : createCommentVNode("", true)];
+ }), createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": _ctx.cx("message")
}, _ctx.ptm("message")), toDisplayString$1($options.message), 17)], 64)) : (openBlock(), createBlock(resolveDynamicComponent(_ctx.$slots.message), {
key: 1,
@@ -220223,7 +235653,11 @@ function render(_ctx, _cache, $props, $setup, $data, $options) {
name: "footer",
fn: withCtx(function() {
var _$data$confirmation$r;
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createVNode(_component_Button, mergeProps$1({
+========
+ return [createVNode(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [_ctx.cx("pcRejectButton"), $data.confirmation.rejectClass],
autofocus: $options.autoFocusReject,
unstyled: _ctx.unstyled,
@@ -220240,7 +235674,11 @@ function render(_ctx, _cache, $props, $setup, $data, $options) {
name: "icon",
fn: withCtx(function(iconProps) {
return [renderSlot(_ctx.$slots, "rejecticon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("span", mergeProps$1({
+========
+ return [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [$options.rejectIcon, iconProps["class"]]
}, _ctx.ptm("pcRejectButton")["icon"], {
"data-pc-section": "rejectbuttonicon"
@@ -220248,7 +235686,11 @@ function render(_ctx, _cache, $props, $setup, $data, $options) {
})];
}),
key: "0"
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
} : void 0]), 1040, ["class", "autofocus", "unstyled", "text", "label", "pt"]), createVNode(_component_Button, mergeProps$1({
+========
+ } : void 0]), 1040, ["class", "autofocus", "unstyled", "text", "label", "pt"]), createVNode(_component_Button, mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
label: $options.acceptLabel,
"class": [_ctx.cx("pcAcceptButton"), $data.confirmation.acceptClass],
autofocus: $options.autoFocusAccept,
@@ -220264,7 +235706,11 @@ function render(_ctx, _cache, $props, $setup, $data, $options) {
name: "icon",
fn: withCtx(function(iconProps) {
return [renderSlot(_ctx.$slots, "accepticon", {}, function() {
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
return [createBaseVNode("span", mergeProps$1({
+========
+ return [createBaseVNode("span", mergeProps$2({
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"class": [$options.acceptIcon, iconProps["class"]]
}, _ctx.ptm("pcAcceptButton")["icon"], {
"data-pc-section": "acceptbuttonicon"
@@ -220329,7 +235775,7 @@ const _sfc_main$2 = /* @__PURE__ */ defineComponent({
return (_ctx, _cache) => {
return openBlock(), createBlock(TreeExplorerTreeNode, { node: _ctx.node }, {
actions: withCtx(({ node: node3 }) => [
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
icon: isBookmarked.value ? "pi pi-bookmark-fill" : "pi pi-bookmark",
text: "",
severity: "secondary",
@@ -220424,34 +235870,36 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
const renderTreeNode = /* @__PURE__ */ __name((node3, type) => {
const children = node3.children?.map((child) => renderTreeNode(child, type));
const workflow = node3.data;
- const handleClick2 = /* @__PURE__ */ __name((node22, e2) => {
- if (node22.leaf) {
+ function handleClick2(e2) {
+ if (this.leaf) {
workflowService2.openWorkflow(workflow);
} else {
- toggleNodeOnEvent(e2, node22);
+ toggleNodeOnEvent(e2, this);
}
- }, "handleClick");
+ }
+ __name(handleClick2, "handleClick");
const actions = node3.leaf ? {
handleClick: handleClick2,
- handleRename: /* @__PURE__ */ __name(async (node22, newName) => {
+ async handleRename(newName) {
const newPath = type === "Browse" ? workflow.directory + "/" + appendJsonExt(newName) : ComfyWorkflow.basePath + appendJsonExt(newName);
await workflowService2.renameWorkflow(workflow, newPath);
- }, "handleRename"),
- handleDelete: workflow.isTemporary ? void 0 : async () => {
+ },
+ handleDelete: workflow.isTemporary ? void 0 : async function() {
await workflowService2.deleteWorkflow(workflow);
},
- contextMenuItems: /* @__PURE__ */ __name((node22) => {
+ contextMenuItems() {
return [
{
label: t2("g.insert"),
icon: "pi pi-file-export",
command: /* @__PURE__ */ __name(() => {
- const workflow2 = node22.data;
+ const workflow2 = node3.data;
workflowService2.insertWorkflow(workflow2);
}, "command")
}
];
- }, "contextMenuItems")
+ },
+ draggable: true
} : { handleClick: handleClick2 };
return {
key: node3.key,
@@ -220477,9 +235925,10 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
class: "workflows-sidebar-tab bg-[var(--p-tree-background)]"
}, {
"tool-buttons": withCtx(() => [
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
class: "browse-templates-button",
icon: "pi pi-th-large",
+ severity: "secondary",
text: "",
onClick: _cache[0] || (_cache[0] = () => unref(commandStore).execute("Comfy.BrowseTemplates"))
}, null, 512), [
@@ -220490,9 +235939,10 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
{ bottom: true }
]
]),
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
class: "open-workflow-button",
icon: "pi pi-folder-open",
+ severity: "secondary",
text: "",
onClick: _cache[1] || (_cache[1] = () => unref(commandStore).execute("Comfy.OpenWorkflow"))
}, null, 512), [
@@ -220503,9 +235953,10 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
{ bottom: true }
]
]),
- withDirectives(createVNode(unref(script$U), {
+ withDirectives(createVNode(unref(script$V), {
class: "new-blank-workflow-button",
icon: "pi pi-plus",
+ severity: "secondary",
onClick: _cache[2] || (_cache[2] = () => unref(commandStore).execute("Comfy.NewBlankWorkflow")),
text: ""
}, null, 512), [
@@ -220548,7 +235999,7 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
node22.data.isModified || !node22.data.isPersisted ? (openBlock(), createElementBlock("span", _hoisted_3, "*")) : createCommentVNode("", true)
]),
actions: withCtx(({ node: node22 }) => [
- createVNode(unref(script$U), {
+ createVNode(unref(script$V), {
class: "close-workflow-button",
icon: "pi pi-times",
text: "",
@@ -220724,6 +236175,7 @@ const useWorkspaceStore = /* @__PURE__ */ defineStore("workspace", () => {
const workflow = computed(() => useWorkflowStore());
const colorPalette = useColorPaletteService();
const dialog = useDialogService();
+ const bottomPanel = useBottomPanelStore();
function registerSidebarTab(tab) {
sidebarTab.value.registerSidebarTab(tab);
}
@@ -220751,6 +236203,7 @@ const useWorkspaceStore = /* @__PURE__ */ defineStore("workspace", () => {
workflow,
colorPalette,
dialog,
+ bottomPanel,
registerSidebarTab,
unregisterSidebarTab,
getSidebarTabs
@@ -220786,12 +236239,20 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
const _component_router_view = resolveComponent("router-view");
return openBlock(), createElementBlock(Fragment$1, null, [
createVNode(_component_router_view),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
isLoading.value ? (openBlock(), createBlock(unref(script$11), {
+========
+ isLoading.value ? (openBlock(), createBlock(unref(script$12), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
key: 0,
class: "absolute inset-0 flex justify-center items-center h-screen"
})) : createCommentVNode("", true),
createVNode(_sfc_main$$),
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
createVNode(unref(script$12), {
+========
+ createVNode(unref(script$13), {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
"full-screen": "",
blocked: isLoading.value
}, null, 8, ["blocked"])
@@ -220799,7 +236260,7 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
};
}
});
-const ComfyUIPreset = definePreset(index$2, {
+const ComfyUIPreset = definePreset$1(index$2, {
semantic: {
primary: index$2["primitive"].blue
}
@@ -220808,9 +236269,15 @@ const app = createApp(_sfc_main);
const pinia = createPinia();
init$3({
app,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
dsn: "",
enabled: false,
release: "1.8.8",
+========
+ dsn: "https://e2d0c0bd392ffdce48e856c2a055f437@o4507954455314432.ingest.us.sentry.io/4508621568475136",
+ enabled: true,
+ release: "1.9.18",
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
integrations: [],
autoSessionTracking: false,
defaultIntegrations: false,
@@ -220843,6 +236310,7 @@ export {
Fragment$1 as F,
script$v as G,
markRaw as H,
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
defineStore as I,
shallowRef as J,
useI18n as K,
@@ -221087,6 +236555,269 @@ export {
reorderArray as dr,
useCopyToClipboard as ds,
FormItem as dt,
+========
+ useI18n as I,
+ useCommandStore as J,
+ useCanvasStore as K,
+ LiteGraph as L,
+ useColorPaletteStore as M,
+ watch as N,
+ useNodeDefStore as O,
+ BadgePosition as P,
+ LGraphBadge as Q,
+ _ as R,
+ NodeBadgeMode as S,
+ ref as T,
+ useEventListener as U,
+ nextTick as V,
+ st as W,
+ normalizeI18nKey as X,
+ useTitleEditorStore as Y,
+ LGraphGroup as Z,
+ _export_sfc as _,
+ useSettingStore as a,
+ useDraggable as a$,
+ EditableText as a0,
+ defineStore as a1,
+ useNodeFrequencyStore as a2,
+ useNodeBookmarkStore as a3,
+ highlightQuery as a4,
+ script$s as a5,
+ formatNumberWithSuffix as a6,
+ NodeSourceType as a7,
+ createTextVNode as a8,
+ script$t as a9,
+ ComfyNodeDefImpl as aA,
+ ComfyModelDef as aB,
+ ComfyWorkflow as aC,
+ LGraphCanvas as aD,
+ te as aE,
+ LGraph$1 as aF,
+ LLink as aG,
+ DragAndScale as aH,
+ ContextMenu as aI,
+ CanvasPointer as aJ,
+ isImageNode as aK,
+ api as aL,
+ getStorageValue as aM,
+ useModelStore as aN,
+ setStorageValue as aO,
+ LinkMarkerShape as aP,
+ IS_CONTROL_WIDGET as aQ,
+ updateControlWidgetLabel as aR,
+ useColorPaletteService as aS,
+ ChangeTracker as aT,
+ i18n as aU,
+ useToast as aV,
+ useToastStore as aW,
+ useQueueSettingsStore as aX,
+ script$j as aY,
+ useQueuePendingTaskCountStore as aZ,
+ useLocalStorage as a_,
+ NodePreview as aa,
+ NodeSearchFilter as ab,
+ script$T as ac,
+ SearchFilterChip as ad,
+ useLitegraphService as ae,
+ storeToRefs as af,
+ isRef as ag,
+ toRaw as ah,
+ LinkReleaseTriggerAction as ai,
+ normalizeClass as aj,
+ useUserStore as ak,
+ useDialogStore as al,
+ SettingDialogHeader as am,
+ SettingDialogContent as an,
+ useKeybindingStore as ao,
+ Teleport as ap,
+ usePragmaticDraggable as aq,
+ usePragmaticDroppable as ar,
+ withModifiers as as,
+ mergeProps$2 as at,
+ useWorkflowService as au,
+ useWorkflowBookmarkStore as av,
+ script$7 as aw,
+ script$Q as ax,
+ script$c as ay,
+ useModelToNodeStore as az,
+ useWorkflowStore as b,
+ ConnectedOverlayScrollHandler as b$,
+ watchDebounced as b0,
+ inject as b1,
+ useElementBounding as b2,
+ script$G as b3,
+ lodashExports as b4,
+ useEventBus as b5,
+ useMenuItemStore as b6,
+ provide as b7,
+ isElectron as b8,
+ electronAPI as b9,
+ isInChina as bA,
+ mergeValidationStates as bB,
+ CUDA_TORCH_URL as bC,
+ NIGHTLY_CPU_TORCH_URL as bD,
+ script$12 as bE,
+ PrimeIcons as bF,
+ BaseStyle$1 as bG,
+ script$14 as bH,
+ Transition as bI,
+ findSingle$1 as bJ,
+ getAttribute$1 as bK,
+ focus$2 as bL,
+ script$f as bM,
+ script$n as bN,
+ Ripple as bO,
+ UniqueComponentId as bP,
+ script$p as bQ,
+ resolveComponent as bR,
+ BaseDirective as bS,
+ removeClass$1 as bT,
+ addClass$1 as bU,
+ createElement$1 as bV,
+ hasClass$1 as bW,
+ script$$ as bX,
+ script$10 as bY,
+ ZIndex$1 as bZ,
+ addStyle$1 as b_,
+ isNativeWindow as ba,
+ useDialogService as bb,
+ LGraphEventMode as bc,
+ useQueueStore as bd,
+ DEFAULT_DARK_COLOR_PALETTE as be,
+ DEFAULT_LIGHT_COLOR_PALETTE as bf,
+ t as bg,
+ useErrorHandling as bh,
+ useRouter as bi,
+ withKeys as bj,
+ script$I as bk,
+ script$R as bl,
+ script$m as bm,
+ script$S as bn,
+ ProgressStatus as bo,
+ BaseTerminal as bp,
+ useModel as bq,
+ script$i as br,
+ script$B as bs,
+ script$C as bt,
+ MigrationItems as bu,
+ script$J as bv,
+ mergeModels as bw,
+ ValidationState as bx,
+ checkMirrorReachable as by,
+ _sfc_main$C as bz,
+ computed as c,
+ getPreviousElementSibling$1 as c$,
+ isTouchDevice$1 as c0,
+ relativePosition$1 as c1,
+ getOuterWidth$1 as c2,
+ absolutePosition$1 as c3,
+ find$2 as c4,
+ getIndex$1 as c5,
+ getFocusableElements$1 as c6,
+ OverlayEventBus as c7,
+ setAttribute$1 as c8,
+ localeComparator$2 as c9,
+ unblockBodyScroll$1 as cA,
+ FocusTrap as cB,
+ guardReactiveProps as cC,
+ setCSSProperty$1 as cD,
+ $dt$1 as cE,
+ script$L as cF,
+ script$u as cG,
+ getUserAgent$1 as cH,
+ script$l as cI,
+ getFirstFocusableElement$1 as cJ,
+ getLastFocusableElement$1 as cK,
+ FilterService as cL,
+ script$A as cM,
+ script$D as cN,
+ findIndexInList$2 as cO,
+ scrollInView$1 as cP,
+ script$z as cQ,
+ script$k as cR,
+ script$9 as cS,
+ findLast$3 as cT,
+ getWindowScrollTop$1 as cU,
+ getWidth$1 as cV,
+ getOffset$1 as cW,
+ vModelText as cX,
+ script$b as cY,
+ getVNodeProp as cZ,
+ getNextElementSibling$1 as c_,
+ script$U as ca,
+ script$q as cb,
+ resolveFieldData$2 as cc,
+ isNotEmpty$2 as cd,
+ equals$2 as ce,
+ script$d as cf,
+ isString$b as cg,
+ isPrintableCharacter$2 as ch,
+ isEmpty$3 as ci,
+ findLastIndex$2 as cj,
+ script$X as ck,
+ script$_ as cl,
+ script$11 as cm,
+ uuid$1 as cn,
+ sort$2 as co,
+ createSlots as cp,
+ EventBus$1 as cq,
+ resolve$4 as cr,
+ Tooltip as cs,
+ script$H as ct,
+ script$K as cu,
+ script$W as cv,
+ script$y as cw,
+ normalizeProps as cx,
+ blockBodyScroll$1 as cy,
+ isAttributeEquals$1 as cz,
+ defineComponent as d,
+ isClickable$1 as d0,
+ _default as d1,
+ clearSelection$1 as d2,
+ isRTL$1 as d3,
+ useTimeout as d4,
+ script$P as d5,
+ useConfirm as d6,
+ script$6 as d7,
+ onUnmounted as d8,
+ getHeight$1 as d9,
+ KeyComboImpl as dA,
+ KeybindingImpl as dB,
+ useExtensionStore as dC,
+ invokeElementMethod$1 as dD,
+ FilterOperator as dE,
+ exportCSV$1 as dF,
+ getHiddenElementOuterWidth$1 as dG,
+ getHiddenElementOuterHeight$1 as dH,
+ reorderArray$2 as dI,
+ useCopyToClipboard as dJ,
+ FormItem as dK,
+ getOuterHeight$1 as da,
+ isArray$c as db,
+ nestedPosition$1 as dc,
+ commonjsGlobal as dd,
+ getDefaultExportFromCjs as de,
+ xtermExports as df,
+ ToastEventBus as dg,
+ TransitionGroup as dh,
+ ComfyDialog as di,
+ $el as dj,
+ ComfyApp as dk,
+ useExtensionService as dl,
+ processDynamicPrompt as dm,
+ DraggableList as dn,
+ applyTextReplacements as dp,
+ ComfyWidgets as dq,
+ addValueControlWidgets as dr,
+ serialise as ds,
+ deserialiseAndCreate as dt,
+ script$g as du,
+ createApp as dv,
+ PrimeVue as dw,
+ FilterMatchMode as dx,
+ SearchBox as dy,
+ _sfc_main$L as dz,
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
useTitle as e,
createElementBlock as f,
useWorkspaceStore as g,
@@ -221094,7 +236825,7 @@ export {
withDirectives as i,
unref as j,
createVNode as k,
- script$U as l,
+ script$V as l,
createBaseVNode as m,
normalizeStyle as n,
openBlock as o,
@@ -221110,4 +236841,8 @@ export {
createBlock as y,
withCtx as z
};
+<<<<<<<< HEAD:comfy/web/assets/index-BsGgXmrT.js
//# sourceMappingURL=index-BsGgXmrT.js.map
+========
+//# sourceMappingURL=index-Bv0b06LE.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-Bv0b06LE.js
diff --git a/comfy/web/assets/index-B_FV7r80.js b/comfy/web/assets/index-C068lYT4.js
similarity index 85%
rename from comfy/web/assets/index-B_FV7r80.js
rename to comfy/web/assets/index-C068lYT4.js
index c1ca5c2a8..0dd767df0 100644
--- a/comfy/web/assets/index-B_FV7r80.js
+++ b/comfy/web/assets/index-C068lYT4.js
@@ -1,12 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
-import { bt as BaseStyle, bu as script$f, cK as getWidth, c_ as getHeight, bZ as getOuterWidth, c$ as getOuterHeight, cU as isRTL, cO as getVNodeProp, d0 as isArray, o as openBlock, f as createElementBlock, as as mergeProps, F as Fragment, D as renderList, y as createBlock, C as resolveDynamicComponent, m as createBaseVNode, B as createCommentVNode, A as renderSlot, bJ as getAttribute, bI as findSingle, bx as focus, c8 as equals, bM as Ripple, r as resolveDirective, i as withDirectives, z as withCtx, ai as normalizeClass, cL as getOffset, c5 as script$g, bO as script$h, c7 as isNotEmpty, bU as script$i, bN as UniqueComponentId, bv as ZIndex, c6 as resolveFieldData, c2 as OverlayEventBus, cc as isEmpty, bV as addStyle, bY as relativePosition, b_ as absolutePosition, bW as ConnectedOverlayScrollHandler, bX as isTouchDevice, cd as findLastIndex, bg as script$j, cB as script$k, bB as script$l, bL as script$m, ce as script$n, a8 as script$o, bD as resolveComponent, n as normalizeStyle, k as createVNode, E as toDisplayString, bE as Transition, ci as createSlots, a7 as createTextVNode, co as script$p, bT as script$q, cu as script$r, cv as script$s, bC as script$t, cp as normalizeProps, d1 as ToastEventBus, c3 as setAttribute, d2 as TransitionGroup, ck as resolve, d3 as nestedPosition, c9 as script$u, cb as isPrintableCharacter, l as script$v, cx as script$w, cr as guardReactiveProps } from "./index-BsGgXmrT.js";
-import { s as script$x } from "./index-COyiXDAn.js";
-var theme$7 = /* @__PURE__ */ __name(function theme(_ref) {
+import { bG as BaseStyle, bH as script$c, cV as getWidth, d9 as getHeight, c2 as getOuterWidth, da as getOuterHeight, d3 as isRTL, cZ as getVNodeProp, db as isArray, o as openBlock, f as createElementBlock, at as mergeProps, F as Fragment, D as renderList, y as createBlock, C as resolveDynamicComponent, m as createBaseVNode, B as createCommentVNode, A as renderSlot, bK as getAttribute, bJ as findSingle, bL as focus, ce as equals, bO as Ripple, r as resolveDirective, i as withDirectives, z as withCtx, aj as normalizeClass, cW as getOffset, cb as script$d, bQ as script$e, cd as isNotEmpty, bY as script$f, bP as UniqueComponentId, bZ as ZIndex, cc as resolveFieldData, c7 as OverlayEventBus, ci as isEmpty, b_ as addStyle, c1 as relativePosition, c3 as absolutePosition, b$ as ConnectedOverlayScrollHandler, c0 as isTouchDevice, cj as findLastIndex, bk as script$g, cM as script$h, ca as script$i, bN as script$j, ck as script$k, a9 as script$l, bR as resolveComponent, n as normalizeStyle, k as createVNode, E as toDisplayString, bI as Transition, cp as createSlots, a8 as createTextVNode, cv as script$m, cr as resolve, dc as nestedPosition, cf as script$n, ch as isPrintableCharacter, l as script$o, cI as script$p, cx as normalizeProps, cC as guardReactiveProps } from "./index-Bv0b06LE.js";
+import { s as script$q } from "./index-Dzu9WL4p.js";
+var theme$6 = /* @__PURE__ */ __name(function theme(_ref) {
var dt = _ref.dt;
return "\n.p-splitter {\n display: flex;\n flex-wrap: nowrap;\n border: 1px solid ".concat(dt("splitter.border.color"), ";\n background: ").concat(dt("splitter.background"), ";\n border-radius: ").concat(dt("border.radius.md"), ";\n color: ").concat(dt("splitter.color"), ";\n}\n\n.p-splitter-vertical {\n flex-direction: column;\n}\n\n.p-splitter-gutter {\n flex-grow: 0;\n flex-shrink: 0;\n display: flex;\n align-items: center;\n justify-content: center;\n z-index: 1;\n background: ").concat(dt("splitter.gutter.background"), ";\n}\n\n.p-splitter-gutter-handle {\n border-radius: ").concat(dt("splitter.handle.border.radius"), ";\n background: ").concat(dt("splitter.handle.background"), ";\n transition: outline-color ").concat(dt("splitter.transition.duration"), ", box-shadow ").concat(dt("splitter.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-splitter-gutter-handle:focus-visible {\n box-shadow: ").concat(dt("splitter.handle.focus.ring.shadow"), ";\n outline: ").concat(dt("splitter.handle.focus.ring.width"), " ").concat(dt("splitter.handle.focus.ring.style"), " ").concat(dt("splitter.handle.focus.ring.color"), ";\n outline-offset: ").concat(dt("splitter.handle.focus.ring.offset"), ";\n}\n\n.p-splitter-horizontal.p-splitter-resizing {\n cursor: col-resize;\n user-select: none;\n}\n\n.p-splitter-vertical.p-splitter-resizing {\n cursor: row-resize;\n user-select: none;\n}\n\n.p-splitter-horizontal > .p-splitter-gutter > .p-splitter-gutter-handle {\n height: ").concat(dt("splitter.handle.size"), ";\n width: 100%;\n}\n\n.p-splitter-vertical > .p-splitter-gutter > .p-splitter-gutter-handle {\n width: ").concat(dt("splitter.handle.size"), ";\n height: 100%;\n}\n\n.p-splitter-horizontal > .p-splitter-gutter {\n cursor: col-resize;\n}\n\n.p-splitter-vertical > .p-splitter-gutter {\n cursor: row-resize;\n}\n\n.p-splitterpanel {\n flex-grow: 1;\n overflow: hidden;\n}\n\n.p-splitterpanel-nested {\n display: flex;\n}\n\n.p-splitterpanel .p-splitter {\n flex-grow: 1;\n border: 0 none;\n}\n");
}, "theme");
-var classes$a = {
+var classes$9 = {
root: /* @__PURE__ */ __name(function root(_ref2) {
var props = _ref2.props;
return ["p-splitter p-component", "p-splitter-" + props.layout];
@@ -14,7 +14,7 @@ var classes$a = {
gutter: "p-splitter-gutter",
gutterHandle: "p-splitter-gutter-handle"
};
-var inlineStyles$4 = {
+var inlineStyles$3 = {
root: /* @__PURE__ */ __name(function root2(_ref3) {
var props = _ref3.props;
return [{
@@ -27,13 +27,13 @@ var inlineStyles$4 = {
};
var SplitterStyle = BaseStyle.extend({
name: "splitter",
- theme: theme$7,
- classes: classes$a,
- inlineStyles: inlineStyles$4
+ theme: theme$6,
+ classes: classes$9,
+ inlineStyles: inlineStyles$3
});
-var script$1$a = {
+var script$1$9 = {
name: "BaseSplitter",
- "extends": script$f,
+ "extends": script$c,
props: {
layout: {
type: String,
@@ -64,39 +64,39 @@ var script$1$a = {
};
}, "provide")
};
-function _toConsumableArray$2(r) {
- return _arrayWithoutHoles$2(r) || _iterableToArray$2(r) || _unsupportedIterableToArray$2(r) || _nonIterableSpread$2();
+function _toConsumableArray$1(r) {
+ return _arrayWithoutHoles$1(r) || _iterableToArray$1(r) || _unsupportedIterableToArray$1(r) || _nonIterableSpread$1();
}
-__name(_toConsumableArray$2, "_toConsumableArray$2");
-function _nonIterableSpread$2() {
+__name(_toConsumableArray$1, "_toConsumableArray$1");
+function _nonIterableSpread$1() {
throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
}
-__name(_nonIterableSpread$2, "_nonIterableSpread$2");
-function _unsupportedIterableToArray$2(r, a) {
+__name(_nonIterableSpread$1, "_nonIterableSpread$1");
+function _unsupportedIterableToArray$1(r, a) {
if (r) {
- if ("string" == typeof r) return _arrayLikeToArray$2(r, a);
+ if ("string" == typeof r) return _arrayLikeToArray$1(r, a);
var t = {}.toString.call(r).slice(8, -1);
- return "Object" === t && r.constructor && (t = r.constructor.name), "Map" === t || "Set" === t ? Array.from(r) : "Arguments" === t || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t) ? _arrayLikeToArray$2(r, a) : void 0;
+ return "Object" === t && r.constructor && (t = r.constructor.name), "Map" === t || "Set" === t ? Array.from(r) : "Arguments" === t || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t) ? _arrayLikeToArray$1(r, a) : void 0;
}
}
-__name(_unsupportedIterableToArray$2, "_unsupportedIterableToArray$2");
-function _iterableToArray$2(r) {
+__name(_unsupportedIterableToArray$1, "_unsupportedIterableToArray$1");
+function _iterableToArray$1(r) {
if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
}
-__name(_iterableToArray$2, "_iterableToArray$2");
-function _arrayWithoutHoles$2(r) {
- if (Array.isArray(r)) return _arrayLikeToArray$2(r);
+__name(_iterableToArray$1, "_iterableToArray$1");
+function _arrayWithoutHoles$1(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray$1(r);
}
-__name(_arrayWithoutHoles$2, "_arrayWithoutHoles$2");
-function _arrayLikeToArray$2(r, a) {
+__name(_arrayWithoutHoles$1, "_arrayWithoutHoles$1");
+function _arrayLikeToArray$1(r, a) {
(null == a || a > r.length) && (a = r.length);
for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
return n;
}
-__name(_arrayLikeToArray$2, "_arrayLikeToArray$2");
-var script$e = {
+__name(_arrayLikeToArray$1, "_arrayLikeToArray$1");
+var script$b = {
name: "Splitter",
- "extends": script$1$a,
+ "extends": script$1$9,
inheritAttrs: false,
emits: ["resizestart", "resizeend", "resize"],
dragging: false,
@@ -138,7 +138,7 @@ var script$e = {
initialized = this.restoreState();
}
if (!initialized) {
- var children = _toConsumableArray$2(this.$el.children).filter(function(child) {
+ var children = _toConsumableArray$1(this.$el.children).filter(function(child) {
return child.getAttribute("data-pc-name") === "splitterpanel";
});
var _panelSizes = [];
@@ -398,7 +398,7 @@ var script$e = {
var stateString = storage.getItem(this.stateKey);
if (stateString) {
this.panelSizes = JSON.parse(stateString);
- var children = _toConsumableArray$2(this.$el.children).filter(function(child) {
+ var children = _toConsumableArray$1(this.$el.children).filter(function(child) {
return child.getAttribute("data-pc-name") === "splitterpanel";
});
children.forEach(function(child, i) {
@@ -450,9 +450,9 @@ var script$e = {
}, "getPTOptions")
}
};
-var _hoisted_1$7 = ["onMousedown", "onTouchstart", "onTouchmove", "onTouchend"];
+var _hoisted_1$6 = ["onMousedown", "onTouchstart", "onTouchmove", "onTouchend"];
var _hoisted_2$4 = ["aria-orientation", "aria-valuenow", "onKeydown"];
-function render$d(_ctx, _cache, $props, $setup, $data, $options) {
+function render$a(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("div", mergeProps({
"class": _ctx.cx("root"),
style: _ctx.sx("root"),
@@ -495,12 +495,12 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
return $options.onGutterKeyDown($event, i);
}, "onKeydown"),
ref_for: true
- }, _ctx.ptm("gutterHandle")), null, 16, _hoisted_2$4)], 16, _hoisted_1$7)) : createCommentVNode("", true)], 64);
+ }, _ctx.ptm("gutterHandle")), null, 16, _hoisted_2$4)], 16, _hoisted_1$6)) : createCommentVNode("", true)], 64);
}), 128))], 16);
}
-__name(render$d, "render$d");
-script$e.render = render$d;
-var classes$9 = {
+__name(render$a, "render$a");
+script$b.render = render$a;
+var classes$8 = {
root: /* @__PURE__ */ __name(function root3(_ref) {
var instance = _ref.instance;
return ["p-splitterpanel", {
@@ -510,11 +510,11 @@ var classes$9 = {
};
var SplitterPanelStyle = BaseStyle.extend({
name: "splitterpanel",
- classes: classes$9
+ classes: classes$8
});
-var script$1$9 = {
+var script$1$8 = {
name: "BaseSplitterPanel",
- "extends": script$f,
+ "extends": script$c,
props: {
size: {
type: Number,
@@ -533,9 +533,9 @@ var script$1$9 = {
};
}, "provide")
};
-var script$d = {
+var script$a = {
name: "SplitterPanel",
- "extends": script$1$9,
+ "extends": script$1$8,
inheritAttrs: false,
data: /* @__PURE__ */ __name(function data2() {
return {
@@ -559,15 +559,15 @@ var script$d = {
}, "getPTOptions")
}
};
-function render$c(_ctx, _cache, $props, $setup, $data, $options) {
+function render$9(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("div", mergeProps({
ref: "container",
"class": _ctx.cx("root")
}, _ctx.ptmi("root", $options.getPTOptions)), [renderSlot(_ctx.$slots, "default")], 16);
}
-__name(render$c, "render$c");
-script$d.render = render$c;
-var classes$8 = {
+__name(render$9, "render$9");
+script$a.render = render$9;
+var classes$7 = {
root: /* @__PURE__ */ __name(function root4(_ref) {
var instance = _ref.instance, props = _ref.props;
return ["p-tab", {
@@ -578,11 +578,11 @@ var classes$8 = {
};
var TabStyle = BaseStyle.extend({
name: "tab",
- classes: classes$8
+ classes: classes$7
});
-var script$1$8 = {
+var script$1$7 = {
name: "BaseTab",
- "extends": script$f,
+ "extends": script$c,
props: {
value: {
type: [String, Number],
@@ -609,9 +609,9 @@ var script$1$8 = {
};
}, "provide")
};
-var script$c = {
+var script$9 = {
name: "Tab",
- "extends": script$1$8,
+ "extends": script$1$7,
inheritAttrs: false,
inject: ["$pcTabs", "$pcTabList"],
methods: {
@@ -758,7 +758,7 @@ var script$c = {
ripple: Ripple
}
};
-function render$b(_ctx, _cache, $props, $setup, $data, $options) {
+function render$8(_ctx, _cache, $props, $setup, $data, $options) {
var _directive_ripple = resolveDirective("ripple");
return !_ctx.asChild ? withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps({
key: 0,
@@ -777,9 +777,9 @@ function render$b(_ctx, _cache, $props, $setup, $data, $options) {
onClick: $options.onClick
});
}
-__name(render$b, "render$b");
-script$c.render = render$b;
-var classes$7 = {
+__name(render$8, "render$8");
+script$9.render = render$8;
+var classes$6 = {
root: "p-tablist",
content: /* @__PURE__ */ __name(function content(_ref) {
var instance = _ref.instance;
@@ -794,11 +794,11 @@ var classes$7 = {
};
var TabListStyle = BaseStyle.extend({
name: "tablist",
- classes: classes$7
+ classes: classes$6
});
-var script$1$7 = {
+var script$1$6 = {
name: "BaseTabList",
- "extends": script$f,
+ "extends": script$c,
props: {},
style: TabListStyle,
provide: /* @__PURE__ */ __name(function provide4() {
@@ -808,9 +808,9 @@ var script$1$7 = {
};
}, "provide")
};
-var script$b = {
+var script$8 = {
name: "TabList",
- "extends": script$1$7,
+ "extends": script$1$6,
inheritAttrs: false,
inject: ["$pcTabs"],
data: /* @__PURE__ */ __name(function data3() {
@@ -936,17 +936,17 @@ var script$b = {
}, "nextButtonAriaLabel")
},
components: {
- ChevronLeftIcon: script$g,
- ChevronRightIcon: script$h
+ ChevronLeftIcon: script$d,
+ ChevronRightIcon: script$e
},
directives: {
ripple: Ripple
}
};
-var _hoisted_1$6 = ["aria-label", "tabindex"];
+var _hoisted_1$5 = ["aria-label", "tabindex"];
var _hoisted_2$3 = ["aria-orientation"];
var _hoisted_3$3 = ["aria-label", "tabindex"];
-function render$a(_ctx, _cache, $props, $setup, $data, $options) {
+function render$7(_ctx, _cache, $props, $setup, $data, $options) {
var _directive_ripple = resolveDirective("ripple");
return openBlock(), createElementBlock("div", mergeProps({
ref: "list",
@@ -964,7 +964,7 @@ function render$a(_ctx, _cache, $props, $setup, $data, $options) {
"data-pc-group-section": "navigator"
}), [(openBlock(), createBlock(resolveDynamicComponent($options.templates.previcon || "ChevronLeftIcon"), mergeProps({
"aria-hidden": "true"
- }, _ctx.ptm("prevIcon")), null, 16))], 16, _hoisted_1$6)), [[_directive_ripple]]) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ }, _ctx.ptm("prevIcon")), null, 16))], 16, _hoisted_1$5)), [[_directive_ripple]]) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
ref: "content",
"class": _ctx.cx("content"),
onScroll: _cache[1] || (_cache[1] = function() {
@@ -995,23 +995,23 @@ function render$a(_ctx, _cache, $props, $setup, $data, $options) {
"aria-hidden": "true"
}, _ctx.ptm("nextIcon")), null, 16))], 16, _hoisted_3$3)), [[_directive_ripple]]) : createCommentVNode("", true)], 16);
}
-__name(render$a, "render$a");
-script$b.render = render$a;
-var theme$6 = /* @__PURE__ */ __name(function theme2(_ref) {
+__name(render$7, "render$7");
+script$8.render = render$7;
+var theme$5 = /* @__PURE__ */ __name(function theme2(_ref) {
_ref.dt;
return "\n.p-buttongroup {\n display: inline-flex;\n}\n\n.p-buttongroup .p-button {\n margin: 0;\n}\n\n.p-buttongroup .p-button:not(:last-child),\n.p-buttongroup .p-button:not(:last-child):hover {\n border-inline-end: 0 none;\n}\n\n.p-buttongroup .p-button:not(:first-of-type):not(:last-of-type) {\n border-radius: 0;\n}\n\n.p-buttongroup .p-button:first-of-type:not(:only-of-type) {\n border-start-end-radius: 0;\n border-end-end-radius: 0;\n}\n\n.p-buttongroup .p-button:last-of-type:not(:only-of-type) {\n border-start-start-radius: 0;\n border-end-start-radius: 0;\n}\n\n.p-buttongroup .p-button:focus {\n position: relative;\n z-index: 1;\n}\n";
}, "theme");
-var classes$6 = {
+var classes$5 = {
root: "p-buttongroup p-component"
};
var ButtonGroupStyle = BaseStyle.extend({
name: "buttongroup",
- theme: theme$6,
- classes: classes$6
+ theme: theme$5,
+ classes: classes$5
});
-var script$1$6 = {
+var script$1$5 = {
name: "BaseButtonGroup",
- "extends": script$f,
+ "extends": script$c,
style: ButtonGroupStyle,
provide: /* @__PURE__ */ __name(function provide5() {
return {
@@ -1020,29 +1020,29 @@ var script$1$6 = {
};
}, "provide")
};
-var script$a = {
+var script$7 = {
name: "ButtonGroup",
- "extends": script$1$6,
+ "extends": script$1$5,
inheritAttrs: false
};
-function render$9(_ctx, _cache, $props, $setup, $data, $options) {
+function render$6(_ctx, _cache, $props, $setup, $data, $options) {
return openBlock(), createElementBlock("span", mergeProps({
"class": _ctx.cx("root"),
role: "group"
}, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
}
-__name(render$9, "render$9");
-script$a.render = render$9;
-var theme$5 = /* @__PURE__ */ __name(function theme3(_ref) {
+__name(render$6, "render$6");
+script$7.render = render$6;
+var theme$4 = /* @__PURE__ */ __name(function theme3(_ref) {
var dt = _ref.dt;
return "\n.p-autocomplete {\n display: inline-flex;\n}\n\n.p-autocomplete-loader {\n position: absolute;\n top: 50%;\n margin-top: -0.5rem;\n inset-inline-end: ".concat(dt("autocomplete.padding.x"), ";\n}\n\n.p-autocomplete:has(.p-autocomplete-dropdown) .p-autocomplete-loader {\n inset-inline-end: calc(").concat(dt("autocomplete.dropdown.width"), " + ").concat(dt("autocomplete.padding.x"), ");\n}\n\n.p-autocomplete:has(.p-autocomplete-dropdown) .p-autocomplete-input {\n flex: 1 1 auto;\n width: 1%;\n}\n\n.p-autocomplete:has(.p-autocomplete-dropdown) .p-autocomplete-input,\n.p-autocomplete:has(.p-autocomplete-dropdown) .p-autocomplete-input-multiple {\n border-start-end-radius: 0;\n border-end-end-radius: 0;\n}\n\n.p-autocomplete-dropdown {\n cursor: pointer;\n display: inline-flex;\n user-select: none;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n position: relative;\n width: ").concat(dt("autocomplete.dropdown.width"), ";\n border-start-end-radius: ").concat(dt("autocomplete.dropdown.border.radius"), ";\n border-end-end-radius: ").concat(dt("autocomplete.dropdown.border.radius"), ";\n background: ").concat(dt("autocomplete.dropdown.background"), ";\n border: 1px solid ").concat(dt("autocomplete.dropdown.border.color"), ";\n border-inline-start: 0 none;\n color: ").concat(dt("autocomplete.dropdown.color"), ";\n transition: background ").concat(dt("autocomplete.transition.duration"), ", color ").concat(dt("autocomplete.transition.duration"), ", border-color ").concat(dt("autocomplete.transition.duration"), ", outline-color ").concat(dt("autocomplete.transition.duration"), ", box-shadow ").concat(dt("autocomplete.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-autocomplete-dropdown:not(:disabled):hover {\n background: ").concat(dt("autocomplete.dropdown.hover.background"), ";\n border-color: ").concat(dt("autocomplete.dropdown.hover.border.color"), ";\n color: ").concat(dt("autocomplete.dropdown.hover.color"), ";\n}\n\n.p-autocomplete-dropdown:not(:disabled):active {\n background: ").concat(dt("autocomplete.dropdown.active.background"), ";\n border-color: ").concat(dt("autocomplete.dropdown.active.border.color"), ";\n color: ").concat(dt("autocomplete.dropdown.active.color"), ";\n}\n\n.p-autocomplete-dropdown:focus-visible {\n box-shadow: ").concat(dt("autocomplete.dropdown.focus.ring.shadow"), ";\n outline: ").concat(dt("autocomplete.dropdown.focus.ring.width"), " ").concat(dt("autocomplete.dropdown.focus.ring.style"), " ").concat(dt("autocomplete.dropdown.focus.ring.color"), ";\n outline-offset: ").concat(dt("autocomplete.dropdown.focus.ring.offset"), ";\n}\n\n.p-autocomplete .p-autocomplete-overlay {\n min-width: 100%;\n}\n\n.p-autocomplete-overlay {\n position: absolute;\n top: 0;\n left: 0;\n background: ").concat(dt("autocomplete.overlay.background"), ";\n color: ").concat(dt("autocomplete.overlay.color"), ";\n border: 1px solid ").concat(dt("autocomplete.overlay.border.color"), ";\n border-radius: ").concat(dt("autocomplete.overlay.border.radius"), ";\n box-shadow: ").concat(dt("autocomplete.overlay.shadow"), ";\n}\n\n.p-autocomplete-list-container {\n overflow: auto;\n}\n\n.p-autocomplete-list {\n margin: 0;\n list-style-type: none;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("autocomplete.list.gap"), ";\n padding: ").concat(dt("autocomplete.list.padding"), ";\n}\n\n.p-autocomplete-option {\n cursor: pointer;\n white-space: nowrap;\n position: relative;\n overflow: hidden;\n display: flex;\n align-items: center;\n padding: ").concat(dt("autocomplete.option.padding"), ";\n border: 0 none;\n color: ").concat(dt("autocomplete.option.color"), ";\n background: transparent;\n transition: background ").concat(dt("autocomplete.transition.duration"), ", color ").concat(dt("autocomplete.transition.duration"), ", border-color ").concat(dt("autocomplete.transition.duration"), ";\n border-radius: ").concat(dt("autocomplete.option.border.radius"), ";\n}\n\n.p-autocomplete-option:not(.p-autocomplete-option-selected):not(.p-disabled).p-focus {\n background: ").concat(dt("autocomplete.option.focus.background"), ";\n color: ").concat(dt("autocomplete.option.focus.color"), ";\n}\n\n.p-autocomplete-option-selected {\n background: ").concat(dt("autocomplete.option.selected.background"), ";\n color: ").concat(dt("autocomplete.option.selected.color"), ";\n}\n\n.p-autocomplete-option-selected.p-focus {\n background: ").concat(dt("autocomplete.option.selected.focus.background"), ";\n color: ").concat(dt("autocomplete.option.selected.focus.color"), ";\n}\n\n.p-autocomplete-option-group {\n margin: 0;\n padding: ").concat(dt("autocomplete.option.group.padding"), ";\n color: ").concat(dt("autocomplete.option.group.color"), ";\n background: ").concat(dt("autocomplete.option.group.background"), ";\n font-weight: ").concat(dt("autocomplete.option.group.font.weight"), ";\n}\n\n.p-autocomplete-input-multiple {\n margin: 0;\n list-style-type: none;\n cursor: text;\n overflow: hidden;\n display: flex;\n align-items: center;\n flex-wrap: wrap;\n padding: calc(").concat(dt("autocomplete.padding.y"), " / 2) ").concat(dt("autocomplete.padding.x"), ";\n gap: calc(").concat(dt("autocomplete.padding.y"), " / 2);\n color: ").concat(dt("autocomplete.color"), ";\n background: ").concat(dt("autocomplete.background"), ";\n border: 1px solid ").concat(dt("autocomplete.border.color"), ";\n border-radius: ").concat(dt("autocomplete.border.radius"), ";\n width: 100%;\n transition: background ").concat(dt("autocomplete.transition.duration"), ", color ").concat(dt("autocomplete.transition.duration"), ", border-color ").concat(dt("autocomplete.transition.duration"), ", outline-color ").concat(dt("autocomplete.transition.duration"), ", box-shadow ").concat(dt("autocomplete.transition.duration"), ";\n outline-color: transparent;\n box-shadow: ").concat(dt("autocomplete.shadow"), ";\n}\n\n.p-autocomplete:not(.p-disabled):hover .p-autocomplete-input-multiple {\n border-color: ").concat(dt("autocomplete.hover.border.color"), ";\n}\n\n.p-autocomplete:not(.p-disabled).p-focus .p-autocomplete-input-multiple {\n border-color: ").concat(dt("autocomplete.focus.border.color"), ";\n box-shadow: ").concat(dt("autocomplete.focus.ring.shadow"), ";\n outline: ").concat(dt("autocomplete.focus.ring.width"), " ").concat(dt("autocomplete.focus.ring.style"), " ").concat(dt("autocomplete.focus.ring.color"), ";\n outline-offset: ").concat(dt("autocomplete.focus.ring.offset"), ";\n}\n\n.p-autocomplete.p-invalid .p-autocomplete-input-multiple {\n border-color: ").concat(dt("autocomplete.invalid.border.color"), ";\n}\n\n.p-variant-filled.p-autocomplete-input-multiple {\n background: ").concat(dt("autocomplete.filled.background"), ";\n}\n\n.p-autocomplete:not(.p-disabled):hover .p-variant-filled.p-autocomplete-input-multiple {\n background: ").concat(dt("autocomplete.filled.hover.background"), ";\n}\n\n.p-autocomplete:not(.p-disabled).p-focus .p-variant-filled.p-autocomplete-input-multiple {\n background: ").concat(dt("autocomplete.filled.focus.background"), ";\n}\n\n.p-autocomplete.p-disabled .p-autocomplete-input-multiple {\n opacity: 1;\n background: ").concat(dt("autocomplete.disabled.background"), ";\n color: ").concat(dt("autocomplete.disabled.color"), ";\n}\n\n.p-autocomplete-chip.p-chip {\n padding-block-start: calc(").concat(dt("autocomplete.padding.y"), " / 2);\n padding-block-end: calc(").concat(dt("autocomplete.padding.y"), " / 2);\n border-radius: ").concat(dt("autocomplete.chip.border.radius"), ";\n}\n\n.p-autocomplete-input-multiple:has(.p-autocomplete-chip) {\n padding-inline-start: calc(").concat(dt("autocomplete.padding.y"), " / 2);\n padding-inline-end: calc(").concat(dt("autocomplete.padding.y"), " / 2);\n}\n\n.p-autocomplete-chip-item.p-focus .p-autocomplete-chip {\n background: ").concat(dt("autocomplete.chip.focus.background"), ";\n color: ").concat(dt("autocomplete.chip.focus.color"), ";\n}\n\n.p-autocomplete-input-chip {\n flex: 1 1 auto;\n display: inline-flex;\n padding-block-start: calc(").concat(dt("autocomplete.padding.y"), " / 2);\n padding-block-end: calc(").concat(dt("autocomplete.padding.y"), " / 2);\n}\n\n.p-autocomplete-input-chip input {\n border: 0 none;\n outline: 0 none;\n background: transparent;\n margin: 0;\n padding: 0;\n box-shadow: none;\n border-radius: 0;\n width: 100%;\n font-family: inherit;\n font-feature-settings: inherit;\n font-size: 1rem;\n color: inherit;\n}\n\n.p-autocomplete-input-chip input::placeholder {\n color: ").concat(dt("autocomplete.placeholder.color"), ";\n}\n\n.p-autocomplete.p-invalid .p-autocomplete-input-chip input::placeholder {\n color: ").concat(dt("autocomplete.invalid.placeholder.color"), ";\n}\n\n.p-autocomplete-empty-message {\n padding: ").concat(dt("autocomplete.empty.message.padding"), ";\n}\n\n.p-autocomplete-fluid {\n display: flex;\n}\n\n.p-autocomplete-fluid:has(.p-autocomplete-dropdown) .p-autocomplete-input {\n width: 1%;\n}\n\n.p-autocomplete:has(.p-inputtext-sm) .p-autocomplete-dropdown {\n width: ").concat(dt("autocomplete.dropdown.sm.width"), ";\n}\n\n.p-autocomplete:has(.p-inputtext-sm) .p-autocomplete-dropdown .p-icon {\n font-size: ").concat(dt("form.field.sm.font.size"), ";\n width: ").concat(dt("form.field.sm.font.size"), ";\n height: ").concat(dt("form.field.sm.font.size"), ";\n}\n\n.p-autocomplete:has(.p-inputtext-lg) .p-autocomplete-dropdown {\n width: ").concat(dt("autocomplete.dropdown.lg.width"), ";\n}\n\n.p-autocomplete:has(.p-inputtext-lg) .p-autocomplete-dropdown .p-icon {\n font-size: ").concat(dt("form.field.lg.font.size"), ";\n width: ").concat(dt("form.field.lg.font.size"), ";\n height: ").concat(dt("form.field.lg.font.size"), ";\n}\n");
}, "theme");
-var inlineStyles$3 = {
+var inlineStyles$2 = {
root: {
position: "relative"
}
};
-var classes$5 = {
+var classes$4 = {
root: /* @__PURE__ */ __name(function root5(_ref2) {
var instance = _ref2.instance, props = _ref2.props;
return ["p-autocomplete p-component p-inputwrapper", {
@@ -1090,13 +1090,13 @@ var classes$5 = {
};
var AutoCompleteStyle = BaseStyle.extend({
name: "autocomplete",
- theme: theme$5,
- classes: classes$5,
- inlineStyles: inlineStyles$3
+ theme: theme$4,
+ classes: classes$4,
+ inlineStyles: inlineStyles$2
});
-var script$1$5 = {
+var script$1$4 = {
name: "BaseAutoComplete",
- "extends": script$i,
+ "extends": script$f,
props: {
suggestions: {
type: Array,
@@ -1271,48 +1271,48 @@ var script$1$5 = {
};
}, "provide")
};
-function _typeof$1$1(o) {
+function _typeof$1(o) {
"@babel/helpers - typeof";
- return _typeof$1$1 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return _typeof$1 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
return typeof o2;
} : function(o2) {
return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
- }, _typeof$1$1(o);
+ }, _typeof$1(o);
}
-__name(_typeof$1$1, "_typeof$1$1");
-function _toConsumableArray$1(r) {
- return _arrayWithoutHoles$1(r) || _iterableToArray$1(r) || _unsupportedIterableToArray$1(r) || _nonIterableSpread$1();
+__name(_typeof$1, "_typeof$1");
+function _toConsumableArray(r) {
+ return _arrayWithoutHoles(r) || _iterableToArray(r) || _unsupportedIterableToArray(r) || _nonIterableSpread();
}
-__name(_toConsumableArray$1, "_toConsumableArray$1");
-function _nonIterableSpread$1() {
+__name(_toConsumableArray, "_toConsumableArray");
+function _nonIterableSpread() {
throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
}
-__name(_nonIterableSpread$1, "_nonIterableSpread$1");
-function _unsupportedIterableToArray$1(r, a) {
+__name(_nonIterableSpread, "_nonIterableSpread");
+function _unsupportedIterableToArray(r, a) {
if (r) {
- if ("string" == typeof r) return _arrayLikeToArray$1(r, a);
+ if ("string" == typeof r) return _arrayLikeToArray(r, a);
var t = {}.toString.call(r).slice(8, -1);
- return "Object" === t && r.constructor && (t = r.constructor.name), "Map" === t || "Set" === t ? Array.from(r) : "Arguments" === t || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t) ? _arrayLikeToArray$1(r, a) : void 0;
+ return "Object" === t && r.constructor && (t = r.constructor.name), "Map" === t || "Set" === t ? Array.from(r) : "Arguments" === t || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t) ? _arrayLikeToArray(r, a) : void 0;
}
}
-__name(_unsupportedIterableToArray$1, "_unsupportedIterableToArray$1");
-function _iterableToArray$1(r) {
+__name(_unsupportedIterableToArray, "_unsupportedIterableToArray");
+function _iterableToArray(r) {
if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
}
-__name(_iterableToArray$1, "_iterableToArray$1");
-function _arrayWithoutHoles$1(r) {
- if (Array.isArray(r)) return _arrayLikeToArray$1(r);
+__name(_iterableToArray, "_iterableToArray");
+function _arrayWithoutHoles(r) {
+ if (Array.isArray(r)) return _arrayLikeToArray(r);
}
-__name(_arrayWithoutHoles$1, "_arrayWithoutHoles$1");
-function _arrayLikeToArray$1(r, a) {
+__name(_arrayWithoutHoles, "_arrayWithoutHoles");
+function _arrayLikeToArray(r, a) {
(null == a || a > r.length) && (a = r.length);
for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
return n;
}
-__name(_arrayLikeToArray$1, "_arrayLikeToArray$1");
-var script$9 = {
+__name(_arrayLikeToArray, "_arrayLikeToArray");
+var script$6 = {
name: "AutoComplete",
- "extends": script$1$5,
+ "extends": script$1$4,
inheritAttrs: false,
emits: ["change", "focus", "blur", "item-select", "item-unselect", "option-select", "option-unselect", "dropdown-click", "clear", "complete", "before-show", "before-hide", "show", "hide"],
inject: {
@@ -1609,7 +1609,7 @@ var script$9 = {
if (this.multiple) {
this.$refs.focusInput.value = "";
if (!this.isSelected(option2)) {
- this.updateModel(event, [].concat(_toConsumableArray$1(this.d_value || []), [value]));
+ this.updateModel(event, [].concat(_toConsumableArray(this.d_value || []), [value]));
}
} else {
this.updateModel(event, value);
@@ -1707,7 +1707,7 @@ var script$9 = {
onEnterKey: /* @__PURE__ */ __name(function onEnterKey2(event) {
if (!this.typeahead) {
if (this.multiple) {
- this.updateModel(event, [].concat(_toConsumableArray$1(this.d_value || []), [event.target.value]));
+ this.updateModel(event, [].concat(_toConsumableArray(this.d_value || []), [event.target.value]));
this.$refs.focusInput.value = "";
}
} else {
@@ -2023,7 +2023,7 @@ var script$9 = {
}, "visibleOptions"),
inputValue: /* @__PURE__ */ __name(function inputValue() {
if (this.$filled) {
- if (_typeof$1$1(this.d_value) === "object") {
+ if (_typeof$1(this.d_value) === "object") {
var label = this.getOptionLabel(this.d_value);
return label != null ? label : this.d_value;
} else {
@@ -2081,27 +2081,27 @@ var script$9 = {
}, "panelId")
},
components: {
- InputText: script$j,
- VirtualScroller: script$k,
- Portal: script$l,
- ChevronDownIcon: script$m,
- SpinnerIcon: script$n,
- Chip: script$o
+ InputText: script$g,
+ VirtualScroller: script$h,
+ Portal: script$i,
+ ChevronDownIcon: script$j,
+ SpinnerIcon: script$k,
+ Chip: script$l
},
directives: {
ripple: Ripple
}
};
-function _typeof$4(o) {
+function _typeof$2(o) {
"@babel/helpers - typeof";
- return _typeof$4 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
+ return _typeof$2 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
return typeof o2;
} : function(o2) {
return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
- }, _typeof$4(o);
+ }, _typeof$2(o);
}
-__name(_typeof$4, "_typeof$4");
-function ownKeys$3(e, r) {
+__name(_typeof$2, "_typeof$2");
+function ownKeys$1(e, r) {
var t = Object.keys(e);
if (Object.getOwnPropertySymbols) {
var o = Object.getOwnPropertySymbols(e);
@@ -2111,40 +2111,40 @@ function ownKeys$3(e, r) {
}
return t;
}
-__name(ownKeys$3, "ownKeys$3");
-function _objectSpread$3(e) {
+__name(ownKeys$1, "ownKeys$1");
+function _objectSpread$1(e) {
for (var r = 1; r < arguments.length; r++) {
var t = null != arguments[r] ? arguments[r] : {};
- r % 2 ? ownKeys$3(Object(t), true).forEach(function(r2) {
- _defineProperty$4(e, r2, t[r2]);
- }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t)) : ownKeys$3(Object(t)).forEach(function(r2) {
+ r % 2 ? ownKeys$1(Object(t), true).forEach(function(r2) {
+ _defineProperty$1(e, r2, t[r2]);
+ }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t)) : ownKeys$1(Object(t)).forEach(function(r2) {
Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t, r2));
});
}
return e;
}
-__name(_objectSpread$3, "_objectSpread$3");
-function _defineProperty$4(e, r, t) {
- return (r = _toPropertyKey$4(r)) in e ? Object.defineProperty(e, r, { value: t, enumerable: true, configurable: true, writable: true }) : e[r] = t, e;
+__name(_objectSpread$1, "_objectSpread$1");
+function _defineProperty$1(e, r, t) {
+ return (r = _toPropertyKey$1(r)) in e ? Object.defineProperty(e, r, { value: t, enumerable: true, configurable: true, writable: true }) : e[r] = t, e;
}
-__name(_defineProperty$4, "_defineProperty$4");
-function _toPropertyKey$4(t) {
- var i = _toPrimitive$4(t, "string");
- return "symbol" == _typeof$4(i) ? i : i + "";
+__name(_defineProperty$1, "_defineProperty$1");
+function _toPropertyKey$1(t) {
+ var i = _toPrimitive$1(t, "string");
+ return "symbol" == _typeof$2(i) ? i : i + "";
}
-__name(_toPropertyKey$4, "_toPropertyKey$4");
-function _toPrimitive$4(t, r) {
- if ("object" != _typeof$4(t) || !t) return t;
+__name(_toPropertyKey$1, "_toPropertyKey$1");
+function _toPrimitive$1(t, r) {
+ if ("object" != _typeof$2(t) || !t) return t;
var e = t[Symbol.toPrimitive];
if (void 0 !== e) {
var i = e.call(t, r || "default");
- if ("object" != _typeof$4(i)) return i;
+ if ("object" != _typeof$2(i)) return i;
throw new TypeError("@@toPrimitive must return a primitive value.");
}
return ("string" === r ? String : Number)(t);
}
-__name(_toPrimitive$4, "_toPrimitive$4");
-var _hoisted_1$5 = ["aria-activedescendant"];
+__name(_toPrimitive$1, "_toPrimitive$1");
+var _hoisted_1$4 = ["aria-activedescendant"];
var _hoisted_2$2 = ["id", "aria-label", "aria-setsize", "aria-posinset"];
var _hoisted_3$2 = ["id", "placeholder", "tabindex", "disabled", "aria-label", "aria-labelledby", "aria-expanded", "aria-controls", "aria-activedescendant", "aria-invalid"];
var _hoisted_4$2 = ["disabled", "aria-expanded", "aria-controls"];
@@ -2152,7 +2152,7 @@ var _hoisted_5$2 = ["id"];
var _hoisted_6$1 = ["id", "aria-label"];
var _hoisted_7 = ["id"];
var _hoisted_8 = ["id", "aria-label", "aria-selected", "aria-disabled", "aria-setsize", "aria-posinset", "onClick", "onMousemove", "data-p-selected", "data-p-focus", "data-p-disabled"];
-function render$8(_ctx, _cache, $props, $setup, $data, $options) {
+function render$5(_ctx, _cache, $props, $setup, $data, $options) {
var _component_InputText = resolveComponent("InputText");
var _component_Chip = resolveComponent("Chip");
var _component_SpinnerIcon = resolveComponent("SpinnerIcon");
@@ -2243,7 +2243,7 @@ function render$8(_ctx, _cache, $props, $setup, $data, $options) {
removeIcon: _ctx.chipIcon || _ctx.removeTokenIcon,
removable: "",
unstyled: _ctx.unstyled,
- onRemove: /* @__PURE__ */ __name(function onRemove2($event) {
+ onRemove: /* @__PURE__ */ __name(function onRemove($event) {
return $options.removeOption($event, i);
}, "onRemove"),
pt: _ctx.ptm("pcChip")
@@ -2297,7 +2297,7 @@ function render$8(_ctx, _cache, $props, $setup, $data, $options) {
onChange: _cache[4] || (_cache[4] = function() {
return $options.onChange && $options.onChange.apply($options, arguments);
})
- }, _ctx.ptm("input")), null, 16, _hoisted_3$2)], 16)], 16, _hoisted_1$5)) : createCommentVNode("", true), $data.searching || _ctx.loading ? renderSlot(_ctx.$slots, _ctx.$slots.loader ? "loader" : "loadingicon", {
+ }, _ctx.ptm("input")), null, 16, _hoisted_3$2)], 16)], 16, _hoisted_1$4)) : createCommentVNode("", true), $data.searching || _ctx.loading ? renderSlot(_ctx.$slots, _ctx.$slots.loader ? "loader" : "loadingicon", {
key: 2,
"class": normalizeClass(_ctx.cx("loader"))
}, function() {
@@ -2358,7 +2358,7 @@ function render$8(_ctx, _cache, $props, $setup, $data, $options) {
ref: $options.overlayRef,
id: $options.panelId,
"class": [_ctx.cx("overlay"), _ctx.panelClass, _ctx.overlayClass],
- style: _objectSpread$3(_objectSpread$3({}, _ctx.panelStyle), _ctx.overlayStyle),
+ style: _objectSpread$1(_objectSpread$1({}, _ctx.panelStyle), _ctx.overlayStyle),
onClick: _cache[9] || (_cache[9] = function() {
return $options.onOverlayClick && $options.onOverlayClick.apply($options, arguments);
}),
@@ -2480,23 +2480,23 @@ function render$8(_ctx, _cache, $props, $setup, $data, $options) {
_: 3
}, 8, ["appendTo"])], 16);
}
-__name(render$8, "render$8");
-script$9.render = render$8;
-var theme$4 = /* @__PURE__ */ __name(function theme4(_ref) {
+__name(render$5, "render$5");
+script$6.render = render$5;
+var theme$3 = /* @__PURE__ */ __name(function theme4(_ref) {
var dt = _ref.dt;
return "\n.p-overlaybadge {\n position: relative;\n}\n\n.p-overlaybadge .p-badge {\n position: absolute;\n inset-block-start: 0;\n inset-inline-end: 0;\n transform: translate(50%, -50%);\n transform-origin: 100% 0;\n margin: 0;\n outline-width: ".concat(dt("overlaybadge.outline.width"), ";\n outline-style: solid;\n outline-color: ").concat(dt("overlaybadge.outline.color"), ";\n}\n\n.p-overlaybadge .p-badge:dir(rtl) {\n transform: translate(-50%, -50%);\n}\n");
}, "theme");
-var classes$4 = {
+var classes$3 = {
root: "p-overlaybadge"
};
var OverlayBadgeStyle = BaseStyle.extend({
name: "overlaybadge",
- theme: theme$4,
- classes: classes$4
+ theme: theme$3,
+ classes: classes$3
});
-var script$1$4 = {
+var script$1$3 = {
name: "OverlayBadge",
- "extends": script$p,
+ "extends": script$m,
style: OverlayBadgeStyle,
provide: /* @__PURE__ */ __name(function provide7() {
return {
@@ -2505,15 +2505,15 @@ var script$1$4 = {
};
}, "provide")
};
-var script$8 = {
+var script$5 = {
name: "OverlayBadge",
- "extends": script$1$4,
+ "extends": script$1$3,
inheritAttrs: false,
components: {
- Badge: script$p
+ Badge: script$m
}
};
-function render$7(_ctx, _cache, $props, $setup, $data, $options) {
+function render$4(_ctx, _cache, $props, $setup, $data, $options) {
var _component_Badge = resolveComponent("Badge");
return openBlock(), createElementBlock("div", mergeProps({
"class": _ctx.cx("root")
@@ -2521,618 +2521,9 @@ function render$7(_ctx, _cache, $props, $setup, $data, $options) {
pt: _ctx.ptm("pcBadge")
}), null, 16, ["pt"])], 16);
}
-__name(render$7, "render$7");
-script$8.render = render$7;
-function _typeof$3(o) {
- "@babel/helpers - typeof";
- return _typeof$3 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
- return typeof o2;
- } : function(o2) {
- return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
- }, _typeof$3(o);
-}
-__name(_typeof$3, "_typeof$3");
-function _defineProperty$3(e, r, t) {
- return (r = _toPropertyKey$3(r)) in e ? Object.defineProperty(e, r, { value: t, enumerable: true, configurable: true, writable: true }) : e[r] = t, e;
-}
-__name(_defineProperty$3, "_defineProperty$3");
-function _toPropertyKey$3(t) {
- var i = _toPrimitive$3(t, "string");
- return "symbol" == _typeof$3(i) ? i : i + "";
-}
-__name(_toPropertyKey$3, "_toPropertyKey$3");
-function _toPrimitive$3(t, r) {
- if ("object" != _typeof$3(t) || !t) return t;
- var e = t[Symbol.toPrimitive];
- if (void 0 !== e) {
- var i = e.call(t, r || "default");
- if ("object" != _typeof$3(i)) return i;
- throw new TypeError("@@toPrimitive must return a primitive value.");
- }
- return ("string" === r ? String : Number)(t);
-}
-__name(_toPrimitive$3, "_toPrimitive$3");
-var theme$3 = /* @__PURE__ */ __name(function theme5(_ref) {
- var dt = _ref.dt;
- return "\n.p-toast {\n width: ".concat(dt("toast.width"), ";\n white-space: pre-line;\n word-break: break-word;\n}\n\n.p-toast-message {\n margin: 0 0 1rem 0;\n}\n\n.p-toast-message-icon {\n flex-shrink: 0;\n font-size: ").concat(dt("toast.icon.size"), ";\n width: ").concat(dt("toast.icon.size"), ";\n height: ").concat(dt("toast.icon.size"), ";\n}\n\n.p-toast-message-content {\n display: flex;\n align-items: flex-start;\n padding: ").concat(dt("toast.content.padding"), ";\n gap: ").concat(dt("toast.content.gap"), ";\n}\n\n.p-toast-message-text {\n flex: 1 1 auto;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("toast.text.gap"), ";\n}\n\n.p-toast-summary {\n font-weight: ").concat(dt("toast.summary.font.weight"), ";\n font-size: ").concat(dt("toast.summary.font.size"), ";\n}\n\n.p-toast-detail {\n font-weight: ").concat(dt("toast.detail.font.weight"), ";\n font-size: ").concat(dt("toast.detail.font.size"), ";\n}\n\n.p-toast-close-button {\n display: flex;\n align-items: center;\n justify-content: center;\n overflow: hidden;\n position: relative;\n cursor: pointer;\n background: transparent;\n transition: background ").concat(dt("toast.transition.duration"), ", color ").concat(dt("toast.transition.duration"), ", outline-color ").concat(dt("toast.transition.duration"), ", box-shadow ").concat(dt("toast.transition.duration"), ";\n outline-color: transparent;\n color: inherit;\n width: ").concat(dt("toast.close.button.width"), ";\n height: ").concat(dt("toast.close.button.height"), ";\n border-radius: ").concat(dt("toast.close.button.border.radius"), ";\n margin: -25% 0 0 0;\n right: -25%;\n padding: 0;\n border: none;\n user-select: none;\n}\n\n.p-toast-close-button:dir(rtl) {\n margin: -25% 0 0 auto;\n left: -25%;\n right: auto;\n}\n\n.p-toast-message-info,\n.p-toast-message-success,\n.p-toast-message-warn,\n.p-toast-message-error,\n.p-toast-message-secondary,\n.p-toast-message-contrast {\n border-width: ").concat(dt("toast.border.width"), ";\n border-style: solid;\n backdrop-filter: blur(").concat(dt("toast.blur"), ");\n border-radius: ").concat(dt("toast.border.radius"), ";\n}\n\n.p-toast-close-icon {\n font-size: ").concat(dt("toast.close.icon.size"), ";\n width: ").concat(dt("toast.close.icon.size"), ";\n height: ").concat(dt("toast.close.icon.size"), ";\n}\n\n.p-toast-close-button:focus-visible {\n outline-width: ").concat(dt("focus.ring.width"), ";\n outline-style: ").concat(dt("focus.ring.style"), ";\n outline-offset: ").concat(dt("focus.ring.offset"), ";\n}\n\n.p-toast-message-info {\n background: ").concat(dt("toast.info.background"), ";\n border-color: ").concat(dt("toast.info.border.color"), ";\n color: ").concat(dt("toast.info.color"), ";\n box-shadow: ").concat(dt("toast.info.shadow"), ";\n}\n\n.p-toast-message-info .p-toast-detail {\n color: ").concat(dt("toast.info.detail.color"), ";\n}\n\n.p-toast-message-info .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.info.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.info.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-info .p-toast-close-button:hover {\n background: ").concat(dt("toast.info.close.button.hover.background"), ";\n}\n\n.p-toast-message-success {\n background: ").concat(dt("toast.success.background"), ";\n border-color: ").concat(dt("toast.success.border.color"), ";\n color: ").concat(dt("toast.success.color"), ";\n box-shadow: ").concat(dt("toast.success.shadow"), ";\n}\n\n.p-toast-message-success .p-toast-detail {\n color: ").concat(dt("toast.success.detail.color"), ";\n}\n\n.p-toast-message-success .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.success.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.success.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-success .p-toast-close-button:hover {\n background: ").concat(dt("toast.success.close.button.hover.background"), ";\n}\n\n.p-toast-message-warn {\n background: ").concat(dt("toast.warn.background"), ";\n border-color: ").concat(dt("toast.warn.border.color"), ";\n color: ").concat(dt("toast.warn.color"), ";\n box-shadow: ").concat(dt("toast.warn.shadow"), ";\n}\n\n.p-toast-message-warn .p-toast-detail {\n color: ").concat(dt("toast.warn.detail.color"), ";\n}\n\n.p-toast-message-warn .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.warn.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.warn.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-warn .p-toast-close-button:hover {\n background: ").concat(dt("toast.warn.close.button.hover.background"), ";\n}\n\n.p-toast-message-error {\n background: ").concat(dt("toast.error.background"), ";\n border-color: ").concat(dt("toast.error.border.color"), ";\n color: ").concat(dt("toast.error.color"), ";\n box-shadow: ").concat(dt("toast.error.shadow"), ";\n}\n\n.p-toast-message-error .p-toast-detail {\n color: ").concat(dt("toast.error.detail.color"), ";\n}\n\n.p-toast-message-error .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.error.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.error.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-error .p-toast-close-button:hover {\n background: ").concat(dt("toast.error.close.button.hover.background"), ";\n}\n\n.p-toast-message-secondary {\n background: ").concat(dt("toast.secondary.background"), ";\n border-color: ").concat(dt("toast.secondary.border.color"), ";\n color: ").concat(dt("toast.secondary.color"), ";\n box-shadow: ").concat(dt("toast.secondary.shadow"), ";\n}\n\n.p-toast-message-secondary .p-toast-detail {\n color: ").concat(dt("toast.secondary.detail.color"), ";\n}\n\n.p-toast-message-secondary .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.secondary.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.secondary.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-secondary .p-toast-close-button:hover {\n background: ").concat(dt("toast.secondary.close.button.hover.background"), ";\n}\n\n.p-toast-message-contrast {\n background: ").concat(dt("toast.contrast.background"), ";\n border-color: ").concat(dt("toast.contrast.border.color"), ";\n color: ").concat(dt("toast.contrast.color"), ";\n box-shadow: ").concat(dt("toast.contrast.shadow"), ";\n}\n\n.p-toast-message-contrast .p-toast-detail {\n color: ").concat(dt("toast.contrast.detail.color"), ";\n}\n\n.p-toast-message-contrast .p-toast-close-button:focus-visible {\n outline-color: ").concat(dt("toast.contrast.close.button.focus.ring.color"), ";\n box-shadow: ").concat(dt("toast.contrast.close.button.focus.ring.shadow"), ";\n}\n\n.p-toast-message-contrast .p-toast-close-button:hover {\n background: ").concat(dt("toast.contrast.close.button.hover.background"), ";\n}\n\n.p-toast-top-center {\n transform: translateX(-50%);\n}\n\n.p-toast-bottom-center {\n transform: translateX(-50%);\n}\n\n.p-toast-center {\n min-width: 20vw;\n transform: translate(-50%, -50%);\n}\n\n.p-toast-message-enter-from {\n opacity: 0;\n transform: translateY(50%);\n}\n\n.p-toast-message-leave-from {\n max-height: 1000px;\n}\n\n.p-toast .p-toast-message.p-toast-message-leave-to {\n max-height: 0;\n opacity: 0;\n margin-bottom: 0;\n overflow: hidden;\n}\n\n.p-toast-message-enter-active {\n transition: transform 0.3s, opacity 0.3s;\n}\n\n.p-toast-message-leave-active {\n transition: max-height 0.45s cubic-bezier(0, 1, 0, 1), opacity 0.3s, margin-bottom 0.3s;\n}\n");
-}, "theme");
-var inlineStyles$2 = {
- root: /* @__PURE__ */ __name(function root6(_ref2) {
- var position = _ref2.position;
- return {
- position: "fixed",
- top: position === "top-right" || position === "top-left" || position === "top-center" ? "20px" : position === "center" ? "50%" : null,
- right: (position === "top-right" || position === "bottom-right") && "20px",
- bottom: (position === "bottom-left" || position === "bottom-right" || position === "bottom-center") && "20px",
- left: position === "top-left" || position === "bottom-left" ? "20px" : position === "center" || position === "top-center" || position === "bottom-center" ? "50%" : null
- };
- }, "root")
-};
-var classes$3 = {
- root: /* @__PURE__ */ __name(function root7(_ref3) {
- var props = _ref3.props;
- return ["p-toast p-component p-toast-" + props.position];
- }, "root"),
- message: /* @__PURE__ */ __name(function message(_ref4) {
- var props = _ref4.props;
- return ["p-toast-message", {
- "p-toast-message-info": props.message.severity === "info" || props.message.severity === void 0,
- "p-toast-message-warn": props.message.severity === "warn",
- "p-toast-message-error": props.message.severity === "error",
- "p-toast-message-success": props.message.severity === "success",
- "p-toast-message-secondary": props.message.severity === "secondary",
- "p-toast-message-contrast": props.message.severity === "contrast"
- }];
- }, "message"),
- messageContent: "p-toast-message-content",
- messageIcon: /* @__PURE__ */ __name(function messageIcon(_ref5) {
- var props = _ref5.props;
- return ["p-toast-message-icon", _defineProperty$3(_defineProperty$3(_defineProperty$3(_defineProperty$3({}, props.infoIcon, props.message.severity === "info"), props.warnIcon, props.message.severity === "warn"), props.errorIcon, props.message.severity === "error"), props.successIcon, props.message.severity === "success")];
- }, "messageIcon"),
- messageText: "p-toast-message-text",
- summary: "p-toast-summary",
- detail: "p-toast-detail",
- closeButton: "p-toast-close-button",
- closeIcon: "p-toast-close-icon"
-};
-var ToastStyle = BaseStyle.extend({
- name: "toast",
- theme: theme$3,
- classes: classes$3,
- inlineStyles: inlineStyles$2
-});
-var script$7 = {
- name: "ExclamationTriangleIcon",
- "extends": script$q
-};
-function render$6(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
- d: "M13.4018 13.1893H0.598161C0.49329 13.189 0.390283 13.1615 0.299143 13.1097C0.208003 13.0578 0.131826 12.9832 0.0780112 12.8932C0.0268539 12.8015 0 12.6982 0 12.5931C0 12.4881 0.0268539 12.3848 0.0780112 12.293L6.47985 1.08982C6.53679 1.00399 6.61408 0.933574 6.70484 0.884867C6.7956 0.836159 6.897 0.810669 7 0.810669C7.103 0.810669 7.2044 0.836159 7.29516 0.884867C7.38592 0.933574 7.46321 1.00399 7.52015 1.08982L13.922 12.293C13.9731 12.3848 14 12.4881 14 12.5931C14 12.6982 13.9731 12.8015 13.922 12.8932C13.8682 12.9832 13.792 13.0578 13.7009 13.1097C13.6097 13.1615 13.5067 13.189 13.4018 13.1893ZM1.63046 11.989H12.3695L7 2.59425L1.63046 11.989Z",
- fill: "currentColor"
- }, null, -1), createBaseVNode("path", {
- d: "M6.99996 8.78801C6.84143 8.78594 6.68997 8.72204 6.57787 8.60993C6.46576 8.49782 6.40186 8.34637 6.39979 8.18784V5.38703C6.39979 5.22786 6.46302 5.0752 6.57557 4.96265C6.68813 4.85009 6.84078 4.78686 6.99996 4.78686C7.15914 4.78686 7.31179 4.85009 7.42435 4.96265C7.5369 5.0752 7.60013 5.22786 7.60013 5.38703V8.18784C7.59806 8.34637 7.53416 8.49782 7.42205 8.60993C7.30995 8.72204 7.15849 8.78594 6.99996 8.78801Z",
- fill: "currentColor"
- }, null, -1), createBaseVNode("path", {
- d: "M6.99996 11.1887C6.84143 11.1866 6.68997 11.1227 6.57787 11.0106C6.46576 10.8985 6.40186 10.7471 6.39979 10.5885V10.1884C6.39979 10.0292 6.46302 9.87658 6.57557 9.76403C6.68813 9.65147 6.84078 9.58824 6.99996 9.58824C7.15914 9.58824 7.31179 9.65147 7.42435 9.76403C7.5369 9.87658 7.60013 10.0292 7.60013 10.1884V10.5885C7.59806 10.7471 7.53416 10.8985 7.42205 11.0106C7.30995 11.1227 7.15849 11.1866 6.99996 11.1887Z",
- fill: "currentColor"
- }, null, -1)]), 16);
-}
-__name(render$6, "render$6");
-script$7.render = render$6;
-var script$6 = {
- name: "InfoCircleIcon",
- "extends": script$q
-};
-function render$5(_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()), _cache[0] || (_cache[0] = [createBaseVNode("path", {
- "fill-rule": "evenodd",
- "clip-rule": "evenodd",
- d: "M3.11101 12.8203C4.26215 13.5895 5.61553 14 7 14C8.85652 14 10.637 13.2625 11.9497 11.9497C13.2625 10.637 14 8.85652 14 7C14 5.61553 13.5895 4.26215 12.8203 3.11101C12.0511 1.95987 10.9579 1.06266 9.67879 0.532846C8.3997 0.00303296 6.99224 -0.13559 5.63437 0.134506C4.2765 0.404603 3.02922 1.07129 2.05026 2.05026C1.07129 3.02922 0.404603 4.2765 0.134506 5.63437C-0.13559 6.99224 0.00303296 8.3997 0.532846 9.67879C1.06266 10.9579 1.95987 12.0511 3.11101 12.8203ZM3.75918 2.14976C4.71846 1.50879 5.84628 1.16667 7 1.16667C8.5471 1.16667 10.0308 1.78125 11.1248 2.87521C12.2188 3.96918 12.8333 5.45291 12.8333 7C12.8333 8.15373 12.4912 9.28154 11.8502 10.2408C11.2093 11.2001 10.2982 11.9478 9.23232 12.3893C8.16642 12.8308 6.99353 12.9463 5.86198 12.7212C4.73042 12.4962 3.69102 11.9406 2.87521 11.1248C2.05941 10.309 1.50384 9.26958 1.27876 8.13803C1.05367 7.00647 1.16919 5.83358 1.61071 4.76768C2.05222 3.70178 2.79989 2.79074 3.75918 2.14976ZM7.00002 4.8611C6.84594 4.85908 6.69873 4.79698 6.58977 4.68801C6.48081 4.57905 6.4187 4.43185 6.41669 4.27776V3.88888C6.41669 3.73417 6.47815 3.58579 6.58754 3.4764C6.69694 3.367 6.84531 3.30554 7.00002 3.30554C7.15473 3.30554 7.3031 3.367 7.4125 3.4764C7.52189 3.58579 7.58335 3.73417 7.58335 3.88888V4.27776C7.58134 4.43185 7.51923 4.57905 7.41027 4.68801C7.30131 4.79698 7.1541 4.85908 7.00002 4.8611ZM7.00002 10.6945C6.84594 10.6925 6.69873 10.6304 6.58977 10.5214C6.48081 10.4124 6.4187 10.2652 6.41669 10.1111V6.22225C6.41669 6.06754 6.47815 5.91917 6.58754 5.80977C6.69694 5.70037 6.84531 5.63892 7.00002 5.63892C7.15473 5.63892 7.3031 5.70037 7.4125 5.80977C7.52189 5.91917 7.58335 6.06754 7.58335 6.22225V10.1111C7.58134 10.2652 7.51923 10.4124 7.41027 10.5214C7.30131 10.6304 7.1541 10.6925 7.00002 10.6945Z",
- fill: "currentColor"
- }, null, -1)]), 16);
-}
-__name(render$5, "render$5");
-script$6.render = render$5;
-var script$2$2 = {
- name: "BaseToast",
- "extends": script$f,
- props: {
- group: {
- type: String,
- "default": null
- },
- position: {
- type: String,
- "default": "top-right"
- },
- autoZIndex: {
- type: Boolean,
- "default": true
- },
- baseZIndex: {
- type: Number,
- "default": 0
- },
- breakpoints: {
- type: Object,
- "default": null
- },
- closeIcon: {
- type: String,
- "default": void 0
- },
- infoIcon: {
- type: String,
- "default": void 0
- },
- warnIcon: {
- type: String,
- "default": void 0
- },
- errorIcon: {
- type: String,
- "default": void 0
- },
- successIcon: {
- type: String,
- "default": void 0
- },
- closeButtonProps: {
- type: null,
- "default": null
- }
- },
- style: ToastStyle,
- provide: /* @__PURE__ */ __name(function provide8() {
- return {
- $pcToast: this,
- $parentInstance: this
- };
- }, "provide")
-};
-var script$1$3 = {
- name: "ToastMessage",
- hostName: "Toast",
- "extends": script$f,
- emits: ["close"],
- closeTimeout: null,
- props: {
- message: {
- type: null,
- "default": null
- },
- templates: {
- type: Object,
- "default": null
- },
- closeIcon: {
- type: String,
- "default": null
- },
- infoIcon: {
- type: String,
- "default": null
- },
- warnIcon: {
- type: String,
- "default": null
- },
- errorIcon: {
- type: String,
- "default": null
- },
- successIcon: {
- type: String,
- "default": null
- },
- closeButtonProps: {
- type: null,
- "default": null
- }
- },
- mounted: /* @__PURE__ */ __name(function mounted4() {
- var _this = this;
- if (this.message.life) {
- this.closeTimeout = setTimeout(function() {
- _this.close({
- message: _this.message,
- type: "life-end"
- });
- }, this.message.life);
- }
- }, "mounted"),
- beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount4() {
- this.clearCloseTimeout();
- }, "beforeUnmount"),
- methods: {
- close: /* @__PURE__ */ __name(function close(params) {
- this.$emit("close", params);
- }, "close"),
- onCloseClick: /* @__PURE__ */ __name(function onCloseClick() {
- this.clearCloseTimeout();
- this.close({
- message: this.message,
- type: "close"
- });
- }, "onCloseClick"),
- clearCloseTimeout: /* @__PURE__ */ __name(function clearCloseTimeout() {
- if (this.closeTimeout) {
- clearTimeout(this.closeTimeout);
- this.closeTimeout = null;
- }
- }, "clearCloseTimeout")
- },
- computed: {
- iconComponent: /* @__PURE__ */ __name(function iconComponent() {
- return {
- info: !this.infoIcon && script$6,
- success: !this.successIcon && script$r,
- warn: !this.warnIcon && script$7,
- error: !this.errorIcon && script$s
- }[this.message.severity];
- }, "iconComponent"),
- closeAriaLabel: /* @__PURE__ */ __name(function closeAriaLabel() {
- return this.$primevue.config.locale.aria ? this.$primevue.config.locale.aria.close : void 0;
- }, "closeAriaLabel")
- },
- components: {
- TimesIcon: script$t,
- InfoCircleIcon: script$6,
- CheckIcon: script$r,
- ExclamationTriangleIcon: script$7,
- TimesCircleIcon: script$s
- },
- directives: {
- ripple: Ripple
- }
-};
-function _typeof$1(o) {
- "@babel/helpers - typeof";
- return _typeof$1 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
- return typeof o2;
- } : function(o2) {
- return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
- }, _typeof$1(o);
-}
-__name(_typeof$1, "_typeof$1");
-function ownKeys$1(e, r) {
- var t = Object.keys(e);
- if (Object.getOwnPropertySymbols) {
- var o = Object.getOwnPropertySymbols(e);
- r && (o = o.filter(function(r2) {
- return Object.getOwnPropertyDescriptor(e, r2).enumerable;
- })), t.push.apply(t, o);
- }
- return t;
-}
-__name(ownKeys$1, "ownKeys$1");
-function _objectSpread$1(e) {
- for (var r = 1; r < arguments.length; r++) {
- var t = null != arguments[r] ? arguments[r] : {};
- r % 2 ? ownKeys$1(Object(t), true).forEach(function(r2) {
- _defineProperty$1(e, r2, t[r2]);
- }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t)) : ownKeys$1(Object(t)).forEach(function(r2) {
- Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t, r2));
- });
- }
- return e;
-}
-__name(_objectSpread$1, "_objectSpread$1");
-function _defineProperty$1(e, r, t) {
- return (r = _toPropertyKey$1(r)) in e ? Object.defineProperty(e, r, { value: t, enumerable: true, configurable: true, writable: true }) : e[r] = t, e;
-}
-__name(_defineProperty$1, "_defineProperty$1");
-function _toPropertyKey$1(t) {
- var i = _toPrimitive$1(t, "string");
- return "symbol" == _typeof$1(i) ? i : i + "";
-}
-__name(_toPropertyKey$1, "_toPropertyKey$1");
-function _toPrimitive$1(t, r) {
- if ("object" != _typeof$1(t) || !t) return t;
- var e = t[Symbol.toPrimitive];
- if (void 0 !== e) {
- var i = e.call(t, r || "default");
- if ("object" != _typeof$1(i)) return i;
- throw new TypeError("@@toPrimitive must return a primitive value.");
- }
- return ("string" === r ? String : Number)(t);
-}
-__name(_toPrimitive$1, "_toPrimitive$1");
-var _hoisted_1$4 = ["aria-label"];
-function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
- var _directive_ripple = resolveDirective("ripple");
- return openBlock(), createElementBlock("div", mergeProps({
- "class": [_ctx.cx("message"), $props.message.styleClass],
- role: "alert",
- "aria-live": "assertive",
- "aria-atomic": "true"
- }, _ctx.ptm("message")), [$props.templates.container ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.container), {
- key: 0,
- message: $props.message,
- closeCallback: $options.onCloseClick
- }, null, 8, ["message", "closeCallback"])) : (openBlock(), createElementBlock("div", mergeProps({
- key: 1,
- "class": [_ctx.cx("messageContent"), $props.message.contentStyleClass]
- }, _ctx.ptm("messageContent")), [!$props.templates.message ? (openBlock(), createElementBlock(Fragment, {
- key: 0
- }, [(openBlock(), createBlock(resolveDynamicComponent($props.templates.messageicon ? $props.templates.messageicon : $props.templates.icon ? $props.templates.icon : $options.iconComponent && $options.iconComponent.name ? $options.iconComponent : "span"), mergeProps({
- "class": _ctx.cx("messageIcon")
- }, _ctx.ptm("messageIcon")), null, 16, ["class"])), createBaseVNode("div", mergeProps({
- "class": _ctx.cx("messageText")
- }, _ctx.ptm("messageText")), [createBaseVNode("span", mergeProps({
- "class": _ctx.cx("summary")
- }, _ctx.ptm("summary")), toDisplayString($props.message.summary), 17), createBaseVNode("div", mergeProps({
- "class": _ctx.cx("detail")
- }, _ctx.ptm("detail")), toDisplayString($props.message.detail), 17)], 16)], 64)) : (openBlock(), createBlock(resolveDynamicComponent($props.templates.message), {
- key: 1,
- message: $props.message
- }, null, 8, ["message"])), $props.message.closable !== false ? (openBlock(), createElementBlock("div", normalizeProps(mergeProps({
- key: 2
- }, _ctx.ptm("buttonContainer"))), [withDirectives((openBlock(), createElementBlock("button", mergeProps({
- "class": _ctx.cx("closeButton"),
- type: "button",
- "aria-label": $options.closeAriaLabel,
- onClick: _cache[0] || (_cache[0] = function() {
- return $options.onCloseClick && $options.onCloseClick.apply($options, arguments);
- }),
- autofocus: ""
- }, _objectSpread$1(_objectSpread$1({}, $props.closeButtonProps), _ctx.ptm("closeButton"))), [(openBlock(), createBlock(resolveDynamicComponent($props.templates.closeicon || "TimesIcon"), mergeProps({
- "class": [_ctx.cx("closeIcon"), $props.closeIcon]
- }, _ctx.ptm("closeIcon")), null, 16, ["class"]))], 16, _hoisted_1$4)), [[_directive_ripple]])], 16)) : createCommentVNode("", true)], 16))], 16);
-}
-__name(render$1$2, "render$1$2");
-script$1$3.render = render$1$2;
-function _toConsumableArray(r) {
- return _arrayWithoutHoles(r) || _iterableToArray(r) || _unsupportedIterableToArray(r) || _nonIterableSpread();
-}
-__name(_toConsumableArray, "_toConsumableArray");
-function _nonIterableSpread() {
- throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.");
-}
-__name(_nonIterableSpread, "_nonIterableSpread");
-function _unsupportedIterableToArray(r, a) {
- if (r) {
- if ("string" == typeof r) return _arrayLikeToArray(r, a);
- var t = {}.toString.call(r).slice(8, -1);
- return "Object" === t && r.constructor && (t = r.constructor.name), "Map" === t || "Set" === t ? Array.from(r) : "Arguments" === t || /^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(t) ? _arrayLikeToArray(r, a) : void 0;
- }
-}
-__name(_unsupportedIterableToArray, "_unsupportedIterableToArray");
-function _iterableToArray(r) {
- if ("undefined" != typeof Symbol && null != r[Symbol.iterator] || null != r["@@iterator"]) return Array.from(r);
-}
-__name(_iterableToArray, "_iterableToArray");
-function _arrayWithoutHoles(r) {
- if (Array.isArray(r)) return _arrayLikeToArray(r);
-}
-__name(_arrayWithoutHoles, "_arrayWithoutHoles");
-function _arrayLikeToArray(r, a) {
- (null == a || a > r.length) && (a = r.length);
- for (var e = 0, n = Array(a); e < a; e++) n[e] = r[e];
- return n;
-}
-__name(_arrayLikeToArray, "_arrayLikeToArray");
-var messageIdx = 0;
-var script$5 = {
- name: "Toast",
- "extends": script$2$2,
- inheritAttrs: false,
- emits: ["close", "life-end"],
- data: /* @__PURE__ */ __name(function data5() {
- return {
- messages: []
- };
- }, "data"),
- styleElement: null,
- mounted: /* @__PURE__ */ __name(function mounted5() {
- ToastEventBus.on("add", this.onAdd);
- ToastEventBus.on("remove", this.onRemove);
- ToastEventBus.on("remove-group", this.onRemoveGroup);
- ToastEventBus.on("remove-all-groups", this.onRemoveAllGroups);
- if (this.breakpoints) {
- this.createStyle();
- }
- }, "mounted"),
- beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount5() {
- this.destroyStyle();
- if (this.$refs.container && this.autoZIndex) {
- ZIndex.clear(this.$refs.container);
- }
- ToastEventBus.off("add", this.onAdd);
- ToastEventBus.off("remove", this.onRemove);
- ToastEventBus.off("remove-group", this.onRemoveGroup);
- ToastEventBus.off("remove-all-groups", this.onRemoveAllGroups);
- }, "beforeUnmount"),
- methods: {
- add: /* @__PURE__ */ __name(function add(message2) {
- if (message2.id == null) {
- message2.id = messageIdx++;
- }
- this.messages = [].concat(_toConsumableArray(this.messages), [message2]);
- }, "add"),
- remove: /* @__PURE__ */ __name(function remove(params) {
- var index = this.messages.findIndex(function(m) {
- return m.id === params.message.id;
- });
- if (index !== -1) {
- this.messages.splice(index, 1);
- this.$emit(params.type, {
- message: params.message
- });
- }
- }, "remove"),
- onAdd: /* @__PURE__ */ __name(function onAdd(message2) {
- if (this.group == message2.group) {
- this.add(message2);
- }
- }, "onAdd"),
- onRemove: /* @__PURE__ */ __name(function onRemove(message2) {
- this.remove({
- message: message2,
- type: "close"
- });
- }, "onRemove"),
- onRemoveGroup: /* @__PURE__ */ __name(function onRemoveGroup(group) {
- if (this.group === group) {
- this.messages = [];
- }
- }, "onRemoveGroup"),
- onRemoveAllGroups: /* @__PURE__ */ __name(function onRemoveAllGroups() {
- this.messages = [];
- }, "onRemoveAllGroups"),
- onEnter: /* @__PURE__ */ __name(function onEnter() {
- if (this.autoZIndex) {
- ZIndex.set("modal", this.$refs.container, this.baseZIndex || this.$primevue.config.zIndex.modal);
- }
- }, "onEnter"),
- onLeave: /* @__PURE__ */ __name(function onLeave() {
- var _this = this;
- if (this.$refs.container && this.autoZIndex && isEmpty(this.messages)) {
- setTimeout(function() {
- ZIndex.clear(_this.$refs.container);
- }, 200);
- }
- }, "onLeave"),
- createStyle: /* @__PURE__ */ __name(function createStyle() {
- if (!this.styleElement && !this.isUnstyled) {
- var _this$$primevue;
- this.styleElement = document.createElement("style");
- this.styleElement.type = "text/css";
- setAttribute(this.styleElement, "nonce", (_this$$primevue = this.$primevue) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.config) === null || _this$$primevue === void 0 || (_this$$primevue = _this$$primevue.csp) === null || _this$$primevue === void 0 ? void 0 : _this$$primevue.nonce);
- document.head.appendChild(this.styleElement);
- var innerHTML = "";
- for (var breakpoint in this.breakpoints) {
- var breakpointStyle = "";
- for (var styleProp in this.breakpoints[breakpoint]) {
- breakpointStyle += styleProp + ":" + this.breakpoints[breakpoint][styleProp] + "!important;";
- }
- innerHTML += "\n @media screen and (max-width: ".concat(breakpoint, ") {\n .p-toast[").concat(this.$attrSelector, "] {\n ").concat(breakpointStyle, "\n }\n }\n ");
- }
- this.styleElement.innerHTML = innerHTML;
- }
- }, "createStyle"),
- destroyStyle: /* @__PURE__ */ __name(function destroyStyle() {
- if (this.styleElement) {
- document.head.removeChild(this.styleElement);
- this.styleElement = null;
- }
- }, "destroyStyle")
- },
- components: {
- ToastMessage: script$1$3,
- Portal: script$l
- }
-};
-function _typeof$2(o) {
- "@babel/helpers - typeof";
- return _typeof$2 = "function" == typeof Symbol && "symbol" == typeof Symbol.iterator ? function(o2) {
- return typeof o2;
- } : function(o2) {
- return o2 && "function" == typeof Symbol && o2.constructor === Symbol && o2 !== Symbol.prototype ? "symbol" : typeof o2;
- }, _typeof$2(o);
-}
-__name(_typeof$2, "_typeof$2");
-function ownKeys$2(e, r) {
- var t = Object.keys(e);
- if (Object.getOwnPropertySymbols) {
- var o = Object.getOwnPropertySymbols(e);
- r && (o = o.filter(function(r2) {
- return Object.getOwnPropertyDescriptor(e, r2).enumerable;
- })), t.push.apply(t, o);
- }
- return t;
-}
-__name(ownKeys$2, "ownKeys$2");
-function _objectSpread$2(e) {
- for (var r = 1; r < arguments.length; r++) {
- var t = null != arguments[r] ? arguments[r] : {};
- r % 2 ? ownKeys$2(Object(t), true).forEach(function(r2) {
- _defineProperty$2(e, r2, t[r2]);
- }) : Object.getOwnPropertyDescriptors ? Object.defineProperties(e, Object.getOwnPropertyDescriptors(t)) : ownKeys$2(Object(t)).forEach(function(r2) {
- Object.defineProperty(e, r2, Object.getOwnPropertyDescriptor(t, r2));
- });
- }
- return e;
-}
-__name(_objectSpread$2, "_objectSpread$2");
-function _defineProperty$2(e, r, t) {
- return (r = _toPropertyKey$2(r)) in e ? Object.defineProperty(e, r, { value: t, enumerable: true, configurable: true, writable: true }) : e[r] = t, e;
-}
-__name(_defineProperty$2, "_defineProperty$2");
-function _toPropertyKey$2(t) {
- var i = _toPrimitive$2(t, "string");
- return "symbol" == _typeof$2(i) ? i : i + "";
-}
-__name(_toPropertyKey$2, "_toPropertyKey$2");
-function _toPrimitive$2(t, r) {
- if ("object" != _typeof$2(t) || !t) return t;
- var e = t[Symbol.toPrimitive];
- if (void 0 !== e) {
- var i = e.call(t, r || "default");
- if ("object" != _typeof$2(i)) return i;
- throw new TypeError("@@toPrimitive must return a primitive value.");
- }
- return ("string" === r ? String : Number)(t);
-}
-__name(_toPrimitive$2, "_toPrimitive$2");
-function render$4(_ctx, _cache, $props, $setup, $data, $options) {
- var _component_ToastMessage = resolveComponent("ToastMessage");
- var _component_Portal = resolveComponent("Portal");
- return openBlock(), createBlock(_component_Portal, null, {
- "default": withCtx(function() {
- return [createBaseVNode("div", mergeProps({
- ref: "container",
- "class": _ctx.cx("root"),
- style: _ctx.sx("root", true, {
- position: _ctx.position
- })
- }, _ctx.ptmi("root")), [createVNode(TransitionGroup, mergeProps({
- name: "p-toast-message",
- tag: "div",
- onEnter: $options.onEnter,
- onLeave: $options.onLeave
- }, _objectSpread$2({}, _ctx.ptm("transition"))), {
- "default": withCtx(function() {
- return [(openBlock(true), createElementBlock(Fragment, null, renderList($data.messages, function(msg) {
- return openBlock(), createBlock(_component_ToastMessage, {
- key: msg.id,
- message: msg,
- templates: _ctx.$slots,
- closeIcon: _ctx.closeIcon,
- infoIcon: _ctx.infoIcon,
- warnIcon: _ctx.warnIcon,
- errorIcon: _ctx.errorIcon,
- successIcon: _ctx.successIcon,
- closeButtonProps: _ctx.closeButtonProps,
- unstyled: _ctx.unstyled,
- onClose: _cache[0] || (_cache[0] = function($event) {
- return $options.remove($event);
- }),
- pt: _ctx.pt
- }, null, 8, ["message", "templates", "closeIcon", "infoIcon", "warnIcon", "errorIcon", "successIcon", "closeButtonProps", "unstyled", "pt"]);
- }), 128))];
- }),
- _: 1
- }, 16, ["onEnter", "onLeave"])], 16)];
- }),
- _: 1
- });
-}
__name(render$4, "render$4");
script$5.render = render$4;
-var theme$2 = /* @__PURE__ */ __name(function theme6(_ref) {
+var theme$2 = /* @__PURE__ */ __name(function theme5(_ref) {
var dt = _ref.dt;
return "\n.p-tieredmenu {\n background: ".concat(dt("tieredmenu.background"), ";\n color: ").concat(dt("tieredmenu.color"), ";\n border: 1px solid ").concat(dt("tieredmenu.border.color"), ";\n border-radius: ").concat(dt("tieredmenu.border.radius"), ";\n min-width: 12.5rem;\n}\n\n.p-tieredmenu-root-list,\n.p-tieredmenu-submenu {\n margin: 0;\n padding: ").concat(dt("tieredmenu.list.padding"), ";\n list-style: none;\n outline: 0 none;\n display: flex;\n flex-direction: column;\n gap: ").concat(dt("tieredmenu.list.gap"), ";\n}\n\n.p-tieredmenu-submenu {\n position: absolute;\n min-width: 100%;\n z-index: 1;\n background: ").concat(dt("tieredmenu.background"), ";\n color: ").concat(dt("tieredmenu.color"), ";\n border: 1px solid ").concat(dt("tieredmenu.border.color"), ";\n border-radius: ").concat(dt("tieredmenu.border.radius"), ";\n box-shadow: ").concat(dt("tieredmenu.shadow"), ";\n}\n\n.p-tieredmenu-item {\n position: relative;\n}\n\n.p-tieredmenu-item-content {\n transition: background ").concat(dt("tieredmenu.transition.duration"), ", color ").concat(dt("tieredmenu.transition.duration"), ";\n border-radius: ").concat(dt("tieredmenu.item.border.radius"), ";\n color: ").concat(dt("tieredmenu.item.color"), ";\n}\n\n.p-tieredmenu-item-link {\n cursor: pointer;\n display: flex;\n align-items: center;\n text-decoration: none;\n overflow: hidden;\n position: relative;\n color: inherit;\n padding: ").concat(dt("tieredmenu.item.padding"), ";\n gap: ").concat(dt("tieredmenu.item.gap"), ";\n user-select: none;\n outline: 0 none;\n}\n\n.p-tieredmenu-item-label {\n line-height: 1;\n}\n\n.p-tieredmenu-item-icon {\n color: ").concat(dt("tieredmenu.item.icon.color"), ";\n}\n\n.p-tieredmenu-submenu-icon {\n color: ").concat(dt("tieredmenu.submenu.icon.color"), ";\n margin-left: auto;\n font-size: ").concat(dt("tieredmenu.submenu.icon.size"), ";\n width: ").concat(dt("tieredmenu.submenu.icon.size"), ";\n height: ").concat(dt("tieredmenu.submenu.icon.size"), ";\n}\n\n.p-tieredmenu-submenu-icon:dir(rtl) {\n margin-left: 0;\n margin-right: auto;\n}\n\n.p-tieredmenu-item.p-focus > .p-tieredmenu-item-content {\n color: ").concat(dt("tieredmenu.item.focus.color"), ";\n background: ").concat(dt("tieredmenu.item.focus.background"), ";\n}\n\n.p-tieredmenu-item.p-focus > .p-tieredmenu-item-content .p-tieredmenu-item-icon {\n color: ").concat(dt("tieredmenu.item.icon.focus.color"), ";\n}\n\n.p-tieredmenu-item.p-focus > .p-tieredmenu-item-content .p-tieredmenu-submenu-icon {\n color: ").concat(dt("tieredmenu.submenu.icon.focus.color"), ";\n}\n\n.p-tieredmenu-item:not(.p-disabled) > .p-tieredmenu-item-content:hover {\n color: ").concat(dt("tieredmenu.item.focus.color"), ";\n background: ").concat(dt("tieredmenu.item.focus.background"), ";\n}\n\n.p-tieredmenu-item:not(.p-disabled) > .p-tieredmenu-item-content:hover .p-tieredmenu-item-icon {\n color: ").concat(dt("tieredmenu.item.icon.focus.color"), ";\n}\n\n.p-tieredmenu-item:not(.p-disabled) > .p-tieredmenu-item-content:hover .p-tieredmenu-submenu-icon {\n color: ").concat(dt("tieredmenu.submenu.icon.focus.color"), ";\n}\n\n.p-tieredmenu-item-active > .p-tieredmenu-item-content {\n color: ").concat(dt("tieredmenu.item.active.color"), ";\n background: ").concat(dt("tieredmenu.item.active.background"), ";\n}\n\n.p-tieredmenu-item-active > .p-tieredmenu-item-content .p-tieredmenu-item-icon {\n color: ").concat(dt("tieredmenu.item.icon.active.color"), ";\n}\n\n.p-tieredmenu-item-active > .p-tieredmenu-item-content .p-tieredmenu-submenu-icon {\n color: ").concat(dt("tieredmenu.submenu.icon.active.color"), ";\n}\n\n.p-tieredmenu-separator {\n border-block-start: 1px solid ").concat(dt("tieredmenu.separator.border.color"), ";\n}\n\n.p-tieredmenu-overlay {\n box-shadow: ").concat(dt("tieredmenu.shadow"), ";\n}\n\n.p-tieredmenu-enter-from,\n.p-tieredmenu-leave-active {\n opacity: 0;\n}\n\n.p-tieredmenu-enter-active {\n transition: opacity 250ms;\n}\n\n.p-tieredmenu-mobile .p-tieredmenu-submenu {\n position: static;\n box-shadow: none;\n border: 0 none;\n padding-inline-start: ").concat(dt("tieredmenu.submenu.mobile.indent"), ";\n padding-inline-end: 0;\n}\n\n.p-tieredmenu-mobile .p-tieredmenu-submenu:dir(rtl) {\n padding-inline-start: 0;\n padding-inline-end: ").concat(dt("tieredmenu.submenu.mobile.indent"), ";\n}\n\n.p-tieredmenu-mobile .p-tieredmenu-submenu-icon {\n transition: transform 0.2s;\n transform: rotate(90deg);\n}\n\n.p-tieredmenu-mobile .p-tieredmenu-item-active > .p-tieredmenu-item-content .p-tieredmenu-submenu-icon {\n transform: rotate(-90deg);\n}\n");
}, "theme");
@@ -3145,7 +2536,7 @@ var inlineStyles$1 = {
}, "submenu")
};
var classes$2 = {
- root: /* @__PURE__ */ __name(function root8(_ref3) {
+ root: /* @__PURE__ */ __name(function root6(_ref3) {
var props = _ref3.props, instance = _ref3.instance;
return ["p-tieredmenu p-component", {
"p-tieredmenu-overlay": props.popup,
@@ -3179,7 +2570,7 @@ var TieredMenuStyle = BaseStyle.extend({
});
var script$2$1 = {
name: "BaseTieredMenu",
- "extends": script$f,
+ "extends": script$c,
props: {
popup: {
type: Boolean,
@@ -3223,7 +2614,7 @@ var script$2$1 = {
}
},
style: TieredMenuStyle,
- provide: /* @__PURE__ */ __name(function provide9() {
+ provide: /* @__PURE__ */ __name(function provide8() {
return {
$pcTieredMenu: this,
$parentInstance: this
@@ -3233,7 +2624,7 @@ var script$2$1 = {
var script$1$2 = {
name: "TieredMenuSub",
hostName: "TieredMenu",
- "extends": script$f,
+ "extends": script$c,
emits: ["item-click", "item-mouseenter", "item-mousemove"],
container: null,
props: {
@@ -3314,7 +2705,7 @@ var script$1$2 = {
isItemGroup: /* @__PURE__ */ __name(function isItemGroup(processedItem) {
return isNotEmpty(processedItem.items);
}, "isItemGroup"),
- onEnter: /* @__PURE__ */ __name(function onEnter2() {
+ onEnter: /* @__PURE__ */ __name(function onEnter() {
nestedPosition(this.container, this.level);
}, "onEnter"),
onItemClick: /* @__PURE__ */ __name(function onItemClick(event, processedItem) {
@@ -3374,7 +2765,7 @@ var script$1$2 = {
}, "containerRef")
},
components: {
- AngleRightIcon: script$u
+ AngleRightIcon: script$n
},
directives: {
ripple: Ripple
@@ -3527,7 +2918,7 @@ var script$4 = {
menubar: null,
searchTimeout: null,
searchValue: null,
- data: /* @__PURE__ */ __name(function data6() {
+ data: /* @__PURE__ */ __name(function data5() {
return {
id: this.$attrs.id,
focused: false,
@@ -3560,11 +2951,11 @@ var script$4 = {
}
}, "activeItemPath")
},
- mounted: /* @__PURE__ */ __name(function mounted6() {
+ mounted: /* @__PURE__ */ __name(function mounted4() {
this.id = this.id || UniqueComponentId();
this.bindMatchMediaListener();
}, "mounted"),
- beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount6() {
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount4() {
this.unbindOutsideClickListener();
this.unbindResizeListener();
this.unbindMatchMediaListener();
@@ -3735,7 +3126,7 @@ var script$4 = {
onItemClick: /* @__PURE__ */ __name(function onItemClick2(event) {
var originalEvent = event.originalEvent, processedItem = event.processedItem;
var grouped = this.isProccessedItemGroup(processedItem);
- var root11 = isEmpty(processedItem.parent);
+ var root9 = isEmpty(processedItem.parent);
var selected = this.isSelected(processedItem);
if (selected) {
var index = processedItem.index, key = processedItem.key, level = processedItem.level, parentKey = processedItem.parentKey;
@@ -3747,13 +3138,13 @@ var script$4 = {
level,
parentKey
};
- this.dirty = !root11;
+ this.dirty = !root9;
focus(this.menubar);
} else {
if (grouped) {
this.onItemChange(event);
} else {
- var rootProcessedItem = root11 ? processedItem : this.activeItemPath.find(function(p) {
+ var rootProcessedItem = root9 ? processedItem : this.activeItemPath.find(function(p) {
return p.parentKey === "";
});
this.hide(originalEvent);
@@ -3801,8 +3192,8 @@ var script$4 = {
var parentItem = this.activeItemPath.find(function(p) {
return p.key === processedItem.parentKey;
});
- var root11 = isEmpty(processedItem.parent);
- if (!root11) {
+ var root9 = isEmpty(processedItem.parent);
+ if (!root9) {
this.focusedItemInfo = {
index: -1,
parentKey: parentItem ? parentItem.parentKey : ""
@@ -3880,7 +3271,7 @@ var script$4 = {
}
this.hide();
}, "onTabKey"),
- onEnter: /* @__PURE__ */ __name(function onEnter3(el) {
+ onEnter: /* @__PURE__ */ __name(function onEnter2(el) {
if (this.autoZIndex) {
ZIndex.set("menu", el, this.baseZIndex + this.$primevue.config.zIndex.menu);
}
@@ -3899,7 +3290,7 @@ var script$4 = {
this.bindResizeListener();
this.$emit("show");
}, "onAfterEnter"),
- onLeave: /* @__PURE__ */ __name(function onLeave2() {
+ onLeave: /* @__PURE__ */ __name(function onLeave() {
this.unbindOutsideClickListener();
this.unbindScrollListener();
this.unbindResizeListener();
@@ -4139,7 +3530,7 @@ var script$4 = {
},
components: {
TieredMenuSub: script$1$2,
- Portal: script$l
+ Portal: script$i
}
};
var _hoisted_1$3 = ["id"];
@@ -4209,12 +3600,12 @@ function render$3(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$3, "render$3");
script$4.render = render$3;
-var theme$1 = /* @__PURE__ */ __name(function theme7(_ref) {
+var theme$1 = /* @__PURE__ */ __name(function theme6(_ref) {
var dt = _ref.dt;
return "\n.p-splitbutton {\n display: inline-flex;\n position: relative;\n border-radius: ".concat(dt("splitbutton.border.radius"), ";\n}\n\n.p-splitbutton-button {\n border-start-end-radius: 0;\n border-end-end-radius: 0;\n border-inline-end: 0 none;\n}\n\n.p-splitbutton-button:focus-visible,\n.p-splitbutton-dropdown:focus-visible {\n z-index: 1;\n}\n\n.p-splitbutton-button:not(:disabled):hover,\n.p-splitbutton-button:not(:disabled):active {\n border-inline-end: 0 none;\n}\n\n.p-splitbutton-dropdown {\n border-start-start-radius: 0;\n border-end-start-radius: 0;\n}\n\n.p-splitbutton .p-menu {\n min-width: 100%;\n}\n\n.p-splitbutton-fluid {\n display: flex;\n}\n\n.p-splitbutton-rounded .p-splitbutton-dropdown {\n border-start-end-radius: ").concat(dt("splitbutton.rounded.border.radius"), ";\n border-end-end-radius: ").concat(dt("splitbutton.rounded.border.radius"), ";\n}\n\n.p-splitbutton-rounded .p-splitbutton-button {\n border-start-start-radius: ").concat(dt("splitbutton.rounded.border.radius"), ";\n border-end-start-radius: ").concat(dt("splitbutton.rounded.border.radius"), ";\n}\n\n.p-splitbutton-raised {\n box-shadow: ").concat(dt("splitbutton.raised.shadow"), ";\n}\n");
}, "theme");
var classes$1 = {
- root: /* @__PURE__ */ __name(function root9(_ref2) {
+ root: /* @__PURE__ */ __name(function root7(_ref2) {
var instance = _ref2.instance, props = _ref2.props;
return ["p-splitbutton p-component", {
"p-splitbutton-raised": props.raised,
@@ -4232,7 +3623,7 @@ var SplitButtonStyle = BaseStyle.extend({
});
var script$1$1 = {
name: "BaseSplitButton",
- "extends": script$f,
+ "extends": script$c,
props: {
label: {
type: String,
@@ -4320,7 +3711,7 @@ var script$1$1 = {
}
},
style: SplitButtonStyle,
- provide: /* @__PURE__ */ __name(function provide10() {
+ provide: /* @__PURE__ */ __name(function provide9() {
return {
$pcSplitButton: this,
$parentInstance: this
@@ -4337,7 +3728,7 @@ var script$3 = {
"default": null
}
},
- data: /* @__PURE__ */ __name(function data7() {
+ data: /* @__PURE__ */ __name(function data6() {
return {
id: this.$attrs.id,
isExpanded: false
@@ -4348,7 +3739,7 @@ var script$3 = {
this.id = newValue || UniqueComponentId();
}, "$attrsId")
},
- mounted: /* @__PURE__ */ __name(function mounted7() {
+ mounted: /* @__PURE__ */ __name(function mounted5() {
var _this = this;
this.id = this.id || UniqueComponentId();
this.$watch("$refs.menu.visible", function(newValue) {
@@ -4388,9 +3779,9 @@ var script$3 = {
}, "hasFluid")
},
components: {
- PVSButton: script$v,
+ PVSButton: script$o,
PVSMenu: script$4,
- ChevronDownIcon: script$m
+ ChevronDownIcon: script$j
}
};
var _hoisted_1$2 = ["data-p-severity"];
@@ -4503,7 +3894,7 @@ function render$2(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$2, "render$2");
script$3.render = render$2;
-var theme8 = /* @__PURE__ */ __name(function theme9(_ref) {
+var theme7 = /* @__PURE__ */ __name(function theme8(_ref) {
var dt = _ref.dt;
return "\n.p-menubar {\n display: flex;\n align-items: center;\n background: ".concat(dt("menubar.background"), ";\n border: 1px solid ").concat(dt("menubar.border.color"), ";\n border-radius: ").concat(dt("menubar.border.radius"), ";\n color: ").concat(dt("menubar.color"), ";\n padding: ").concat(dt("menubar.padding"), ";\n gap: ").concat(dt("menubar.gap"), ";\n}\n\n.p-menubar-start,\n.p-megamenu-end {\n display: flex;\n align-items: center;\n}\n\n.p-menubar-root-list,\n.p-menubar-submenu {\n display: flex;\n margin: 0;\n padding: 0;\n list-style: none;\n outline: 0 none;\n}\n\n.p-menubar-root-list {\n align-items: center;\n flex-wrap: wrap;\n gap: ").concat(dt("menubar.gap"), ";\n}\n\n.p-menubar-root-list > .p-menubar-item > .p-menubar-item-content {\n border-radius: ").concat(dt("menubar.base.item.border.radius"), ";\n}\n\n.p-menubar-root-list > .p-menubar-item > .p-menubar-item-content > .p-menubar-item-link {\n padding: ").concat(dt("menubar.base.item.padding"), ";\n}\n\n.p-menubar-item-content {\n transition: background ").concat(dt("menubar.transition.duration"), ", color ").concat(dt("menubar.transition.duration"), ";\n border-radius: ").concat(dt("menubar.item.border.radius"), ";\n color: ").concat(dt("menubar.item.color"), ";\n}\n\n.p-menubar-item-link {\n cursor: pointer;\n display: flex;\n align-items: center;\n text-decoration: none;\n overflow: hidden;\n position: relative;\n color: inherit;\n padding: ").concat(dt("menubar.item.padding"), ";\n gap: ").concat(dt("menubar.item.gap"), ";\n user-select: none;\n outline: 0 none;\n}\n\n.p-menubar-item-label {\n line-height: 1;\n}\n\n.p-menubar-item-icon {\n color: ").concat(dt("menubar.item.icon.color"), ";\n}\n\n.p-menubar-submenu-icon {\n color: ").concat(dt("menubar.submenu.icon.color"), ";\n margin-left: auto;\n font-size: ").concat(dt("menubar.submenu.icon.size"), ";\n width: ").concat(dt("menubar.submenu.icon.size"), ";\n height: ").concat(dt("menubar.submenu.icon.size"), ";\n}\n\n.p-menubar-submenu .p-menubar-submenu-icon:dir(rtl) {\n margin-left: 0;\n margin-right: auto;\n}\n\n.p-menubar-item.p-focus > .p-menubar-item-content {\n color: ").concat(dt("menubar.item.focus.color"), ";\n background: ").concat(dt("menubar.item.focus.background"), ";\n}\n\n.p-menubar-item.p-focus > .p-menubar-item-content .p-menubar-item-icon {\n color: ").concat(dt("menubar.item.icon.focus.color"), ";\n}\n\n.p-menubar-item.p-focus > .p-menubar-item-content .p-menubar-submenu-icon {\n color: ").concat(dt("menubar.submenu.icon.focus.color"), ";\n}\n\n.p-menubar-item:not(.p-disabled) > .p-menubar-item-content:hover {\n color: ").concat(dt("menubar.item.focus.color"), ";\n background: ").concat(dt("menubar.item.focus.background"), ";\n}\n\n.p-menubar-item:not(.p-disabled) > .p-menubar-item-content:hover .p-menubar-item-icon {\n color: ").concat(dt("menubar.item.icon.focus.color"), ";\n}\n\n.p-menubar-item:not(.p-disabled) > .p-menubar-item-content:hover .p-menubar-submenu-icon {\n color: ").concat(dt("menubar.submenu.icon.focus.color"), ";\n}\n\n.p-menubar-item-active > .p-menubar-item-content {\n color: ").concat(dt("menubar.item.active.color"), ";\n background: ").concat(dt("menubar.item.active.background"), ";\n}\n\n.p-menubar-item-active > .p-menubar-item-content .p-menubar-item-icon {\n color: ").concat(dt("menubar.item.icon.active.color"), ";\n}\n\n.p-menubar-item-active > .p-menubar-item-content .p-menubar-submenu-icon {\n color: ").concat(dt("menubar.submenu.icon.active.color"), ";\n}\n\n.p-menubar-submenu {\n display: none;\n position: absolute;\n min-width: 12.5rem;\n z-index: 1;\n background: ").concat(dt("menubar.submenu.background"), ";\n border: 1px solid ").concat(dt("menubar.submenu.border.color"), ";\n border-radius: ").concat(dt("menubar.submenu.border.radius"), ";\n box-shadow: ").concat(dt("menubar.submenu.shadow"), ";\n color: ").concat(dt("menubar.submenu.color"), ";\n flex-direction: column;\n padding: ").concat(dt("menubar.submenu.padding"), ";\n gap: ").concat(dt("menubar.submenu.gap"), ";\n}\n\n.p-menubar-submenu .p-menubar-separator {\n border-block-start: 1px solid ").concat(dt("menubar.separator.border.color"), ";\n}\n\n.p-menubar-submenu .p-menubar-item {\n position: relative;\n}\n\n.p-menubar-submenu > .p-menubar-item-active > .p-menubar-submenu {\n display: block;\n left: 100%;\n top: 0;\n}\n\n.p-menubar-end {\n margin-left: auto;\n align-self: center;\n}\n\n.p-menubar-end:dir(rtl) {\n margin-left: 0;\n margin-right: auto;\n}\n\n.p-menubar-button {\n display: none;\n justify-content: center;\n align-items: center;\n cursor: pointer;\n width: ").concat(dt("menubar.mobile.button.size"), ";\n height: ").concat(dt("menubar.mobile.button.size"), ";\n position: relative;\n color: ").concat(dt("menubar.mobile.button.color"), ";\n border: 0 none;\n background: transparent;\n border-radius: ").concat(dt("menubar.mobile.button.border.radius"), ";\n transition: background ").concat(dt("menubar.transition.duration"), ", color ").concat(dt("menubar.transition.duration"), ", outline-color ").concat(dt("menubar.transition.duration"), ";\n outline-color: transparent;\n}\n\n.p-menubar-button:hover {\n color: ").concat(dt("menubar.mobile.button.hover.color"), ";\n background: ").concat(dt("menubar.mobile.button.hover.background"), ";\n}\n\n.p-menubar-button:focus-visible {\n box-shadow: ").concat(dt("menubar.mobile.button.focus.ring.shadow"), ";\n outline: ").concat(dt("menubar.mobile.button.focus.ring.width"), " ").concat(dt("menubar.mobile.button.focus.ring.style"), " ").concat(dt("menubar.mobile.button.focus.ring.color"), ";\n outline-offset: ").concat(dt("menubar.mobile.button.focus.ring.offset"), ";\n}\n\n.p-menubar-mobile {\n position: relative;\n}\n\n.p-menubar-mobile .p-menubar-button {\n display: flex;\n}\n\n.p-menubar-mobile .p-menubar-root-list {\n position: absolute;\n display: none;\n width: 100%;\n flex-direction: column;\n top: 100%;\n left: 0;\n z-index: 1;\n padding: ").concat(dt("menubar.submenu.padding"), ";\n background: ").concat(dt("menubar.submenu.background"), ";\n border: 1px solid ").concat(dt("menubar.submenu.border.color"), ";\n box-shadow: ").concat(dt("menubar.submenu.shadow"), ";\n border-radius: ").concat(dt("menubar.submenu.border.radius"), ";\n gap: ").concat(dt("menubar.submenu.gap"), ";\n}\n\n.p-menubar-mobile .p-menubar-root-list:dir(rtl) {\n left: auto;\n right: 0;\n}\n\n.p-menubar-mobile .p-menubar-root-list > .p-menubar-item > .p-menubar-item-content > .p-menubar-item-link {\n padding: ").concat(dt("menubar.item.padding"), ";\n}\n\n.p-menubar-mobile-active .p-menubar-root-list {\n display: flex;\n}\n\n.p-menubar-mobile .p-menubar-root-list .p-menubar-item {\n width: 100%;\n position: static;\n}\n\n.p-menubar-mobile .p-menubar-root-list .p-menubar-separator {\n border-block-start: 1px solid ").concat(dt("menubar.separator.border.color"), ";\n}\n\n.p-menubar-mobile .p-menubar-root-list > .p-menubar-item > .p-menubar-item-content .p-menubar-submenu-icon {\n margin-left: auto;\n transition: transform 0.2s;\n}\n\n.p-menubar-mobile .p-menubar-root-list > .p-menubar-item > .p-menubar-item-content .p-menubar-submenu-icon:dir(rtl),\n.p-menubar-mobile .p-menubar-submenu-icon:dir(rtl) {\n margin-left: 0;\n margin-right: auto;\n}\n\n.p-menubar-mobile .p-menubar-root-list > .p-menubar-item-active > .p-menubar-item-content .p-menubar-submenu-icon {\n transform: rotate(-180deg);\n}\n\n.p-menubar-mobile .p-menubar-submenu .p-menubar-submenu-icon {\n transition: transform 0.2s;\n transform: rotate(90deg);\n}\n\n.p-menubar-mobile .p-menubar-item-active > .p-menubar-item-content .p-menubar-submenu-icon {\n transform: rotate(-90deg);\n}\n\n.p-menubar-mobile .p-menubar-submenu {\n width: 100%;\n position: static;\n box-shadow: none;\n border: 0 none;\n padding-inline-start: ").concat(dt("menubar.submenu.mobile.indent"), ";\n padding-inline-end: 0;\n}\n");
}, "theme");
@@ -4516,7 +3907,7 @@ var inlineStyles = {
}, "submenu")
};
var classes = {
- root: /* @__PURE__ */ __name(function root10(_ref3) {
+ root: /* @__PURE__ */ __name(function root8(_ref3) {
var instance = _ref3.instance;
return ["p-menubar p-component", {
"p-menubar-mobile": instance.queryMatches,
@@ -4545,13 +3936,13 @@ var classes = {
};
var MenubarStyle = BaseStyle.extend({
name: "menubar",
- theme: theme8,
+ theme: theme7,
classes,
inlineStyles
});
var script$2 = {
name: "BaseMenubar",
- "extends": script$f,
+ "extends": script$c,
props: {
model: {
type: Array,
@@ -4575,7 +3966,7 @@ var script$2 = {
}
},
style: MenubarStyle,
- provide: /* @__PURE__ */ __name(function provide11() {
+ provide: /* @__PURE__ */ __name(function provide10() {
return {
$pcMenubar: this,
$parentInstance: this
@@ -4585,7 +3976,7 @@ var script$2 = {
var script$1 = {
name: "MenubarSub",
hostName: "Menubar",
- "extends": script$f,
+ "extends": script$c,
emits: ["item-mouseenter", "item-click", "item-mousemove"],
props: {
items: {
@@ -4730,8 +4121,8 @@ var script$1 = {
}, "getAriaSetSize")
},
components: {
- AngleRightIcon: script$u,
- AngleDownIcon: script$w
+ AngleRightIcon: script$n,
+ AngleDownIcon: script$p
},
directives: {
ripple: Ripple
@@ -4863,7 +4254,7 @@ var script = {
inheritAttrs: false,
emits: ["focus", "blur"],
matchMediaListener: null,
- data: /* @__PURE__ */ __name(function data8() {
+ data: /* @__PURE__ */ __name(function data7() {
return {
id: this.$attrs.id,
mobileActive: false,
@@ -4896,11 +4287,11 @@ var script = {
outsideClickListener: null,
container: null,
menubar: null,
- mounted: /* @__PURE__ */ __name(function mounted8() {
+ mounted: /* @__PURE__ */ __name(function mounted6() {
this.id = this.id || UniqueComponentId();
this.bindMatchMediaListener();
}, "mounted"),
- beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount7() {
+ beforeUnmount: /* @__PURE__ */ __name(function beforeUnmount5() {
this.mobileActive = false;
this.unbindOutsideClickListener();
this.unbindResizeListener();
@@ -5062,7 +4453,7 @@ var script = {
onItemClick: /* @__PURE__ */ __name(function onItemClick4(event) {
var originalEvent = event.originalEvent, processedItem = event.processedItem;
var grouped = this.isProccessedItemGroup(processedItem);
- var root11 = isEmpty(processedItem.parent);
+ var root9 = isEmpty(processedItem.parent);
var selected = this.isSelected(processedItem);
if (selected) {
var index = processedItem.index, key = processedItem.key, level = processedItem.level, parentKey = processedItem.parentKey;
@@ -5074,13 +4465,13 @@ var script = {
level,
parentKey
};
- this.dirty = !root11;
+ this.dirty = !root9;
focus(this.menubar);
} else {
if (grouped) {
this.onItemChange(event);
} else {
- var rootProcessedItem = root11 ? processedItem : this.activeItemPath.find(function(p) {
+ var rootProcessedItem = root9 ? processedItem : this.activeItemPath.find(function(p) {
return p.parentKey === "";
});
this.hide(originalEvent);
@@ -5108,8 +4499,8 @@ var script = {
}, "menuButtonKeydown"),
onArrowDownKey: /* @__PURE__ */ __name(function onArrowDownKey3(event) {
var processedItem = this.visibleItems[this.focusedItemInfo.index];
- var root11 = processedItem ? isEmpty(processedItem.parent) : null;
- if (root11) {
+ var root9 = processedItem ? isEmpty(processedItem.parent) : null;
+ if (root9) {
var grouped = this.isProccessedItemGroup(processedItem);
if (grouped) {
this.onItemChange({
@@ -5131,8 +4522,8 @@ var script = {
onArrowUpKey: /* @__PURE__ */ __name(function onArrowUpKey3(event) {
var _this3 = this;
var processedItem = this.visibleItems[this.focusedItemInfo.index];
- var root11 = isEmpty(processedItem.parent);
- if (root11) {
+ var root9 = isEmpty(processedItem.parent);
+ if (root9) {
var grouped = this.isProccessedItemGroup(processedItem);
if (grouped) {
this.onItemChange({
@@ -5465,7 +4856,7 @@ var script = {
},
components: {
MenubarSub: script$1,
- BarsIcon: script$x
+ BarsIcon: script$q
}
};
function _typeof(o) {
@@ -5589,17 +4980,14 @@ function render(_ctx, _cache, $props, $setup, $data, $options) {
__name(render, "render");
script.render = render;
export {
- script$e as a,
- script$b as b,
- script$c as c,
- script$a as d,
- script$9 as e,
- script$8 as f,
- script$5 as g,
- script$3 as h,
- script as i,
- script$6 as j,
- script$7 as k,
- script$d as s
+ script$b as a,
+ script$8 as b,
+ script$9 as c,
+ script$7 as d,
+ script$6 as e,
+ script$5 as f,
+ script$3 as g,
+ script as h,
+ script$a as s
};
-//# sourceMappingURL=index-B_FV7r80.js.map
+//# sourceMappingURL=index-C068lYT4.js.map
diff --git a/comfy/web/assets/index-ChXzdVeQ.css b/comfy/web/assets/index-CBxvvAzM.css
similarity index 93%
rename from comfy/web/assets/index-ChXzdVeQ.css
rename to comfy/web/assets/index-CBxvvAzM.css
index 872b0654a..3e341e128 100644
--- a/comfy/web/assets/index-ChXzdVeQ.css
+++ b/comfy/web/assets/index-CBxvvAzM.css
@@ -306,6 +306,7 @@
.litegraph .dialog .dialog-footer {
height: 50px;
padding: 10px;
+ margin: 0;
border-top: 1px solid #1a1a1a;
}
@@ -442,63 +443,6 @@
color: black;
}
-.litegraph .subgraph_property {
- padding: 4px;
-}
-
-.litegraph .subgraph_property:hover {
- background-color: #333;
-}
-
-.litegraph .subgraph_property.extra {
- margin-top: 8px;
-}
-
-.litegraph .subgraph_property span.name {
- font-size: 1.3em;
- padding-left: 4px;
-}
-
-.litegraph .subgraph_property span.type {
- opacity: 0.5;
- margin-right: 20px;
- padding-left: 4px;
-}
-
-.litegraph .subgraph_property span.label {
- display: inline-block;
- width: 60px;
- padding: 0px 10px;
-}
-
-.litegraph .subgraph_property input {
- width: 140px;
- color: #999;
- background-color: #1a1a1a;
- border-radius: 4px;
- border: 0;
- margin-right: 10px;
- padding: 4px;
- padding-left: 10px;
-}
-
-.litegraph .subgraph_property button {
- background-color: #1c1c1c;
- color: #aaa;
- border: 0;
- border-radius: 2px;
- padding: 4px 10px;
- cursor: pointer;
-}
-
-.litegraph .subgraph_property.extra {
- color: #ccc;
-}
-
-.litegraph .subgraph_property.extra input {
- background-color: #111;
-}
-
.litegraph .bullet_icon {
margin-left: 10px;
border-radius: 10px;
@@ -661,21 +605,6 @@
.litegraph .dialog .dialog-content {
display: block;
}
-.litegraph .dialog .dialog-content .subgraph_property {
- padding: 5px;
-}
-.litegraph .dialog .dialog-footer {
- margin: 0;
-}
-.litegraph .dialog .dialog-footer .subgraph_property {
- margin-top: 0;
- display: flex;
- align-items: center;
- padding: 5px;
-}
-.litegraph .dialog .dialog-footer .subgraph_property .name {
- flex: 1;
-}
.litegraph .graphdialog {
display: flex;
align-items: center;
@@ -2110,6 +2039,12 @@
.-right-4{
right: -1rem;
}
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
+========
+ .bottom-0{
+ bottom: 0px;
+ }
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
.bottom-\[10px\]{
bottom: 10px;
}
@@ -2119,6 +2054,15 @@
.left-0{
left: 0px;
}
+ .left-1\/2{
+ left: 50%;
+ }
+ .left-12{
+ left: 3rem;
+ }
+ .left-2{
+ left: 0.5rem;
+ }
.left-\[-350px\]{
left: -350px;
}
@@ -2128,6 +2072,9 @@
.top-0{
top: 0px;
}
+ .top-2{
+ top: 0.5rem;
+ }
.top-\[50px\]{
top: 50px;
}
@@ -2137,6 +2084,9 @@
.z-10{
z-index: 10;
}
+ .z-20{
+ z-index: 20;
+ }
.z-\[1000\]{
z-index: 1000;
}
@@ -2192,6 +2142,10 @@
margin-top: 1rem;
margin-bottom: 1rem;
}
+ .my-8{
+ margin-top: 2rem;
+ margin-bottom: 2rem;
+ }
.mb-2{
margin-bottom: 0.5rem;
}
@@ -2240,6 +2194,9 @@
.mt-5{
margin-top: 1.25rem;
}
+ .mt-6{
+ margin-top: 1.5rem;
+ }
.block{
display: block;
}
@@ -2279,6 +2236,9 @@
.h-16{
height: 4rem;
}
+ .h-48{
+ height: 12rem;
+ }
.h-6{
height: 1.5rem;
}
@@ -2324,6 +2284,9 @@
.min-h-screen{
min-height: 100vh;
}
+ .w-0{
+ width: 0px;
+ }
.w-1\/2{
width: 50%;
}
@@ -2336,12 +2299,21 @@
.w-16{
width: 4rem;
}
+ .w-24{
+ width: 6rem;
+ }
.w-28{
width: 7rem;
}
+ .w-3{
+ width: 0.75rem;
+ }
.w-3\/12{
width: 25%;
}
+ .w-32{
+ width: 8rem;
+ }
.w-44{
width: 11rem;
}
@@ -2451,6 +2423,9 @@
.cursor-pointer{
cursor: pointer;
}
+ .touch-none{
+ touch-action: none;
+ }
.select-none{
-webkit-user-select: none;
-moz-user-select: none;
@@ -2633,7 +2608,11 @@
}
.border-neutral-700{
--tw-border-opacity: 1;
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
border-color: rgb(64 64 64 / var(--tw-border-opacity, 1));
+========
+ border-color: rgb(64 64 64 / var(--tw-border-opacity));
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
}
.bg-\[var\(--comfy-menu-bg\)\]{
background-color: var(--comfy-menu-bg);
@@ -2886,6 +2865,10 @@
--tw-text-opacity: 1;
color: rgb(239 68 68 / var(--tw-text-opacity, 1));
}
+ .text-white{
+ --tw-text-opacity: 1;
+ color: rgb(255 255 255 / var(--tw-text-opacity));
+ }
.underline{
text-decoration-line: underline;
}
@@ -2967,6 +2950,9 @@
.duration-100{
transition-duration: 100ms;
}
+ .duration-200{
+ transition-duration: 200ms;
+ }
.duration-300{
transition-duration: 300ms;
}
@@ -3025,8 +3011,6 @@ body {
height: 100vh;
margin: 0;
overflow: hidden;
- grid-template-columns: auto 1fr auto;
- grid-template-rows: auto 1fr auto;
background: var(--bg-color) var(--bg-img);
color: var(--fg-color);
min-height: -webkit-fill-available;
@@ -3036,87 +3020,6 @@ body {
font-family: Arial, sans-serif;
}
-/**
- +------------------+------------------+------------------+
- | |
- | .comfyui-body- |
- | top |
- | (spans all cols) |
- | |
- +------------------+------------------+------------------+
- | | | |
- | .comfyui-body- | #graph-canvas | .comfyui-body- |
- | left | | right |
- | | | |
- | | | |
- +------------------+------------------+------------------+
- | |
- | .comfyui-body- |
- | bottom |
- | (spans all cols) |
- | |
- +------------------+------------------+------------------+
-*/
-
-.comfyui-body-top {
- order: -5;
- /* Span across all columns */
- grid-column: 1/-1;
- /* Position at the first row */
- grid-row: 1;
- /* Top menu bar dropdown needs to be above of graph canvas splitter overlay which is z-index: 999 */
- /* Top menu bar z-index needs to be higher than bottom menu bar z-index as by default
- pysssss's image feed is located at body-bottom, and it can overlap with the queue button, which
- is located in body-top. */
- z-index: 1001;
- display: flex;
- flex-direction: column;
-}
-
-.comfyui-body-left {
- order: -4;
- /* Position in the first column */
- grid-column: 1;
- /* Position below the top element */
- grid-row: 2;
- z-index: 10;
- display: flex;
-}
-
-.graph-canvas-container {
- width: 100%;
- height: 100%;
- order: -3;
- grid-column: 2;
- grid-row: 2;
- position: relative;
- overflow: hidden;
-}
-
-#graph-canvas {
- width: 100%;
- height: 100%;
- touch-action: none;
-}
-
-.comfyui-body-right {
- order: -2;
- z-index: 10;
- grid-column: 3;
- grid-row: 2;
-}
-
-.comfyui-body-bottom {
- order: 4;
- /* Span across all columns */
- grid-column: 1/-1;
- grid-row: 3;
- /* Bottom menu bar dropdown needs to be above of graph canvas splitter overlay which is z-index: 999 */
- z-index: 1000;
- display: flex;
- flex-direction: column;
-}
-
.comfy-multiline-input {
background-color: var(--comfy-input-bg);
color: var(--input-text);
@@ -3531,84 +3434,6 @@ dialog::backdrop {
justify-content: center;
}
-#comfy-settings-dialog {
- padding: 0;
- width: 41rem;
-}
-
-#comfy-settings-dialog tr > td:first-child {
- text-align: right;
-}
-
-#comfy-settings-dialog tbody button,
-#comfy-settings-dialog table > button {
- background-color: var(--bg-color);
- border: 1px var(--border-color) solid;
- border-radius: 0;
- color: var(--input-text);
- font-size: 1rem;
- padding: 0.5rem;
-}
-
-#comfy-settings-dialog button:hover {
- background-color: var(--tr-odd-bg-color);
-}
-
-/* General CSS for tables */
-
-.comfy-table {
- border-collapse: collapse;
- color: var(--input-text);
- font-family: Arial, sans-serif;
- width: 100%;
-}
-
-.comfy-table caption {
- position: sticky;
- top: 0;
- background-color: var(--bg-color);
- color: var(--input-text);
- font-size: 1rem;
- font-weight: bold;
- padding: 8px;
- text-align: center;
- border-bottom: 1px solid var(--border-color);
-}
-
-.comfy-table caption .comfy-btn {
- position: absolute;
- top: -2px;
- right: 0;
- bottom: 0;
- cursor: pointer;
- border: none;
- height: 100%;
- border-radius: 0;
- aspect-ratio: 1/1;
- -webkit-user-select: none;
- -moz-user-select: none;
- user-select: none;
- font-size: 20px;
-}
-
-.comfy-table caption .comfy-btn:focus {
- outline: none;
-}
-
-.comfy-table tr:nth-child(even) {
- background-color: var(--tr-even-bg-color);
-}
-
-.comfy-table tr:nth-child(odd) {
- background-color: var(--tr-odd-bg-color);
-}
-
-.comfy-table td,
-.comfy-table th {
- border: 1px solid var(--border-color);
- padding: 8px;
-}
-
/* Context menu */
.litegraph .dialog {
@@ -3708,24 +3533,6 @@ dialog::backdrop {
will-change: transform;
}
-@media only screen and (max-width: 450px) {
- #comfy-settings-dialog .comfy-table tbody {
- display: grid;
- }
- #comfy-settings-dialog .comfy-table tr {
- display: grid;
- }
- #comfy-settings-dialog tr > td:first-child {
- text-align: center;
- border-bottom: none;
- padding-bottom: 0;
- }
- #comfy-settings-dialog tr > td:not(:first-child) {
- text-align: center;
- border-top: none;
- }
-}
-
audio.comfy-audio.empty-audio-widget {
display: none;
}
@@ -3736,7 +3543,6 @@ audio.comfy-audio.empty-audio-widget {
left: 0;
width: 100%;
height: 100%;
- pointer-events: none;
}
/* Set auto complete panel's width as it is not accessible within vue-root */
@@ -3799,6 +3605,39 @@ audio.comfy-audio.empty-audio-widget {
.hover\:opacity-100:hover{
opacity: 1;
}
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
+========
+@media (prefers-reduced-motion: no-preference){
+
+ .motion-safe\:w-0{
+ width: 0px;
+ }
+
+ .motion-safe\:opacity-0{
+ opacity: 0;
+ }
+
+ .group\/sidebar-tab:focus-within .motion-safe\:group-focus-within\/sidebar-tab\:w-auto{
+ width: auto;
+ }
+
+ .group\/sidebar-tab:focus-within .motion-safe\:group-focus-within\/sidebar-tab\:opacity-100{
+ opacity: 1;
+ }
+
+ .group\/sidebar-tab:hover .motion-safe\:group-hover\/sidebar-tab\:w-auto{
+ width: auto;
+ }
+
+ .group\/sidebar-tab:hover .motion-safe\:group-hover\/sidebar-tab\:opacity-100{
+ opacity: 1;
+ }
+
+ .group\/tree-node:hover .motion-safe\:group-hover\/tree-node\:opacity-100{
+ opacity: 1;
+ }
+}
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
@media not all and (min-width: 640px){
.max-sm\:hidden{
@@ -3886,7 +3725,7 @@ audio.comfy-audio.empty-audio-widget {
padding-top: 0px
}
-.prompt-dialog-content[data-v-3df70997] {
+.prompt-dialog-content[data-v-4f1e3bbe] {
white-space: pre-wrap;
}
@@ -3904,17 +3743,29 @@ audio.comfy-audio.empty-audio-widget {
margin-bottom: 1rem;
}
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
.comfy-error-report[data-v-3faf7785] {
+========
+.comfy-error-report[data-v-e5000be2] {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
display: flex;
flex-direction: column;
gap: 1rem;
}
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
.action-container[data-v-3faf7785] {
+========
+.action-container[data-v-e5000be2] {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
display: flex;
gap: 1rem;
justify-content: flex-end;
}
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
.wrapper-pre[data-v-3faf7785] {
+========
+.wrapper-pre[data-v-e5000be2] {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
white-space: pre-wrap;
word-wrap: break-word;
}
@@ -3983,6 +3834,7 @@ audio.comfy-audio.empty-audio-widget {
padding: 0px;
}
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
.form-input[data-v-1451da7b] .input-slider .p-inputnumber input,
.form-input[data-v-1451da7b] .input-slider .slider-part {
@@ -3990,6 +3842,15 @@ audio.comfy-audio.empty-audio-widget {
}
.form-input[data-v-1451da7b] .p-inputtext,
.form-input[data-v-1451da7b] .p-select {
+========
+.form-input[data-v-a29c257f] .input-slider .p-inputnumber input,
+.form-input[data-v-a29c257f] .input-slider .slider-part {
+
+ width: 5rem
+}
+.form-input[data-v-a29c257f] .p-inputtext,
+.form-input[data-v-a29c257f] .p-select {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
width: 11rem
}
@@ -4279,26 +4140,26 @@ audio.comfy-audio.empty-audio-widget {
position: relative;
}
-[data-v-250ab9af] .p-terminal .xterm {
+[data-v-873a313f] .p-terminal .xterm {
overflow-x: auto;
}
-[data-v-250ab9af] .p-terminal .xterm-screen {
+[data-v-873a313f] .p-terminal .xterm-screen {
background-color: black;
overflow-y: hidden;
}
-[data-v-90a7f075] .p-terminal .xterm {
+[data-v-14fef2e4] .p-terminal .xterm {
overflow-x: auto;
}
-[data-v-90a7f075] .p-terminal .xterm-screen {
+[data-v-14fef2e4] .p-terminal .xterm-screen {
background-color: black;
overflow-y: hidden;
}
-[data-v-03daf1c8] .p-terminal .xterm {
+[data-v-cf0c7d52] .p-terminal .xterm {
overflow-x: auto;
}
-[data-v-03daf1c8] .p-terminal .xterm-screen {
+[data-v-cf0c7d52] .p-terminal .xterm-screen {
background-color: black;
overflow-y: hidden;
}
@@ -4610,28 +4471,32 @@ audio.comfy-audio.empty-audio-widget {
box-sizing: border-box;
}
-.tree-node[data-v-a6457774] {
+.tree-node[data-v-a945b5a8] {
width: 100%;
display: flex;
align-items: center;
justify-content: space-between;
}
-.leaf-count-badge[data-v-a6457774] {
+.leaf-count-badge[data-v-a945b5a8] {
margin-left: 0.5rem;
}
-.node-content[data-v-a6457774] {
+.node-content[data-v-a945b5a8] {
display: flex;
align-items: center;
flex-grow: 1;
}
-.leaf-label[data-v-a6457774] {
+.leaf-label[data-v-a945b5a8] {
margin-left: 0.5rem;
}
-[data-v-a6457774] .editable-text span {
+[data-v-a945b5a8] .editable-text span {
word-break: break-all;
}
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
[data-v-243f3ee3] .tree-explorer-node-label {
+========
+[data-v-e3a237e6] .tree-explorer-node-label {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
width: 100%;
display: flex;
align-items: center;
@@ -4644,10 +4509,17 @@ audio.comfy-audio.empty-audio-widget {
* By setting the position to relative on the parent and using an absolutely positioned pseudo-element,
* we can create a visual indicator for the drop target without affecting the layout of other elements.
*/
+<<<<<<<< HEAD:comfy/web/assets/index-ChXzdVeQ.css
[data-v-243f3ee3] .p-tree-node-content:has(.tree-folder) {
position: relative;
}
[data-v-243f3ee3] .p-tree-node-content:has(.tree-folder.can-drop)::after {
+========
+[data-v-e3a237e6] .p-tree-node-content:has(.tree-folder) {
+ position: relative;
+}
+[data-v-e3a237e6] .p-tree-node-content:has(.tree-folder.can-drop)::after {
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CBxvvAzM.css
content: '';
position: absolute;
top: 0;
@@ -4658,21 +4530,21 @@ audio.comfy-audio.empty-audio-widget {
pointer-events: none;
}
-[data-v-5e759e25] .p-toolbar-end .p-button {
+[data-v-0061c432] .p-toolbar-end .p-button {
padding-top: 0.25rem;
padding-bottom: 0.25rem
}
@media (min-width: 1536px) {
-[data-v-5e759e25] .p-toolbar-end .p-button {
+[data-v-0061c432] .p-toolbar-end .p-button {
padding-top: 0.5rem;
padding-bottom: 0.5rem
}
}
-[data-v-5e759e25] .p-toolbar-start {
+[data-v-0061c432] .p-toolbar-start {
min-width: 0px;
@@ -4750,36 +4622,11 @@ audio.comfy-audio.empty-audio-widget {
vertical-align: top;
}
-[data-v-0bb2ac55] .pi-fake-spacer {
+[data-v-3be51840] .pi-fake-spacer {
height: 1px;
width: 16px;
}
-._content[data-v-c4279e6b] {
-
- display: flex;
-
- flex-direction: column
-}
-._content[data-v-c4279e6b] > :not([hidden]) ~ :not([hidden]) {
-
- --tw-space-y-reverse: 0;
-
- margin-top: calc(0.5rem * calc(1 - var(--tw-space-y-reverse)));
-
- margin-bottom: calc(0.5rem * var(--tw-space-y-reverse))
-}
-._footer[data-v-c4279e6b] {
-
- display: flex;
-
- flex-direction: column;
-
- align-items: flex-end;
-
- padding-top: 1rem
-}
-
.slot_row[data-v-d9792337] {
padding: 2px;
}
@@ -4907,6 +4754,31 @@ audio.comfy-audio.empty-audio-widget {
color: var(--error-text);
}
+._content[data-v-c4279e6b] {
+
+ display: flex;
+
+ flex-direction: column
+}
+._content[data-v-c4279e6b] > :not([hidden]) ~ :not([hidden]) {
+
+ --tw-space-y-reverse: 0;
+
+ margin-top: calc(0.5rem * calc(1 - var(--tw-space-y-reverse)));
+
+ margin-bottom: calc(0.5rem * var(--tw-space-y-reverse))
+}
+._footer[data-v-c4279e6b] {
+
+ display: flex;
+
+ flex-direction: column;
+
+ align-items: flex-end;
+
+ padding-top: 1rem
+}
+
.node-lib-node-container[data-v-da9a8962] {
height: 100%;
width: 100%
diff --git a/comfy/web/assets/index-Br6dw1F6.js b/comfy/web/assets/index-CgMyWf7n.js
similarity index 99%
rename from comfy/web/assets/index-Br6dw1F6.js
rename to comfy/web/assets/index-CgMyWf7n.js
index d51aa76ce..01fe403d0 100644
--- a/comfy/web/assets/index-Br6dw1F6.js
+++ b/comfy/web/assets/index-CgMyWf7n.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/index-Br6dw1F6.js
import { bt as BaseStyle, bu as script$s, bT as script$t, o as openBlock, f as createElementBlock, as as mergeProps, m as createBaseVNode, E as toDisplayString, bM as Ripple, r as resolveDirective, i as withDirectives, y as createBlock, C as resolveDynamicComponent, bi as script$u, bD as resolveComponent, ai as normalizeClass, ci as createSlots, z as withCtx, aU as script$v, c9 as script$w, F as Fragment, D as renderList, a7 as createTextVNode, c3 as setAttribute, cp as normalizeProps, A as renderSlot, B as createCommentVNode, bU as script$x, c8 as equals, cu as script$y, br as script$z, cy as getFirstFocusableElement, c2 as OverlayEventBus, cO as getVNodeProp, c6 as resolveFieldData, dl as invokeElementMethod, bJ as getAttribute, cP as getNextElementSibling, bZ as getOuterWidth, cQ as getPreviousElementSibling, l as script$A, bL as script$B, bO as script$C, bC as script$E, c7 as isNotEmpty, ar as withModifiers, c$ as getOuterHeight, bN as UniqueComponentId, cS as _default, bv as ZIndex, bx as focus, bV as addStyle, b_ as absolutePosition, bW as ConnectedOverlayScrollHandler, bX as isTouchDevice, dm as FilterOperator, bB as script$F, cm as script$G, bA as FocusTrap, k as createVNode, bE as Transition, bf as withKeys, c0 as getIndex, co as script$H, cR as isClickable, cT as clearSelection, c4 as localeComparator, ch as sort, cA as FilterService, df as FilterMatchMode, bI as findSingle, cD as findIndexInList, b$ as find, dn as exportCSV, cL as getOffset, cU as isRTL, dp as getHiddenElementOuterWidth, dq as getHiddenElementOuterHeight, dr as reorderArray, bQ as removeClass, bw as addClass, cc as isEmpty, cB as script$I, ce as script$J } from "./index-BsGgXmrT.js";
import { s as script$D } from "./index-COyiXDAn.js";
+========
+import { bG as BaseStyle, bH as script$s, bX as script$t, o as openBlock, f as createElementBlock, at as mergeProps, m as createBaseVNode, E as toDisplayString, bO as Ripple, r as resolveDirective, i as withDirectives, y as createBlock, C as resolveDynamicComponent, bm as script$u, bR as resolveComponent, aj as normalizeClass, cp as createSlots, z as withCtx, aY as script$v, cf as script$w, F as Fragment, D as renderList, a8 as createTextVNode, c8 as setAttribute, cx as normalizeProps, A as renderSlot, B as createCommentVNode, bY as script$x, ce as equals, cF as script$y, bv as script$z, cJ as getFirstFocusableElement, c7 as OverlayEventBus, cZ as getVNodeProp, cc as resolveFieldData, dD as invokeElementMethod, bK as getAttribute, c_ as getNextElementSibling, c2 as getOuterWidth, c$ as getPreviousElementSibling, l as script$A, bN as script$B, bQ as script$C, cl as script$E, cd as isNotEmpty, as as withModifiers, da as getOuterHeight, bP as UniqueComponentId, d1 as _default, bZ as ZIndex, bL as focus, b_ as addStyle, c3 as absolutePosition, b$ as ConnectedOverlayScrollHandler, c0 as isTouchDevice, dE as FilterOperator, ca as script$F, ct as script$G, cB as FocusTrap, k as createVNode, bI as Transition, bj as withKeys, c5 as getIndex, cv as script$H, d0 as isClickable, d2 as clearSelection, c9 as localeComparator, co as sort, cL as FilterService, dx as FilterMatchMode, bJ as findSingle, cO as findIndexInList, c4 as find, dF as exportCSV, cW as getOffset, d3 as isRTL, dG as getHiddenElementOuterWidth, dH as getHiddenElementOuterHeight, dI as reorderArray, bT as removeClass, bU as addClass, ci as isEmpty, cM as script$I, ck as script$J } from "./index-Bv0b06LE.js";
+import { s as script$D } from "./index-Dzu9WL4p.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CgMyWf7n.js
var ColumnStyle = BaseStyle.extend({
name: "column"
});
@@ -8787,4 +8792,8 @@ export {
script as h,
script$l as s
};
+<<<<<<<< HEAD:comfy/web/assets/index-Br6dw1F6.js
//# sourceMappingURL=index-Br6dw1F6.js.map
+========
+//# sourceMappingURL=index-CgMyWf7n.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/index-CgMyWf7n.js
diff --git a/comfy/web/assets/index-Dzu9WL4p.js b/comfy/web/assets/index-Dzu9WL4p.js
new file mode 100644
index 000000000..43332ad42
--- /dev/null
+++ b/comfy/web/assets/index-Dzu9WL4p.js
@@ -0,0 +1,27 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+import { bX as script$1, o as openBlock, f as createElementBlock, at as mergeProps, m as createBaseVNode } from "./index-Bv0b06LE.js";
+var script = {
+ name: "BarsIcon",
+ "extends": script$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()), _cache[0] || (_cache[0] = [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)]), 16);
+}
+__name(render, "render");
+script.render = render;
+export {
+ script as s
+};
+//# sourceMappingURL=index-Dzu9WL4p.js.map
diff --git a/comfy/web/assets/index-SeIZOWJp.js b/comfy/web/assets/index-SeIZOWJp.js
new file mode 100644
index 000000000..eff075f74
--- /dev/null
+++ b/comfy/web/assets/index-SeIZOWJp.js
@@ -0,0 +1,539 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value2) => __defProp(target, "name", { value: value2, configurable: true });
+import { bG as BaseStyle, bH as script$6, o as openBlock, f as createElementBlock, at as mergeProps, cO as findIndexInList, c4 as find, bR as resolveComponent, y as createBlock, C as resolveDynamicComponent, z as withCtx, m as createBaseVNode, E as toDisplayString, A as renderSlot, B as createCommentVNode, aj as normalizeClass, bJ as findSingle, F as Fragment, bI as Transition, i as withDirectives, v as vShow, bP as UniqueComponentId } from "./index-Bv0b06LE.js";
+var classes$4 = {
+ root: /* @__PURE__ */ __name(function root(_ref) {
+ var instance = _ref.instance;
+ return ["p-step", {
+ "p-step-active": instance.active,
+ "p-disabled": instance.isStepDisabled
+ }];
+ }, "root"),
+ header: "p-step-header",
+ number: "p-step-number",
+ title: "p-step-title"
+};
+var StepStyle = BaseStyle.extend({
+ name: "step",
+ classes: classes$4
+});
+var script$2$2 = {
+ name: "StepperSeparator",
+ hostName: "Stepper",
+ "extends": script$6
+};
+function render$1$2(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("span", mergeProps({
+ "class": _ctx.cx("separator")
+ }, _ctx.ptm("separator")), null, 16);
+}
+__name(render$1$2, "render$1$2");
+script$2$2.render = render$1$2;
+var script$1$4 = {
+ name: "BaseStep",
+ "extends": script$6,
+ props: {
+ value: {
+ type: [String, Number],
+ "default": void 0
+ },
+ disabled: {
+ type: Boolean,
+ "default": false
+ },
+ asChild: {
+ type: Boolean,
+ "default": false
+ },
+ as: {
+ type: [String, Object],
+ "default": "DIV"
+ }
+ },
+ style: StepStyle,
+ provide: /* @__PURE__ */ __name(function provide() {
+ return {
+ $pcStep: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$5 = {
+ name: "Step",
+ "extends": script$1$4,
+ inheritAttrs: false,
+ inject: {
+ $pcStepper: {
+ "default": null
+ },
+ $pcStepList: {
+ "default": null
+ },
+ $pcStepItem: {
+ "default": null
+ }
+ },
+ data: /* @__PURE__ */ __name(function data() {
+ return {
+ isSeparatorVisible: false
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted() {
+ if (this.$el && this.$pcStepList) {
+ var index = findIndexInList(this.$el, find(this.$pcStepper.$el, '[data-pc-name="step"]'));
+ var stepLen = find(this.$pcStepper.$el, '[data-pc-name="step"]').length;
+ this.isSeparatorVisible = index !== stepLen - 1;
+ }
+ }, "mounted"),
+ methods: {
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions(key) {
+ var _ptm = key === "root" ? this.ptmi : this.ptm;
+ return _ptm(key, {
+ context: {
+ active: this.active,
+ disabled: this.isStepDisabled
+ }
+ });
+ }, "getPTOptions"),
+ onStepClick: /* @__PURE__ */ __name(function onStepClick() {
+ this.$pcStepper.updateValue(this.activeValue);
+ }, "onStepClick")
+ },
+ computed: {
+ active: /* @__PURE__ */ __name(function active() {
+ return this.$pcStepper.isStepActive(this.activeValue);
+ }, "active"),
+ activeValue: /* @__PURE__ */ __name(function activeValue() {
+ var _this$$pcStepItem;
+ return !!this.$pcStepItem ? (_this$$pcStepItem = this.$pcStepItem) === null || _this$$pcStepItem === void 0 ? void 0 : _this$$pcStepItem.value : this.value;
+ }, "activeValue"),
+ isStepDisabled: /* @__PURE__ */ __name(function isStepDisabled() {
+ return !this.active && (this.$pcStepper.isStepDisabled() || this.disabled);
+ }, "isStepDisabled"),
+ id: /* @__PURE__ */ __name(function id() {
+ var _this$$pcStepper;
+ return "".concat((_this$$pcStepper = this.$pcStepper) === null || _this$$pcStepper === void 0 ? void 0 : _this$$pcStepper.id, "_step_").concat(this.activeValue);
+ }, "id"),
+ ariaControls: /* @__PURE__ */ __name(function ariaControls() {
+ var _this$$pcStepper2;
+ return "".concat((_this$$pcStepper2 = this.$pcStepper) === null || _this$$pcStepper2 === void 0 ? void 0 : _this$$pcStepper2.id, "_steppanel_").concat(this.activeValue);
+ }, "ariaControls"),
+ a11yAttrs: /* @__PURE__ */ __name(function a11yAttrs() {
+ return {
+ root: {
+ role: "presentation",
+ "aria-current": this.active ? "step" : void 0,
+ "data-pc-name": "step",
+ "data-pc-section": "root",
+ "data-p-disabled": this.isStepDisabled,
+ "data-p-active": this.active
+ },
+ header: {
+ id: this.id,
+ role: "tab",
+ taindex: this.disabled ? -1 : void 0,
+ "aria-controls": this.ariaControls,
+ "data-pc-section": "header",
+ disabled: this.isStepDisabled,
+ onClick: this.onStepClick
+ }
+ };
+ }, "a11yAttrs")
+ },
+ components: {
+ StepperSeparator: script$2$2
+ }
+};
+var _hoisted_1 = ["id", "tabindex", "aria-controls", "disabled"];
+function render$4(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_StepperSeparator = resolveComponent("StepperSeparator");
+ return !_ctx.asChild ? (openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps({
+ key: 0,
+ "class": _ctx.cx("root"),
+ "aria-current": $options.active ? "step" : void 0,
+ role: "presentation",
+ "data-p-active": $options.active,
+ "data-p-disabled": $options.isStepDisabled
+ }, $options.getPTOptions("root")), {
+ "default": withCtx(function() {
+ return [createBaseVNode("button", mergeProps({
+ id: $options.id,
+ "class": _ctx.cx("header"),
+ role: "tab",
+ type: "button",
+ tabindex: $options.isStepDisabled ? -1 : void 0,
+ "aria-controls": $options.ariaControls,
+ disabled: $options.isStepDisabled,
+ onClick: _cache[0] || (_cache[0] = function() {
+ return $options.onStepClick && $options.onStepClick.apply($options, arguments);
+ })
+ }, $options.getPTOptions("header")), [createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("number")
+ }, $options.getPTOptions("number")), toDisplayString($options.activeValue), 17), createBaseVNode("span", mergeProps({
+ "class": _ctx.cx("title")
+ }, $options.getPTOptions("title")), [renderSlot(_ctx.$slots, "default")], 16)], 16, _hoisted_1), $data.isSeparatorVisible ? (openBlock(), createBlock(_component_StepperSeparator, {
+ key: 0
+ })) : createCommentVNode("", true)];
+ }),
+ _: 3
+ }, 16, ["class", "aria-current", "data-p-active", "data-p-disabled"])) : renderSlot(_ctx.$slots, "default", {
+ key: 1,
+ "class": normalizeClass(_ctx.cx("root")),
+ active: $options.active,
+ value: _ctx.value,
+ a11yAttrs: $options.a11yAttrs,
+ activateCallback: $options.onStepClick
+ });
+}
+__name(render$4, "render$4");
+script$5.render = render$4;
+var classes$3 = {
+ root: "p-steplist"
+};
+var StepListStyle = BaseStyle.extend({
+ name: "steplist",
+ classes: classes$3
+});
+var script$1$3 = {
+ name: "BaseStepList",
+ "extends": script$6,
+ style: StepListStyle,
+ provide: /* @__PURE__ */ __name(function provide2() {
+ return {
+ $pcStepList: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$4 = {
+ name: "StepList",
+ "extends": script$1$3,
+ inheritAttrs: false
+};
+function render$3(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$3, "render$3");
+script$4.render = render$3;
+var classes$2 = {
+ root: /* @__PURE__ */ __name(function root2(_ref) {
+ var instance = _ref.instance;
+ return ["p-steppanel", {
+ "p-steppanel-active": instance.isVertical && instance.active
+ }];
+ }, "root"),
+ content: "p-steppanel-content"
+};
+var StepPanelStyle = BaseStyle.extend({
+ name: "steppanel",
+ classes: classes$2
+});
+var script$2$1 = {
+ name: "StepperSeparator",
+ hostName: "Stepper",
+ "extends": script$6
+};
+function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("span", mergeProps({
+ "class": _ctx.cx("separator")
+ }, _ctx.ptm("separator")), null, 16);
+}
+__name(render$1$1, "render$1$1");
+script$2$1.render = render$1$1;
+var script$1$2 = {
+ name: "BaseStepPanel",
+ "extends": script$6,
+ props: {
+ value: {
+ type: [String, Number],
+ "default": void 0
+ },
+ asChild: {
+ type: Boolean,
+ "default": false
+ },
+ as: {
+ type: [String, Object],
+ "default": "DIV"
+ }
+ },
+ style: StepPanelStyle,
+ provide: /* @__PURE__ */ __name(function provide3() {
+ return {
+ $pcStepPanel: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$3 = {
+ name: "StepPanel",
+ "extends": script$1$2,
+ inheritAttrs: false,
+ inject: {
+ $pcStepper: {
+ "default": null
+ },
+ $pcStepItem: {
+ "default": null
+ },
+ $pcStepList: {
+ "default": null
+ }
+ },
+ data: /* @__PURE__ */ __name(function data2() {
+ return {
+ isSeparatorVisible: false
+ };
+ }, "data"),
+ mounted: /* @__PURE__ */ __name(function mounted2() {
+ if (this.$el) {
+ var _this$$pcStepItem, _this$$pcStepList;
+ var stepElements = find(this.$pcStepper.$el, '[data-pc-name="step"]');
+ var stepPanelEl = findSingle(this.isVertical ? (_this$$pcStepItem = this.$pcStepItem) === null || _this$$pcStepItem === void 0 ? void 0 : _this$$pcStepItem.$el : (_this$$pcStepList = this.$pcStepList) === null || _this$$pcStepList === void 0 ? void 0 : _this$$pcStepList.$el, '[data-pc-name="step"]');
+ var stepPanelIndex = findIndexInList(stepPanelEl, stepElements);
+ this.isSeparatorVisible = this.isVertical && stepPanelIndex !== stepElements.length - 1;
+ }
+ }, "mounted"),
+ methods: {
+ getPTOptions: /* @__PURE__ */ __name(function getPTOptions2(key) {
+ var _ptm = key === "root" ? this.ptmi : this.ptm;
+ return _ptm(key, {
+ context: {
+ active: this.active
+ }
+ });
+ }, "getPTOptions"),
+ updateValue: /* @__PURE__ */ __name(function updateValue(val) {
+ this.$pcStepper.updateValue(val);
+ }, "updateValue")
+ },
+ computed: {
+ active: /* @__PURE__ */ __name(function active2() {
+ var _this$$pcStepItem2, _this$$pcStepper;
+ var activeValue3 = !!this.$pcStepItem ? (_this$$pcStepItem2 = this.$pcStepItem) === null || _this$$pcStepItem2 === void 0 ? void 0 : _this$$pcStepItem2.value : this.value;
+ return activeValue3 === ((_this$$pcStepper = this.$pcStepper) === null || _this$$pcStepper === void 0 ? void 0 : _this$$pcStepper.d_value);
+ }, "active"),
+ isVertical: /* @__PURE__ */ __name(function isVertical() {
+ return !!this.$pcStepItem;
+ }, "isVertical"),
+ activeValue: /* @__PURE__ */ __name(function activeValue2() {
+ var _this$$pcStepItem3;
+ return this.isVertical ? (_this$$pcStepItem3 = this.$pcStepItem) === null || _this$$pcStepItem3 === void 0 ? void 0 : _this$$pcStepItem3.value : this.value;
+ }, "activeValue"),
+ id: /* @__PURE__ */ __name(function id2() {
+ var _this$$pcStepper2;
+ return "".concat((_this$$pcStepper2 = this.$pcStepper) === null || _this$$pcStepper2 === void 0 ? void 0 : _this$$pcStepper2.id, "_steppanel_").concat(this.activeValue);
+ }, "id"),
+ ariaControls: /* @__PURE__ */ __name(function ariaControls2() {
+ var _this$$pcStepper3;
+ return "".concat((_this$$pcStepper3 = this.$pcStepper) === null || _this$$pcStepper3 === void 0 ? void 0 : _this$$pcStepper3.id, "_step_").concat(this.activeValue);
+ }, "ariaControls"),
+ a11yAttrs: /* @__PURE__ */ __name(function a11yAttrs2() {
+ return {
+ id: this.id,
+ role: "tabpanel",
+ "aria-controls": this.ariaControls,
+ "data-pc-name": "steppanel",
+ "data-p-active": this.active
+ };
+ }, "a11yAttrs")
+ },
+ components: {
+ StepperSeparator: script$2$1
+ }
+};
+function render$2(_ctx, _cache, $props, $setup, $data, $options) {
+ var _component_StepperSeparator = resolveComponent("StepperSeparator");
+ return $options.isVertical ? (openBlock(), createElementBlock(Fragment, {
+ key: 0
+ }, [!_ctx.asChild ? (openBlock(), createBlock(Transition, mergeProps({
+ key: 0,
+ name: "p-toggleable-content"
+ }, _ctx.ptm("transition")), {
+ "default": withCtx(function() {
+ return [withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps({
+ id: $options.id,
+ "class": _ctx.cx("root"),
+ role: "tabpanel",
+ "aria-controls": $options.ariaControls
+ }, $options.getPTOptions("root")), {
+ "default": withCtx(function() {
+ return [$data.isSeparatorVisible ? (openBlock(), createBlock(_component_StepperSeparator, {
+ key: 0
+ })) : createCommentVNode("", true), createBaseVNode("div", mergeProps({
+ "class": _ctx.cx("content")
+ }, $options.getPTOptions("content")), [renderSlot(_ctx.$slots, "default", {
+ active: $options.active,
+ activateCallback: /* @__PURE__ */ __name(function activateCallback(val) {
+ return $options.updateValue(val);
+ }, "activateCallback")
+ })], 16)];
+ }),
+ _: 3
+ }, 16, ["id", "class", "aria-controls"])), [[vShow, $options.active]])];
+ }),
+ _: 3
+ }, 16)) : renderSlot(_ctx.$slots, "default", {
+ key: 1,
+ active: $options.active,
+ a11yAttrs: $options.a11yAttrs,
+ activateCallback: /* @__PURE__ */ __name(function activateCallback(val) {
+ return $options.updateValue(val);
+ }, "activateCallback")
+ })], 64)) : (openBlock(), createElementBlock(Fragment, {
+ key: 1
+ }, [!_ctx.asChild ? withDirectives((openBlock(), createBlock(resolveDynamicComponent(_ctx.as), mergeProps({
+ key: 0,
+ id: $options.id,
+ "class": _ctx.cx("root"),
+ role: "tabpanel",
+ "aria-controls": $options.ariaControls
+ }, $options.getPTOptions("root")), {
+ "default": withCtx(function() {
+ return [renderSlot(_ctx.$slots, "default", {
+ active: $options.active,
+ activateCallback: /* @__PURE__ */ __name(function activateCallback(val) {
+ return $options.updateValue(val);
+ }, "activateCallback")
+ })];
+ }),
+ _: 3
+ }, 16, ["id", "class", "aria-controls"])), [[vShow, $options.active]]) : _ctx.asChild && $options.active ? renderSlot(_ctx.$slots, "default", {
+ key: 1,
+ active: $options.active,
+ a11yAttrs: $options.a11yAttrs,
+ activateCallback: /* @__PURE__ */ __name(function activateCallback(val) {
+ return $options.updateValue(val);
+ }, "activateCallback")
+ }) : createCommentVNode("", true)], 64));
+}
+__name(render$2, "render$2");
+script$3.render = render$2;
+var classes$1 = {
+ root: "p-steppanels"
+};
+var StepPanelsStyle = BaseStyle.extend({
+ name: "steppanels",
+ classes: classes$1
+});
+var script$1$1 = {
+ name: "BaseStepPanels",
+ "extends": script$6,
+ style: StepPanelsStyle,
+ provide: /* @__PURE__ */ __name(function provide4() {
+ return {
+ $pcStepPanels: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script$2 = {
+ name: "StepPanels",
+ "extends": script$1$1,
+ inheritAttrs: false
+};
+function render$1(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root")
+ }, _ctx.ptmi("root")), [renderSlot(_ctx.$slots, "default")], 16);
+}
+__name(render$1, "render$1");
+script$2.render = render$1;
+var theme = /* @__PURE__ */ __name(function theme2(_ref) {
+ var dt = _ref.dt;
+ return "\n.p-steplist {\n position: relative;\n display: flex;\n justify-content: space-between;\n align-items: center;\n margin: 0;\n padding: 0;\n list-style-type: none;\n overflow-x: auto;\n}\n\n.p-step {\n position: relative;\n display: flex;\n flex: 1 1 auto;\n align-items: center;\n gap: ".concat(dt("stepper.step.gap"), ";\n padding: ").concat(dt("stepper.step.padding"), ";\n}\n\n.p-step:last-of-type {\n flex: initial;\n}\n\n.p-step-header {\n border: 0 none;\n display: inline-flex;\n align-items: center;\n text-decoration: none;\n cursor: pointer;\n transition: background ").concat(dt("stepper.transition.duration"), ", color ").concat(dt("stepper.transition.duration"), ", border-color ").concat(dt("stepper.transition.duration"), ", outline-color ").concat(dt("stepper.transition.duration"), ", box-shadow ").concat(dt("stepper.transition.duration"), ";\n border-radius: ").concat(dt("stepper.step.header.border.radius"), ";\n outline-color: transparent;\n background: transparent;\n padding: ").concat(dt("stepper.step.header.padding"), ";\n gap: ").concat(dt("stepper.step.header.gap"), ";\n}\n\n.p-step-header:focus-visible {\n box-shadow: ").concat(dt("stepper.step.header.focus.ring.shadow"), ";\n outline: ").concat(dt("stepper.step.header.focus.ring.width"), " ").concat(dt("stepper.step.header.focus.ring.style"), " ").concat(dt("stepper.step.header.focus.ring.color"), ";\n outline-offset: ").concat(dt("stepper.step.header.focus.ring.offset"), ";\n}\n\n.p-stepper.p-stepper-readonly .p-step {\n cursor: auto;\n}\n\n.p-step-title {\n display: block;\n white-space: nowrap;\n overflow: hidden;\n text-overflow: ellipsis;\n max-width: 100%;\n color: ").concat(dt("stepper.step.title.color"), ";\n font-weight: ").concat(dt("stepper.step.title.font.weight"), ";\n transition: background ").concat(dt("stepper.transition.duration"), ", color ").concat(dt("stepper.transition.duration"), ", border-color ").concat(dt("stepper.transition.duration"), ", box-shadow ").concat(dt("stepper.transition.duration"), ", outline-color ").concat(dt("stepper.transition.duration"), ";\n}\n\n.p-step-number {\n display: flex;\n align-items: center;\n justify-content: center;\n color: ").concat(dt("stepper.step.number.color"), ";\n border: 2px solid ").concat(dt("stepper.step.number.border.color"), ";\n background: ").concat(dt("stepper.step.number.background"), ";\n min-width: ").concat(dt("stepper.step.number.size"), ";\n height: ").concat(dt("stepper.step.number.size"), ";\n line-height: ").concat(dt("stepper.step.number.size"), ";\n font-size: ").concat(dt("stepper.step.number.font.size"), ";\n z-index: 1;\n border-radius: ").concat(dt("stepper.step.number.border.radius"), ";\n position: relative;\n font-weight: ").concat(dt("stepper.step.number.font.weight"), ';\n}\n\n.p-step-number::after {\n content: " ";\n position: absolute;\n width: 100%;\n height: 100%;\n border-radius: ').concat(dt("stepper.step.number.border.radius"), ";\n box-shadow: ").concat(dt("stepper.step.number.shadow"), ";\n}\n\n.p-step-active .p-step-header {\n cursor: default;\n}\n\n.p-step-active .p-step-number {\n background: ").concat(dt("stepper.step.number.active.background"), ";\n border-color: ").concat(dt("stepper.step.number.active.border.color"), ";\n color: ").concat(dt("stepper.step.number.active.color"), ";\n}\n\n.p-step-active .p-step-title {\n color: ").concat(dt("stepper.step.title.active.color"), ";\n}\n\n.p-step:not(.p-disabled):focus-visible {\n outline: ").concat(dt("focus.ring.width"), " ").concat(dt("focus.ring.style"), " ").concat(dt("focus.ring.color"), ";\n outline-offset: ").concat(dt("focus.ring.offset"), ";\n}\n\n.p-step:has(~ .p-step-active) .p-stepper-separator {\n background: ").concat(dt("stepper.separator.active.background"), ";\n}\n\n.p-stepper-separator {\n flex: 1 1 0;\n background: ").concat(dt("stepper.separator.background"), ";\n width: 100%;\n height: ").concat(dt("stepper.separator.size"), ";\n transition: background ").concat(dt("stepper.transition.duration"), ", color ").concat(dt("stepper.transition.duration"), ", border-color ").concat(dt("stepper.transition.duration"), ", box-shadow ").concat(dt("stepper.transition.duration"), ", outline-color ").concat(dt("stepper.transition.duration"), ";\n}\n\n.p-steppanels {\n padding: ").concat(dt("stepper.steppanels.padding"), ";\n}\n\n.p-steppanel {\n background: ").concat(dt("stepper.steppanel.background"), ";\n color: ").concat(dt("stepper.steppanel.color"), ";\n}\n\n.p-stepper:has(.p-stepitem) {\n display: flex;\n flex-direction: column;\n}\n\n.p-stepitem {\n display: flex;\n flex-direction: column;\n flex: initial;\n}\n\n.p-stepitem.p-stepitem-active {\n flex: 1 1 auto;\n}\n\n.p-stepitem .p-step {\n flex: initial;\n}\n\n.p-stepitem .p-steppanel-content {\n width: 100%;\n padding: ").concat(dt("stepper.steppanel.padding"), ";\n margin-inline-start: 1rem;\n}\n\n.p-stepitem .p-steppanel {\n display: flex;\n flex: 1 1 auto;\n}\n\n.p-stepitem .p-stepper-separator {\n flex: 0 0 auto;\n width: ").concat(dt("stepper.separator.size"), ";\n height: auto;\n margin: ").concat(dt("stepper.separator.margin"), ";\n position: relative;\n left: calc(-1 * ").concat(dt("stepper.separator.size"), ");\n}\n\n.p-stepitem .p-stepper-separator:dir(rtl) {\n left: calc(-9 * ").concat(dt("stepper.separator.size"), ");\n}\n\n.p-stepitem:has(~ .p-stepitem-active) .p-stepper-separator {\n background: ").concat(dt("stepper.separator.active.background"), ";\n}\n\n.p-stepitem:last-of-type .p-steppanel {\n padding-inline-start: ").concat(dt("stepper.step.number.size"), ";\n}\n");
+}, "theme");
+var classes = {
+ root: /* @__PURE__ */ __name(function root3(_ref2) {
+ var props = _ref2.props;
+ return ["p-stepper p-component", {
+ "p-readonly": props.linear
+ }];
+ }, "root"),
+ separator: "p-stepper-separator"
+};
+var StepperStyle = BaseStyle.extend({
+ name: "stepper",
+ theme,
+ classes
+});
+var script$1 = {
+ name: "BaseStepper",
+ "extends": script$6,
+ props: {
+ value: {
+ type: [String, Number],
+ "default": void 0
+ },
+ linear: {
+ type: Boolean,
+ "default": false
+ }
+ },
+ style: StepperStyle,
+ provide: /* @__PURE__ */ __name(function provide5() {
+ return {
+ $pcStepper: this,
+ $parentInstance: this
+ };
+ }, "provide")
+};
+var script = {
+ name: "Stepper",
+ "extends": script$1,
+ inheritAttrs: false,
+ emits: ["update:value"],
+ data: /* @__PURE__ */ __name(function data3() {
+ return {
+ id: this.$attrs.id,
+ d_value: this.value
+ };
+ }, "data"),
+ watch: {
+ "$attrs.id": /* @__PURE__ */ __name(function $attrsId(newValue) {
+ this.id = newValue || UniqueComponentId();
+ }, "$attrsId"),
+ value: /* @__PURE__ */ __name(function value(newValue) {
+ this.d_value = newValue;
+ }, "value")
+ },
+ mounted: /* @__PURE__ */ __name(function mounted3() {
+ this.id = this.id || UniqueComponentId();
+ }, "mounted"),
+ methods: {
+ updateValue: /* @__PURE__ */ __name(function updateValue2(newValue) {
+ if (this.d_value !== newValue) {
+ this.d_value = newValue;
+ this.$emit("update:value", newValue);
+ }
+ }, "updateValue"),
+ isStepActive: /* @__PURE__ */ __name(function isStepActive(value2) {
+ return this.d_value === value2;
+ }, "isStepActive"),
+ isStepDisabled: /* @__PURE__ */ __name(function isStepDisabled2() {
+ return this.linear;
+ }, "isStepDisabled")
+ }
+};
+function render(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("div", mergeProps({
+ "class": _ctx.cx("root"),
+ role: "tablist"
+ }, _ctx.ptmi("root")), [_ctx.$slots.start ? renderSlot(_ctx.$slots, "start", {
+ key: 0
+ }) : createCommentVNode("", true), renderSlot(_ctx.$slots, "default"), _ctx.$slots.end ? renderSlot(_ctx.$slots, "end", {
+ key: 1
+ }) : createCommentVNode("", true)], 16);
+}
+__name(render, "render");
+script.render = render;
+export {
+ script$5 as a,
+ script$2 as b,
+ script$3 as c,
+ script as d,
+ script$4 as s
+};
+//# sourceMappingURL=index-SeIZOWJp.js.map
diff --git a/comfy/web/assets/keybindingService-DoUb2RT6.js b/comfy/web/assets/keybindingService-DyjX-nxF.js
similarity index 88%
rename from comfy/web/assets/keybindingService-DoUb2RT6.js
rename to comfy/web/assets/keybindingService-DyjX-nxF.js
index addbb4381..0340febc8 100644
--- a/comfy/web/assets/keybindingService-DoUb2RT6.js
+++ b/comfy/web/assets/keybindingService-DyjX-nxF.js
@@ -1,6 +1,10 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/keybindingService-DoUb2RT6.js
import { an as useKeybindingStore, L as useCommandStore, a as useSettingStore, di as KeyComboImpl, dj as KeybindingImpl } from "./index-BsGgXmrT.js";
+========
+import { ao as useKeybindingStore, J as useCommandStore, a as useSettingStore, dA as KeyComboImpl, dB as KeybindingImpl } from "./index-Bv0b06LE.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/keybindingService-DyjX-nxF.js
const CORE_KEYBINDINGS = [
{
combo: {
@@ -186,7 +190,7 @@ const useKeybindingService = /* @__PURE__ */ __name(() => {
return;
}
const target = event.composedPath()[0];
- if (!keyCombo.hasModifier && (target.tagName === "TEXTAREA" || target.tagName === "INPUT" || target.tagName === "SPAN" && target.classList.contains("property_value"))) {
+ if (keyCombo.isReservedByTextInput && (target.tagName === "TEXTAREA" || target.tagName === "INPUT" || target.tagName === "SPAN" && target.classList.contains("property_value"))) {
return;
}
const keybinding = keybindingStore.getKeybinding(keyCombo);
@@ -247,4 +251,8 @@ const useKeybindingService = /* @__PURE__ */ __name(() => {
export {
useKeybindingService as u
};
+<<<<<<<< HEAD:comfy/web/assets/keybindingService-DoUb2RT6.js
//# sourceMappingURL=keybindingService-DoUb2RT6.js.map
+========
+//# sourceMappingURL=keybindingService-DyjX-nxF.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/keybindingService-DyjX-nxF.js
diff --git a/comfy/web/assets/serverConfigStore-B9riwnSX.js b/comfy/web/assets/serverConfigStore-D2Vr0L0h.js
similarity index 85%
rename from comfy/web/assets/serverConfigStore-B9riwnSX.js
rename to comfy/web/assets/serverConfigStore-D2Vr0L0h.js
index afc1e08fb..387538b1a 100644
--- a/comfy/web/assets/serverConfigStore-B9riwnSX.js
+++ b/comfy/web/assets/serverConfigStore-D2Vr0L0h.js
@@ -1,6 +1,10 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/serverConfigStore-B9riwnSX.js
import { I as defineStore, U as ref, c as computed } from "./index-BsGgXmrT.js";
+========
+import { a1 as defineStore, T as ref, c as computed } from "./index-Bv0b06LE.js";
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/serverConfigStore-D2Vr0L0h.js
const useServerConfigStore = defineStore("serverConfig", () => {
const serverConfigById = ref({});
const serverConfigs = computed(() => {
@@ -87,4 +91,8 @@ const useServerConfigStore = defineStore("serverConfig", () => {
export {
useServerConfigStore as u
};
+<<<<<<<< HEAD:comfy/web/assets/serverConfigStore-B9riwnSX.js
//# sourceMappingURL=serverConfigStore-B9riwnSX.js.map
+========
+//# sourceMappingURL=serverConfigStore-D2Vr0L0h.js.map
+>>>>>>>> 96d891cb94d90f220e066cebad349887137f07a6:comfy/web/assets/serverConfigStore-D2Vr0L0h.js
diff --git a/comfy/web/assets/uvMirrors-B-HKMf6X.js b/comfy/web/assets/uvMirrors-B-HKMf6X.js
new file mode 100644
index 000000000..6cffa0aee
--- /dev/null
+++ b/comfy/web/assets/uvMirrors-B-HKMf6X.js
@@ -0,0 +1,16 @@
+const PYTHON_MIRROR = {
+ settingId: "Comfy-Desktop.UV.PythonInstallMirror",
+ mirror: "https://github.com/astral-sh/python-build-standalone/releases/download",
+ fallbackMirror: "https://bgithub.xyz/astral-sh/python-build-standalone/releases/download",
+ validationPathSuffix: "/20250115/cpython-3.10.16+20250115-aarch64-apple-darwin-debug-full.tar.zst.sha256"
+};
+const PYPI_MIRROR = {
+ settingId: "Comfy-Desktop.UV.PypiInstallMirror",
+ mirror: "https://pypi.org/simple/",
+ fallbackMirror: "https://mirrors.tuna.tsinghua.edu.cn/pypi/web/simple"
+};
+export {
+ PYTHON_MIRROR as P,
+ PYPI_MIRROR as a
+};
+//# sourceMappingURL=uvMirrors-B-HKMf6X.js.map
diff --git a/comfy/web/index.html b/comfy/web/index.html
index 5a990b1f0..0aa96b19d 100644
--- a/comfy/web/index.html
+++ b/comfy/web/index.html
@@ -1,15 +1,15 @@
-
-
-
-
- ComfyUI
-
-
-
-
-
-
-
-
-
-
+
+
+
+
+ ComfyUI
+
+
+
+
+
+
+
+
+
+
diff --git a/comfy/web/scripts/domWidget.js b/comfy/web/scripts/domWidget.js
new file mode 100644
index 000000000..a5fd049eb
--- /dev/null
+++ b/comfy/web/scripts/domWidget.js
@@ -0,0 +1,2 @@
+// Shim for scripts/domWidget.ts
+export const DOMWidgetImpl = window.comfyAPI.domWidget.DOMWidgetImpl;
diff --git a/comfy/web/templates/image2image.json b/comfy/web/templates/image2image.json
index 81da539d0..7aaf5a21a 100644
--- a/comfy/web/templates/image2image.json
+++ b/comfy/web/templates/image2image.json
@@ -330,7 +330,7 @@
"Node name for S&R": "CheckpointLoaderSimple"
},
"widgets_values": [
- "v1-5-pruned-emaonly.safetensors"
+ "v1-5-pruned-emaonly-fp16.safetensors"
]
}
],
@@ -440,8 +440,8 @@
"extra": {},
"version": 0.4,
"models": [{
- "name": "v1-5-pruned-emaonly.safetensors",
- "url": "https://huggingface.co/Comfy-Org/stable-diffusion-v1-5-archive/resolve/main/v1-5-pruned-emaonly.safetensors?download=true",
+ "name": "v1-5-pruned-emaonly-fp16.safetensors",
+ "url": "https://huggingface.co/Comfy-Org/stable-diffusion-v1-5-archive/resolve/main/v1-5-pruned-emaonly-fp16.safetensors?download=true",
"directory": "checkpoints"
}]
}
diff --git a/comfy_extras/nodes/nodes_load_3d.py b/comfy_extras/nodes/nodes_load_3d.py
index fe6071644..3d9932f1f 100644
--- a/comfy_extras/nodes/nodes_load_3d.py
+++ b/comfy_extras/nodes/nodes_load_3d.py
@@ -23,10 +23,7 @@ class Load3D():
"width": ("INT", {"default": 1024, "min": 1, "max": 4096, "step": 1}),
"height": ("INT", {"default": 1024, "min": 1, "max": 4096, "step": 1}),
"material": (["original", "normal", "wireframe", "depth"],),
- "bg_color": ("STRING", {"default": "#000000", "multiline": False}),
- "light_intensity": ("INT", {"default": 10, "min": 1, "max": 20, "step": 1}),
"up_direction": (["original", "-x", "+x", "-y", "+y", "-z", "+z"],),
- "fov": ("INT", {"default": 75, "min": 10, "max": 150, "step": 1}),
}}
RETURN_TYPES = ("IMAGE", "MASK", "STRING")
@@ -38,22 +35,14 @@ class Load3D():
CATEGORY = "3d"
def process(self, model_file, image, **kwargs):
- if isinstance(image, dict):
- image_path = folder_paths.get_annotated_filepath(image['image'])
- mask_path = folder_paths.get_annotated_filepath(image['mask'])
+ image_path = folder_paths.get_annotated_filepath(image['image'])
+ mask_path = folder_paths.get_annotated_filepath(image['mask'])
- load_image_node = nodes.LoadImage()
- output_image, ignore_mask = load_image_node.load_image(image=image_path)
- ignore_image, output_mask = load_image_node.load_image(image=mask_path)
+ load_image_node = nodes.LoadImage()
+ output_image, ignore_mask = load_image_node.load_image(image=image_path)
+ ignore_image, output_mask = load_image_node.load_image(image=mask_path)
- return output_image, output_mask, model_file,
- else:
- # to avoid the format is not dict which will happen the FE code is not compatibility to core,
- # we need to this to double-check, it can be removed after merged FE into the core
- image_path = folder_paths.get_annotated_filepath(image)
- load_image_node = nodes.LoadImage()
- output_image, output_mask = load_image_node.load_image(image=image_path)
- return output_image, output_mask, model_file,
+ return output_image, output_mask, model_file,
class Load3DAnimation():
@@ -71,11 +60,7 @@ class Load3DAnimation():
"width": ("INT", {"default": 1024, "min": 1, "max": 4096, "step": 1}),
"height": ("INT", {"default": 1024, "min": 1, "max": 4096, "step": 1}),
"material": (["original", "normal", "wireframe", "depth"],),
- "bg_color": ("STRING", {"default": "#000000", "multiline": False}),
- "light_intensity": ("INT", {"default": 10, "min": 1, "max": 20, "step": 1}),
"up_direction": (["original", "-x", "+x", "-y", "+y", "-z", "+z"],),
- "animation_speed": (["0.1", "0.5", "1", "1.5", "2"], {"default": "1"}),
- "fov": ("INT", {"default": 75, "min": 10, "max": 150, "step": 1}),
}}
RETURN_TYPES = ("IMAGE", "MASK", "STRING")
@@ -87,20 +72,14 @@ class Load3DAnimation():
CATEGORY = "3d"
def process(self, model_file, image, **kwargs):
- if isinstance(image, dict):
- image_path = folder_paths.get_annotated_filepath(image['image'])
- mask_path = folder_paths.get_annotated_filepath(image['mask'])
+ image_path = folder_paths.get_annotated_filepath(image['image'])
+ mask_path = folder_paths.get_annotated_filepath(image['mask'])
- load_image_node = nodes.LoadImage()
- output_image, ignore_mask = load_image_node.load_image(image=image_path)
- ignore_image, output_mask = load_image_node.load_image(image=mask_path)
+ load_image_node = nodes.LoadImage()
+ output_image, ignore_mask = load_image_node.load_image(image=image_path)
+ ignore_image, output_mask = load_image_node.load_image(image=mask_path)
- return output_image, output_mask, model_file,
- else:
- image_path = folder_paths.get_annotated_filepath(image)
- load_image_node = nodes.LoadImage()
- output_image, output_mask = load_image_node.load_image(image=image_path)
- return output_image, output_mask, model_file,
+ return output_image, output_mask, model_file,
class Preview3D():
@@ -109,10 +88,27 @@ class Preview3D():
return {"required": {
"model_file": ("STRING", {"default": "", "multiline": False}),
"material": (["original", "normal", "wireframe", "depth"],),
- "bg_color": ("STRING", {"default": "#000000", "multiline": False}),
- "light_intensity": ("INT", {"default": 10, "min": 1, "max": 20, "step": 1}),
"up_direction": (["original", "-x", "+x", "-y", "+y", "-z", "+z"],),
- "fov": ("INT", {"default": 75, "min": 10, "max": 150, "step": 1}),
+ }}
+
+ OUTPUT_NODE = True
+ RETURN_TYPES = ()
+
+ CATEGORY = "3d"
+
+ FUNCTION = "process"
+ EXPERIMENTAL = True
+
+ def process(self, model_file, **kwargs):
+ return {"ui": {"model_file": [model_file]}, "result": ()}
+
+class Preview3DAnimation():
+ @classmethod
+ def INPUT_TYPES(s):
+ return {"required": {
+ "model_file": ("STRING", {"default": "", "multiline": False}),
+ "material": (["original", "normal", "wireframe", "depth"],),
+ "up_direction": (["original", "-x", "+x", "-y", "+y", "-z", "+z"],),
}}
OUTPUT_NODE = True
@@ -130,11 +126,13 @@ class Preview3D():
NODE_CLASS_MAPPINGS = {
"Load3D": Load3D,
"Load3DAnimation": Load3DAnimation,
- "Preview3D": Preview3D
+ "Preview3D": Preview3D,
+ "Preview3DAnimation": Preview3DAnimation
}
NODE_DISPLAY_NAME_MAPPINGS = {
"Load3D": "Load 3D",
"Load3DAnimation": "Load 3D - Animation",
- "Preview3D": "Preview 3D"
+ "Preview3D": "Preview 3D",
+ "Preview3DAnimation": "Preview 3D - Animation"
}
diff --git a/comfy_extras/nodes/nodes_model_advanced.py b/comfy_extras/nodes/nodes_model_advanced.py
index a9ae4992a..7b77562e3 100644
--- a/comfy_extras/nodes/nodes_model_advanced.py
+++ b/comfy_extras/nodes/nodes_model_advanced.py
@@ -2,6 +2,8 @@ import comfy.sd
import comfy.model_sampling
import comfy.latent_formats
import torch
+import node_helpers
+
from comfy.nodes.common import MAX_RESOLUTION
@@ -302,6 +304,24 @@ class RescaleCFG:
m.set_model_sampler_cfg_function(rescale_cfg)
return (m, )
+class ModelComputeDtype:
+ @classmethod
+ def INPUT_TYPES(s):
+ return {"required": { "model": ("MODEL",),
+ "dtype": (["default", "fp32", "fp16", "bf16"],),
+ }}
+
+ RETURN_TYPES = ("MODEL",)
+ FUNCTION = "patch"
+
+ CATEGORY = "advanced/debug/model"
+
+ def patch(self, model, dtype):
+ m = model.clone()
+ m.set_model_compute_dtype(node_helpers.string_to_torch_dtype(dtype))
+ return (m, )
+
+
NODE_CLASS_MAPPINGS = {
"ModelSamplingDiscrete": ModelSamplingDiscrete,
"ModelSamplingContinuousEDM": ModelSamplingContinuousEDM,
@@ -311,4 +331,5 @@ NODE_CLASS_MAPPINGS = {
"ModelSamplingAuraFlow": ModelSamplingAuraFlow,
"ModelSamplingFlux": ModelSamplingFlux,
"RescaleCFG": RescaleCFG,
+ "ModelComputeDtype": ModelComputeDtype,
}
diff --git a/comfy_extras/nodes/nodes_model_merging_model_specific.py b/comfy_extras/nodes/nodes_model_merging_model_specific.py
index 61068ba90..b14ebc1a3 100644
--- a/comfy_extras/nodes/nodes_model_merging_model_specific.py
+++ b/comfy_extras/nodes/nodes_model_merging_model_specific.py
@@ -205,6 +205,54 @@ class ModelMergeLTXV(nodes_model_merging.ModelMergeBlocks):
return {"required": arg_dict}
+class ModelMergeCosmos7B(nodes_model_merging.ModelMergeBlocks):
+ CATEGORY = "advanced/model_merging/model_specific"
+
+ @classmethod
+ def INPUT_TYPES(s):
+ arg_dict = {"model1": ("MODEL",),
+ "model2": ("MODEL",)}
+
+ argument = ("FLOAT", {"default": 1.0, "min": 0.0, "max": 1.0, "step": 0.01})
+
+ arg_dict["pos_embedder."] = argument
+ arg_dict["extra_pos_embedder."] = argument
+ arg_dict["x_embedder."] = argument
+ arg_dict["t_embedder."] = argument
+ arg_dict["affline_norm."] = argument
+
+ for i in range(28):
+ arg_dict["blocks.block{}.".format(i)] = argument
+
+ arg_dict["final_layer."] = argument
+
+ return {"required": arg_dict}
+
+
+class ModelMergeCosmos14B(nodes_model_merging.ModelMergeBlocks):
+ CATEGORY = "advanced/model_merging/model_specific"
+
+ @classmethod
+ def INPUT_TYPES(s):
+ arg_dict = {"model1": ("MODEL",),
+ "model2": ("MODEL",)}
+
+ argument = ("FLOAT", {"default": 1.0, "min": 0.0, "max": 1.0, "step": 0.01})
+
+ arg_dict["pos_embedder."] = argument
+ arg_dict["extra_pos_embedder."] = argument
+ arg_dict["x_embedder."] = argument
+ arg_dict["t_embedder."] = argument
+ arg_dict["affline_norm."] = argument
+
+ for i in range(36):
+ arg_dict["blocks.block{}.".format(i)] = argument
+
+ arg_dict["final_layer."] = argument
+
+ return {"required": arg_dict}
+
+
NODE_CLASS_MAPPINGS = {
"ModelMergeSD1": ModelMergeSD1,
"ModelMergeSD2": ModelMergeSD1, # SD1 and SD2 have the same blocks
@@ -215,4 +263,6 @@ NODE_CLASS_MAPPINGS = {
"ModelMergeSD35_Large": ModelMergeSD35_Large,
"ModelMergeMochiPreview": ModelMergeMochiPreview,
"ModelMergeLTXV": ModelMergeLTXV,
+ "ModelMergeCosmos7B": ModelMergeCosmos7B,
+ "ModelMergeCosmos14B": ModelMergeCosmos14B,
}
diff --git a/comfy_extras/nodes_lumina2.py b/comfy_extras/nodes_lumina2.py
new file mode 100644
index 000000000..275189785
--- /dev/null
+++ b/comfy_extras/nodes_lumina2.py
@@ -0,0 +1,104 @@
+from comfy.comfy_types import IO, ComfyNodeABC, InputTypeDict
+import torch
+
+
+class RenormCFG:
+ @classmethod
+ def INPUT_TYPES(s):
+ return {"required": { "model": ("MODEL",),
+ "cfg_trunc": ("FLOAT", {"default": 100, "min": 0.0, "max": 100.0, "step": 0.01}),
+ "renorm_cfg": ("FLOAT", {"default": 1.0, "min": 0.0, "max": 100.0, "step": 0.01}),
+ }}
+ RETURN_TYPES = ("MODEL",)
+ FUNCTION = "patch"
+
+ CATEGORY = "advanced/model"
+
+ def patch(self, model, cfg_trunc, renorm_cfg):
+ def renorm_cfg_func(args):
+ cond_denoised = args["cond_denoised"]
+ uncond_denoised = args["uncond_denoised"]
+ cond_scale = args["cond_scale"]
+ timestep = args["timestep"]
+ x_orig = args["input"]
+ in_channels = model.model.diffusion_model.in_channels
+
+ if timestep[0] < cfg_trunc:
+ cond_eps, uncond_eps = cond_denoised[:, :in_channels], uncond_denoised[:, :in_channels]
+ cond_rest, _ = cond_denoised[:, in_channels:], uncond_denoised[:, in_channels:]
+ half_eps = uncond_eps + cond_scale * (cond_eps - uncond_eps)
+ half_rest = cond_rest
+
+ if float(renorm_cfg) > 0.0:
+ ori_pos_norm = torch.linalg.vector_norm(cond_eps
+ , dim=tuple(range(1, len(cond_eps.shape))), keepdim=True
+ )
+ max_new_norm = ori_pos_norm * float(renorm_cfg)
+ new_pos_norm = torch.linalg.vector_norm(
+ half_eps, dim=tuple(range(1, len(half_eps.shape))), keepdim=True
+ )
+ if new_pos_norm >= max_new_norm:
+ half_eps = half_eps * (max_new_norm / new_pos_norm)
+ else:
+ cond_eps, uncond_eps = cond_denoised[:, :in_channels], uncond_denoised[:, :in_channels]
+ cond_rest, _ = cond_denoised[:, in_channels:], uncond_denoised[:, in_channels:]
+ half_eps = cond_eps
+ half_rest = cond_rest
+
+ cfg_result = torch.cat([half_eps, half_rest], dim=1)
+
+ # cfg_result = uncond_denoised + (cond_denoised - uncond_denoised) * cond_scale
+
+ return x_orig - cfg_result
+
+ m = model.clone()
+ m.set_model_sampler_cfg_function(renorm_cfg_func)
+ return (m, )
+
+
+class CLIPTextEncodeLumina2(ComfyNodeABC):
+ SYSTEM_PROMPT = {
+ "superior": "You are an assistant designed to generate superior images with the superior "\
+ "degree of image-text alignment based on textual prompts or user prompts.",
+ "alignment": "You are an assistant designed to generate high-quality images with the "\
+ "highest degree of image-text alignment based on textual prompts."
+ }
+ SYSTEM_PROMPT_TIP = "Lumina2 provide two types of system prompts:" \
+ "Superior: You are an assistant designed to generate superior images with the superior "\
+ "degree of image-text alignment based on textual prompts or user prompts. "\
+ "Alignment: You are an assistant designed to generate high-quality images with the highest "\
+ "degree of image-text alignment based on textual prompts."
+ @classmethod
+ def INPUT_TYPES(s) -> InputTypeDict:
+ return {
+ "required": {
+ "system_prompt": (list(CLIPTextEncodeLumina2.SYSTEM_PROMPT.keys()), {"tooltip": CLIPTextEncodeLumina2.SYSTEM_PROMPT_TIP}),
+ "user_prompt": (IO.STRING, {"multiline": True, "dynamicPrompts": True, "tooltip": "The text to be encoded."}),
+ "clip": (IO.CLIP, {"tooltip": "The CLIP model used for encoding the text."})
+ }
+ }
+ RETURN_TYPES = (IO.CONDITIONING,)
+ OUTPUT_TOOLTIPS = ("A conditioning containing the embedded text used to guide the diffusion model.",)
+ FUNCTION = "encode"
+
+ CATEGORY = "conditioning"
+ DESCRIPTION = "Encodes a system prompt and a user 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, user_prompt, system_prompt):
+ 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.")
+ system_prompt = CLIPTextEncodeLumina2.SYSTEM_PROMPT[system_prompt]
+ prompt = f'{system_prompt} {user_prompt}'
+ tokens = clip.tokenize(prompt)
+ return (clip.encode_from_tokens_scheduled(tokens), )
+
+
+NODE_CLASS_MAPPINGS = {
+ "CLIPTextEncodeLumina2": CLIPTextEncodeLumina2,
+ "RenormCFG": RenormCFG
+}
+
+
+NODE_DISPLAY_NAME_MAPPINGS = {
+ "CLIPTextEncodeLumina2": "CLIP Text Encode for Lumina2",
+}
diff --git a/comfy_extras/nodes_video.py b/comfy_extras/nodes_video.py
new file mode 100644
index 000000000..f3922e03d
--- /dev/null
+++ b/comfy_extras/nodes_video.py
@@ -0,0 +1,75 @@
+import os
+import av
+import torch
+import folder_paths
+import json
+from fractions import Fraction
+
+
+class SaveWEBM:
+ def __init__(self):
+ self.output_dir = folder_paths.get_output_directory()
+ self.type = "output"
+ self.prefix_append = ""
+
+ @classmethod
+ def INPUT_TYPES(s):
+ return {"required":
+ {"images": ("IMAGE", ),
+ "filename_prefix": ("STRING", {"default": "ComfyUI"}),
+ "codec": (["vp9", "av1"],),
+ "fps": ("FLOAT", {"default": 24.0, "min": 0.01, "max": 1000.0, "step": 0.01}),
+ "crf": ("FLOAT", {"default": 32.0, "min": 0, "max": 63.0, "step": 1, "tooltip": "Higher crf means lower quality with a smaller file size, lower crf means higher quality higher filesize."}),
+ },
+ "hidden": {"prompt": "PROMPT", "extra_pnginfo": "EXTRA_PNGINFO"},
+ }
+
+ RETURN_TYPES = ()
+ FUNCTION = "save_images"
+
+ OUTPUT_NODE = True
+
+ CATEGORY = "image/video"
+
+ EXPERIMENTAL = True
+
+ def save_images(self, images, codec, fps, filename_prefix, crf, prompt=None, extra_pnginfo=None):
+ filename_prefix += self.prefix_append
+ full_output_folder, filename, counter, subfolder, filename_prefix = folder_paths.get_save_image_path(filename_prefix, self.output_dir, images[0].shape[1], images[0].shape[0])
+
+ file = f"{filename}_{counter:05}_.webm"
+ container = av.open(os.path.join(full_output_folder, file), mode="w")
+
+ if prompt is not None:
+ container.metadata["prompt"] = json.dumps(prompt)
+
+ if extra_pnginfo is not None:
+ for x in extra_pnginfo:
+ container.metadata[x] = json.dumps(extra_pnginfo[x])
+
+ codec_map = {"vp9": "libvpx-vp9", "av1": "libaom-av1"}
+ stream = container.add_stream(codec_map[codec], rate=Fraction(round(fps * 1000), 1000))
+ stream.width = images.shape[-2]
+ stream.height = images.shape[-3]
+ stream.pix_fmt = "yuv420p"
+ stream.bit_rate = 0
+ stream.options = {'crf': str(crf)}
+
+ for frame in images:
+ frame = av.VideoFrame.from_ndarray(torch.clamp(frame[..., :3] * 255, min=0, max=255).to(device=torch.device("cpu"), dtype=torch.uint8).numpy(), format="rgb24")
+ for packet in stream.encode(frame):
+ container.mux(packet)
+ container.close()
+
+ results = [{
+ "filename": file,
+ "subfolder": subfolder,
+ "type": self.type
+ }]
+
+ return {"ui": {"images": results, "animated": (True,)}} # TODO: frontend side
+
+
+NODE_CLASS_MAPPINGS = {
+ "SaveWEBM": SaveWEBM,
+}
diff --git a/requirements.txt b/requirements.txt
index 6cd2553a2..78c6fff8e 100644
--- a/requirements.txt
+++ b/requirements.txt
@@ -13,7 +13,8 @@ torchinfo
safetensors>=0.4.2
bitsandbytes>=0.43.0 ;platform_system != 'Darwin'
bitsandbytes ;platform_system == 'Darwin'
-aiohttp>=3.8.4
+aiohttp>=3.11.8
+yarl>=1.18.0
accelerate>=0.25.0
pyyaml>=6.0
scikit-image>=0.20.0
@@ -73,4 +74,5 @@ humanize
lightning
flax
jax
-colour
\ No newline at end of file
+colour
+av
\ No newline at end of file
diff --git a/setup.py b/setup.py
index 695d43baa..35148fa30 100644
--- a/setup.py
+++ b/setup.py
@@ -23,7 +23,7 @@ package_name = "comfyui"
"""
The current version.
"""
-version = "0.3.11"
+version = "0.3.15"
"""
The package index to the torch built with AMD ROCm.
diff --git a/tests/unit/comfy_test/folder_path_test.py b/tests/unit/comfy_test/folder_path_test.py
index d7a21d7ef..1b24cac84 100644
--- a/tests/unit/comfy_test/folder_path_test.py
+++ b/tests/unit/comfy_test/folder_path_test.py
@@ -26,7 +26,18 @@ def temp_dir():
yield tmpdirname
-def test_get_directory_by_type():
+@pytest.fixture
+def set_base_dir():
+ fn = FolderNames()
+ with context_folder_names_and_paths(FolderNames()):
+ def _set_base_dir(base_dir):
+ fn.base_paths.clear()
+ fn.add_base_path(Path(base_dir))
+
+ yield _set_base_dir
+
+
+def test_get_directory_by_type(clear_folder_paths):
test_dir = "/test/dir"
folder_paths.set_output_directory(test_dir)
assert folder_paths.get_directory_by_type("output") == test_dir
@@ -118,3 +129,49 @@ def test_add_output_path_absolute(temp_dir):
assert len(mp.additional_absolute_directory_paths) == 0
assert len(mp.additional_relative_directory_paths) == 1
assert list(mp.additional_relative_directory_paths)[0] == (Path("output") / "diffusion_models")
+
+
+def test_base_path_changes(set_base_dir):
+ test_dir = os.path.abspath("/test/dir")
+ set_base_dir(test_dir)
+
+ assert folder_paths.base_path == test_dir
+ assert folder_paths.models_dir == os.path.join(test_dir, "models")
+ assert folder_paths.input_directory == os.path.join(test_dir, "input")
+ assert folder_paths.output_directory == os.path.join(test_dir, "output")
+ assert folder_paths.temp_directory == os.path.join(test_dir, "temp")
+ assert folder_paths.user_directory == os.path.join(test_dir, "user")
+
+ assert os.path.join(test_dir, "custom_nodes") in folder_paths.get_folder_paths("custom_nodes")
+
+ for name in ["checkpoints", "loras", "vae", "configs", "embeddings", "controlnet", "classifiers"]:
+ assert folder_paths.get_folder_paths(name)[0] == os.path.join(test_dir, "models", name)
+
+
+def test_base_path_change_clears_old(set_base_dir):
+ test_dir = os.path.abspath("/test/dir")
+ set_base_dir(test_dir)
+
+ assert len(folder_paths.get_folder_paths("custom_nodes")) == 1
+
+ single_model_paths = [
+ "checkpoints",
+ "loras",
+ "vae",
+ "configs",
+ "clip_vision",
+ "style_models",
+ "diffusers",
+ "vae_approx",
+ "gligen",
+ "upscale_models",
+ "embeddings",
+ "hypernetworks",
+ "photomaker",
+ "classifiers",
+ ]
+ for name in single_model_paths:
+ assert len(folder_paths.get_folder_paths(name)) == 1
+
+ for name in ["controlnet", "diffusion_models", "text_encoders"]:
+ assert len(folder_paths.get_folder_paths(name)) == 2
diff --git a/tests/unit/server/routes/internal_routes_test.py b/tests/unit/server/routes/internal_routes_test.py
deleted file mode 100644
index 3d35f71da..000000000
--- a/tests/unit/server/routes/internal_routes_test.py
+++ /dev/null
@@ -1,115 +0,0 @@
-import pytest
-from aiohttp import web
-from unittest.mock import MagicMock, patch
-from comfy.api_server.routes.internal.internal_routes import InternalRoutes
-from comfy.api_server.services.file_service import FileService
-from comfy.cmd.folder_paths import models_dir, user_directory, output_directory
-
-
-@pytest.fixture
-def internal_routes():
- return InternalRoutes(None)
-
-@pytest.fixture
-def aiohttp_client_factory(aiohttp_client, internal_routes):
- async def _get_client():
- app = internal_routes.get_app()
- return await aiohttp_client(app)
- return _get_client
-
-@pytest.mark.asyncio
-async def test_list_files_valid_directory(aiohttp_client_factory, internal_routes):
- mock_file_list = [
- {"name": "file1.txt", "path": "file1.txt", "type": "file", "size": 100},
- {"name": "dir1", "path": "dir1", "type": "directory"}
- ]
- internal_routes.file_service.list_files = MagicMock(return_value=mock_file_list)
- client = await aiohttp_client_factory()
- resp = await client.get('/files?directory=models')
- assert resp.status == 200
- data = await resp.json()
- assert 'files' in data
- assert len(data['files']) == 2
- assert data['files'] == mock_file_list
-
- # Check other valid directories
- resp = await client.get('/files?directory=user')
- assert resp.status == 200
- resp = await client.get('/files?directory=output')
- assert resp.status == 200
-
-@pytest.mark.asyncio
-async def test_list_files_invalid_directory(aiohttp_client_factory, internal_routes):
- internal_routes.file_service.list_files = MagicMock(side_effect=ValueError("Invalid directory key"))
- client = await aiohttp_client_factory()
- resp = await client.get('/files?directory=invalid')
- assert resp.status == 400
- data = await resp.json()
- assert 'error' in data
- assert data['error'] == "Invalid directory key"
-
-@pytest.mark.asyncio
-async def test_list_files_exception(aiohttp_client_factory, internal_routes):
- internal_routes.file_service.list_files = MagicMock(side_effect=Exception("Unexpected error"))
- client = await aiohttp_client_factory()
- resp = await client.get('/files?directory=models')
- assert resp.status == 500
- data = await resp.json()
- assert 'error' in data
- assert data['error'] == "Unexpected error"
-
-@pytest.mark.asyncio
-async def test_list_files_no_directory_param(aiohttp_client_factory, internal_routes):
- mock_file_list = []
- internal_routes.file_service.list_files = MagicMock(return_value=mock_file_list)
- client = await aiohttp_client_factory()
- resp = await client.get('/files')
- assert resp.status == 200
- data = await resp.json()
- assert 'files' in data
- assert len(data['files']) == 0
-
-def test_setup_routes(internal_routes):
- internal_routes.setup_routes()
- routes = internal_routes.routes
- assert any(route.method == 'GET' and str(route.path) == '/files' for route in routes)
-
-def test_get_app(internal_routes):
- app = internal_routes.get_app()
- assert isinstance(app, web.Application)
- assert internal_routes._app is not None
-
-def test_get_app_reuse(internal_routes):
- app1 = internal_routes.get_app()
- app2 = internal_routes.get_app()
- assert app1 is app2
-
-@pytest.mark.asyncio
-async def test_routes_added_to_app(aiohttp_client_factory, internal_routes):
- client = await aiohttp_client_factory()
- try:
- resp = await client.get('/files')
- print(f"Response received: status {resp.status}") # noqa: T201
- except Exception as e:
- print(f"Exception occurred during GET request: {e}") # noqa: T201
- raise
-
- assert resp.status != 404, "Route /files does not exist"
-
-@pytest.mark.asyncio
-async def test_file_service_initialization():
- with patch('comfy.api_server.routes.internal.internal_routes.FileService') as MockFileService:
- # Create a mock instance
- mock_file_service_instance = MagicMock(spec=FileService)
- MockFileService.return_value = mock_file_service_instance
- internal_routes = InternalRoutes(None)
-
- # Check if FileService was initialized with the correct parameters
- MockFileService.assert_called_once_with({
- "models": models_dir,
- "user": user_directory,
- "output": output_directory
- })
-
- # Verify that the file_service attribute of InternalRoutes is set
- assert internal_routes.file_service == mock_file_service_instance
diff --git a/tests/unit/server/services/file_service_test.py b/tests/unit/server/services/file_service_test.py
deleted file mode 100644
index c8aca52b5..000000000
--- a/tests/unit/server/services/file_service_test.py
+++ /dev/null
@@ -1,62 +0,0 @@
-from unittest.mock import MagicMock
-
-import pytest
-
-from comfy.api_server.services.file_service import FileService
-
-
-@pytest.fixture
-def mock_file_system_ops():
- return MagicMock()
-
-
-@pytest.fixture
-def file_service(mock_file_system_ops):
- allowed_directories = {
- "models": "/path/to/models",
- "user": "/path/to/user",
- "output": "/path/to/output"
- }
- return FileService(allowed_directories, file_system_ops=mock_file_system_ops)
-
-
-def test_list_files_valid_directory(file_service, mock_file_system_ops):
- mock_file_system_ops.walk_directory.return_value = [
- {"name": "file1.txt", "path": "file1.txt", "type": "file", "size": 100},
- {"name": "dir1", "path": "dir1", "type": "directory"}
- ]
-
- result = file_service.list_files("models")
-
- assert len(result) == 2
- assert result[0]["name"] == "file1.txt"
- assert result[1]["name"] == "dir1"
- mock_file_system_ops.walk_directory.assert_called_once_with("/path/to/models")
-
-
-def test_list_files_invalid_directory(file_service):
- # Does not support walking directories outside of the allowed directories
- with pytest.raises(ValueError, match="Invalid directory key"):
- file_service.list_files("invalid_key")
-
-
-def test_list_files_empty_directory(file_service, mock_file_system_ops):
- mock_file_system_ops.walk_directory.return_value = []
-
- result = file_service.list_files("models")
-
- assert len(result) == 0
- mock_file_system_ops.walk_directory.assert_called_once_with("/path/to/models")
-
-
-@pytest.mark.parametrize("directory_key", ["models", "user", "output"])
-def test_list_files_all_allowed_directories(file_service, mock_file_system_ops, directory_key):
- mock_file_system_ops.walk_directory.return_value = [
- {"name": f"file_{directory_key}.txt", "path": f"file_{directory_key}.txt", "type": "file", "size": 100}
- ]
-
- result = file_service.list_files(directory_key)
-
- assert len(result) == 1
- assert result[0]["name"] == f"file_{directory_key}.txt"
- mock_file_system_ops.walk_directory.assert_called_once_with(f"/path/to/{directory_key}")
diff --git a/tests/unit/utils/extra_config_test.py b/tests/unit/utils/extra_config_test.py
index 8319836c0..b7f3306c7 100644
--- a/tests/unit/utils/extra_config_test.py
+++ b/tests/unit/utils/extra_config_test.py
@@ -118,7 +118,7 @@ def test_load_extra_model_paths_expands_userpath(
mock_yaml_safe_load.assert_called_once()
# Check if open was called with the correct file path
- mock_file.assert_called_once_with(dummy_yaml_file_name, 'r')
+ mock_file.assert_called_once_with(dummy_yaml_file_name, 'r', encoding='utf-8')
@patch('builtins.open', new_callable=mock_open)
@@ -149,7 +149,7 @@ def test_load_extra_model_paths_expands_appdata(
else:
expected_base_path = '/Users/TestUser/AppData/Roaming/ComfyUI'
expected_calls = [
- ('checkpoints', os.path.join(expected_base_path, 'models/checkpoints'), False),
+ ('checkpoints', os.path.normpath(os.path.join(expected_base_path, 'models/checkpoints')), False),
]
assert mock_add_model_folder_path.call_count == len(expected_calls)