repo_id
stringlengths 15
132
| file_path
stringlengths 34
176
| content
stringlengths 2
3.52M
| __index_level_0__
int64 0
0
|
---|---|---|---|
promptflow_repo/promptflow/src/promptflow/promptflow | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_pf_client.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import os
from os import PathLike
from pathlib import Path
from typing import Any, Dict, List, Union
from .._utils.logger_utils import get_cli_sdk_logger
from ._configuration import Configuration
from ._constants import MAX_SHOW_DETAILS_RESULTS
from ._load_functions import load_flow
from ._user_agent import USER_AGENT
from ._utils import ClientUserAgentUtil, get_connection_operation, setup_user_agent_to_operation_context
from .entities import Run
from .entities._eager_flow import EagerFlow
from .operations import RunOperations
from .operations._connection_operations import ConnectionOperations
from .operations._experiment_operations import ExperimentOperations
from .operations._flow_operations import FlowOperations
from .operations._tool_operations import ToolOperations
logger = get_cli_sdk_logger()
def _create_run(run: Run, **kwargs):
client = PFClient()
return client.runs.create_or_update(run=run, **kwargs)
class PFClient:
"""A client class to interact with prompt flow entities."""
def __init__(self, **kwargs):
logger.debug("PFClient init with kwargs: %s", kwargs)
self._runs = RunOperations()
self._connection_provider = kwargs.pop("connection_provider", None)
self._config = kwargs.get("config", None) or {}
# The credential is used as an option to override
# DefaultAzureCredential when using workspace connection provider
self._credential = kwargs.get("credential", None)
# Lazy init to avoid azure credential requires too early
self._connections = None
self._flows = FlowOperations(client=self)
self._tools = ToolOperations()
# add user agent from kwargs if any
if isinstance(kwargs.get("user_agent"), str):
ClientUserAgentUtil.append_user_agent(kwargs["user_agent"])
self._experiments = ExperimentOperations(self)
setup_user_agent_to_operation_context(USER_AGENT)
def run(
self,
flow: Union[str, PathLike],
*,
data: Union[str, PathLike] = None,
run: Union[str, Run] = None,
column_mapping: dict = None,
variant: str = None,
connections: dict = None,
environment_variables: dict = None,
name: str = None,
display_name: str = None,
tags: Dict[str, str] = None,
**kwargs,
) -> Run:
"""Run flow against provided data or run.
.. note::
At least one of the ``data`` or ``run`` parameters must be provided.
.. admonition:: Column_mapping
Column mapping is a mapping from flow input name to specified values.
If specified, the flow will be executed with provided value for specified inputs.
The value can be:
- from data:
- ``data.col1``
- from run:
- ``run.inputs.col1``: if need reference run's inputs
- ``run.output.col1``: if need reference run's outputs
- Example:
- ``{"ground_truth": "${data.answer}", "prediction": "${run.outputs.answer}"}``
:param flow: Path to the flow directory to run evaluation.
:type flow: Union[str, PathLike]
:param data: Pointer to the test data (of variant bulk runs) for eval runs.
:type data: Union[str, PathLike]
:param run: Flow run ID or flow run. This parameter helps keep lineage between
the current run and variant runs. Batch outputs can be
referenced as ``${run.outputs.col_name}`` in inputs_mapping.
:type run: Union[str, ~promptflow.entities.Run]
:param column_mapping: Define a data flow logic to map input data.
:type column_mapping: Dict[str, str]
:param variant: Node & variant name in the format of ``${node_name.variant_name}``.
The default variant will be used if not specified.
:type variant: str
:param connections: Overwrite node level connections with provided values.
Example: ``{"node1": {"connection": "new_connection", "deployment_name": "gpt-35-turbo"}}``
:type connections: Dict[str, Dict[str, str]]
:param environment_variables: Environment variables to set by specifying a property path and value.
Example: ``{"key1": "${my_connection.api_key}", "key2"="value2"}``
The value reference to connection keys will be resolved to the actual value,
and all environment variables specified will be set into os.environ.
:type environment_variables: Dict[str, str]
:param name: Name of the run.
:type name: str
:param display_name: Display name of the run.
:type display_name: str
:param tags: Tags of the run.
:type tags: Dict[str, str]
:return: Flow run info.
:rtype: ~promptflow.entities.Run
"""
if not os.path.exists(flow):
raise FileNotFoundError(f"flow path {flow} does not exist")
if data and not os.path.exists(data):
raise FileNotFoundError(f"data path {data} does not exist")
if not run and not data:
raise ValueError("at least one of data or run must be provided")
# TODO(2901096): Support pf run with python file, maybe create a temp flow.dag.yaml in this case
# load flow object for validation and early failure
flow_obj = load_flow(source=flow)
# validate param conflicts
if isinstance(flow_obj, EagerFlow):
if variant or connections:
logger.warning("variant and connections are not supported for eager flow, will be ignored")
variant, connections = None, None
run = Run(
name=name,
display_name=display_name,
tags=tags,
data=data,
column_mapping=column_mapping,
run=run,
variant=variant,
flow=Path(flow),
connections=connections,
environment_variables=environment_variables,
config=Configuration(overrides=self._config),
)
return self.runs.create_or_update(run=run, **kwargs)
def stream(self, run: Union[str, Run], raise_on_error: bool = True) -> Run:
"""Stream run logs to the console.
:param run: Run object or name of the run.
:type run: Union[str, ~promptflow.sdk.entities.Run]
:param raise_on_error: Raises an exception if a run fails or canceled.
:type raise_on_error: bool
:return: flow run info.
:rtype: ~promptflow.sdk.entities.Run
"""
return self.runs.stream(run, raise_on_error)
def get_details(
self, run: Union[str, Run], max_results: int = MAX_SHOW_DETAILS_RESULTS, all_results: bool = False
) -> "DataFrame":
"""Get the details from the run including inputs and outputs.
.. note::
If `all_results` is set to True, `max_results` will be overwritten to sys.maxsize.
:param run: The run name or run object
:type run: Union[str, ~promptflow.sdk.entities.Run]
:param max_results: The max number of runs to return, defaults to 100
:type max_results: int
:param all_results: Whether to return all results, defaults to False
:type all_results: bool
:raises RunOperationParameterError: If `max_results` is not a positive integer.
:return: The details data frame.
:rtype: pandas.DataFrame
"""
return self.runs.get_details(name=run, max_results=max_results, all_results=all_results)
def get_metrics(self, run: Union[str, Run]) -> Dict[str, Any]:
"""Get run metrics.
:param run: Run object or name of the run.
:type run: Union[str, ~promptflow.sdk.entities.Run]
:return: Run metrics.
:rtype: Dict[str, Any]
"""
return self.runs.get_metrics(run)
def visualize(self, runs: Union[List[str], List[Run]]) -> None:
"""Visualize run(s).
:param run: Run object or name of the run.
:type run: Union[str, ~promptflow.sdk.entities.Run]
"""
self.runs.visualize(runs)
@property
def runs(self) -> RunOperations:
"""Run operations that can manage runs."""
return self._runs
@property
def tools(self) -> ToolOperations:
"""Tool operations that can manage tools."""
return self._tools
def _ensure_connection_provider(self) -> str:
if not self._connection_provider:
# Get a copy with config override instead of the config instance
self._connection_provider = Configuration(overrides=self._config).get_connection_provider()
logger.debug("PFClient connection provider: %s", self._connection_provider)
return self._connection_provider
@property
def connections(self) -> ConnectionOperations:
"""Connection operations that can manage connections."""
if not self._connections:
self._ensure_connection_provider()
self._connections = get_connection_operation(self._connection_provider, self._credential)
return self._connections
@property
def flows(self) -> FlowOperations:
"""Operations on the flow that can manage flows."""
return self._flows
def test(
self,
flow: Union[str, PathLike],
*,
inputs: dict = None,
variant: str = None,
node: str = None,
environment_variables: dict = None,
) -> dict:
"""Test flow or node.
:param flow: path to flow directory to test
:type flow: Union[str, PathLike]
:param inputs: Input data for the flow test
:type inputs: dict
:param variant: Node & variant name in format of ${node_name.variant_name}, will use default variant
if not specified.
:type variant: str
:param node: If specified it will only test this node, else it will test the flow.
:type node: str
:param environment_variables: Environment variables to set by specifying a property path and value.
Example: {"key1": "${my_connection.api_key}", "key2"="value2"}
The value reference to connection keys will be resolved to the actual value,
and all environment variables specified will be set into os.environ.
:type environment_variables: dict
:return: The result of flow or node
:rtype: dict
"""
return self.flows.test(
flow=flow, inputs=inputs, variant=variant, environment_variables=environment_variables, node=node
)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_errors.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from promptflow._sdk._constants import BULK_RUN_ERRORS
from promptflow.exceptions import ErrorTarget, SystemErrorException, UserErrorException
class SDKError(UserErrorException):
"""SDK base class, target default is CONTROL_PLANE_SDK."""
def __init__(
self,
message="",
message_format="",
target: ErrorTarget = ErrorTarget.CONTROL_PLANE_SDK,
module=None,
**kwargs,
):
super().__init__(message=message, message_format=message_format, target=target, module=module, **kwargs)
class SDKInternalError(SystemErrorException):
"""SDK internal error."""
def __init__(
self,
message="",
message_format="",
target: ErrorTarget = ErrorTarget.CONTROL_PLANE_SDK,
module=None,
**kwargs,
):
super().__init__(message=message, message_format=message_format, target=target, module=module, **kwargs)
class RunExistsError(SDKError):
"""Exception raised when run already exists."""
pass
class RunNotFoundError(SDKError):
"""Exception raised if run cannot be found."""
pass
class InvalidRunStatusError(SDKError):
"""Exception raised if run status is invalid."""
pass
class UnsecureConnectionError(SDKError):
"""Exception raised if connection is not secure."""
pass
class DecryptConnectionError(SDKError):
"""Exception raised if connection decryption failed."""
pass
class StoreConnectionEncryptionKeyError(SDKError):
"""Exception raised if no keyring backend."""
pass
class InvalidFlowError(SDKError):
"""Exception raised if flow definition is not legal."""
pass
class ConnectionNotFoundError(SDKError):
"""Exception raised if connection is not found."""
pass
class InvalidRunError(SDKError):
"""Exception raised if run name is not legal."""
pass
class GenerateFlowToolsJsonError(SDKError):
"""Exception raised if flow tools json generation failed."""
pass
class BulkRunException(SDKError):
"""Exception raised when bulk run failed."""
def __init__(self, *, message="", failed_lines, total_lines, errors, module: str = None, **kwargs):
self.failed_lines = failed_lines
self.total_lines = total_lines
self._additional_info = {
BULK_RUN_ERRORS: errors,
}
message = f"First error message is: {message}"
# bulk run error is line error only when failed_lines > 0
if isinstance(failed_lines, int) and isinstance(total_lines, int) and failed_lines > 0:
message = f"Failed to run {failed_lines}/{total_lines} lines. " + message
super().__init__(message=message, target=ErrorTarget.RUNTIME, module=module, **kwargs)
@property
def additional_info(self):
"""Set the tool exception details as additional info."""
return self._additional_info
class RunOperationParameterError(SDKError):
"""Exception raised when list run failed."""
pass
class RunOperationError(SDKError):
"""Exception raised when run operation failed."""
pass
class FlowOperationError(SDKError):
"""Exception raised when flow operation failed."""
pass
class ExperimentExistsError(SDKError):
"""Exception raised when experiment already exists."""
pass
class ExperimentNotFoundError(SDKError):
"""Exception raised if experiment cannot be found."""
pass
class ExperimentValidationError(SDKError):
"""Exception raised if experiment validation failed."""
pass
class ExperimentValueError(SDKError):
"""Exception raised if experiment validation failed."""
pass
class ExperimentHasCycle(SDKError):
"""Exception raised if experiment validation failed."""
pass
class DownloadInternalError(SDKInternalError):
"""Exception raised if download internal error."""
pass
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_utils.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import collections
import hashlib
import json
import multiprocessing
import os
import platform
import re
import shutil
import stat
import sys
import tempfile
import zipfile
from contextlib import contextmanager
from enum import Enum
from functools import partial
from os import PathLike
from pathlib import Path
from typing import Any, Dict, List, Optional, Set, Tuple, Union
from urllib.parse import urlparse
import keyring
import pydash
from cryptography.fernet import Fernet
from filelock import FileLock
from jinja2 import Template
from keyring.errors import NoKeyringError
from marshmallow import ValidationError
import promptflow
from promptflow._constants import EXTENSION_UA, PF_NO_INTERACTIVE_LOGIN, PF_USER_AGENT, USER_AGENT
from promptflow._core.tool_meta_generator import generate_tool_meta_dict_by_file
from promptflow._core.tools_manager import gen_dynamic_list, retrieve_tool_func_result
from promptflow._sdk._constants import (
DAG_FILE_NAME,
DEFAULT_ENCODING,
FLOW_TOOLS_JSON,
FLOW_TOOLS_JSON_GEN_TIMEOUT,
HOME_PROMPT_FLOW_DIR,
KEYRING_ENCRYPTION_KEY_NAME,
KEYRING_ENCRYPTION_LOCK_PATH,
KEYRING_SYSTEM,
NODE,
NODE_VARIANTS,
NODES,
PROMPT_FLOW_DIR_NAME,
REFRESH_CONNECTIONS_DIR_LOCK_PATH,
REGISTRY_URI_PREFIX,
REMOTE_URI_PREFIX,
USE_VARIANTS,
VARIANTS,
CommonYamlFields,
ConnectionProvider,
)
from promptflow._sdk._errors import (
DecryptConnectionError,
GenerateFlowToolsJsonError,
StoreConnectionEncryptionKeyError,
UnsecureConnectionError,
)
from promptflow._sdk._vendor import IgnoreFile, get_ignore_file, get_upload_files_from_folder
from promptflow._utils.context_utils import _change_working_dir, inject_sys_path
from promptflow._utils.dataclass_serializer import serialize
from promptflow._utils.logger_utils import get_cli_sdk_logger
from promptflow._utils.yaml_utils import dump_yaml, load_yaml, load_yaml_string
from promptflow.contracts.tool import ToolType
from promptflow.exceptions import ErrorTarget, UserErrorException
logger = get_cli_sdk_logger()
def snake_to_camel(name):
return re.sub(r"(?:^|_)([a-z])", lambda x: x.group(1).upper(), name)
def find_type_in_override(params_override: Optional[list] = None) -> Optional[str]:
params_override = params_override or []
for override in params_override:
if CommonYamlFields.TYPE in override:
return override[CommonYamlFields.TYPE]
return None
# region Encryption
CUSTOMIZED_ENCRYPTION_KEY_IN_KEY_RING = None
ENCRYPTION_KEY_IN_KEY_RING = None
@contextmanager
def use_customized_encryption_key(encryption_key: str):
global CUSTOMIZED_ENCRYPTION_KEY_IN_KEY_RING
CUSTOMIZED_ENCRYPTION_KEY_IN_KEY_RING = encryption_key
yield
CUSTOMIZED_ENCRYPTION_KEY_IN_KEY_RING = None
def set_encryption_key(encryption_key: Union[str, bytes]):
if isinstance(encryption_key, bytes):
encryption_key = encryption_key.decode("utf-8")
keyring.set_password("promptflow", "encryption_key", encryption_key)
_encryption_key_lock = FileLock(KEYRING_ENCRYPTION_LOCK_PATH)
def get_encryption_key(generate_if_not_found: bool = False) -> str:
global CUSTOMIZED_ENCRYPTION_KEY_IN_KEY_RING
global ENCRYPTION_KEY_IN_KEY_RING
if CUSTOMIZED_ENCRYPTION_KEY_IN_KEY_RING is not None:
return CUSTOMIZED_ENCRYPTION_KEY_IN_KEY_RING
if ENCRYPTION_KEY_IN_KEY_RING is not None:
return ENCRYPTION_KEY_IN_KEY_RING
def _get_from_keyring():
try:
# Cache encryption key as mac will pop window to ask for permission when calling get_password
return keyring.get_password(KEYRING_SYSTEM, KEYRING_ENCRYPTION_KEY_NAME)
except NoKeyringError as e:
raise StoreConnectionEncryptionKeyError(
"System keyring backend service not found in your operating system. "
"See https://pypi.org/project/keyring/ to install requirement for different operating system, "
"or 'pip install keyrings.alt' to use the third-party backend. Reach more detail about this error at "
"https://microsoft.github.io/promptflow/how-to-guides/faq.html#connection-creation-failed-with-storeconnectionencryptionkeyerror" # noqa: E501
) from e
ENCRYPTION_KEY_IN_KEY_RING = _get_from_keyring()
if ENCRYPTION_KEY_IN_KEY_RING is not None or not generate_if_not_found:
return ENCRYPTION_KEY_IN_KEY_RING
_encryption_key_lock.acquire()
# Note: we access the keyring twice, as global var can't share across processes.
ENCRYPTION_KEY_IN_KEY_RING = _get_from_keyring()
if ENCRYPTION_KEY_IN_KEY_RING is not None:
return ENCRYPTION_KEY_IN_KEY_RING
try:
ENCRYPTION_KEY_IN_KEY_RING = Fernet.generate_key().decode("utf-8")
keyring.set_password(KEYRING_SYSTEM, KEYRING_ENCRYPTION_KEY_NAME, ENCRYPTION_KEY_IN_KEY_RING)
finally:
_encryption_key_lock.release()
return ENCRYPTION_KEY_IN_KEY_RING
def encrypt_secret_value(secret_value):
encryption_key = get_encryption_key(generate_if_not_found=True)
fernet_client = Fernet(encryption_key)
token = fernet_client.encrypt(secret_value.encode("utf-8"))
return token.decode("utf-8")
def decrypt_secret_value(connection_name, encrypted_secret_value):
encryption_key = get_encryption_key()
if encryption_key is None:
raise Exception("Encryption key not found in keyring.")
fernet_client = Fernet(encryption_key)
try:
return fernet_client.decrypt(encrypted_secret_value.encode("utf-8")).decode("utf-8")
except Exception as e:
if len(encrypted_secret_value) < 57:
# This is to workaround old custom secrets that are not encrypted with Fernet.
# Fernet token: https://github.com/fernet/spec/blob/master/Spec.md
# Format: Version ‖ Timestamp ‖ IV ‖ Ciphertext ‖ HMAC
# Version: 8 bits, Timestamp: 64 bits, IV: 128 bits, HMAC: 256 bits,
# Ciphertext variable length, multiple of 128 bits
# So the minimum length of a Fernet token is 57 bytes
raise UnsecureConnectionError(
f"Please delete and re-create connection {connection_name} "
f"due to a security issue in the old sdk version."
)
raise DecryptConnectionError(
f"Decrypt connection {connection_name} secret failed: {str(e)}. "
f"If you have ever changed your encryption key manually, "
f"please revert it back to the original one, or delete all connections and re-create them."
)
# endregion
def decorate_validation_error(schema: Any, pretty_error: str, additional_message: str = "") -> str:
return f"Validation for {schema.__name__} failed:\n\n {pretty_error} \n\n {additional_message}"
def load_from_dict(schema: Any, data: Dict, context: Dict, additional_message: str = "", **kwargs):
try:
return schema(context=context).load(data, **kwargs)
except ValidationError as e:
pretty_error = json.dumps(e.normalized_messages(), indent=2)
raise ValidationError(decorate_validation_error(schema, pretty_error, additional_message))
def strip_quotation(value):
"""
To avoid escaping chars in command args, args will be surrounded in quotas.
Need to remove the pair of quotation first.
"""
if value.startswith('"') and value.endswith('"'):
return value[1:-1]
elif value.startswith("'") and value.endswith("'"):
return value[1:-1]
else:
return value
def parse_variant(variant: str) -> Tuple[str, str]:
variant_regex = r"\${([^.]+).([^}]+)}"
match = re.match(variant_regex, strip_quotation(variant))
if match:
return match.group(1), match.group(2)
else:
error = ValueError(
f"Invalid variant format: {variant}, variant should be in format of ${{TUNING_NODE.VARIANT}}"
)
raise UserErrorException(
target=ErrorTarget.CONTROL_PLANE_SDK,
message=str(error),
error=error,
)
def _match_reference(env_val: str):
env_val = env_val.strip()
m = re.match(r"^\$\{([^.]+)\.([^.]+)}$", env_val)
if not m:
return None, None
name, key = m.groups()
return name, key
# !!! Attention!!!: Please make sure you have contact with PRS team before changing the interface.
def get_used_connection_names_from_environment_variables():
"""The function will get all potential related connection names from current environment variables.
for example, if part of env var is
{
"ENV_VAR_1": "${my_connection.key}",
"ENV_VAR_2": "${my_connection.key2}",
"ENV_VAR_3": "${my_connection2.key}",
}
The function will return {"my_connection", "my_connection2"}.
"""
return get_used_connection_names_from_dict(os.environ)
def get_used_connection_names_from_dict(connection_dict: dict):
connection_names = set()
for key, val in connection_dict.items():
connection_name, _ = _match_reference(val)
if connection_name:
connection_names.add(connection_name)
return connection_names
# !!! Attention!!!: Please make sure you have contact with PRS team before changing the interface.
def update_environment_variables_with_connections(built_connections):
"""The function will result env var value ${my_connection.key} to the real connection keys."""
return update_dict_value_with_connections(built_connections, os.environ)
def _match_env_reference(val: str):
try:
val = val.strip()
m = re.match(r"^\$\{env:(.+)}$", val)
if not m:
return None
name = m.groups()[0]
return name
except Exception:
# for exceptions when val is not a string, return
return None
def override_connection_config_with_environment_variable(connections: Dict[str, dict]):
"""
The function will use relevant environment variable to override connection configurations. For instance, if there
is a custom connection named 'custom_connection' with a configuration key called 'chat_deployment_name,' the
function will attempt to retrieve 'chat_deployment_name' from the environment variable
'CUSTOM_CONNECTION_CHAT_DEPLOYMENT_NAME' by default. If the environment variable is not set, it will use the
original value as a fallback.
"""
for connection_name, connection in connections.items():
values = connection.get("value", {})
for key, val in values.items():
connection_name = connection_name.replace(" ", "_")
env_name = f"{connection_name}_{key}".upper()
if env_name not in os.environ:
continue
values[key] = os.environ[env_name]
logger.info(f"Connection {connection_name}'s {key} is overridden with environment variable {env_name}")
return connections
def resolve_connections_environment_variable_reference(connections: Dict[str, dict]):
"""The function will resolve connection secrets env var reference like api_key: ${env:KEY}"""
for connection in connections.values():
values = connection.get("value", {})
for key, val in values.items():
if not _match_env_reference(val):
continue
env_name = _match_env_reference(val)
if env_name not in os.environ:
raise UserErrorException(f"Environment variable {env_name} is not found.")
values[key] = os.environ[env_name]
return connections
def update_dict_value_with_connections(built_connections, connection_dict: dict):
for key, val in connection_dict.items():
connection_name, connection_key = _match_reference(val)
if connection_name is None:
continue
if connection_name not in built_connections:
continue
if connection_key not in built_connections[connection_name]["value"]:
continue
connection_dict[key] = built_connections[connection_name]["value"][connection_key]
def in_jupyter_notebook() -> bool:
"""
Checks if user is using a Jupyter Notebook. This is necessary because logging is not allowed in
non-Jupyter contexts.
Adapted from https://stackoverflow.com/a/22424821
"""
try: # cspell:ignore ipython
from IPython import get_ipython
if "IPKernelApp" not in get_ipython().config:
return False
except ImportError:
return False
except AttributeError:
return False
return True
def render_jinja_template(template_path, *, trim_blocks=True, keep_trailing_newline=True, **kwargs):
with open(template_path, "r", encoding=DEFAULT_ENCODING) as f:
template = Template(f.read(), trim_blocks=trim_blocks, keep_trailing_newline=keep_trailing_newline)
return template.render(**kwargs)
def print_yellow_warning(message):
from colorama import Fore, init
init(autoreset=True)
print(Fore.YELLOW + message)
def print_red_error(message):
from colorama import Fore, init
init(autoreset=True)
print(Fore.RED + message)
def safe_parse_object_list(obj_list, parser, message_generator):
results = []
for obj in obj_list:
try:
results.append(parser(obj))
except Exception as e:
extended_message = f"{message_generator(obj)} Error: {type(e).__name__}, {str(e)}"
print_yellow_warning(extended_message)
return results
def _normalize_identifier_name(name):
normalized_name = name.lower()
normalized_name = re.sub(r"[\W_]", " ", normalized_name) # No non-word characters
normalized_name = re.sub(" +", " ", normalized_name).strip() # No double spaces, leading or trailing spaces
if re.match(r"\d", normalized_name):
normalized_name = "n" + normalized_name # No leading digits
return normalized_name
def _sanitize_python_variable_name(name: str):
return _normalize_identifier_name(name).replace(" ", "_")
def _get_additional_includes(yaml_path):
flow_dag = load_yaml(yaml_path)
return flow_dag.get("additional_includes", [])
def _is_folder_to_compress(path: Path) -> bool:
"""Check if the additional include needs to compress corresponding folder as a zip.
For example, given additional include /mnt/c/hello.zip
1) if a file named /mnt/c/hello.zip already exists, return False (simply copy)
2) if a folder named /mnt/c/hello exists, return True (compress as a zip and copy)
:param path: Given path in additional include.
:type path: Path
:return: If the path need to be compressed as a zip file.
:rtype: bool
"""
if path.suffix != ".zip":
return False
# if zip file exists, simply copy as other additional includes
if path.exists():
return False
# remove .zip suffix and check whether the folder exists
stem_path = path.parent / path.stem
return stem_path.is_dir()
def _resolve_folder_to_compress(base_path: Path, include: str, dst_path: Path) -> None:
"""resolve the zip additional include, need to compress corresponding folder."""
zip_additional_include = (base_path / include).resolve()
folder_to_zip = zip_additional_include.parent / zip_additional_include.stem
zip_file = dst_path / zip_additional_include.name
with zipfile.ZipFile(zip_file, "w") as zf:
zf.write(folder_to_zip, os.path.relpath(folder_to_zip, folder_to_zip.parent)) # write root in zip
for root, _, files in os.walk(folder_to_zip, followlinks=True):
for file in files:
file_path = os.path.join(folder_to_zip, file)
zf.write(file_path, os.path.relpath(file_path, folder_to_zip.parent))
@contextmanager
def _merge_local_code_and_additional_includes(code_path: Path):
# TODO: unify variable names: flow_dir_path, flow_dag_path, flow_path
def additional_includes_copy(src, relative_path, target_dir):
if src.is_file():
dst = Path(target_dir) / relative_path
dst.parent.mkdir(parents=True, exist_ok=True)
if dst.exists():
logger.warning(
"Found duplicate file in additional includes, "
f"additional include file {src} will overwrite {relative_path}"
)
shutil.copy2(src, dst)
else:
for name in src.glob("*"):
additional_includes_copy(name, Path(relative_path) / name.name, target_dir)
if code_path.is_dir():
yaml_path = (Path(code_path) / DAG_FILE_NAME).resolve()
code_path = code_path.resolve()
else:
yaml_path = code_path.resolve()
code_path = code_path.parent.resolve()
with tempfile.TemporaryDirectory() as temp_dir:
shutil.copytree(code_path.resolve().as_posix(), temp_dir, dirs_exist_ok=True)
for item in _get_additional_includes(yaml_path):
src_path = Path(item)
if not src_path.is_absolute():
src_path = (code_path / item).resolve()
if _is_folder_to_compress(src_path):
_resolve_folder_to_compress(code_path, item, Path(temp_dir))
# early continue as the folder is compressed as a zip file
continue
if not src_path.exists():
error = ValueError(f"Unable to find additional include {item}")
raise UserErrorException(
target=ErrorTarget.CONTROL_PLANE_SDK,
message=str(error),
error=error,
)
additional_includes_copy(src_path, relative_path=src_path.name, target_dir=temp_dir)
yield temp_dir
def incremental_print(log: str, printed: int, fileout) -> int:
count = 0
for line in log.splitlines():
if count >= printed:
fileout.write(line + "\n")
printed += 1
count += 1
return printed
def get_promptflow_sdk_version() -> str:
try:
return promptflow.__version__
except AttributeError:
# if promptflow is installed from source, it does not have __version__ attribute
return "0.0.1"
def print_pf_version():
print("promptflow\t\t\t {}".format(get_promptflow_sdk_version()))
print()
print("Executable '{}'".format(os.path.abspath(sys.executable)))
print("Python ({}) {}".format(platform.system(), sys.version))
class PromptflowIgnoreFile(IgnoreFile):
# TODO add more files to this list.
IGNORE_FILE = [".runs", "__pycache__"]
def __init__(self, prompt_flow_path: Union[Path, str]):
super(PromptflowIgnoreFile, self).__init__(prompt_flow_path)
self._path = Path(prompt_flow_path)
self._ignore_tools_json = False
@property
def base_path(self) -> Path:
return self._path
def _get_ignore_list(self):
"""Get ignore list from ignore file contents."""
if not self.exists():
return []
base_ignore = get_ignore_file(self.base_path)
result = self.IGNORE_FILE + base_ignore._get_ignore_list()
if self._ignore_tools_json:
result.append(f"{PROMPT_FLOW_DIR_NAME}/{FLOW_TOOLS_JSON}")
return result
def _generate_meta_from_files(
tools: List[Tuple[str, str]], flow_directory: Path, tools_dict: dict, exception_dict: dict
) -> None:
with _change_working_dir(flow_directory), inject_sys_path(flow_directory):
for source, tool_type in tools:
try:
tools_dict[source] = generate_tool_meta_dict_by_file(source, ToolType(tool_type))
except Exception as e:
exception_dict[source] = str(e)
def _generate_tool_meta(
flow_directory: Path,
tools: List[Tuple[str, str]],
raise_error: bool,
timeout: int,
*,
include_errors_in_output: bool = False,
load_in_subprocess: bool = True,
) -> Dict[str, dict]:
"""Generate tool meta from files.
:param flow_directory: flow directory
:param tools: tool list
:param raise_error: whether raise error when generate meta failed
:param timeout: timeout for generate meta
:param include_errors_in_output: whether include errors in output
:param load_in_subprocess: whether load tool meta with subprocess to prevent system path disturb. Default is True.
If set to False, will load tool meta in sync mode and timeout need to be handled outside current process.
:return: tool meta dict
"""
if load_in_subprocess:
# use multiprocess generate to avoid system path disturb
manager = multiprocessing.Manager()
tools_dict = manager.dict()
exception_dict = manager.dict()
p = multiprocessing.Process(
target=_generate_meta_from_files, args=(tools, flow_directory, tools_dict, exception_dict)
)
p.start()
p.join(timeout=timeout)
if p.is_alive():
logger.warning(f"Generate meta timeout after {timeout} seconds, terminate the process.")
p.terminate()
p.join()
else:
tools_dict, exception_dict = {}, {}
# There is no built-in method to forcefully stop a running thread/coroutine in Python
# because abruptly stopping a thread can cause issues like resource leaks,
# deadlocks, or inconsistent states.
# Caller needs to handle the timeout outside current process.
logger.warning(
"Generate meta in current process and timeout won't take effect. "
"Please handle timeout manually outside current process."
)
_generate_meta_from_files(tools, flow_directory, tools_dict, exception_dict)
res = {source: tool for source, tool in tools_dict.items()}
for source in res:
# remove name in tool meta
res[source].pop("name")
# convert string Enum to string
if isinstance(res[source]["type"], Enum):
res[source]["type"] = res[source]["type"].value
# not all tools have inputs, so check first
if "inputs" in res[source]:
for tool_input in res[source]["inputs"]:
tool_input_type = res[source]["inputs"][tool_input]["type"]
for i in range(len(tool_input_type)):
if isinstance(tool_input_type[i], Enum):
tool_input_type[i] = tool_input_type[i].value
# collect errors and print warnings
errors = {
source: exception for source, exception in exception_dict.items()
} # for not processed tools, regard as timeout error
for source, _ in tools:
if source not in res and source not in errors:
errors[source] = f"Generate meta timeout for source {source!r}."
for source in errors:
if include_errors_in_output:
res[source] = errors[source]
else:
logger.warning(f"Generate meta for source {source!r} failed: {errors[source]}.")
if raise_error and len(errors) > 0:
error_message = "Generate meta failed, detail error(s):\n" + json.dumps(errors, indent=4)
raise GenerateFlowToolsJsonError(error_message)
return res
def _retrieve_tool_func_result(func_call_scenario: str, function_config: Dict):
"""Retrieve tool func result according to func_call_scenario.
:param func_call_scenario: function call scenario
:param function_config: function config in tool meta. Should contain'func_path' and 'func_kwargs'.
:return: func call result according to func_call_scenario.
"""
func_path = function_config.get("func_path", "")
func_kwargs = function_config.get("func_kwargs", {})
# May call azure control plane api in the custom function to list Azure resources.
# which may need Azure workspace triple.
# TODO: move this method to a common place.
from promptflow._cli._utils import get_workspace_triad_from_local
workspace_triad = get_workspace_triad_from_local()
if workspace_triad.subscription_id and workspace_triad.resource_group_name and workspace_triad.workspace_name:
result = retrieve_tool_func_result(func_call_scenario, func_path, func_kwargs, workspace_triad._asdict())
# if no workspace triple available, just skip.
else:
result = retrieve_tool_func_result(func_call_scenario, func_path, func_kwargs)
result_with_log = {"result": result, "logs": {}}
return result_with_log
def _gen_dynamic_list(function_config: Dict) -> List:
"""Generate dynamic list for a tool input.
:param function_config: function config in tool meta. Should contain'func_path' and 'func_kwargs'.
:return: a list of tool input dynamic enums.
"""
func_path = function_config.get("func_path", "")
func_kwargs = function_config.get("func_kwargs", {})
# May call azure control plane api in the custom function to list Azure resources.
# which may need Azure workspace triple.
# TODO: move this method to a common place.
from promptflow._cli._utils import get_workspace_triad_from_local
workspace_triad = get_workspace_triad_from_local()
if workspace_triad.subscription_id and workspace_triad.resource_group_name and workspace_triad.workspace_name:
return gen_dynamic_list(func_path, func_kwargs, workspace_triad._asdict())
# if no workspace triple available, just skip.
else:
return gen_dynamic_list(func_path, func_kwargs)
def _generate_package_tools(keys: Optional[List[str]] = None) -> dict:
from promptflow._core.tools_manager import collect_package_tools
return collect_package_tools(keys=keys)
def _update_involved_tools_and_packages(
_node,
_node_path,
*,
tools: List,
used_packages: Set,
source_path_mapping: Dict[str, List[str]],
):
source, tool_type = pydash.get(_node, "source.path", None), _node.get("type", None)
used_packages.add(pydash.get(_node, "source.tool", None))
if source is None or tool_type is None:
return
# for custom LLM tool, its source points to the used prompt template so handle it as prompt tool
if tool_type == ToolType.CUSTOM_LLM:
tool_type = ToolType.PROMPT
if pydash.get(_node, "source.type") not in ["code", "package_with_prompt"]:
return
pair = (source, tool_type.lower())
if pair not in tools:
tools.append(pair)
source_path_mapping[source].append(f"{_node_path}.source.path")
def _get_involved_code_and_package(
data: dict,
) -> Tuple[List[Tuple[str, str]], Set[str], Dict[str, List[str]]]:
tools = [] # List[Tuple[source_file, tool_type]]
used_packages = set()
source_path_mapping = collections.defaultdict(list)
for node_i, node in enumerate(data[NODES]):
_update_involved_tools_and_packages(
node,
f"{NODES}.{node_i}",
tools=tools,
used_packages=used_packages,
source_path_mapping=source_path_mapping,
)
# understand DAG to parse variants
# TODO: should we allow source to appear both in node and node variants?
if node.get(USE_VARIANTS) is True:
node_variants = data[NODE_VARIANTS][node["name"]]
for variant_id in node_variants[VARIANTS]:
node_with_variant = node_variants[VARIANTS][variant_id][NODE]
_update_involved_tools_and_packages(
node_with_variant,
f"{NODE_VARIANTS}.{node['name']}.{VARIANTS}.{variant_id}.{NODE}",
tools=tools,
used_packages=used_packages,
source_path_mapping=source_path_mapping,
)
if None in used_packages:
used_packages.remove(None)
return tools, used_packages, source_path_mapping
def generate_flow_tools_json(
flow_directory: Union[str, Path],
dump: bool = True,
raise_error: bool = True,
timeout: int = FLOW_TOOLS_JSON_GEN_TIMEOUT,
*,
include_errors_in_output: bool = False,
target_source: str = None,
used_packages_only: bool = False,
source_path_mapping: Dict[str, List[str]] = None,
) -> dict:
"""Generate flow.tools.json for a flow directory.
:param flow_directory: path to flow directory.
:param dump: whether to dump to .promptflow/flow.tools.json, default value is True.
:param raise_error: whether to raise the error, default value is True.
:param timeout: timeout for generation, default value is 60 seconds.
:param include_errors_in_output: whether to include error messages in output, default value is False.
:param target_source: the source name to filter result, default value is None. Note that we will update system path
in coroutine if target_source is provided given it's expected to be from a specific cli call.
:param used_packages_only: whether to only include used packages, default value is False.
:param source_path_mapping: if specified, record yaml paths for each source.
"""
flow_directory = Path(flow_directory).resolve()
# parse flow DAG
data = load_yaml(flow_directory / DAG_FILE_NAME)
tools, used_packages, _source_path_mapping = _get_involved_code_and_package(data)
# update passed in source_path_mapping if specified
if source_path_mapping is not None:
source_path_mapping.update(_source_path_mapping)
# filter tools by target_source if specified
if target_source is not None:
tools = list(filter(lambda x: x[0] == target_source, tools))
# generate content
# TODO: remove type in tools (input) and code (output)
flow_tools = {
"code": _generate_tool_meta(
flow_directory,
tools,
raise_error=raise_error,
timeout=timeout,
include_errors_in_output=include_errors_in_output,
# we don't need to protect system path according to the target usage when target_source is specified
load_in_subprocess=target_source is None,
),
# specified source may only appear in code tools
"package": {}
if target_source is not None
else _generate_package_tools(keys=list(used_packages) if used_packages_only else None),
}
if dump:
# dump as flow.tools.json
promptflow_folder = flow_directory / PROMPT_FLOW_DIR_NAME
promptflow_folder.mkdir(exist_ok=True)
with open(promptflow_folder / FLOW_TOOLS_JSON, mode="w", encoding=DEFAULT_ENCODING) as f:
json.dump(flow_tools, f, indent=4)
return flow_tools
class ClientUserAgentUtil:
"""SDK/CLI side user agent utilities."""
@classmethod
def _get_context(cls):
from promptflow._core.operation_context import OperationContext
return OperationContext.get_instance()
@classmethod
def get_user_agent(cls):
from promptflow._core.operation_context import OperationContext
context = cls._get_context()
# directly get from context since client side won't need promptflow/xxx.
return context.get(OperationContext.USER_AGENT_KEY, "").strip()
@classmethod
def append_user_agent(cls, user_agent: Optional[str]):
if not user_agent:
return
context = cls._get_context()
context.append_user_agent(user_agent)
@classmethod
def update_user_agent_from_env_var(cls):
# this is for backward compatibility: we should use PF_USER_AGENT in newer versions.
for env_name in [USER_AGENT, PF_USER_AGENT]:
if env_name in os.environ:
cls.append_user_agent(os.environ[env_name])
@classmethod
def update_user_agent_from_config(cls):
"""Update user agent from config. 1p customer will set it. We'll add PFCustomer_ as prefix."""
from promptflow._sdk._configuration import Configuration
config = Configuration.get_instance()
user_agent = config.get_user_agent()
if user_agent:
cls.append_user_agent(user_agent)
def setup_user_agent_to_operation_context(user_agent):
"""Setup user agent to OperationContext.
For calls from extension, ua will be like: prompt-flow-extension/ promptflow-cli/ promptflow-sdk/
For calls from CLI, ua will be like: promptflow-cli/ promptflow-sdk/
For calls from SDK, ua will be like: promptflow-sdk/
For 1p customer call which set user agent in config, ua will be like: PFCustomer_XXX/
"""
# add user added UA after SDK/CLI
ClientUserAgentUtil.append_user_agent(user_agent)
ClientUserAgentUtil.update_user_agent_from_env_var()
ClientUserAgentUtil.update_user_agent_from_config()
return ClientUserAgentUtil.get_user_agent()
def call_from_extension() -> bool:
"""Return true if current request is from extension."""
ClientUserAgentUtil.update_user_agent_from_env_var()
user_agent = ClientUserAgentUtil.get_user_agent()
return EXTENSION_UA in user_agent
def generate_random_string(length: int = 6) -> str:
import random
import string
return "".join(random.choice(string.ascii_lowercase) for _ in range(length))
def copy_tree_respect_template_and_ignore_file(source: Path, target: Path, render_context: dict = None):
def is_template(path: str):
return path.endswith(".jinja2")
for source_path, target_path in get_upload_files_from_folder(
path=source,
ignore_file=PromptflowIgnoreFile(prompt_flow_path=source),
):
(target / target_path).parent.mkdir(parents=True, exist_ok=True)
if render_context is None or not is_template(source_path):
shutil.copy(source_path, target / target_path)
else:
(target / target_path[: -len(".jinja2")]).write_bytes(
# always use unix line ending
render_jinja_template(source_path, **render_context)
.encode("utf-8")
.replace(b"\r\n", b"\n"),
)
def get_local_connections_from_executable(
executable, client, connections_to_ignore: List[str] = None, connections_to_add: List[str] = None
):
"""Get local connections from executable.
executable: The executable flow object.
client: Local client to get connections.
connections_to_ignore: The connection names to ignore when getting connections.
connections_to_add: The connection names to add when getting connections.
"""
connection_names = executable.get_connection_names()
if connections_to_add:
connection_names.update(connections_to_add)
connections_to_ignore = connections_to_ignore or []
result = {}
for n in connection_names:
if n not in connections_to_ignore:
conn = client.connections.get(name=n, with_secrets=True)
result[n] = conn._to_execution_connection_dict()
return result
def _generate_connections_dir():
# Get Python executable path
python_path = sys.executable
# Hash the Python executable path
hash_object = hashlib.sha1(python_path.encode())
hex_dig = hash_object.hexdigest()
# Generate the connections system path using the hash
connections_dir = (HOME_PROMPT_FLOW_DIR / "envs" / hex_dig / "connections").resolve()
return connections_dir
_refresh_connection_dir_lock = FileLock(REFRESH_CONNECTIONS_DIR_LOCK_PATH)
# This function is used by extension to generate the connection files every time collect tools.
def refresh_connections_dir(connection_spec_files, connection_template_yamls):
connections_dir = _generate_connections_dir()
# Use lock to prevent concurrent access
with _refresh_connection_dir_lock:
if os.path.isdir(connections_dir):
shutil.rmtree(connections_dir)
os.makedirs(connections_dir)
if connection_spec_files and connection_template_yamls:
for connection_name, content in connection_spec_files.items():
file_name = connection_name + ".spec.json"
with open(connections_dir / file_name, "w", encoding=DEFAULT_ENCODING) as f:
json.dump(content, f, indent=2)
# use YAML to dump template file in order to keep the comments
for connection_name, content in connection_template_yamls.items():
yaml_data = load_yaml_string(content)
file_name = connection_name + ".template.yaml"
with open(connections_dir / file_name, "w", encoding=DEFAULT_ENCODING) as f:
dump_yaml(yaml_data, f)
def dump_flow_result(flow_folder, prefix, flow_result=None, node_result=None, custom_path=None):
"""Dump flow result for extension.
:param flow_folder: The flow folder.
:param prefix: The file prefix.
:param flow_result: The flow result returned by exec_line.
:param node_result: The node result when test node returned by load_and_exec_node.
:param custom_path: The custom path to dump flow result.
"""
if flow_result:
flow_serialize_result = {
"flow_runs": [serialize(flow_result.run_info)],
"node_runs": [serialize(run) for run in flow_result.node_run_infos.values()],
}
else:
flow_serialize_result = {
"flow_runs": [],
"node_runs": [serialize(node_result)],
}
dump_folder = Path(flow_folder) / PROMPT_FLOW_DIR_NAME if custom_path is None else Path(custom_path)
dump_folder.mkdir(parents=True, exist_ok=True)
with open(dump_folder / f"{prefix}.detail.json", "w", encoding=DEFAULT_ENCODING) as f:
json.dump(flow_serialize_result, f, indent=2, ensure_ascii=False)
if node_result:
metrics = flow_serialize_result["node_runs"][0]["metrics"]
output = flow_serialize_result["node_runs"][0]["output"]
else:
metrics = flow_serialize_result["flow_runs"][0]["metrics"]
output = flow_serialize_result["flow_runs"][0]["output"]
if metrics:
with open(dump_folder / f"{prefix}.metrics.json", "w", encoding=DEFAULT_ENCODING) as f:
json.dump(metrics, f, indent=2, ensure_ascii=False)
if output:
with open(dump_folder / f"{prefix}.output.json", "w", encoding=DEFAULT_ENCODING) as f:
json.dump(output, f, indent=2, ensure_ascii=False)
def read_write_by_user():
return stat.S_IRUSR | stat.S_IWUSR
def remove_empty_element_from_dict(obj: dict) -> dict:
"""Remove empty element from dict, e.g. {"a": 1, "b": {}} -> {"a": 1}"""
new_dict = {}
for key, value in obj.items():
if isinstance(value, dict):
value = remove_empty_element_from_dict(value)
if value is not None:
new_dict[key] = value
return new_dict
def is_github_codespaces():
# Ref:
# https://docs.github.com/en/codespaces/developing-in-a-codespace/default-environment-variables-for-your-codespace
return os.environ.get("CODESPACES", None) == "true"
def interactive_credential_disabled():
return os.environ.get(PF_NO_INTERACTIVE_LOGIN, "false").lower() == "true"
def is_from_cli():
from promptflow._cli._user_agent import USER_AGENT as CLI_UA
return CLI_UA in ClientUserAgentUtil.get_user_agent()
def is_url(value: Union[PathLike, str]) -> bool:
try:
result = urlparse(str(value))
return all([result.scheme, result.netloc])
except ValueError:
return False
def is_remote_uri(obj) -> bool:
# return True if it's supported remote uri
if isinstance(obj, str):
if obj.startswith(REMOTE_URI_PREFIX):
# azureml: started, azureml:name:version, azureml://xxx
return True
elif is_url(obj):
return True
return False
def parse_remote_flow_pattern(flow: object) -> str:
# Check if the input matches the correct pattern
flow_name = None
error_message = (
f"Invalid remote flow pattern, got {flow!r} while expecting "
f"a remote workspace flow like '{REMOTE_URI_PREFIX}<flow-name>', or a remote registry flow like "
f"'{REMOTE_URI_PREFIX}//registries/<registry-name>/models/<flow-name>/versions/<version>'"
)
if not isinstance(flow, str) or not flow.startswith(REMOTE_URI_PREFIX):
raise UserErrorException(error_message)
# check for registry flow pattern
if flow.startswith(REGISTRY_URI_PREFIX):
pattern = r"azureml://registries/.*?/models/(?P<name>.*?)/versions/(?P<version>.*?)$"
match = re.match(pattern, flow)
if not match or len(match.groups()) != 2:
raise UserErrorException(error_message)
flow_name, _ = match.groups()
# check for workspace flow pattern
elif flow.startswith(REMOTE_URI_PREFIX):
pattern = r"azureml:(?P<name>.*?)$"
match = re.match(pattern, flow)
if not match or len(match.groups()) != 1:
raise UserErrorException(error_message)
flow_name = match.groups()[0]
return flow_name
def get_connection_operation(connection_provider: str, credential=None, user_agent: str = None):
"""
Get connection operation based on connection provider.
This function will be called by PFClient, so please do not refer to PFClient in this function.
:param connection_provider: Connection provider, e.g. local, azureml, azureml://subscriptions..., etc.
:type connection_provider: str
:param credential: Credential when remote provider, default to chained credential DefaultAzureCredential.
:type credential: object
:param user_agent: User Agent
:type user_agent: str
"""
if connection_provider == ConnectionProvider.LOCAL.value:
from promptflow._sdk.operations._connection_operations import ConnectionOperations
logger.debug("PFClient using local connection operations.")
connection_operation = ConnectionOperations()
elif connection_provider.startswith(ConnectionProvider.AZUREML.value):
from promptflow._sdk.operations._local_azure_connection_operations import LocalAzureConnectionOperations
logger.debug(f"PFClient using local azure connection operations with credential {credential}.")
if user_agent is None:
connection_operation = LocalAzureConnectionOperations(connection_provider, credential=credential)
else:
connection_operation = LocalAzureConnectionOperations(connection_provider, user_agent=user_agent)
else:
error = ValueError(f"Unsupported connection provider: {connection_provider}")
raise UserErrorException(
target=ErrorTarget.CONTROL_PLANE_SDK,
message=str(error),
error=error,
)
return connection_operation
# extract open read/write as partial to centralize the encoding
read_open = partial(open, mode="r", encoding=DEFAULT_ENCODING)
write_open = partial(open, mode="w", encoding=DEFAULT_ENCODING)
# extract some file operations inside this file
def json_load(file) -> str:
with read_open(file) as f:
return json.load(f)
def json_dump(obj, file) -> None:
with write_open(file) as f:
json.dump(obj, f, ensure_ascii=False)
def pd_read_json(file) -> "DataFrame":
import pandas as pd
with read_open(file) as f:
return pd.read_json(f, orient="records", lines=True)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_load_functions.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from os import PathLike
from pathlib import Path
from typing import IO, AnyStr, Optional, Union
from dotenv import dotenv_values
from .._utils.logger_utils import get_cli_sdk_logger
from .._utils.yaml_utils import load_yaml
from .entities import Run
from .entities._connection import CustomConnection, _Connection
from .entities._flow import Flow
logger = get_cli_sdk_logger()
def load_common(
cls,
source: Union[str, PathLike, IO[AnyStr]],
relative_origin: str = None,
params_override: Optional[list] = None,
**kwargs,
):
"""Private function to load a yaml file to an entity object.
:param cls: The entity class type.
:type cls: type[Resource]
:param source: A source of yaml.
:type source: Union[str, PathLike, IO[AnyStr]]
:param relative_origin: The origin of to be used when deducing
the relative locations of files referenced in the parsed yaml.
Must be provided, and is assumed to be assigned by other internal
functions that call this.
:type relative_origin: str
:param params_override: _description_, defaults to None
:type params_override: list, optional
"""
if relative_origin is None:
if isinstance(source, (str, PathLike)):
relative_origin = source
else:
try:
relative_origin = source.name
except AttributeError: # input is a stream or something
relative_origin = "./"
params_override = params_override or []
yaml_dict = load_yaml(source)
logger.debug(f"Resolve cls and type with {yaml_dict}, params_override {params_override}.")
# pylint: disable=protected-access
cls, type_str = cls._resolve_cls_and_type(data=yaml_dict, params_override=params_override)
try:
return cls._load(
data=yaml_dict,
yaml_path=relative_origin,
params_override=params_override,
**kwargs,
)
except Exception as e:
raise Exception(f"Load entity error: {e}") from e
def load_flow(
source: Union[str, PathLike, IO[AnyStr]],
*,
entry: str = None,
**kwargs,
) -> Flow:
"""Load flow from YAML file.
:param source: The local yaml source of a flow. Must be a path to a local file.
If the source is a path, it will be open and read.
An exception is raised if the file does not exist.
:type source: Union[PathLike, str]
:param entry: The entry function, only works when source is a code file.
:type entry: str
:return: A Flow object
:rtype: Flow
"""
return Flow.load(source, entry=entry, **kwargs)
def load_run(
source: Union[str, PathLike, IO[AnyStr]],
params_override: Optional[list] = None,
**kwargs,
) -> Run:
"""Load run from YAML file.
:param source: The local yaml source of a run. Must be a path to a local file.
If the source is a path, it will be open and read.
An exception is raised if the file does not exist.
:type source: Union[PathLike, str]
:param params_override: Fields to overwrite on top of the yaml file.
Format is [{"field1": "value1"}, {"field2": "value2"}]
:type params_override: List[Dict]
:return: A Run object
:rtype: Run
"""
data = load_yaml(source=source)
return Run._load(data=data, yaml_path=source, params_override=params_override, **kwargs)
def load_connection(
source: Union[str, PathLike, IO[AnyStr]],
**kwargs,
):
if Path(source).name.endswith(".env"):
return _load_env_to_connection(source, **kwargs)
return load_common(_Connection, source, **kwargs)
def _load_env_to_connection(
source,
params_override: Optional[list] = None,
**kwargs,
):
source = Path(source)
name = next((_dct["name"] for _dct in params_override if "name" in _dct), None)
if not name:
raise Exception("Please specify --name when creating connection from .env.")
if not source.exists():
raise FileNotFoundError(f"File {source.absolute().as_posix()!r} not found.")
try:
data = dict(dotenv_values(source))
if not data:
# Handle some special case dotenv returns empty with no exception raised.
raise ValueError(
f"Load nothing from dotenv file {source.absolute().as_posix()!r}, "
"please make sure the file is not empty and readable."
)
return CustomConnection(name=name, secrets=data)
except Exception as e:
raise Exception(f"Load entity error: {e}") from e
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_mlflow.py | # flake8: noqa
"""Put some imports here for mlflow promptflow flavor usage.
DO NOT change the module names in "all" list. If the interface has changed in source code, wrap it here and keep
original function/module names the same as before, otherwise mldesigner will be broken by this change.
"""
from promptflow._sdk._constants import DAG_FILE_NAME
from promptflow._sdk._serving.flow_invoker import FlowInvoker
from promptflow._sdk._submitter import remove_additional_includes
from promptflow._sdk._utils import _merge_local_code_and_additional_includes
from promptflow._sdk.entities._flow import Flow
__all__ = [
"Flow",
"FlowInvoker",
"remove_additional_includes",
"_merge_local_code_and_additional_includes",
"DAG_FILE_NAME",
]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_configuration.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import logging
import os.path
import uuid
from itertools import product
from os import PathLike
from pathlib import Path
from typing import Optional, Union
import pydash
from promptflow._sdk._constants import (
DEFAULT_ENCODING,
FLOW_DIRECTORY_MACRO_IN_CONFIG,
HOME_PROMPT_FLOW_DIR,
SERVICE_CONFIG_FILE,
ConnectionProvider,
)
from promptflow._sdk._utils import call_from_extension, read_write_by_user
from promptflow._utils.logger_utils import get_cli_sdk_logger
from promptflow._utils.yaml_utils import dump_yaml, load_yaml
from promptflow.exceptions import ErrorTarget, ValidationException
logger = get_cli_sdk_logger()
class ConfigFileNotFound(ValidationException):
pass
class InvalidConfigFile(ValidationException):
pass
class InvalidConfigValue(ValidationException):
pass
class Configuration(object):
CONFIG_PATH = Path(HOME_PROMPT_FLOW_DIR) / SERVICE_CONFIG_FILE
COLLECT_TELEMETRY = "telemetry.enabled"
EXTENSION_COLLECT_TELEMETRY = "extension.telemetry_enabled"
INSTALLATION_ID = "cli.installation_id"
CONNECTION_PROVIDER = "connection.provider"
RUN_OUTPUT_PATH = "run.output_path"
USER_AGENT = "user_agent"
ENABLE_INTERNAL_FEATURES = "enable_internal_features"
_instance = None
def __init__(self, overrides=None):
if not os.path.exists(self.CONFIG_PATH.parent):
os.makedirs(self.CONFIG_PATH.parent, exist_ok=True)
if not os.path.exists(self.CONFIG_PATH):
self.CONFIG_PATH.touch(mode=read_write_by_user(), exist_ok=True)
with open(self.CONFIG_PATH, "w", encoding=DEFAULT_ENCODING) as f:
dump_yaml({}, f)
self._config = load_yaml(self.CONFIG_PATH)
if not self._config:
self._config = {}
# Allow config override by kwargs
overrides = overrides or {}
for key, value in overrides.items():
self._validate(key, value)
pydash.set_(self._config, key, value)
@property
def config(self):
return self._config
@classmethod
def get_instance(cls):
"""Use this to get instance to avoid multiple copies of same global config."""
if cls._instance is None:
cls._instance = Configuration()
return cls._instance
def set_config(self, key, value):
"""Store config in file to avoid concurrent write."""
self._validate(key, value)
pydash.set_(self._config, key, value)
with open(self.CONFIG_PATH, "w", encoding=DEFAULT_ENCODING) as f:
dump_yaml(self._config, f)
def get_config(self, key):
try:
return pydash.get(self._config, key, None)
except Exception: # pylint: disable=broad-except
return None
def get_all(self):
return self._config
@classmethod
def _get_workspace_from_config(
cls,
*,
path: Union[PathLike, str] = None,
) -> str:
"""Return a workspace arm id from an existing Azure Machine Learning Workspace.
Reads workspace configuration from a file. Throws an exception if the config file can't be found.
:param path: The path to the config file or starting directory to search.
The parameter defaults to starting the search in the current directory.
:type path: str
:return: The workspace arm id for an existing Azure ML Workspace.
:rtype: ~str
"""
from azure.ai.ml import MLClient
from azure.ai.ml._file_utils.file_utils import traverse_up_path_and_find_file
from azure.ai.ml.constants._common import AZUREML_RESOURCE_PROVIDER, RESOURCE_ID_FORMAT
path = Path(".") if path is None else Path(path)
if path.is_file():
found_path = path
else:
# Based on priority
# Look in config dirs like .azureml or plain directory
# with None
directories_to_look = [".azureml", None]
files_to_look = ["config.json"]
found_path = None
for curr_dir, curr_file in product(directories_to_look, files_to_look):
logging.debug(
"No config file directly found, starting search from %s "
"directory, for %s file name to be present in "
"%s subdirectory",
path,
curr_file,
curr_dir,
)
found_path = traverse_up_path_and_find_file(
path=path,
file_name=curr_file,
directory_name=curr_dir,
num_levels=20,
)
if found_path:
break
if not found_path:
msg = (
"We could not find config.json in: {} or in its parent directories. "
"Please provide the full path to the config file or ensure that "
"config.json exists in the parent directories."
)
raise ConfigFileNotFound(
message=msg.format(path),
no_personal_data_message=msg.format("[path]"),
target=ErrorTarget.CONTROL_PLANE_SDK,
)
subscription_id, resource_group, workspace_name = MLClient._get_workspace_info(found_path)
if not (subscription_id and resource_group and workspace_name):
raise InvalidConfigFile(
"The subscription_id, resource_group and workspace_name can not be empty. Got: "
f"subscription_id: {subscription_id}, resource_group: {resource_group}, "
f"workspace_name: {workspace_name} from file {found_path}."
)
return RESOURCE_ID_FORMAT.format(subscription_id, resource_group, AZUREML_RESOURCE_PROVIDER, workspace_name)
def get_connection_provider(self, path=None) -> Optional[str]:
"""Get the current connection provider. Default to local if not configured."""
provider = self.get_config(key=self.CONNECTION_PROVIDER)
return self.resolve_connection_provider(provider, path=path)
@classmethod
def resolve_connection_provider(cls, provider, path=None) -> Optional[str]:
if provider is None:
return ConnectionProvider.LOCAL
if provider == ConnectionProvider.AZUREML.value:
# Note: The below function has azure-ai-ml dependency.
return "azureml:" + cls._get_workspace_from_config(path=path)
# If provider not None and not Azure, return it directly.
# It can be the full path of a workspace.
return provider
def get_telemetry_consent(self) -> Optional[bool]:
"""Get the current telemetry consent value. Return None if not configured."""
if call_from_extension():
return self.get_config(key=self.EXTENSION_COLLECT_TELEMETRY)
return self.get_config(key=self.COLLECT_TELEMETRY)
def set_telemetry_consent(self, value):
"""Set the telemetry consent value and store in local."""
self.set_config(key=self.COLLECT_TELEMETRY, value=value)
def get_or_set_installation_id(self):
"""Get user id if exists, otherwise set installation id and return it."""
user_id = self.get_config(key=self.INSTALLATION_ID)
if user_id:
return user_id
else:
user_id = str(uuid.uuid4())
self.set_config(key=self.INSTALLATION_ID, value=user_id)
return user_id
def get_run_output_path(self) -> Optional[str]:
"""Get the run output path in local."""
return self.get_config(key=self.RUN_OUTPUT_PATH)
def _to_dict(self):
return self._config
@staticmethod
def _validate(key: str, value: str) -> None:
if key == Configuration.RUN_OUTPUT_PATH:
if value.rstrip("/").endswith(FLOW_DIRECTORY_MACRO_IN_CONFIG):
raise InvalidConfigValue(
"Cannot specify flow directory as run output path; "
"if you want to specify run output path under flow directory, "
"please use its child folder, e.g. '${flow_directory}/.runs'."
)
return
def get_user_agent(self) -> Optional[str]:
"""Get customer set user agent. If set, will add prefix `PFCustomer_`"""
user_agent = self.get_config(key=self.USER_AGENT)
if user_agent:
return f"PFCustomer_{user_agent}"
return user_agent
def is_internal_features_enabled(self) -> Optional[bool]:
"""Get enable_preview_features"""
result = self.get_config(key=self.ENABLE_INTERNAL_FEATURES)
if isinstance(result, str):
return result.lower() == "true"
return result is True
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_vendor/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from ._asset_utils import IgnoreFile, get_ignore_file, get_upload_files_from_folder
__all__ = ["get_ignore_file", "IgnoreFile", "get_upload_files_from_folder"]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_vendor/_pathspec.py | # ---------------------------------------------------------
# Copyright (c) 2013-2022 Caleb P. Burns credits dahlia <https://github.com/dahlia>
# Licensed under the MPLv2 License. See License.txt in the project root for
# license information.
# ---------------------------------------------------------
"""
This file code has been vendored from pathspec repo.
Please do not edit it, unless really necessary
"""
import dataclasses
import os
import posixpath
import re
import warnings
from typing import Any, AnyStr, Iterable, Iterator
from typing import Match as MatchHint
from typing import Optional
from typing import Pattern as PatternHint
from typing import Tuple, Union
NORMALIZE_PATH_SEPS = [sep for sep in [os.sep, os.altsep] if sep and sep != posixpath.sep]
# The encoding to use when parsing a byte string pattern.
# This provides the base definition for patterns.
_BYTES_ENCODING = "latin1"
class Pattern(object):
"""
The :class:`Pattern` class is the abstract definition of a pattern.
"""
# Make the class dict-less.
__slots__ = ("include",)
def __init__(self, include: Optional[bool]) -> None:
"""
Initializes the :class:`Pattern` instance.
*include* (:class:`bool` or :data:`None`) is whether the matched
files should be included (:data:`True`), excluded (:data:`False`),
or is a null-operation (:data:`None`).
"""
self.include = include
"""
*include* (:class:`bool` or :data:`None`) is whether the matched
files should be included (:data:`True`), excluded (:data:`False`),
or is a null-operation (:data:`None`).
"""
def match(self, files: Iterable[str]) -> Iterator[str]:
"""
DEPRECATED: This method is no longer used and has been replaced by
:meth:`.match_file`. Use the :meth:`.match_file` method with a loop
for similar results.
Matches this pattern against the specified files.
*files* (:class:`~collections.abc.Iterable` of :class:`str`)
contains each file relative to the root directory (e.g.,
:data:`"relative/path/to/file"`).
Returns an :class:`~collections.abc.Iterable` yielding each matched
file path (:class:`str`).
"""
warnings.warn(
(
"{0.__module__}.{0.__qualname__}.match() is deprecated. Use "
"{0.__module__}.{0.__qualname__}.match_file() with a loop for "
"similar results."
).format(self.__class__),
DeprecationWarning,
stacklevel=2,
)
for file in files:
if self.match_file(file) is not None:
yield file
def match_file(self, file: str) -> Optional[Any]:
"""
Matches this pattern against the specified file.
*file* (:class:`str`) is the normalized file path to match against.
Returns the match result if *file* matched; otherwise, :data:`None`.
"""
raise NotImplementedError(
("{0.__module__}.{0.__qualname__} must override match_file().").format(self.__class__)
)
class RegexPattern(Pattern):
"""
The :class:`RegexPattern` class is an implementation of a pattern
using regular expressions.
"""
# Keep the class dict-less.
__slots__ = ("regex",)
def __init__(
self,
pattern: Union[AnyStr, PatternHint],
include: Optional[bool] = None,
) -> None:
"""
Initializes the :class:`RegexPattern` instance.
*pattern* (:class:`str`, :class:`bytes`, :class:`re.Pattern`, or
:data:`None`) is the pattern to compile into a regular expression.
*include* (:class:`bool` or :data:`None`) must be :data:`None`
unless *pattern* is a precompiled regular expression (:class:`re.Pattern`)
in which case it is whether matched files should be included
(:data:`True`), excluded (:data:`False`), or is a null operation
(:data:`None`).
.. NOTE:: Subclasses do not need to support the *include*
parameter.
"""
if isinstance(pattern, (str, bytes)):
assert include is None, ("include:{!r} must be null when pattern:{!r} is a string.").format(
include, pattern
)
regex, include = self.pattern_to_regex(pattern)
# NOTE: Make sure to allow a null regular expression to be
# returned for a null-operation.
if include is not None:
regex = re.compile(regex)
elif pattern is not None and hasattr(pattern, "match"):
# Assume pattern is a precompiled regular expression.
# - NOTE: Used specified *include*.
regex = pattern
elif pattern is None:
# NOTE: Make sure to allow a null pattern to be passed for a
# null-operation.
assert include is None, ("include:{!r} must be null when pattern:{!r} is null.").format(include, pattern)
else:
raise TypeError("pattern:{!r} is not a string, re.Pattern, or None.".format(pattern))
super(RegexPattern, self).__init__(include)
self.regex: PatternHint = regex
"""
*regex* (:class:`re.Pattern`) is the regular expression for the
pattern.
"""
def __eq__(self, other: "RegexPattern") -> bool:
"""
Tests the equality of this regex pattern with *other* (:class:`RegexPattern`)
by comparing their :attr:`~Pattern.include` and :attr:`~RegexPattern.regex`
attributes.
"""
if isinstance(other, RegexPattern):
return self.include == other.include and self.regex == other.regex
return NotImplemented
def match_file(self, file: str) -> Optional["RegexMatchResult"]:
"""
Matches this pattern against the specified file.
*file* (:class:`str`)
contains each file relative to the root directory (e.g., "relative/path/to/file").
Returns the match result (:class:`RegexMatchResult`) if *file*
matched; otherwise, :data:`None`.
"""
if self.include is not None:
match = self.regex.match(file)
if match is not None:
return RegexMatchResult(match)
return None
@classmethod
def pattern_to_regex(cls, pattern: str) -> Tuple[str, bool]:
"""
Convert the pattern into an un-compiled regular expression.
*pattern* (:class:`str`) is the pattern to convert into a regular
expression.
Returns the un-compiled regular expression (:class:`str` or :data:`None`),
and whether matched files should be included (:data:`True`),
excluded (:data:`False`), or is a null-operation (:data:`None`).
.. NOTE:: The default implementation simply returns *pattern* and
:data:`True`.
"""
return pattern, True
@dataclasses.dataclass()
class RegexMatchResult(object):
"""
The :class:`RegexMatchResult` data class is used to return information
about the matched regular expression.
"""
# Keep the class dict-less.
__slots__ = ("match",)
match: MatchHint
"""
*match* (:class:`re.Match`) is the regex match result.
"""
class GitWildMatchPatternError(ValueError):
"""
The :class:`GitWildMatchPatternError` indicates an invalid git wild match
pattern.
"""
class GitWildMatchPattern(RegexPattern):
"""
The :class:`GitWildMatchPattern` class represents a compiled Git
wildmatch pattern.
"""
# Keep the dict-less class hierarchy.
__slots__ = ()
@classmethod
# pylint: disable=too-many-branches,too-many-statements
def pattern_to_regex(
cls,
pattern: AnyStr,
) -> Tuple[Optional[AnyStr], Optional[bool]]:
"""
Convert the pattern into a regular expression.
*pattern* (:class:`str` or :class:`bytes`) is the pattern to convert
into a regular expression.
Returns the un-compiled regular expression (:class:`str`, :class:`bytes`,
or :data:`None`); and whether matched files should be included
(:data:`True`), excluded (:data:`False`), or if it is a
null-operation (:data:`None`).
"""
if isinstance(pattern, str):
return_type = str
elif isinstance(pattern, bytes):
return_type = bytes
pattern = pattern.decode(_BYTES_ENCODING)
else:
raise TypeError(f"pattern:{pattern!r} is not a unicode or byte string.")
original_pattern = pattern
pattern = pattern.strip()
if pattern.startswith("#"):
# A pattern starting with a hash ('#') serves as a comment
# (neither includes nor excludes files). Escape the hash with a
# back-slash to match a literal hash (i.e., '\#').
regex = None
include = None
elif pattern == "/":
# EDGE CASE: According to `git check-ignore` (v2.4.1), a single
# '/' does not match any file.
regex = None
include = None
elif pattern:
if pattern.startswith("!"):
# A pattern starting with an exclamation mark ('!') negates the
# pattern (exclude instead of include). Escape the exclamation
# mark with a back-slash to match a literal exclamation mark
# (i.e., '\!').
include = False
# Remove leading exclamation mark.
pattern = pattern[1:]
else:
include = True
# Allow a regex override for edge cases that cannot be handled
# through normalization.
override_regex = None
# Split pattern into segments.
pattern_segments = pattern.split("/")
# Normalize pattern to make processing easier.
# EDGE CASE: Deal with duplicate double-asterisk sequences.
# Collapse each sequence down to one double-asterisk. Iterate over
# the segments in reverse and remove the duplicate double
# asterisks as we go.
for i in range(len(pattern_segments) - 1, 0, -1):
prev = pattern_segments[i - 1]
seg = pattern_segments[i]
if prev == "**" and seg == "**":
del pattern_segments[i]
if len(pattern_segments) == 2 and pattern_segments[0] == "**" and not pattern_segments[1]:
# EDGE CASE: The '**/' pattern should match everything except
# individual files in the root directory. This case cannot be
# adequately handled through normalization. Use the override.
override_regex = "^.+(?P<ps_d>/).*$"
if not pattern_segments[0]:
# A pattern beginning with a slash ('/') will only match paths
# directly on the root directory instead of any descendant
# paths. So, remove empty first segment to make pattern relative
# to root.
del pattern_segments[0]
elif len(pattern_segments) == 1 or (len(pattern_segments) == 2 and not pattern_segments[1]):
# A single pattern without a beginning slash ('/') will match
# any descendant path. This is equivalent to "**/{pattern}". So,
# prepend with double-asterisks to make pattern relative to
# root.
# EDGE CASE: This also holds for a single pattern with a
# trailing slash (e.g. dir/).
if pattern_segments[0] != "**":
pattern_segments.insert(0, "**")
else:
# EDGE CASE: A pattern without a beginning slash ('/') but
# contains at least one prepended directory (e.g.
# "dir/{pattern}") should not match "**/dir/{pattern}",
# according to `git check-ignore` (v2.4.1).
pass
if not pattern_segments:
# After resolving the edge cases, we end up with no pattern at
# all. This must be because the pattern is invalid.
raise GitWildMatchPatternError(f"Invalid git pattern: {original_pattern!r}")
if not pattern_segments[-1] and len(pattern_segments) > 1:
# A pattern ending with a slash ('/') will match all descendant
# paths if it is a directory but not if it is a regular file.
# This is equivalent to "{pattern}/**". So, set last segment to
# a double-asterisk to include all descendants.
pattern_segments[-1] = "**"
if override_regex is None:
# Build regular expression from pattern.
output = ["^"]
need_slash = False
end = len(pattern_segments) - 1
for i, seg in enumerate(pattern_segments):
if seg == "**":
if i == 0 and i == end:
# A pattern consisting solely of double-asterisks ('**')
# will match every path.
output.append(".+")
elif i == 0:
# A normalized pattern beginning with double-asterisks
# ('**') will match any leading path segments.
output.append("(?:.+/)?")
need_slash = False
elif i == end:
# A normalized pattern ending with double-asterisks ('**')
# will match any trailing path segments.
output.append("(?P<ps_d>/).*")
else:
# A pattern with inner double-asterisks ('**') will match
# multiple (or zero) inner path segments.
output.append("(?:/.+)?")
need_slash = True
elif seg == "*":
# Match single path segment.
if need_slash:
output.append("/")
output.append("[^/]+")
if i == end:
# A pattern ending without a slash ('/') will match a file
# or a directory (with paths underneath it). E.g., "foo"
# matches "foo", "foo/bar", "foo/bar/baz", etc.
output.append("(?:(?P<ps_d>/).*)?")
need_slash = True
else:
# Match segment glob pattern.
if need_slash:
output.append("/")
try:
output.append(cls._translate_segment_glob(seg))
except ValueError as e:
raise GitWildMatchPatternError(f"Invalid git pattern: {original_pattern!r}") from e
if i == end:
# A pattern ending without a slash ('/') will match a file
# or a directory (with paths underneath it). E.g., "foo"
# matches "foo", "foo/bar", "foo/bar/baz", etc.
output.append("(?:(?P<ps_d>/).*)?")
need_slash = True
output.append("$")
regex = "".join(output)
else:
# Use regex override.
regex = override_regex
else:
# A blank pattern is a null-operation (neither includes nor
# excludes files).
regex = None
include = None
if regex is not None and return_type is bytes:
regex = regex.encode(_BYTES_ENCODING)
return regex, include
@staticmethod
def _translate_segment_glob(pattern: str) -> str:
"""
Translates the glob pattern to a regular expression. This is used in
the constructor to translate a path segment glob pattern to its
corresponding regular expression.
*pattern* (:class:`str`) is the glob pattern.
Returns the regular expression (:class:`str`).
"""
# NOTE: This is derived from `fnmatch.translate()` and is similar to
# the POSIX function `fnmatch()` with the `FNM_PATHNAME` flag set.
escape = False
regex = ""
i, end = 0, len(pattern)
while i < end:
# Get next character.
char = pattern[i]
i += 1
if escape:
# Escape the character.
escape = False
regex += re.escape(char)
elif char == "\\":
# Escape character, escape next character.
escape = True
elif char == "*":
# Multi-character wildcard. Match any string (except slashes),
# including an empty string.
regex += "[^/]*"
elif char == "?":
# Single-character wildcard. Match any single character (except
# a slash).
regex += "[^/]"
elif char == "[":
# Bracket expression wildcard. Except for the beginning
# exclamation mark, the whole bracket expression can be used
# directly as regex but we have to find where the expression
# ends.
# - "[][!]" matches ']', '[' and '!'.
# - "[]-]" matches ']' and '-'.
# - "[!]a-]" matches any character except ']', 'a' and '-'.
j = i
# Pass back expression negation.
if j < end and pattern[j] == "!":
j += 1
# Pass first closing bracket if it is at the beginning of the
# expression.
if j < end and pattern[j] == "]":
j += 1
# Find closing bracket. Stop once we reach the end or find it.
while j < end and pattern[j] != "]":
j += 1
if j < end:
# Found end of bracket expression. Increment j to be one past
# the closing bracket:
#
# [...]
# ^ ^
# i j
#
j += 1
expr = "["
if pattern[i] == "!":
# Bracket expression needs to be negated.
expr += "^"
i += 1
elif pattern[i] == "^":
# POSIX declares that the regex bracket expression negation
# "[^...]" is undefined in a glob pattern. Python's
# `fnmatch.translate()` escapes the caret ('^') as a
# literal. To maintain consistency with undefined behavior,
# I am escaping the '^' as well.
expr += "\\^"
i += 1
# Build regex bracket expression. Escape slashes so they are
# treated as literal slashes by regex as defined by POSIX.
expr += pattern[i:j].replace("\\", "\\\\")
# Add regex bracket expression to regex result.
regex += expr
# Set i to one past the closing bracket.
i = j
else:
# Failed to find closing bracket, treat opening bracket as a
# bracket literal instead of as an expression.
regex += "\\["
else:
# Regular character, escape it for regex.
regex += re.escape(char)
if escape:
raise ValueError(f"Escape character found with no next character to escape: {pattern!r}")
return regex
@staticmethod
def escape(s: AnyStr) -> AnyStr:
"""
Escape special characters in the given string.
*s* (:class:`str` or :class:`bytes`) a filename or a string that you
want to escape, usually before adding it to a ".gitignore".
Returns the escaped string (:class:`str` or :class:`bytes`).
"""
if isinstance(s, str):
return_type = str
string = s
elif isinstance(s, bytes):
return_type = bytes
string = s.decode(_BYTES_ENCODING)
else:
raise TypeError(f"s:{s!r} is not a unicode or byte string.")
# Reference: https://git-scm.com/docs/gitignore#_pattern_format
meta_characters = r"[]!*#?"
out_string = "".join("\\" + x if x in meta_characters else x for x in string)
if return_type is bytes:
return out_string.encode(_BYTES_ENCODING)
return out_string
def normalize_file(file, separators=None):
# type - (Union[Text, PathLike], Optional[Collection[Text]]) -> Text
"""
Normalizes the file path to use the POSIX path separator (i.e.,
``'/'``), and make the paths relative (remove leading ``'/'``).
*file* (:class:`str` or :class:`pathlib.PurePath`) is the file path.
*separators* (:class:`~collections.abc.Collection` of :class:`str`; or
:data:`None`) optionally contains the path separators to normalize.
This does not need to include the POSIX path separator (``'/'``), but
including it will not affect the results. Default is :data:`None` for
:data:`NORMALIZE_PATH_SEPS`. To prevent normalization, pass an empty
container (e.g., an empty tuple ``()``).
Returns the normalized file path (:class:`str`).
"""
# Normalize path separators.
if separators is None:
separators = NORMALIZE_PATH_SEPS
# Convert path object to string.
norm_file = str(file)
for sep in separators:
norm_file = norm_file.replace(sep, posixpath.sep)
if norm_file.startswith("/"):
# Make path relative.
norm_file = norm_file[1:]
elif norm_file.startswith("./"):
# Remove current directory prefix.
norm_file = norm_file[2:]
return norm_file
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_vendor/_asset_utils.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
"""
This file code has been vendored from azure-ai-ml repo.
Please do not edit it, unless really necessary
"""
# region Diff-imports
import os
from pathlib import Path, PureWindowsPath
from typing import Any, Iterable, List, Optional, Tuple, Union
from ._pathspec import GitWildMatchPattern, normalize_file
GIT_IGNORE_FILE_NAME = ".gitignore"
AML_IGNORE_FILE_NAME = ".amlignore"
def convert_windows_path_to_unix(path: Union[str, os.PathLike]) -> str:
return PureWindowsPath(path).as_posix()
# endregion
class IgnoreFile(object):
def __init__(self, file_path: Optional[Union[str, Path]] = None):
"""Base class for handling .gitignore and .amlignore files.
:param file_path: Relative path, or absolute path to the ignore file.
"""
path = Path(file_path).resolve() if file_path else None
self._path = path
self._path_spec = None
def exists(self) -> bool:
"""Checks if ignore file exists."""
return self._file_exists()
def _file_exists(self) -> bool:
return self._path and self._path.exists()
@property
def base_path(self) -> Path:
return self._path.parent
def _get_ignore_list(self) -> List[str]:
"""Get ignore list from ignore file contents."""
if not self.exists():
return []
if self._file_exists():
with open(self._path, "r") as fh:
return [line.rstrip() for line in fh if line]
return []
def _create_pathspec(self) -> List[GitWildMatchPattern]:
"""Creates path specification based on ignore list."""
return [GitWildMatchPattern(ignore) for ignore in self._get_ignore_list()]
def _get_rel_path(self, file_path: Union[str, Path]) -> Optional[str]:
"""Get relative path of given file_path."""
file_path = Path(file_path).absolute()
try:
# use os.path.relpath instead of Path.relative_to in case file_path is not a child of self.base_path
return os.path.relpath(file_path, self.base_path)
except ValueError:
# 2 paths are on different drives
return None
def is_file_excluded(self, file_path: Union[str, Path]) -> bool:
"""Checks if given file_path is excluded.
:param file_path: File path to be checked against ignore file specifications
"""
# TODO: current design of ignore file can't distinguish between files and directories of the same name
if self._path_spec is None:
self._path_spec = self._create_pathspec()
if not self._path_spec:
return False
file_path = self._get_rel_path(file_path)
if file_path is None:
return True
norm_file = normalize_file(file_path)
matched = False
for pattern in self._path_spec:
if pattern.include is not None:
if pattern.match_file(norm_file) is not None:
matched = pattern.include
return matched
@property
def path(self) -> Union[Path, str]:
return self._path
class AmlIgnoreFile(IgnoreFile):
def __init__(self, directory_path: Union[Path, str]):
file_path = Path(directory_path).joinpath(AML_IGNORE_FILE_NAME)
super(AmlIgnoreFile, self).__init__(file_path)
class GitIgnoreFile(IgnoreFile):
def __init__(self, directory_path: Union[Path, str]):
file_path = Path(directory_path).joinpath(GIT_IGNORE_FILE_NAME)
super(GitIgnoreFile, self).__init__(file_path)
def get_ignore_file(directory_path: Union[Path, str]) -> Optional[IgnoreFile]:
"""Finds and returns IgnoreFile object based on ignore file found in directory_path.
.amlignore takes precedence over .gitignore and if no file is found, an empty
IgnoreFile object will be returned.
The ignore file must be in the root directory.
:param directory_path: Path to the (root) directory where ignore file is located
"""
aml_ignore = AmlIgnoreFile(directory_path)
git_ignore = GitIgnoreFile(directory_path)
if aml_ignore.exists():
return aml_ignore
if git_ignore.exists():
return git_ignore
return IgnoreFile()
def get_upload_files_from_folder(
path: Union[str, Path], *, prefix: str = "", ignore_file: IgnoreFile = IgnoreFile()
) -> List[Tuple[str, str]]:
"""Enumerate all files in the given directory and compose paths for them to be uploaded to in the remote storage.
:param path: Path to the directory to be uploaded
:type path: str
:param prefix: Prefix for remote storage path
:type prefix: str
:param ignore_file: Ignore file object
:type ignore_file: IgnoreFile
:return: List of tuples of (local path, remote path)
:rtype: list
"""
path = Path(path)
upload_paths = []
for root, _, files in os.walk(path, followlinks=True):
upload_paths += list(
traverse_directory(
root,
files,
prefix=Path(prefix).joinpath(Path(root).relative_to(path)).as_posix(),
ignore_file=ignore_file,
)
)
return upload_paths
def traverse_directory(
root: str,
files: List[str],
*,
prefix: str,
ignore_file: IgnoreFile = IgnoreFile(),
# keep this for backward compatibility
**kwargs: Any,
) -> Iterable[Tuple[str, str]]:
"""Enumerate all files in the given directory and compose paths for them to be uploaded to in the remote storage.
e.g.
[/mnt/c/Users/dipeck/upload_files/my_file1.txt,
/mnt/c/Users/dipeck/upload_files/my_file2.txt] -->
[(/mnt/c/Users/dipeck/upload_files/my_file1.txt, LocalUpload/<guid>/upload_files/my_file1.txt),
(/mnt/c/Users/dipeck/upload_files/my_file2.txt, LocalUpload/<guid>/upload_files/my_file2.txt))]
:param root: Root directory path
:type root: str
:param files: List of all file paths in the directory
:type files: List[str]
:param prefix: Remote upload path for project directory (e.g. LocalUpload/<guid>/project_dir)
:type prefix: str
:param ignore_file: The .amlignore or .gitignore file in the project directory
:type ignore_file: azure.ai.ml._utils._asset_utils.IgnoreFile
:return: Zipped list of tuples representing the local path and remote destination path for each file
:rtype: Iterable[Tuple[str, str]]
"""
# Normalize Windows paths. Note that path should be resolved first as long part will be converted to a shortcut in
# Windows. For example, C:\Users\too-long-user-name\test will be converted to C:\Users\too-lo~1\test by default.
# Refer to https://en.wikipedia.org/wiki/8.3_filename for more details.
root = Path(root).resolve().absolute()
# filter out files excluded by the ignore file
# TODO: inner ignore file won't take effect. A merged IgnoreFile need to be generated in code resolution.
origin_file_paths = [
root.joinpath(filename)
for filename in files
if not ignore_file.is_file_excluded(root.joinpath(filename).as_posix())
]
result = []
for origin_file_path in origin_file_paths:
relative_path = origin_file_path.relative_to(root)
result.append((_resolve_path(origin_file_path).as_posix(), Path(prefix).joinpath(relative_path).as_posix()))
return result
def _resolve_path(path: Path) -> Path:
if not path.is_symlink():
return path
link_path = path.resolve()
if not link_path.is_absolute():
link_path = path.parent.joinpath(link_path).resolve()
return _resolve_path(link_path)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/_flow_context_resolver.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from functools import lru_cache
from os import PathLike
from pathlib import Path
from typing import Dict
from promptflow._sdk._constants import NODES
from promptflow._sdk._utils import parse_variant
from promptflow._sdk.entities import FlowContext
from promptflow._sdk.entities._flow import Flow
from promptflow._utils.flow_utils import load_flow_dag
from promptflow.contracts.flow import Node
from promptflow.exceptions import UserErrorException
# Resolve flow context to invoker
# Resolve flow according to flow context
# Resolve connection, variant, overwrite, store in-memory
# create invoker based on resolved flow
# cache invoker if flow context not changed (define hash function for flow context).
class FlowContextResolver:
"""Flow context resolver."""
def __init__(self, flow_path: PathLike):
from promptflow import PFClient
self.flow_path, self.flow_dag = load_flow_dag(flow_path=Path(flow_path))
self.working_dir = Path(self.flow_path).parent.resolve()
self.node_name_2_node: Dict[str, Node] = {node["name"]: node for node in self.flow_dag[NODES]}
self.client = PFClient()
@classmethod
@lru_cache
def resolve(cls, flow: Flow) -> "FlowInvoker":
"""Resolve flow to flow invoker."""
resolver = cls(flow_path=flow.path)
resolver._resolve(flow_context=flow.context)
return resolver._create_invoker(flow=flow, flow_context=flow.context)
def _resolve(self, flow_context: FlowContext):
"""Resolve flow context."""
# TODO(2813319): support node overrides
# TODO: define priority of the contexts
flow_context._resolve_connections()
self._resolve_variant(flow_context=flow_context)._resolve_connections(
flow_context=flow_context,
)._resolve_overrides(flow_context=flow_context)
def _resolve_variant(self, flow_context: FlowContext) -> "FlowContextResolver":
"""Resolve variant of the flow and store in-memory."""
# TODO: put all varint string parser here
if not flow_context.variant:
return self
else:
tuning_node, variant = parse_variant(flow_context.variant)
from promptflow._sdk._submitter import overwrite_variant
overwrite_variant(
flow_dag=self.flow_dag,
tuning_node=tuning_node,
variant=variant,
)
return self
def _resolve_connections(self, flow_context: FlowContext) -> "FlowContextResolver":
"""Resolve connections of the flow and store in-memory."""
from promptflow._sdk._submitter import overwrite_connections
overwrite_connections(
flow_dag=self.flow_dag,
connections=flow_context.connections,
working_dir=self.working_dir,
)
return self
def _resolve_overrides(self, flow_context: FlowContext) -> "FlowContextResolver":
"""Resolve overrides of the flow and store in-memory."""
from promptflow._sdk._submitter import overwrite_flow
overwrite_flow(
flow_dag=self.flow_dag,
params_overrides=flow_context.overrides,
)
return self
def _resolve_connection_objs(self, flow_context: FlowContext):
# validate connection objs
connections = {}
for key, connection_obj in flow_context._connection_objs.items():
scrubbed_secrets = connection_obj._get_scrubbed_secrets()
if scrubbed_secrets:
raise UserErrorException(
f"Connection {connection_obj} contains scrubbed secrets with key {scrubbed_secrets.keys()}, "
"please make sure connection has decrypted secrets to use in flow execution. "
)
connections[key] = connection_obj._to_execution_connection_dict()
return connections
def _create_invoker(self, flow: Flow, flow_context: FlowContext) -> "FlowInvoker":
from promptflow._sdk._serving.flow_invoker import FlowInvoker
connections = self._resolve_connection_objs(flow_context=flow_context)
# use updated flow dag to create new flow object for invoker
resolved_flow = Flow(code=self.working_dir, dag=self.flow_dag)
invoker = FlowInvoker(
flow=resolved_flow,
connections=connections,
streaming=flow_context.streaming,
)
return invoker
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/_local_azure_connection_operations.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import re
from typing import List
from promptflow._sdk._constants import AZURE_WORKSPACE_REGEX_FORMAT, MAX_LIST_CLI_RESULTS
from promptflow._sdk._telemetry import ActivityType, WorkspaceTelemetryMixin, monitor_operation
from promptflow._sdk._utils import interactive_credential_disabled, is_from_cli, is_github_codespaces, print_red_error
from promptflow._sdk.entities._connection import _Connection
from promptflow._utils.logger_utils import get_cli_sdk_logger
from promptflow.azure._utils.gerneral import get_arm_token
logger = get_cli_sdk_logger()
class LocalAzureConnectionOperations(WorkspaceTelemetryMixin):
def __init__(self, connection_provider, **kwargs):
self._subscription_id, self._resource_group, self._workspace_name = self._extract_workspace(connection_provider)
self._credential = kwargs.pop("credential", None) or self._get_credential()
super().__init__(
subscription_id=self._subscription_id,
resource_group_name=self._resource_group,
workspace_name=self._workspace_name,
**kwargs,
)
# Lazy init client as ml_client initialization require workspace read permission
self._pfazure_client = None
self._user_agent = kwargs.pop("user_agent", None)
@property
def _client(self):
if self._pfazure_client is None:
from promptflow.azure._pf_client import PFClient as PFAzureClient
self._pfazure_client = PFAzureClient(
# TODO: disable interactive credential when starting as a service
credential=self._credential,
subscription_id=self._subscription_id,
resource_group_name=self._resource_group,
workspace_name=self._workspace_name,
user_agent=self._user_agent,
)
return self._pfazure_client
@classmethod
def _get_credential(cls):
from azure.ai.ml._azure_environments import AzureEnvironments, EndpointURLS, _get_cloud, _get_default_cloud_name
from azure.identity import DefaultAzureCredential, DeviceCodeCredential
if is_from_cli():
try:
# Try getting token for cli without interactive login
cloud_name = _get_default_cloud_name()
if cloud_name != AzureEnvironments.ENV_DEFAULT:
cloud = _get_cloud(cloud=cloud_name)
authority = cloud.get(EndpointURLS.ACTIVE_DIRECTORY_ENDPOINT)
credential = DefaultAzureCredential(authority=authority, exclude_shared_token_cache_credential=True)
else:
credential = DefaultAzureCredential()
get_arm_token(credential=credential)
except Exception:
print_red_error(
"Please run 'az login' or 'az login --use-device-code' to set up account. "
"See https://docs.microsoft.com/cli/azure/authenticate-azure-cli for more details."
)
exit(1)
if interactive_credential_disabled():
return DefaultAzureCredential(exclude_interactive_browser_credential=True)
if is_github_codespaces():
# For code spaces, append device code credential as the fallback option.
credential = DefaultAzureCredential()
credential.credentials = (*credential.credentials, DeviceCodeCredential())
return credential
return DefaultAzureCredential(exclude_interactive_browser_credential=False)
@classmethod
def _extract_workspace(cls, connection_provider):
match = re.match(AZURE_WORKSPACE_REGEX_FORMAT, connection_provider)
if not match or len(match.groups()) != 5:
raise ValueError(
"Malformed connection provider string, expected azureml:/subscriptions/<subscription_id>/"
"resourceGroups/<resource_group>/providers/Microsoft.MachineLearningServices/"
f"workspaces/<workspace_name>, got {connection_provider}"
)
subscription_id = match.group(1)
resource_group = match.group(3)
workspace_name = match.group(5)
return subscription_id, resource_group, workspace_name
@monitor_operation(activity_name="pf.connections.azure.list", activity_type=ActivityType.PUBLICAPI)
def list(
self,
max_results: int = MAX_LIST_CLI_RESULTS,
all_results: bool = False,
) -> List[_Connection]:
"""List connections.
:return: List of run objects.
:rtype: List[~promptflow.sdk.entities._connection._Connection]
"""
if max_results != MAX_LIST_CLI_RESULTS or all_results:
logger.warning(
"max_results and all_results are not supported for workspace connection and will be ignored."
)
return self._client._connections.list()
@monitor_operation(activity_name="pf.connections.azure.get", activity_type=ActivityType.PUBLICAPI)
def get(self, name: str, **kwargs) -> _Connection:
"""Get a connection entity.
:param name: Name of the connection.
:type name: str
:return: connection object retrieved from the database.
:rtype: ~promptflow.sdk.entities._connection._Connection
"""
with_secrets = kwargs.get("with_secrets", False)
if with_secrets:
# Do not use pfazure_client here as it requires workspace read permission
# Get secrets from arm only requires workspace listsecrets permission
from promptflow.azure.operations._arm_connection_operations import ArmConnectionOperations
return ArmConnectionOperations._direct_get(
name, self._subscription_id, self._resource_group, self._workspace_name, self._credential
)
return self._client._connections.get(name)
@monitor_operation(activity_name="pf.connections.azure.delete", activity_type=ActivityType.PUBLICAPI)
def delete(self, name: str) -> None:
"""Delete a connection entity.
:param name: Name of the connection.
:type name: str
"""
raise NotImplementedError(
"Delete workspace connection is not supported in promptflow, "
"please manage it in workspace portal, az ml cli or AzureML SDK."
)
@monitor_operation(activity_name="pf.connections.azure.create_or_update", activity_type=ActivityType.PUBLICAPI)
def create_or_update(self, connection: _Connection, **kwargs):
"""Create or update a connection.
:param connection: Run object to create or update.
:type connection: ~promptflow.sdk.entities._connection._Connection
"""
raise NotImplementedError(
"Create or update workspace connection is not supported in promptflow, "
"please manage it in workspace portal, az ml cli or AzureML SDK."
)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
from ._flow_operations import FlowOperations
from ._run_operations import RunOperations
__all__ = [
"FlowOperations",
"RunOperations",
]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/_run_operations.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import copy
import os.path
import sys
import time
from dataclasses import asdict
from typing import Any, Dict, List, Optional, Union
from promptflow._constants import LANGUAGE_KEY, AvailableIDE, FlowLanguage
from promptflow._sdk._constants import (
MAX_RUN_LIST_RESULTS,
MAX_SHOW_DETAILS_RESULTS,
FlowRunProperties,
ListViewType,
RunInfoSources,
RunStatus,
)
from promptflow._sdk._errors import InvalidRunStatusError, RunExistsError, RunNotFoundError, RunOperationParameterError
from promptflow._sdk._orm import RunInfo as ORMRun
from promptflow._sdk._telemetry import ActivityType, TelemetryMixin, monitor_operation
from promptflow._sdk._utils import incremental_print, print_red_error, safe_parse_object_list
from promptflow._sdk._visualize_functions import dump_html, generate_html_string
from promptflow._sdk.entities import Run
from promptflow._sdk.operations._local_storage_operations import LocalStorageOperations
from promptflow._utils.logger_utils import get_cli_sdk_logger
from promptflow._utils.yaml_utils import load_yaml_string
from promptflow.contracts._run_management import RunDetail, RunMetadata, RunVisualization, VisualizationConfig
from promptflow.exceptions import UserErrorException
RUNNING_STATUSES = RunStatus.get_running_statuses()
logger = get_cli_sdk_logger()
class RunOperations(TelemetryMixin):
"""RunOperations."""
def __init__(self, **kwargs):
super().__init__(**kwargs)
@monitor_operation(activity_name="pf.runs.list", activity_type=ActivityType.PUBLICAPI)
def list(
self,
max_results: Optional[int] = MAX_RUN_LIST_RESULTS,
*,
list_view_type: ListViewType = ListViewType.ACTIVE_ONLY,
) -> List[Run]:
"""List runs.
:param max_results: Max number of results to return. Default: MAX_RUN_LIST_RESULTS.
:type max_results: Optional[int]
:param list_view_type: View type for including/excluding (for example) archived runs. Default: ACTIVE_ONLY.
:type include_archived: Optional[ListViewType]
:return: List of run objects.
:rtype: List[~promptflow.entities.Run]
"""
orm_runs = ORMRun.list(max_results=max_results, list_view_type=list_view_type)
return safe_parse_object_list(
obj_list=orm_runs,
parser=Run._from_orm_object,
message_generator=lambda x: f"Error parsing run {x.name!r}, skipped.",
)
@monitor_operation(activity_name="pf.runs.get", activity_type=ActivityType.PUBLICAPI)
def get(self, name: str) -> Run:
"""Get a run entity.
:param name: Name of the run.
:type name: str
:return: run object retrieved from the database.
:rtype: ~promptflow.entities.Run
"""
return self._get(name)
def _get(self, name: str) -> Run:
name = Run._validate_and_return_run_name(name)
try:
return Run._from_orm_object(ORMRun.get(name))
except RunNotFoundError as e:
raise e
@monitor_operation(activity_name="pf.runs.create_or_update", activity_type=ActivityType.PUBLICAPI)
def create_or_update(self, run: Run, **kwargs) -> Run:
"""Create or update a run.
:param run: Run object to create or update.
:type run: ~promptflow.entities.Run
:return: Run object created or updated.
:rtype: ~promptflow.entities.Run
"""
# create run from an existing run folder
if run._run_source == RunInfoSources.EXISTING_RUN:
return self._create_run_from_existing_run_folder(run=run, **kwargs)
# TODO: change to async
stream = kwargs.pop("stream", False)
try:
from promptflow._sdk._submitter import RunSubmitter
created_run = RunSubmitter(run_operations=self).submit(run=run, **kwargs)
if stream:
self.stream(created_run)
return created_run
except RunExistsError:
raise RunExistsError(f"Run {run.name!r} already exists.")
def _create_run_from_existing_run_folder(self, run: Run, **kwargs) -> Run:
"""Create run from existing run folder."""
try:
self.get(run.name)
except RunNotFoundError:
pass
else:
raise RunExistsError(f"Run {run.name!r} already exists.")
try:
run._dump()
return run
except Exception as e:
raise UserErrorException(
f"Failed to create run {run.name!r} from existing run folder {run.source!r}: {str(e)}"
) from e
def _print_run_summary(self, run: Run) -> None:
print("======= Run Summary =======\n")
duration = str(run._end_time - run._created_on)
print(
f'Run name: "{run.name}"\n'
f'Run status: "{run.status}"\n'
f'Start time: "{run._created_on}"\n'
f'Duration: "{duration}"\n'
f'Output path: "{run._output_path}"\n'
)
@monitor_operation(activity_name="pf.runs.stream", activity_type=ActivityType.PUBLICAPI)
def stream(self, name: Union[str, Run], raise_on_error: bool = True) -> Run:
"""Stream run logs to the console.
:param name: Name of the run, or run object.
:type name: Union[str, ~promptflow.sdk.entities.Run]
:param raise_on_error: Raises an exception if a run fails or canceled.
:type raise_on_error: bool
:return: Run object.
:rtype: ~promptflow.entities.Run
"""
name = Run._validate_and_return_run_name(name)
run = self.get(name=name)
local_storage = LocalStorageOperations(run=run)
file_handler = sys.stdout
try:
printed = 0
run = self.get(run.name)
while run.status in RUNNING_STATUSES or run.status == RunStatus.FINALIZING:
file_handler.flush()
available_logs = local_storage.logger.get_logs()
printed = incremental_print(available_logs, printed, file_handler)
time.sleep(10)
run = self.get(run.name)
# ensure all logs are printed
file_handler.flush()
available_logs = local_storage.logger.get_logs()
incremental_print(available_logs, printed, file_handler)
self._print_run_summary(run)
except KeyboardInterrupt:
error_message = "The output streaming for the run was interrupted, but the run is still executing."
print(error_message)
if run.status == RunStatus.FAILED or run.status == RunStatus.CANCELED:
if run.status == RunStatus.FAILED:
error_message = local_storage.load_exception().get("message", "Run fails with unknown error.")
else:
error_message = "Run is canceled."
if raise_on_error:
raise InvalidRunStatusError(error_message)
else:
print_red_error(error_message)
return run
@monitor_operation(activity_name="pf.runs.archive", activity_type=ActivityType.PUBLICAPI)
def archive(self, name: Union[str, Run]) -> Run:
"""Archive a run.
:param name: Name of the run.
:type name: str
:return: archived run object.
:rtype: ~promptflow._sdk.entities._run.Run
"""
name = Run._validate_and_return_run_name(name)
ORMRun.get(name).archive()
return self.get(name)
@monitor_operation(activity_name="pf.runs.restore", activity_type=ActivityType.PUBLICAPI)
def restore(self, name: Union[str, Run]) -> Run:
"""Restore a run.
:param name: Name of the run.
:type name: str
:return: restored run object.
:rtype: ~promptflow._sdk.entities._run.Run
"""
name = Run._validate_and_return_run_name(name)
ORMRun.get(name).restore()
return self.get(name)
@monitor_operation(activity_name="pf.runs.update", activity_type=ActivityType.PUBLICAPI)
def update(
self,
name: Union[str, Run],
display_name: Optional[str] = None,
description: Optional[str] = None,
tags: Optional[Dict[str, str]] = None,
**kwargs,
) -> Run:
"""Update run status.
:param name: run name
:param display_name: display name to update
:param description: description to update
:param tags: tags to update
:param kwargs: other fields to update, fields not supported will be directly dropped.
:return: updated run object
:rtype: ~promptflow._sdk.entities._run.Run
"""
name = Run._validate_and_return_run_name(name)
# the kwargs is to support update run status scenario but keep it private
ORMRun.get(name).update(display_name=display_name, description=description, tags=tags, **kwargs)
return self.get(name)
@monitor_operation(activity_name="pf.runs.delete", activity_type=ActivityType.PUBLICAPI)
def delete(
self,
name: str,
) -> None:
"""Delete run permanently.
Caution: This operation will delete the run permanently from your local disk.
Both run entity and output data will be deleted.
:param name: run name to delete
:return: None
"""
valid_run = self.get(name)
LocalStorageOperations(valid_run).delete()
ORMRun.delete(name)
@monitor_operation(activity_name="pf.runs.get_details", activity_type=ActivityType.PUBLICAPI)
def get_details(
self, name: Union[str, Run], max_results: int = MAX_SHOW_DETAILS_RESULTS, all_results: bool = False
) -> "DataFrame":
"""Get the details from the run.
.. note::
If `all_results` is set to True, `max_results` will be overwritten to sys.maxsize.
:param name: The run name or run object
:type name: Union[str, ~promptflow.sdk.entities.Run]
:param max_results: The max number of runs to return, defaults to 100
:type max_results: int
:param all_results: Whether to return all results, defaults to False
:type all_results: bool
:raises RunOperationParameterError: If `max_results` is not a positive integer.
:return: The details data frame.
:rtype: pandas.DataFrame
"""
from pandas import DataFrame
# if all_results is True, set max_results to sys.maxsize
if all_results:
max_results = sys.maxsize
if not isinstance(max_results, int) or max_results < 1:
raise RunOperationParameterError(f"'max_results' must be a positive integer, got {max_results!r}")
name = Run._validate_and_return_run_name(name)
run = self.get(name=name)
local_storage = LocalStorageOperations(run=run)
inputs, outputs = local_storage.load_inputs_and_outputs()
inputs = inputs.to_dict("list")
outputs = outputs.to_dict("list")
data = {}
columns = []
for k in inputs:
new_k = f"inputs.{k}"
data[new_k] = copy.deepcopy(inputs[k])
columns.append(new_k)
for k in outputs:
new_k = f"outputs.{k}"
data[new_k] = copy.deepcopy(outputs[k])
columns.append(new_k)
df = DataFrame(data).head(max_results).reindex(columns=columns)
return df
@monitor_operation(activity_name="pf.runs.get_metrics", activity_type=ActivityType.PUBLICAPI)
def get_metrics(self, name: Union[str, Run]) -> Dict[str, Any]:
"""Get run metrics.
:param name: name of the run.
:type name: str
:return: Run metrics.
:rtype: Dict[str, Any]
"""
name = Run._validate_and_return_run_name(name)
run = self.get(name=name)
run._check_run_status_is_completed()
local_storage = LocalStorageOperations(run=run)
return local_storage.load_metrics()
def _visualize(self, runs: List[Run], html_path: Optional[str] = None) -> None:
details: List[RunDetail] = []
metadatas: List[RunMetadata] = []
configs: List[VisualizationConfig] = []
for run in runs:
# check run status first
# if run status is not compeleted, there might be unexpected error during parse data
# so we directly raise error if there is any incomplete run
run._check_run_status_is_completed()
local_storage = LocalStorageOperations(run)
# nan, inf and -inf are not JSON serializable, which will lead to JavaScript parse error
# so specify `parse_const_as_str` as True to parse them as string
detail = local_storage.load_detail(parse_const_as_str=True)
# ad-hoc step: make logs field empty to avoid too big HTML file
# we don't provide logs view in visualization page for now
# when we enable, we will save those big data (e.g. logs) in separate file(s)
# JS load can be faster than static HTML
for i in range(len(detail["node_runs"])):
detail["node_runs"][i]["logs"] = {"stdout": "", "stderr": ""}
metadata = RunMetadata(
name=run.name,
display_name=run.display_name,
create_time=run.created_on,
flow_path=run.properties.get(FlowRunProperties.FLOW_PATH, None),
output_path=run.properties[FlowRunProperties.OUTPUT_PATH],
tags=run.tags,
lineage=run.run,
metrics=self.get_metrics(name=run.name),
dag=local_storage.load_dag_as_string(),
flow_tools_json=local_storage.load_flow_tools_json(),
mode="eager" if local_storage.eager_mode else "",
)
details.append(copy.deepcopy(detail))
metadatas.append(asdict(metadata))
# TODO: add language to run metadata
flow_dag = load_yaml_string(metadata.dag) or {}
configs.append(
VisualizationConfig(
[AvailableIDE.VS_CODE]
if flow_dag.get(LANGUAGE_KEY, FlowLanguage.Python) == FlowLanguage.Python
else [AvailableIDE.VS]
)
)
data_for_visualize = RunVisualization(
detail=details,
metadata=metadatas,
config=configs,
)
html_string = generate_html_string(asdict(data_for_visualize))
# if html_path is specified, not open it in webbrowser(as it comes from VSC)
dump_html(html_string, html_path=html_path, open_html=html_path is None)
@monitor_operation(activity_name="pf.runs.visualize", activity_type=ActivityType.PUBLICAPI)
def visualize(self, runs: Union[str, Run, List[str], List[Run]], **kwargs) -> None:
"""Visualize run(s).
:param runs: List of run objects, or names of the runs.
:type runs: Union[str, ~promptflow.sdk.entities.Run, List[str], List[~promptflow.sdk.entities.Run]]
"""
if not isinstance(runs, list):
runs = [runs]
validated_runs = []
for run in runs:
run_name = Run._validate_and_return_run_name(run)
validated_runs.append(self.get(name=run_name))
html_path = kwargs.pop("html_path", None)
try:
self._visualize(validated_runs, html_path=html_path)
except InvalidRunStatusError as e:
error_message = f"Cannot visualize non-completed run. {str(e)}"
logger.error(error_message)
def _get_outputs(self, run: Union[str, Run]) -> List[Dict[str, Any]]:
"""Get the outputs of the run, load from local storage."""
local_storage = self._get_local_storage(run)
return local_storage.load_outputs()
def _get_inputs(self, run: Union[str, Run]) -> List[Dict[str, Any]]:
"""Get the outputs of the run, load from local storage."""
local_storage = self._get_local_storage(run)
return local_storage.load_inputs()
def _get_outputs_path(self, run: Union[str, Run]) -> str:
"""Get the outputs file path of the run."""
local_storage = self._get_local_storage(run)
return local_storage._outputs_path if local_storage.load_outputs() else None
def _get_data_path(self, run: Union[str, Run]) -> str:
"""Get the outputs file path of the run."""
local_storage = self._get_local_storage(run)
# TODO: what if the data is deleted?
if local_storage._data_path and not os.path.exists(local_storage._data_path):
raise UserErrorException(
f"Data path {local_storage._data_path} for run {run.name} does not exist. "
"Please make sure it exists and not deleted."
)
return local_storage._data_path
def _get_local_storage(self, run: Union[str, Run]) -> LocalStorageOperations:
"""Get the local storage of the run."""
if isinstance(run, str):
run = self.get(name=run)
return LocalStorageOperations(run)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/_experiment_operations.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from typing import List, Optional
from promptflow._sdk._constants import MAX_LIST_CLI_RESULTS, ListViewType
from promptflow._sdk._errors import ExperimentExistsError, ExperimentNotFoundError, ExperimentValueError
from promptflow._sdk._orm.experiment import Experiment as ORMExperiment
from promptflow._sdk._telemetry import ActivityType, TelemetryMixin, monitor_operation
from promptflow._sdk._utils import safe_parse_object_list
from promptflow._sdk.entities._experiment import Experiment
from promptflow._utils.logger_utils import get_cli_sdk_logger
logger = get_cli_sdk_logger()
class ExperimentOperations(TelemetryMixin):
"""ExperimentOperations."""
def __init__(self, client, **kwargs):
super().__init__(**kwargs)
self._client = client
@monitor_operation(activity_name="pf.experiment.list", activity_type=ActivityType.PUBLICAPI)
def list(
self,
max_results: Optional[int] = MAX_LIST_CLI_RESULTS,
*,
list_view_type: ListViewType = ListViewType.ACTIVE_ONLY,
) -> List[Experiment]:
"""List experiments.
:param max_results: Max number of results to return. Default: 50.
:type max_results: Optional[int]
:param list_view_type: View type for including/excluding (for example) archived experiments.
Default: ACTIVE_ONLY.
:type list_view_type: Optional[ListViewType]
:return: List of experiment objects.
:rtype: List[~promptflow.entities.Experiment]
"""
orm_experiments = ORMExperiment.list(max_results=max_results, list_view_type=list_view_type)
return safe_parse_object_list(
obj_list=orm_experiments,
parser=Experiment._from_orm_object,
message_generator=lambda x: f"Error parsing experiment {x.name!r}, skipped.",
)
@monitor_operation(activity_name="pf.experiment.get", activity_type=ActivityType.PUBLICAPI)
def get(self, name: str) -> Experiment:
"""Get an experiment entity.
:param name: Name of the experiment.
:type name: str
:return: experiment object retrieved from the database.
:rtype: ~promptflow.entities.Experiment
"""
try:
return Experiment._from_orm_object(ORMExperiment.get(name))
except ExperimentNotFoundError as e:
raise e
@monitor_operation(activity_name="pf.experiment.create_or_update", activity_type=ActivityType.PUBLICAPI)
def create_or_update(self, experiment: Experiment, **kwargs) -> Experiment:
"""Create or update an experiment.
:param experiment: Experiment object to create or update.
:type experiment: ~promptflow.entities.Experiment
:return: Experiment object created or updated.
:rtype: ~promptflow.entities.Experiment
"""
orm_experiment = experiment._to_orm_object()
try:
orm_experiment.dump()
return self.get(experiment.name)
except ExperimentExistsError:
logger.info(f"Experiment {experiment.name!r} already exists, updating.")
existing_experiment = orm_experiment.get(experiment.name)
existing_experiment.update(
status=orm_experiment.status,
description=orm_experiment.description,
last_start_time=orm_experiment.last_start_time,
last_end_time=orm_experiment.last_end_time,
node_runs=orm_experiment.node_runs,
)
return self.get(experiment.name)
@monitor_operation(activity_name="pf.experiment.start", activity_type=ActivityType.PUBLICAPI)
def start(self, name: str, **kwargs) -> Experiment:
"""Start an experiment.
:param name: Experiment name.
:type name: str
:return: Experiment object started.
:rtype: ~promptflow.entities.Experiment
"""
from promptflow._sdk._submitter.experiment_orchestrator import ExperimentOrchestrator
if not isinstance(name, str):
raise ExperimentValueError(f"Invalid type {type(name)} for name. Must be str.")
return ExperimentOrchestrator(self._client.runs, self).start(self.get(name), **kwargs)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/_local_storage_operations.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import copy
import datetime
import json
import logging
import shutil
from dataclasses import asdict, dataclass
from functools import partial
from pathlib import Path
from typing import Any, Dict, List, NewType, Optional, Tuple, Union
from filelock import FileLock
from promptflow._sdk._constants import (
HOME_PROMPT_FLOW_DIR,
LINE_NUMBER,
LOCAL_STORAGE_BATCH_SIZE,
PROMPT_FLOW_DIR_NAME,
LocalStorageFilenames,
)
from promptflow._sdk._errors import BulkRunException, InvalidRunError
from promptflow._sdk._utils import (
PromptflowIgnoreFile,
generate_flow_tools_json,
json_dump,
json_load,
pd_read_json,
read_open,
write_open,
)
from promptflow._sdk.entities import Run
from promptflow._sdk.entities._eager_flow import EagerFlow
from promptflow._sdk.entities._flow import Flow
from promptflow._utils.dataclass_serializer import serialize
from promptflow._utils.exception_utils import PromptflowExceptionPresenter
from promptflow._utils.logger_utils import LogContext, get_cli_sdk_logger
from promptflow._utils.multimedia_utils import get_file_reference_encoder
from promptflow._utils.yaml_utils import load_yaml
from promptflow.batch._result import BatchResult
from promptflow.contracts.multimedia import Image
from promptflow.contracts.run_info import FlowRunInfo
from promptflow.contracts.run_info import RunInfo as NodeRunInfo
from promptflow.contracts.run_info import Status
from promptflow.contracts.run_mode import RunMode
from promptflow.exceptions import UserErrorException
from promptflow.storage import AbstractRunStorage
logger = get_cli_sdk_logger()
RunInputs = NewType("RunInputs", Dict[str, List[Any]])
RunOutputs = NewType("RunOutputs", Dict[str, List[Any]])
RunMetrics = NewType("RunMetrics", Dict[str, Any])
@dataclass
class LoggerOperations(LogContext):
stream: bool = False
@property
def log_path(self) -> str:
return str(self.file_path)
def get_logs(self) -> str:
with read_open(self.file_path) as f:
return f.read()
def _get_execute_loggers_list(cls) -> List[logging.Logger]:
result = super()._get_execute_loggers_list()
result.append(logger)
return result
def get_initializer(self):
return partial(
LoggerOperations,
file_path=self.file_path,
run_mode=self.run_mode,
credential_list=self.credential_list,
stream=self.stream,
)
def __enter__(self):
log_path = Path(self.log_path)
log_path.parent.mkdir(parents=True, exist_ok=True)
if self.run_mode == RunMode.Batch:
log_path.touch(exist_ok=True)
else:
if log_path.exists():
# for non batch run, clean up previous log content
try:
with write_open(log_path) as file:
file.truncate(0)
except Exception as e:
logger.warning(f"Failed to clean up the previous log content because {e}")
else:
log_path.touch()
for _logger in self._get_execute_loggers_list():
for handler in _logger.handlers:
if self.stream is False and isinstance(handler, logging.StreamHandler):
handler.setLevel(logging.CRITICAL)
super().__enter__()
def __exit__(self, *args):
super().__exit__(*args)
for _logger in self._get_execute_loggers_list():
for handler in _logger.handlers:
if self.stream is False and isinstance(handler, logging.StreamHandler):
handler.setLevel(logging.CRITICAL)
@dataclass
class NodeRunRecord:
NodeName: str
line_number: int
run_info: str
start_time: datetime
end_time: datetime
status: str
@staticmethod
def from_run_info(node_run_info: NodeRunInfo) -> "NodeRunRecord":
return NodeRunRecord(
NodeName=node_run_info.node,
line_number=node_run_info.index,
run_info=serialize(node_run_info),
start_time=node_run_info.start_time.isoformat(),
end_time=node_run_info.end_time.isoformat(),
status=node_run_info.status.value,
)
def dump(self, path: Path, run_name: str) -> None:
# for nodes in first line run and all reduce nodes, the target filename is 000000000.jsonl
# so we need to handle concurrent write with file lock
filename_need_lock = "0".zfill(LocalStorageOperations.LINE_NUMBER_WIDTH) + ".jsonl"
if path.name == filename_need_lock:
file_lock_path = (HOME_PROMPT_FLOW_DIR / f"{run_name}.{self.NodeName}.lock").resolve()
lock = FileLock(file_lock_path)
lock.acquire()
try:
json_dump(asdict(self), path)
finally:
lock.release()
else:
# for normal nodes in other line runs, directly write
json_dump(asdict(self), path)
@dataclass
class LineRunRecord:
line_number: int
run_info: str
start_time: datetime.datetime
end_time: datetime.datetime
name: str
description: str
status: str
tags: str
@staticmethod
def from_flow_run_info(flow_run_info: FlowRunInfo) -> "LineRunRecord":
return LineRunRecord(
line_number=flow_run_info.index,
run_info=serialize(flow_run_info),
start_time=flow_run_info.start_time.isoformat(),
end_time=flow_run_info.end_time.isoformat(),
name=flow_run_info.name,
description=flow_run_info.description,
status=flow_run_info.status.value,
tags=flow_run_info.tags,
)
def dump(self, path: Path) -> None:
json_dump(asdict(self), path)
class LocalStorageOperations(AbstractRunStorage):
"""LocalStorageOperations."""
LINE_NUMBER_WIDTH = 9
def __init__(self, run: Run, stream=False, run_mode=RunMode.Test):
self._run = run
self.path = self._prepare_folder(self._run._output_path)
self.logger = LoggerOperations(
file_path=self.path / LocalStorageFilenames.LOG, stream=stream, run_mode=run_mode
)
# snapshot
self._snapshot_folder_path = self._prepare_folder(self.path / LocalStorageFilenames.SNAPSHOT_FOLDER)
self._dag_path = self._snapshot_folder_path / LocalStorageFilenames.DAG
self._flow_tools_json_path = (
self._snapshot_folder_path / PROMPT_FLOW_DIR_NAME / LocalStorageFilenames.FLOW_TOOLS_JSON
)
self._inputs_path = self.path / LocalStorageFilenames.INPUTS # keep this for other usages
# below inputs and outputs are dumped by SDK
self._sdk_inputs_path = self._inputs_path
self._sdk_output_path = self.path / LocalStorageFilenames.OUTPUTS
# metrics
self._metrics_path = self.path / LocalStorageFilenames.METRICS
# legacy files: detail.json and outputs.jsonl(not the one in flow_outputs folder)
self._detail_path = self.path / LocalStorageFilenames.DETAIL
self._legacy_outputs_path = self.path / LocalStorageFilenames.OUTPUTS
# for line run records, store per line
# for normal node run records, store per node per line;
# for reduce node run records, store centralized in 000000000.jsonl per node
self.outputs_folder = self._prepare_folder(self.path / "flow_outputs")
self._outputs_path = self.outputs_folder / "output.jsonl" # dumped by executor
self._node_infos_folder = self._prepare_folder(self.path / "node_artifacts")
self._run_infos_folder = self._prepare_folder(self.path / "flow_artifacts")
self._data_path = Path(run.data) if run.data is not None else None
self._meta_path = self.path / LocalStorageFilenames.META
self._exception_path = self.path / LocalStorageFilenames.EXCEPTION
self._dump_meta_file()
if run.flow:
try:
from promptflow import load_flow
flow_obj = load_flow(source=run.flow)
self._eager_mode = isinstance(flow_obj, EagerFlow)
except Exception as e:
# For run with incomplete flow snapshot, ignore load flow error to make sure it can still show.
logger.debug(f"Failed to load flow from {run.flow} due to {e}.")
self._eager_mode = False
else:
# TODO(2901279): support eager mode for run created from run folder
self._eager_mode = False
@property
def eager_mode(self) -> bool:
return self._eager_mode
def delete(self) -> None:
def on_rmtree_error(func, path, exc_info):
raise InvalidRunError(f"Failed to delete run {self.path} due to {exc_info[1]}.")
shutil.rmtree(path=self.path, onerror=on_rmtree_error)
def _dump_meta_file(self) -> None:
json_dump({"batch_size": LOCAL_STORAGE_BATCH_SIZE}, self._meta_path)
def dump_snapshot(self, flow: Flow) -> None:
"""Dump flow directory to snapshot folder, input file will be dumped after the run."""
patterns = [pattern for pattern in PromptflowIgnoreFile.IGNORE_FILE]
# ignore current output parent folder to avoid potential recursive copy
patterns.append(self._run._output_path.parent.name)
shutil.copytree(
flow.code.as_posix(),
self._snapshot_folder_path,
ignore=shutil.ignore_patterns(*patterns),
dirs_exist_ok=True,
)
# replace DAG file with the overwrite one
if not self._eager_mode:
self._dag_path.unlink()
shutil.copy(flow.path, self._dag_path)
def load_dag_as_string(self) -> str:
if self._eager_mode:
return ""
with read_open(self._dag_path) as f:
return f.read()
def load_flow_tools_json(self) -> dict:
if self._eager_mode:
# no tools json for eager mode
return {}
if not self._flow_tools_json_path.is_file():
return generate_flow_tools_json(self._snapshot_folder_path, dump=False)
else:
return json_load(self._flow_tools_json_path)
def load_io_spec(self) -> Tuple[Dict[str, Dict[str, str]], Dict[str, Dict[str, str]]]:
"""Load input/output spec from DAG."""
# TODO(2898455): support eager mode
with read_open(self._dag_path) as f:
flow_dag = load_yaml(f)
return flow_dag["inputs"], flow_dag["outputs"]
def load_inputs(self) -> RunInputs:
df = pd_read_json(self._inputs_path)
return df.to_dict("list")
def load_outputs(self) -> RunOutputs:
# for legacy run, simply read the output file and return as list of dict
if not self._outputs_path.is_file():
df = pd_read_json(self._legacy_outputs_path)
return df.to_dict("list")
df = pd_read_json(self._outputs_path)
if len(df) > 0:
df = df.set_index(LINE_NUMBER)
return df.to_dict("list")
def dump_inputs_and_outputs(self) -> None:
inputs, outputs = self._collect_io_from_debug_info()
with write_open(self._sdk_inputs_path) as f:
inputs.to_json(f, orient="records", lines=True, force_ascii=False)
with write_open(self._sdk_output_path) as f:
outputs.to_json(f, orient="records", lines=True, force_ascii=False)
def dump_metrics(self, metrics: Optional[RunMetrics]) -> None:
metrics = metrics or dict()
json_dump(metrics, self._metrics_path)
def dump_exception(self, exception: Exception, batch_result: BatchResult) -> None:
"""Dump exception to local storage.
:param exception: Exception raised during bulk run.
:param batch_result: Bulk run outputs. If exception not raised, store line run error messages.
"""
# extract line run errors
errors = []
if batch_result:
for line_error in batch_result.error_summary.error_list:
errors.append(line_error.to_dict())
# collect aggregation node error
for node_name, aggr_error in batch_result.error_summary.aggr_error_dict.items():
errors.append({"error": aggr_error, "aggregation_node_name": node_name})
if errors:
try:
# use first line run error message as exception message if no exception raised
error = errors[0]
message = error["error"]["message"]
except Exception:
message = (
"Failed to extract error message from line runs. "
f"Please check {self._outputs_path} for more info."
)
elif exception and isinstance(exception, UserErrorException):
# SystemError will be raised above and users can see it, so we don't need to dump it.
message = str(exception)
else:
return
if not isinstance(exception, BulkRunException):
# If other errors raised, pass it into PromptflowException
exception = BulkRunException(
message=message,
error=exception,
failed_lines=batch_result.failed_lines if batch_result else "unknown",
total_lines=batch_result.total_lines if batch_result else "unknown",
errors={"errors": errors},
)
json_dump(PromptflowExceptionPresenter.create(exception).to_dict(include_debug_info=True), self._exception_path)
def load_exception(self) -> Dict:
try:
return json_load(self._exception_path)
except Exception:
return {}
def load_detail(self, parse_const_as_str: bool = False) -> Dict[str, list]:
if self._detail_path.is_file():
# legacy run with local file detail.json, then directly load from the file
return json_load(self._detail_path)
else:
# nan, inf and -inf are not JSON serializable
# according to https://docs.python.org/3/library/json.html#json.loads
# `parse_constant` will be called to handle these values
# so if parse_const_as_str is True, we will parse these values as str with a lambda function
json_loads = json.loads if not parse_const_as_str else partial(json.loads, parse_constant=lambda x: str(x))
# collect from local files and concat in the memory
flow_runs, node_runs = [], []
for line_run_record_file in sorted(self._run_infos_folder.iterdir()):
# In addition to the output jsonl files, there may be multimedia files in the output folder,
# so we should skip them.
if line_run_record_file.suffix.lower() != ".jsonl":
continue
with read_open(line_run_record_file) as f:
new_runs = [json_loads(line)["run_info"] for line in list(f)]
flow_runs += new_runs
for node_folder in sorted(self._node_infos_folder.iterdir()):
for node_run_record_file in sorted(node_folder.iterdir()):
if node_run_record_file.suffix.lower() != ".jsonl":
continue
with read_open(node_run_record_file) as f:
new_runs = [json_loads(line)["run_info"] for line in list(f)]
node_runs += new_runs
return {"flow_runs": flow_runs, "node_runs": node_runs}
def load_metrics(self) -> Dict[str, Union[int, float, str]]:
return json_load(self._metrics_path)
def persist_node_run(self, run_info: NodeRunInfo) -> None:
"""Persist node run record to local storage."""
node_folder = self._prepare_folder(self._node_infos_folder / run_info.node)
self._persist_run_multimedia(run_info, node_folder)
node_run_record = NodeRunRecord.from_run_info(run_info)
# for reduce nodes, the line_number is None, store the info in the 000000000.jsonl
# align with AzureMLRunStorageV2, which is a storage contract with PFS
line_number = 0 if node_run_record.line_number is None else node_run_record.line_number
filename = f"{str(line_number).zfill(self.LINE_NUMBER_WIDTH)}.jsonl"
node_run_record.dump(node_folder / filename, run_name=self._run.name)
def persist_flow_run(self, run_info: FlowRunInfo) -> None:
"""Persist line run record to local storage."""
if not Status.is_terminated(run_info.status):
logger.info("Line run is not terminated, skip persisting line run record.")
return
self._persist_run_multimedia(run_info, self._run_infos_folder)
line_run_record = LineRunRecord.from_flow_run_info(run_info)
# calculate filename according to the batch size
# note that if batch_size > 1, need to well handle concurrent write scenario
lower_bound = line_run_record.line_number // LOCAL_STORAGE_BATCH_SIZE * LOCAL_STORAGE_BATCH_SIZE
upper_bound = lower_bound + LOCAL_STORAGE_BATCH_SIZE - 1
filename = (
f"{str(lower_bound).zfill(self.LINE_NUMBER_WIDTH)}_"
f"{str(upper_bound).zfill(self.LINE_NUMBER_WIDTH)}.jsonl"
)
line_run_record.dump(self._run_infos_folder / filename)
def persist_result(self, result: Optional[BatchResult]) -> None:
"""Persist metrics from return of executor."""
if result is None:
return
self.dump_inputs_and_outputs()
self.dump_metrics(result.metrics)
def _persist_run_multimedia(self, run_info: Union[FlowRunInfo, NodeRunInfo], folder_path: Path):
if run_info.inputs:
run_info.inputs = self._serialize_multimedia(run_info.inputs, folder_path)
if run_info.output:
run_info.output = self._serialize_multimedia(run_info.output, folder_path)
run_info.result = None
if run_info.api_calls:
run_info.api_calls = self._serialize_multimedia(run_info.api_calls, folder_path)
def _serialize_multimedia(self, value, folder_path: Path, relative_path: Path = None):
pfbytes_file_reference_encoder = get_file_reference_encoder(folder_path, relative_path, use_absolute_path=True)
serialization_funcs = {Image: partial(Image.serialize, **{"encoder": pfbytes_file_reference_encoder})}
return serialize(value, serialization_funcs=serialization_funcs)
@staticmethod
def _prepare_folder(path: Union[str, Path]) -> Path:
path = Path(path)
path.mkdir(parents=True, exist_ok=True)
return path
@staticmethod
def _outputs_padding(df: "DataFrame", inputs_line_numbers: List[int]) -> "DataFrame":
import pandas as pd
if len(df) == len(inputs_line_numbers):
return df
missing_lines = []
lines_set = set(df[LINE_NUMBER].values)
for i in inputs_line_numbers:
if i not in lines_set:
missing_lines.append({LINE_NUMBER: i})
df_to_append = pd.DataFrame(missing_lines)
res = pd.concat([df, df_to_append], ignore_index=True)
res = res.sort_values(by=LINE_NUMBER, ascending=True)
return res
def load_inputs_and_outputs(self) -> Tuple["DataFrame", "DataFrame"]:
if not self._sdk_inputs_path.is_file() or not self._sdk_output_path.is_file():
inputs, outputs = self._collect_io_from_debug_info()
else:
inputs = pd_read_json(self._sdk_inputs_path)
outputs = pd_read_json(self._sdk_output_path)
# if all line runs are failed, no need to fill
if len(outputs) > 0:
outputs = self._outputs_padding(outputs, inputs[LINE_NUMBER].tolist())
outputs.fillna(value="(Failed)", inplace=True) # replace nan with explicit prompt
outputs = outputs.set_index(LINE_NUMBER)
return inputs, outputs
def _collect_io_from_debug_info(self) -> Tuple["DataFrame", "DataFrame"]:
import pandas as pd
inputs, outputs = [], []
for line_run_record_file in sorted(self._run_infos_folder.iterdir()):
if line_run_record_file.suffix.lower() != ".jsonl":
continue
with read_open(line_run_record_file) as f:
datas = [json.loads(line) for line in list(f)]
for data in datas:
line_number: int = data[LINE_NUMBER]
line_run_info: dict = data["run_info"]
current_inputs = line_run_info.get("inputs")
current_outputs = line_run_info.get("output")
inputs.append(copy.deepcopy(current_inputs))
if current_outputs is not None:
current_outputs[LINE_NUMBER] = line_number
outputs.append(copy.deepcopy(current_outputs))
return pd.DataFrame(inputs), pd.DataFrame(outputs)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/_flow_operations.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import contextlib
import glob
import json
import os
import shutil
import subprocess
import sys
from importlib.metadata import version
from os import PathLike
from pathlib import Path
from typing import Dict, Iterable, List, Tuple, Union
from promptflow._constants import LANGUAGE_KEY, FlowLanguage
from promptflow._sdk._constants import (
CHAT_HISTORY,
DEFAULT_ENCODING,
FLOW_TOOLS_JSON_GEN_TIMEOUT,
LOCAL_MGMT_DB_PATH,
PROMPT_FLOW_DIR_NAME,
)
from promptflow._sdk._load_functions import load_flow
from promptflow._sdk._submitter import TestSubmitter
from promptflow._sdk._submitter.utils import SubmitterHelper
from promptflow._sdk._telemetry import ActivityType, TelemetryMixin, monitor_operation
from promptflow._sdk._utils import (
_get_additional_includes,
_merge_local_code_and_additional_includes,
copy_tree_respect_template_and_ignore_file,
dump_flow_result,
generate_flow_tools_json,
generate_random_string,
logger,
parse_variant,
)
from promptflow._sdk.entities._eager_flow import EagerFlow
from promptflow._sdk.entities._flow import ProtectedFlow
from promptflow._sdk.entities._validation import ValidationResult
from promptflow._utils.context_utils import _change_working_dir
from promptflow._utils.yaml_utils import dump_yaml, load_yaml
from promptflow.exceptions import UserErrorException
class FlowOperations(TelemetryMixin):
"""FlowOperations."""
def __init__(self, client):
self._client = client
super().__init__()
@monitor_operation(activity_name="pf.flows.test", activity_type=ActivityType.PUBLICAPI)
def test(
self,
flow: Union[str, PathLike],
*,
inputs: dict = None,
variant: str = None,
node: str = None,
environment_variables: dict = None,
entry: str = None,
**kwargs,
) -> dict:
"""Test flow or node.
:param flow: path to flow directory to test
:type flow: Union[str, PathLike]
:param inputs: Input data for the flow test
:type inputs: dict
:param variant: Node & variant name in format of ${node_name.variant_name}, will use default variant
if not specified.
:type variant: str
:param node: If specified it will only test this node, else it will test the flow.
:type node: str
:param environment_variables: Environment variables to set by specifying a property path and value.
Example: {"key1": "${my_connection.api_key}", "key2"="value2"}
The value reference to connection keys will be resolved to the actual value,
and all environment variables specified will be set into os.environ.
:type environment_variables: dict
:param entry: Entry function. Required when flow is script.
:type entry: str
:return: The result of flow or node
:rtype: dict
"""
result = self._test(
flow=flow,
inputs=inputs,
variant=variant,
node=node,
environment_variables=environment_variables,
entry=entry,
**kwargs,
)
dump_test_result = kwargs.get("dump_test_result", False)
if dump_test_result:
# Dump flow/node test info
flow = load_flow(flow)
if node:
dump_flow_result(flow_folder=flow.code, node_result=result, prefix=f"flow-{node}.node")
else:
if variant:
tuning_node, node_variant = parse_variant(variant)
prefix = f"flow-{tuning_node}-{node_variant}"
else:
prefix = "flow"
dump_flow_result(flow_folder=flow.code, flow_result=result, prefix=prefix)
additional_output_path = kwargs.get("detail", None)
if additional_output_path:
if not dump_test_result:
flow = load_flow(flow)
if node:
# detail and output
dump_flow_result(
flow_folder=flow.code,
node_result=result,
prefix=f"flow-{node}.node",
custom_path=additional_output_path,
)
# log
log_src_path = Path(flow.code) / PROMPT_FLOW_DIR_NAME / f"{node}.node.log"
log_dst_path = Path(additional_output_path) / f"{node}.node.log"
shutil.copy(log_src_path, log_dst_path)
else:
if variant:
tuning_node, node_variant = parse_variant(variant)
prefix = f"flow-{tuning_node}-{node_variant}"
else:
prefix = "flow"
# detail and output
dump_flow_result(
flow_folder=flow.code,
flow_result=result,
prefix=prefix,
custom_path=additional_output_path,
)
# log
log_src_path = Path(flow.code) / PROMPT_FLOW_DIR_NAME / "flow.log"
log_dst_path = Path(additional_output_path) / "flow.log"
shutil.copy(log_src_path, log_dst_path)
TestSubmitter._raise_error_when_test_failed(result, show_trace=node is not None)
return result.output
def _test(
self,
flow: Union[str, PathLike],
*,
inputs: dict = None,
variant: str = None,
node: str = None,
environment_variables: dict = None,
stream_log: bool = True,
stream_output: bool = True,
allow_generator_output: bool = True,
entry: str = None,
**kwargs,
):
"""Test flow or node.
:param flow: path to flow directory to test
:param inputs: Input data for the flow test
:param variant: Node & variant name in format of ${node_name.variant_name}, will use default variant
if not specified.
:param node: If specified it will only test this node, else it will test the flow.
:param environment_variables: Environment variables to set by specifying a property path and value.
Example: {"key1": "${my_connection.api_key}", "key2"="value2"}
The value reference to connection keys will be resolved to the actual value,
and all environment variables specified will be set into os.environ.
:param stream_log: Whether streaming the log.
:param stream_output: Whether streaming the outputs.
:param allow_generator_output: Whether return streaming output when flow has streaming output.
:param entry: The entry function, only works when source is a code file.
:return: Executor result
"""
from promptflow._sdk._load_functions import load_flow
inputs = inputs or {}
flow = load_flow(flow, entry=entry)
if isinstance(flow, EagerFlow):
if variant or node:
logger.warning("variant and node are not supported for eager flow, will be ignored")
variant, node = None, None
else:
if entry:
logger.warning("entry is only supported for eager flow, will be ignored")
flow.context.variant = variant
from promptflow._constants import FlowLanguage
from promptflow._sdk._submitter.test_submitter import TestSubmitterViaProxy
if flow.language == FlowLanguage.CSharp:
with TestSubmitterViaProxy(flow=flow, flow_context=flow.context, client=self._client).init() as submitter:
is_chat_flow, chat_history_input_name, _ = self._is_chat_flow(submitter.dataplane_flow)
flow_inputs, dependency_nodes_outputs = submitter.resolve_data(
node_name=node, inputs=inputs, chat_history_name=chat_history_input_name
)
if node:
return submitter.node_test(
node_name=node,
flow_inputs=flow_inputs,
dependency_nodes_outputs=dependency_nodes_outputs,
environment_variables=environment_variables,
stream=True,
)
else:
return submitter.flow_test(
inputs=flow_inputs,
environment_variables=environment_variables,
stream_log=stream_log,
stream_output=stream_output,
allow_generator_output=allow_generator_output and is_chat_flow,
)
with TestSubmitter(flow=flow, flow_context=flow.context, client=self._client).init() as submitter:
if isinstance(flow, EagerFlow):
# TODO(2897153): support chat eager flow
is_chat_flow, chat_history_input_name = False, None
flow_inputs, dependency_nodes_outputs = inputs, None
else:
is_chat_flow, chat_history_input_name, _ = self._is_chat_flow(submitter.dataplane_flow)
flow_inputs, dependency_nodes_outputs = submitter.resolve_data(
node_name=node, inputs=inputs, chat_history_name=chat_history_input_name
)
if node:
return submitter.node_test(
node_name=node,
flow_inputs=flow_inputs,
dependency_nodes_outputs=dependency_nodes_outputs,
environment_variables=environment_variables,
stream=True,
)
else:
return submitter.flow_test(
inputs=flow_inputs,
environment_variables=environment_variables,
stream_log=stream_log,
stream_output=stream_output,
allow_generator_output=allow_generator_output and is_chat_flow,
)
@staticmethod
def _is_chat_flow(flow):
"""
Check if the flow is chat flow.
Check if chat_history in the flow input and only one chat input and
one chat output to determine if it is a chat flow.
"""
chat_inputs = [item for item in flow.inputs.values() if item.is_chat_input]
chat_outputs = [item for item in flow.outputs.values() if item.is_chat_output]
chat_history_input_name = next(
iter([input_name for input_name, value in flow.inputs.items() if value.is_chat_history]), None
)
if (
not chat_history_input_name
and CHAT_HISTORY in flow.inputs
and flow.inputs[CHAT_HISTORY].is_chat_history is not False
):
chat_history_input_name = CHAT_HISTORY
is_chat_flow, error_msg = True, ""
if len(chat_inputs) != 1:
is_chat_flow = False
error_msg = "chat flow does not support multiple chat inputs"
elif len(chat_outputs) != 1:
is_chat_flow = False
error_msg = "chat flow does not support multiple chat outputs"
elif not chat_history_input_name:
is_chat_flow = False
error_msg = "chat_history is required in the inputs of chat flow"
return is_chat_flow, chat_history_input_name, error_msg
@monitor_operation(activity_name="pf.flows._chat", activity_type=ActivityType.INTERNALCALL)
def _chat(
self,
flow,
*,
inputs: dict = None,
variant: str = None,
environment_variables: dict = None,
**kwargs,
) -> List:
"""Interact with Chat Flow. Only chat flow supported.
:param flow: path to flow directory to chat
:param inputs: Input data for the flow to chat
:param environment_variables: Environment variables to set by specifying a property path and value.
Example: {"key1": "${my_connection.api_key}", "key2"="value2"}
The value reference to connection keys will be resolved to the actual value,
and all environment variables specified will be set into os.environ.
"""
from promptflow._sdk._load_functions import load_flow
flow = load_flow(flow)
flow.context.variant = variant
with TestSubmitter(flow=flow, flow_context=flow.context, client=self._client).init() as submitter:
is_chat_flow, chat_history_input_name, error_msg = self._is_chat_flow(submitter.dataplane_flow)
if not is_chat_flow:
raise UserErrorException(f"Only support chat flow in interactive mode, {error_msg}.")
info_msg = f"Welcome to chat flow, {submitter.dataplane_flow.name}."
print("=" * len(info_msg))
print(info_msg)
print("Press Enter to send your message.")
print("You can quit with ctrl+C.")
print("=" * len(info_msg))
submitter._chat_flow(
inputs=inputs,
chat_history_name=chat_history_input_name,
environment_variables=environment_variables,
show_step_output=kwargs.get("show_step_output", False),
)
@monitor_operation(activity_name="pf.flows._chat_with_ui", activity_type=ActivityType.INTERNALCALL)
def _chat_with_ui(self, script):
try:
import bs4 # noqa: F401
import streamlit_quill # noqa: F401
from streamlit.web import cli as st_cli
except ImportError as ex:
raise UserErrorException(
f"Please try 'pip install promptflow[executable]' to install dependency, {ex.msg}."
)
sys.argv = [
"streamlit",
"run",
script,
"--global.developmentMode=false",
"--client.toolbarMode=viewer",
"--browser.gatherUsageStats=false",
]
st_cli.main()
def _build_environment_config(self, flow_dag_path: Path):
flow_info = load_yaml(flow_dag_path)
# standard env object:
# environment:
# image: xxx
# conda_file: xxx
# python_requirements_txt: xxx
# setup_sh: xxx
# TODO: deserialize dag with structured class here to avoid using so many magic strings
env_obj = flow_info.get("environment", {})
env_obj["sdk_version"] = version("promptflow")
# version 0.0.1 is the dev version of promptflow
if env_obj["sdk_version"] == "0.0.1":
del env_obj["sdk_version"]
if not env_obj.get("python_requirements_txt", None) and (flow_dag_path.parent / "requirements.txt").is_file():
env_obj["python_requirements_txt"] = "requirements.txt"
env_obj["conda_env_name"] = "promptflow-serve"
if "conda_file" in env_obj:
conda_file = flow_dag_path.parent / env_obj["conda_file"]
if conda_file.is_file():
conda_obj = yaml.safe_load(conda_file.read_text())
if "name" in conda_obj:
env_obj["conda_env_name"] = conda_obj["name"]
return env_obj
@classmethod
def _refine_connection_name(cls, connection_name: str):
return connection_name.replace(" ", "_")
def _dump_connection(self, connection, output_path: Path):
# connection yaml should be a dict instead of ordered dict
connection_dict = connection._to_dict()
connection_yaml = {
"$schema": f"https://azuremlschemas.azureedge.net/promptflow/"
f"latest/{connection.__class__.__name__}.schema.json",
**connection_dict,
}
if connection.type == "Custom":
secret_dict = connection_yaml["secrets"]
else:
secret_dict = connection_yaml
connection_var_name = self._refine_connection_name(connection.name)
env_var_names = [f"{connection_var_name}_{secret_key}".upper() for secret_key in connection.secrets]
for secret_key, secret_env in zip(connection.secrets, env_var_names):
secret_dict[secret_key] = "${env:" + secret_env + "}"
for key in ["created_date", "last_modified_date"]:
if key in connection_yaml:
del connection_yaml[key]
key_order = ["$schema", "type", "name", "configs", "secrets", "module"]
sorted_connection_dict = {
key: connection_yaml[key]
for key in sorted(
connection_yaml.keys(),
key=lambda x: (0, key_order.index(x)) if x in key_order else (1, x),
)
}
with open(output_path, "w", encoding="utf-8") as f:
f.write(dump_yaml(sorted_connection_dict))
return env_var_names
def _migrate_connections(self, connection_names: List[str], output_dir: Path):
from promptflow._sdk._pf_client import PFClient
output_dir.mkdir(parents=True, exist_ok=True)
local_client = PFClient()
connection_paths, env_var_names = [], {}
for connection_name in connection_names:
connection = local_client.connections.get(name=connection_name, with_secrets=True)
connection_var_name = self._refine_connection_name(connection_name)
connection_paths.append(output_dir / f"{connection_var_name}.yaml")
for env_var_name in self._dump_connection(
connection,
connection_paths[-1],
):
if env_var_name in env_var_names:
raise RuntimeError(
f"environment variable name conflict: connection {connection_name} and "
f"{env_var_names[env_var_name]} on {env_var_name}"
)
env_var_names[env_var_name] = connection_name
return connection_paths, list(env_var_names.keys())
def _export_flow_connections(
self,
built_flow_dag_path: Path,
*,
output_dir: Path,
):
"""Export flow connections to yaml files.
:param built_flow_dag_path: path to built flow dag yaml file. Given this is a built flow, we can assume
that the flow involves no additional includes, symlink, or variant.
:param output_dir: output directory to export connections
"""
flow: ProtectedFlow = load_flow(built_flow_dag_path)
with _change_working_dir(flow.code):
if flow.language == FlowLanguage.CSharp:
from promptflow.batch import CSharpExecutorProxy
return self._migrate_connections(
connection_names=SubmitterHelper.get_used_connection_names(
tools_meta=CSharpExecutorProxy.get_tool_metadata(
flow_file=flow.flow_dag_path,
working_dir=flow.code,
),
flow_dag=flow.dag,
),
output_dir=output_dir,
)
else:
# TODO: avoid using executable here
from promptflow.contracts.flow import Flow as ExecutableFlow
executable = ExecutableFlow.from_yaml(flow_file=flow.path, working_dir=flow.code)
return self._migrate_connections(
connection_names=executable.get_connection_names(),
output_dir=output_dir,
)
def _build_flow(
self,
flow_dag_path: Path,
*,
output: Union[str, PathLike],
tuning_node: str = None,
node_variant: str = None,
update_flow_tools_json: bool = True,
):
# TODO: confirm if we need to import this
from promptflow._sdk._submitter import variant_overwrite_context
flow_copy_target = Path(output)
flow_copy_target.mkdir(parents=True, exist_ok=True)
# resolve additional includes and copy flow directory first to guarantee there is a final flow directory
# TODO: shall we pop "node_variants" unless keep-variants is specified?
with variant_overwrite_context(
flow_dag_path,
tuning_node=tuning_node,
variant=node_variant,
drop_node_variants=True,
) as temp_flow:
# TODO: avoid copy for twice
copy_tree_respect_template_and_ignore_file(temp_flow.code, flow_copy_target)
if update_flow_tools_json:
generate_flow_tools_json(flow_copy_target)
return flow_copy_target / flow_dag_path.name
def _export_to_docker(
self,
flow_dag_path: Path,
output_dir: Path,
*,
env_var_names: List[str],
connection_paths: List[Path],
flow_name: str,
is_csharp_flow: bool = False,
):
(output_dir / "settings.json").write_text(
data=json.dumps({env_var_name: "" for env_var_name in env_var_names}, indent=2),
encoding="utf-8",
)
environment_config = self._build_environment_config(flow_dag_path)
# TODO: make below strings constants
if is_csharp_flow:
source = Path(__file__).parent.parent / "data" / "docker_csharp"
else:
source = Path(__file__).parent.parent / "data" / "docker"
copy_tree_respect_template_and_ignore_file(
source=source,
target=output_dir,
render_context={
"env": environment_config,
"flow_name": f"{flow_name}-{generate_random_string(6)}",
"local_db_rel_path": LOCAL_MGMT_DB_PATH.relative_to(Path.home()).as_posix(),
"connection_yaml_paths": list(map(lambda x: x.relative_to(output_dir).as_posix(), connection_paths)),
},
)
def _build_as_executable(
self,
flow_dag_path: Path,
output_dir: Path,
*,
flow_name: str,
env_var_names: List[str],
):
try:
import bs4 # noqa: F401
import PyInstaller # noqa: F401
import streamlit
import streamlit_quill # noqa: F401
except ImportError as ex:
raise UserErrorException(
f"Please try 'pip install promptflow[executable]' to install dependency, {ex.msg}."
)
from promptflow.contracts.flow import Flow as ExecutableFlow
(output_dir / "settings.json").write_text(
data=json.dumps({env_var_name: "" for env_var_name in env_var_names}, indent=2),
encoding="utf-8",
)
environment_config = self._build_environment_config(flow_dag_path)
hidden_imports = []
if (
environment_config.get("python_requirements_txt", None)
and (flow_dag_path.parent / "requirements.txt").is_file()
):
with open(flow_dag_path.parent / "requirements.txt", "r", encoding="utf-8") as file:
file_content = file.read()
hidden_imports = file_content.splitlines()
runtime_interpreter_path = (Path(streamlit.__file__).parent / "runtime").as_posix()
executable = ExecutableFlow.from_yaml(flow_file=Path(flow_dag_path.name), working_dir=flow_dag_path.parent)
flow_inputs = {
flow_input: (value.default, value.type.value)
for flow_input, value in executable.inputs.items()
if not value.is_chat_history
}
flow_inputs_params = ["=".join([flow_input, flow_input]) for flow_input, _ in flow_inputs.items()]
flow_inputs_params = ",".join(flow_inputs_params)
is_chat_flow, chat_history_input_name, _ = self._is_chat_flow(executable)
label = "Chat" if is_chat_flow else "Run"
copy_tree_respect_template_and_ignore_file(
source=Path(__file__).parent.parent / "data" / "executable",
target=output_dir,
render_context={
"hidden_imports": hidden_imports,
"flow_name": flow_name,
"runtime_interpreter_path": runtime_interpreter_path,
"flow_inputs": flow_inputs,
"flow_inputs_params": flow_inputs_params,
"flow_path": None,
"is_chat_flow": is_chat_flow,
"chat_history_input_name": chat_history_input_name,
"label": label,
},
)
self._run_pyinstaller(output_dir)
def _run_pyinstaller(self, output_dir):
with _change_working_dir(output_dir, mkdir=False):
subprocess.run(["pyinstaller", "app.spec"], check=True)
print("PyInstaller command executed successfully.")
@monitor_operation(activity_name="pf.flows.build", activity_type=ActivityType.PUBLICAPI)
def build(
self,
flow: Union[str, PathLike],
*,
output: Union[str, PathLike],
format: str = "docker",
variant: str = None,
**kwargs,
):
"""
Build flow to other format.
:param flow: path to the flow directory or flow dag to export
:type flow: Union[str, PathLike]
:param format: export format, support "docker" and "executable" only for now
:type format: str
:param output: output directory
:type output: Union[str, PathLike]
:param variant: node variant in format of {node_name}.{variant_name},
will use default variant if not specified.
:type variant: str
:return: no return
:rtype: None
"""
output_dir = Path(output).absolute()
output_dir.mkdir(parents=True, exist_ok=True)
flow: ProtectedFlow = load_flow(flow)
is_csharp_flow = flow.dag.get(LANGUAGE_KEY, "") == FlowLanguage.CSharp
if format not in ["docker", "executable"]:
raise ValueError(f"Unsupported export format: {format}")
if variant:
tuning_node, node_variant = parse_variant(variant)
else:
tuning_node, node_variant = None, None
flow_only = kwargs.pop("flow_only", False)
if flow_only:
output_flow_dir = output_dir
else:
output_flow_dir = output_dir / "flow"
new_flow_dag_path = self._build_flow(
flow_dag_path=flow.flow_dag_path,
output=output_flow_dir,
tuning_node=tuning_node,
node_variant=node_variant,
update_flow_tools_json=False if is_csharp_flow else True,
)
if flow_only:
return
# use new flow dag path below as origin one may miss additional includes
connection_paths, env_var_names = self._export_flow_connections(
built_flow_dag_path=new_flow_dag_path,
output_dir=output_dir / "connections",
)
if format == "docker":
self._export_to_docker(
flow_dag_path=new_flow_dag_path,
output_dir=output_dir,
connection_paths=connection_paths,
flow_name=flow.name,
env_var_names=env_var_names,
is_csharp_flow=is_csharp_flow,
)
elif format == "executable":
self._build_as_executable(
flow_dag_path=new_flow_dag_path,
output_dir=output_dir,
flow_name=flow.name,
env_var_names=env_var_names,
)
@classmethod
@contextlib.contextmanager
def _resolve_additional_includes(cls, flow_dag_path: Path) -> Iterable[Path]:
# TODO: confirm if we need to import this
from promptflow._sdk._submitter import remove_additional_includes
# Eager flow may not contain a yaml file, skip resolving additional includes
def is_yaml_file(file_path):
_, file_extension = os.path.splitext(file_path)
return file_extension.lower() in (".yaml", ".yml")
if is_yaml_file(flow_dag_path) and _get_additional_includes(flow_dag_path):
# Merge the flow folder and additional includes to temp folder.
# TODO: support a flow_dag_path with a name different from flow.dag.yaml
with _merge_local_code_and_additional_includes(code_path=flow_dag_path.parent) as temp_dir:
remove_additional_includes(Path(temp_dir))
yield Path(temp_dir) / flow_dag_path.name
else:
yield flow_dag_path
@monitor_operation(activity_name="pf.flows.validate", activity_type=ActivityType.PUBLICAPI)
def validate(self, flow: Union[str, PathLike], *, raise_error: bool = False, **kwargs) -> ValidationResult:
"""
Validate flow.
:param flow: path to the flow directory or flow dag to export
:type flow: Union[str, PathLike]
:param raise_error: whether raise error when validation failed
:type raise_error: bool
:return: a validation result object
:rtype: ValidationResult
"""
flow_entity: ProtectedFlow = load_flow(source=flow)
# TODO: put off this if we do path existence check in FlowSchema on fields other than additional_includes
validation_result = flow_entity._validate()
source_path_mapping = {}
flow_tools, tools_errors = self._generate_tools_meta(
flow=flow_entity.flow_dag_path,
source_path_mapping=source_path_mapping,
)
flow_entity.tools_meta_path.write_text(
data=json.dumps(flow_tools, indent=4),
encoding=DEFAULT_ENCODING,
)
if tools_errors:
for source_name, message in tools_errors.items():
for yaml_path in source_path_mapping.get(source_name, []):
validation_result.append_error(
yaml_path=yaml_path,
message=message,
)
# flow in control plane is read-only, so resolve location makes sense even in SDK experience
validation_result.resolve_location_for_diagnostics(flow_entity.flow_dag_path.as_posix())
flow_entity._try_raise(
validation_result,
raise_error=raise_error,
)
return validation_result
@monitor_operation(activity_name="pf.flows._generate_tools_meta", activity_type=ActivityType.INTERNALCALL)
def _generate_tools_meta(
self,
flow: Union[str, PathLike],
*,
source_name: str = None,
source_path_mapping: Dict[str, List[str]] = None,
timeout: int = FLOW_TOOLS_JSON_GEN_TIMEOUT,
) -> Tuple[dict, dict]:
"""Generate flow tools meta for a specific flow or a specific node in the flow.
This is a private interface for vscode extension, so do not change the interface unless necessary.
Usage:
from promptflow import PFClient
PFClient().flows._generate_tools_meta(flow="flow.dag.yaml", source_name="convert_to_dict.py")
:param flow: path to the flow directory or flow dag to export
:type flow: Union[str, PathLike]
:param source_name: source name to generate tools meta. If not specified, generate tools meta for all sources.
:type source_name: str
:param source_path_mapping: If passed in None, do nothing; if passed in a dict, will record all reference yaml
paths for each source in the dict passed in.
:type source_path_mapping: Dict[str, List[str]]
:param timeout: timeout for generating tools meta
:type timeout: int
:return: dict of tools meta and dict of tools errors
:rtype: Tuple[dict, dict]
"""
flow: ProtectedFlow = load_flow(source=flow)
if not isinstance(flow, ProtectedFlow):
# No tools meta for eager flow
return {}, {}
with self._resolve_additional_includes(flow.flow_dag_path) as new_flow_dag_path:
flow_tools = generate_flow_tools_json(
flow_directory=new_flow_dag_path.parent,
dump=False,
raise_error=False,
include_errors_in_output=True,
target_source=source_name,
used_packages_only=True,
source_path_mapping=source_path_mapping,
timeout=timeout,
)
flow_tools_meta = flow_tools.pop("code", {})
tools_errors = {}
nodes_with_error = [node_name for node_name, message in flow_tools_meta.items() if isinstance(message, str)]
for node_name in nodes_with_error:
tools_errors[node_name] = flow_tools_meta.pop(node_name)
additional_includes = _get_additional_includes(flow.flow_dag_path)
if additional_includes:
additional_files = {}
for include in additional_includes:
include_path = Path(include) if Path(include).is_absolute() else flow.code / include
if include_path.is_file():
file_name = Path(include).name
additional_files[Path(file_name)] = os.path.relpath(include_path, flow.code)
else:
if not Path(include).is_absolute():
include = flow.code / include
files = glob.glob(os.path.join(include, "**"), recursive=True)
additional_files.update(
{
Path(os.path.relpath(path, include.parent)): os.path.relpath(path, flow.code)
for path in files
}
)
for tool in flow_tools_meta.values():
source = tool.get("source", None)
if source and Path(source) in additional_files:
tool["source"] = additional_files[Path(source)]
flow_tools["code"] = flow_tools_meta
return flow_tools, tools_errors
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/_connection_operations.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from datetime import datetime
from typing import List
from promptflow._sdk._constants import MAX_LIST_CLI_RESULTS
from promptflow._sdk._orm import Connection as ORMConnection
from promptflow._sdk._telemetry import ActivityType, TelemetryMixin, monitor_operation
from promptflow._sdk._utils import safe_parse_object_list
from promptflow._sdk.entities._connection import _Connection
class ConnectionOperations(TelemetryMixin):
"""ConnectionOperations."""
def __init__(self, **kwargs):
super().__init__(**kwargs)
@monitor_operation(activity_name="pf.connections.list", activity_type=ActivityType.PUBLICAPI)
def list(
self,
max_results: int = MAX_LIST_CLI_RESULTS,
all_results: bool = False,
) -> List[_Connection]:
"""List connections.
:param max_results: Max number of results to return.
:type max_results: int
:param all_results: Return all results.
:type all_results: bool
:return: List of run objects.
:rtype: List[~promptflow.sdk.entities._connection._Connection]
"""
orm_connections = ORMConnection.list(max_results=max_results, all_results=all_results)
return safe_parse_object_list(
obj_list=orm_connections,
parser=_Connection._from_orm_object,
message_generator=lambda x: f"Failed to load connection {x.connectionName}, skipped.",
)
@monitor_operation(activity_name="pf.connections.get", activity_type=ActivityType.PUBLICAPI)
def get(self, name: str, **kwargs) -> _Connection:
"""Get a connection entity.
:param name: Name of the connection.
:type name: str
:return: connection object retrieved from the database.
:rtype: ~promptflow.sdk.entities._connection._Connection
"""
return self._get(name, **kwargs)
def _get(self, name: str, **kwargs) -> _Connection:
with_secrets = kwargs.get("with_secrets", False)
raise_error = kwargs.get("raise_error", True)
orm_connection = ORMConnection.get(name, raise_error)
if orm_connection is None:
return None
if with_secrets:
return _Connection._from_orm_object_with_secrets(orm_connection)
return _Connection._from_orm_object(orm_connection)
@monitor_operation(activity_name="pf.connections.delete", activity_type=ActivityType.PUBLICAPI)
def delete(self, name: str) -> None:
"""Delete a connection entity.
:param name: Name of the connection.
:type name: str
"""
ORMConnection.delete(name)
@monitor_operation(activity_name="pf.connections.create_or_update", activity_type=ActivityType.PUBLICAPI)
def create_or_update(self, connection: _Connection, **kwargs):
"""Create or update a connection.
:param connection: Run object to create or update.
:type connection: ~promptflow.sdk.entities._connection._Connection
"""
orm_object = connection._to_orm_object()
now = datetime.now().isoformat()
if orm_object.createdDate is None:
orm_object.createdDate = now
orm_object.lastModifiedDate = now
ORMConnection.create_or_update(orm_object)
return self.get(connection.name)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/operations/_tool_operations.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import importlib.util
import inspect
import io
import json
import logging
import pkgutil
from dataclasses import asdict
from os import PathLike
from pathlib import Path
from types import ModuleType
from typing import Union
import jsonschema
from promptflow._core.tool_meta_generator import (
ToolValidationError,
_parse_tool_from_function,
asdict_without_none,
is_tool,
)
from promptflow._core.tools_manager import PACKAGE_TOOLS_ENTRY, collect_package_tools
from promptflow._sdk._constants import ICON, ICON_DARK, ICON_LIGHT, LOGGER_NAME, SKIP_FUNC_PARAMS, TOOL_SCHEMA
from promptflow._sdk._telemetry import ActivityType, monitor_operation
from promptflow._sdk.entities._validation import ValidationResult, ValidationResultBuilder
from promptflow._utils.multimedia_utils import convert_multimedia_data_to_base64
from promptflow.contracts.multimedia import Image
from promptflow.exceptions import UserErrorException
TOTAL_COUNT = "total_count"
INVALID_COUNT = "invalid_count"
logger = logging.getLogger(LOGGER_NAME)
class ToolOperations:
"""ToolOperations."""
def __init__(self):
self._tool_schema_dict = None
@property
def _tool_schema(self):
if not self._tool_schema_dict:
with open(TOOL_SCHEMA, "r") as f:
self._tool_schema_dict = json.load(f)
return self._tool_schema_dict
def _merge_validate_result(self, target, source):
target.merge_with(source)
target._set_extra_info(
TOTAL_COUNT,
target._get_extra_info(TOTAL_COUNT, 0) + source._get_extra_info(TOTAL_COUNT, 0),
)
target._set_extra_info(
INVALID_COUNT,
target._get_extra_info(INVALID_COUNT, 0) + source._get_extra_info(INVALID_COUNT, 0),
)
def _list_tools_in_package(self, package_name: str, raise_error: bool = False):
"""
List the meta of all tools in the package. Raise user error if raise_error=True and found incorrect tools.
:param package_name: Package name
:type package_name: str
:param raise_error: Whether to raise the error.
:type raise_error: bool
:return: Dict of tools meta
:rtype: Dict[str, Dict]
"""
package_tools, validate_result = self._list_tool_meta_in_package(package_name=package_name)
if not validate_result.passed:
if raise_error:
def tool_validate_error_func(msg, _):
return ToolValidationError(message=msg, validate_result=validate_result)
validate_result.try_raise(raise_error=raise_error, error_func=tool_validate_error_func)
else:
logger.warning(f"Found invalid tool(s):\n {repr(validate_result)}")
return package_tools
def _list_tool_meta_in_package(self, package_name: str):
"""
List the meta of all tools in the package.
:param package_name: Package name
:type package_name: str
:return: Dict of tools meta, validation result
:rtype: Dict[str, Dict], ValidationResult
"""
package_tools = {}
validate_result = ValidationResultBuilder.success()
try:
package = __import__(package_name)
module_list = pkgutil.walk_packages(package.__path__, prefix=package.__name__ + ".")
for module in module_list:
module_tools, module_validate_result = self._generate_tool_meta(importlib.import_module(module.name))
package_tools.update(module_tools)
self._merge_validate_result(validate_result, module_validate_result)
except ImportError as e:
raise UserErrorException(f"Cannot find the package {package_name}, {e}.")
return package_tools, validate_result
def _generate_tool_meta(self, tool_module):
"""
Generate tools meta in the module.
:param tool_module: The module needs to generate tools meta
:type tool_module: object
:return: Dict of tools meta, validation result
:rtype: Dict[str, Dict], ValidationResult
"""
tool_functions = self._collect_tool_functions_in_module(tool_module)
tool_methods = self._collect_tool_class_methods_in_module(tool_module)
construct_tools = {}
invalid_tool_count = 0
tool_validate_result = ValidationResultBuilder.success()
for f in tool_functions:
tool, input_settings, extra_info = self._parse_tool_from_func(f)
construct_tool, validate_result = self._serialize_tool(tool, input_settings, extra_info, f)
if validate_result.passed:
tool_name = self._get_tool_name(tool)
construct_tools[tool_name] = construct_tool
else:
invalid_tool_count = invalid_tool_count + 1
tool_validate_result.merge_with(validate_result)
for (f, initialize_inputs) in tool_methods:
tool, input_settings, extra_info = self._parse_tool_from_func(f, initialize_inputs)
construct_tool, validate_result = self._serialize_tool(tool, input_settings, extra_info, f)
if validate_result.passed:
tool_name = self._get_tool_name(tool)
construct_tools[tool_name] = construct_tool
else:
invalid_tool_count = invalid_tool_count + 1
tool_validate_result.merge_with(validate_result)
# The generated dict cannot be dumped as yaml directly since yaml cannot handle string enum.
tools = json.loads(json.dumps(construct_tools))
tool_validate_result._set_extra_info(TOTAL_COUNT, len(tool_functions) + len(tool_methods))
tool_validate_result._set_extra_info(INVALID_COUNT, invalid_tool_count)
return tools, tool_validate_result
@staticmethod
def _collect_tool_functions_in_module(tool_module):
tools = []
for _, obj in inspect.getmembers(tool_module):
if is_tool(obj):
# Note that the tool should be in defined in exec but not imported in exec,
# so it should also have the same module with the current function.
if getattr(obj, "__module__", "") != tool_module.__name__:
continue
tools.append(obj)
return tools
@staticmethod
def _collect_tool_class_methods_in_module(tool_module):
from promptflow._core.tool import ToolProvider
tools = []
for _, obj in inspect.getmembers(tool_module):
if isinstance(obj, type) and issubclass(obj, ToolProvider) and obj.__module__ == tool_module.__name__:
for _, method in inspect.getmembers(obj):
if is_tool(method):
initialize_inputs = obj.get_initialize_inputs()
tools.append((method, initialize_inputs))
return tools
def _get_tool_name(self, tool):
tool_name = (
f"{tool.module}.{tool.class_name}.{tool.function}"
if tool.class_name is not None
else f"{tool.module}.{tool.function}"
)
return tool_name
def _parse_tool_from_func(self, tool_func, initialize_inputs=None):
"""
Parse tool from tool function
:param tool_func: The tool function
:type tool_func: callable
:param initialize_inputs: Initialize inputs of tool
:type initialize_inputs: Dict[str, obj]
:return: tool object, tool input settings, extra info about the tool
:rtype: Tool, Dict[str, InputSetting], Dict[str, obj]
"""
tool = _parse_tool_from_function(
tool_func, initialize_inputs=initialize_inputs, gen_custom_type_conn=True, skip_prompt_template=True
)
extra_info = getattr(tool_func, "__extra_info")
input_settings = getattr(tool_func, "__input_settings")
return tool, input_settings, extra_info
def _validate_tool_function(self, tool, input_settings, extra_info, func_name=None, func_path=None):
"""
Check whether the icon and input settings of the tool are legitimate.
:param tool: The tool object
:type tool: Tool
:param input_settings: Input settings of the tool
:type input_settings: Dict[str, InputSetting]
:param extra_info: Extra info about the tool
:type extra_info: Dict[str, obj]
:param func_name: Function name of the tool
:type func_name: str
:param func_path: Script path of the tool
:type func_path: str
:return: Validation result of the tool
:rtype: ValidationResult
"""
validate_result = ValidationResultBuilder.success()
if extra_info:
if ICON in extra_info:
if ICON_LIGHT in extra_info or ICON_DARK in extra_info:
validate_result.append_error(
yaml_path=None,
message=f"Cannot provide both `icon` and `{ICON_LIGHT}` or `{ICON_DARK}`.",
function_name=func_name,
location=func_path,
key="function_name",
)
if input_settings:
input_settings_validate_result = self._validate_input_settings(
tool.inputs, input_settings, func_name, func_path
)
validate_result.merge_with(input_settings_validate_result)
return validate_result
def _validate_tool_schema(self, tool_dict, func_name=None, func_path=None):
"""
Check whether the generated schema of the tool are legitimate.
:param tool_dict: The generated tool dict
:type tool_dict: Dict[str, obj]
:param func_name: Function name of the tool
:type func_name: str
:param func_path: Script path of the tool
:type func_path: str
:return: Validation result of the tool
:rtype: ValidationResult
"""
validate_result = ValidationResultBuilder.success()
try:
jsonschema.validate(instance=tool_dict, schema=self._tool_schema)
except jsonschema.exceptions.ValidationError as e:
validate_result.append_error(
message=str(e), yaml_path=None, function_name=func_name, location=func_path, key="function_name"
)
return validate_result
def _validate_input_settings(self, tool_inputs, input_settings, func_name=None, func_path=None):
"""
Check whether input settings of the tool are legitimate.
:param tool_inputs: Tool inputs
:type tool_inputs: Dict[str, obj]
:param input_settings: Input settings of the tool
:type input_settings: Dict[str, InputSetting]
:param extra_info: Extra info about the tool
:type extra_info: Dict[str, obj]
:param func_name: Function name of the tool
:type func_name: str
:param func_path: Script path of the tool
:type func_path: str
:return: Validation result of the tool
:rtype: ValidationResult
"""
validate_result = ValidationResultBuilder.success()
for input_name, settings in input_settings.items():
if input_name not in tool_inputs:
validate_result.append_error(
yaml_path=None,
message=f"Cannot find {input_name} in tool inputs.",
function_name=func_name,
location=func_path,
key="function_name",
)
if settings.enabled_by and settings.enabled_by not in tool_inputs:
validate_result.append_error(
yaml_path=None,
message=f'Cannot find the input "{settings.enabled_by}" for the enabled_by of {input_name}.',
function_name=func_name,
location=func_path,
key="function_name",
)
if settings.dynamic_list:
dynamic_func_inputs = inspect.signature(settings.dynamic_list._func_obj).parameters
has_kwargs = any([param.kind == param.VAR_KEYWORD for param in dynamic_func_inputs.values()])
required_inputs = [
k
for k, v in dynamic_func_inputs.items()
if v.default is inspect.Parameter.empty and v.kind != v.VAR_KEYWORD and k not in SKIP_FUNC_PARAMS
]
if settings.dynamic_list._input_mapping:
# Validate input mapping in dynamic_list
for func_input, reference_input in settings.dynamic_list._input_mapping.items():
# Check invalid input name of dynamic list function
if not has_kwargs and func_input not in dynamic_func_inputs:
validate_result.append_error(
yaml_path=None,
message=f"Cannot find {func_input} in the inputs of "
f"dynamic_list func {settings.dynamic_list.func_path}",
function_name=func_name,
location=func_path,
key="function_name",
)
# Check invalid input name of tool
if reference_input not in tool_inputs:
validate_result.append_error(
yaml_path=None,
message=f"Cannot find {reference_input} in the tool inputs.",
function_name=func_name,
location=func_path,
key="function_name",
)
if func_input in required_inputs:
required_inputs.remove(func_input)
# Check required input of dynamic_list function
if len(required_inputs) != 0:
validate_result.append_error(
yaml_path=None,
message=f"Missing required input(s) of dynamic_list function: {required_inputs}",
function_name=func_name,
location=func_path,
key="function_name",
)
return validate_result
def _serialize_tool(self, tool, input_settings, extra_info, tool_func):
"""
Serialize tool obj to dict.
:param tool_func: Package tool function
:type tool_func: callable
:param initialize_inputs: Initialize inputs of package tool
:type initialize_inputs: Dict[str, obj]
:return: package tool name, serialized tool
:rtype: str, Dict[str, str]
"""
tool_func_name = tool_func.__name__
tool_script_path = inspect.getsourcefile(getattr(tool_func, "__original_function", tool_func))
validate_result = self._validate_tool_function(
tool, input_settings, extra_info, tool_func_name, tool_script_path
)
if validate_result.passed:
construct_tool = asdict(tool, dict_factory=lambda x: {k: v for (k, v) in x if v})
if extra_info:
if ICON in extra_info:
extra_info[ICON] = self._serialize_icon_data(extra_info["icon"])
if ICON_LIGHT in extra_info:
icon = extra_info.get("icon", {})
icon["light"] = self._serialize_icon_data(extra_info[ICON_LIGHT])
extra_info[ICON] = icon
if ICON_DARK in extra_info:
icon = extra_info.get("icon", {})
icon["dark"] = self._serialize_icon_data(extra_info[ICON_DARK])
extra_info[ICON] = icon
construct_tool.update(extra_info)
# Update tool input settings
if input_settings:
tool_inputs = construct_tool.get("inputs", {})
generated_by_inputs = {}
for input_name, settings in input_settings.items():
tool_inputs[input_name].update(asdict_without_none(settings))
if settings.generated_by:
generated_by_inputs.update(settings.generated_by._input_settings)
tool_inputs.update(generated_by_inputs)
schema_validate_result = self._validate_tool_schema(construct_tool, tool_func_name, tool_script_path)
validate_result.merge_with(schema_validate_result)
return construct_tool, validate_result
else:
return {}, validate_result
def _serialize_icon_data(self, icon):
if not Path(icon).exists():
raise UserErrorException(f"Cannot find the icon path {icon}.")
return self._serialize_image_data(icon)
@staticmethod
def _serialize_image_data(image_path):
"""Serialize image to base64."""
from PIL import Image as PIL_Image
with open(image_path, "rb") as image_file:
# Create a BytesIO object from the image file
image_data = io.BytesIO(image_file.read())
# Open the image and resize it
img = PIL_Image.open(image_data)
if img.size != (16, 16):
img = img.resize((16, 16), PIL_Image.Resampling.LANCZOS)
buffered = io.BytesIO()
img.save(buffered, format="PNG")
icon_image = Image(buffered.getvalue(), mime_type="image/png")
image_url = convert_multimedia_data_to_base64(icon_image, with_type=True)
return image_url
@staticmethod
def _is_package_tool(package) -> bool:
import pkg_resources
try:
distribution = pkg_resources.get_distribution(package.__name__)
entry_points = distribution.get_entry_map()
return PACKAGE_TOOLS_ENTRY in entry_points
except Exception as e:
logger.debug(f"Failed to check {package.__name__} is a package tool, raise {e}")
return False
@monitor_operation(activity_name="pf.tools.list", activity_type=ActivityType.PUBLICAPI)
def list(
self,
flow: Union[str, PathLike] = None,
):
"""
List all package tools in the environment and code tools in the flow.
:param flow: path to the flow directory
:type flow: Union[str, PathLike]
:return: Dict of package tools and code tools info.
:rtype: Dict[str, Dict]
"""
from promptflow._sdk._pf_client import PFClient
local_client = PFClient()
package_tools = collect_package_tools()
if flow:
tools, _ = local_client.flows._generate_tools_meta(flow)
else:
tools = {"package": {}, "code": {}}
tools["package"].update(package_tools)
return tools
@monitor_operation(activity_name="pf.tools.validate", activity_type=ActivityType.PUBLICAPI)
def validate(
self, source: Union[str, callable, PathLike], *, raise_error: bool = False, **kwargs
) -> ValidationResult:
"""
Validate tool.
:param source: path to the package tool directory or tool script
:type source: Union[str, callable, PathLike]
:param raise_error: whether raise error when validation failed
:type raise_error: bool
:return: a validation result object
:rtype: ValidationResult
"""
def validate_tool_function(tool_func, init_inputs=None):
tool, input_settings, extra_info = self._parse_tool_from_func(tool_func, init_inputs)
_, validate_result = self._serialize_tool(tool, input_settings, extra_info, source)
validate_result._set_extra_info(TOTAL_COUNT, 1)
validate_result._set_extra_info(INVALID_COUNT, 0 if validate_result.passed else 1)
return validate_result
if callable(source):
from promptflow._core.tool import ToolProvider
if isinstance(source, type) and issubclass(source, ToolProvider):
# Validate tool class
validate_result = ValidationResultBuilder.success()
for _, method in inspect.getmembers(source):
if is_tool(method):
initialize_inputs = source.get_initialize_inputs()
func_validate_result = validate_tool_function(method, initialize_inputs)
self._merge_validate_result(validate_result, func_validate_result)
else:
# Validate tool function
validate_result = validate_tool_function(source)
elif isinstance(source, (str, PathLike)):
# Validate tool script
if not Path(source).exists():
raise UserErrorException(f"Cannot find the tool script {source}")
# Load the module from the file path
module_name = Path(source).stem
spec = importlib.util.spec_from_file_location(module_name, source)
module = importlib.util.module_from_spec(spec)
# Load the module's code
spec.loader.exec_module(module)
_, validate_result = self._generate_tool_meta(module)
elif isinstance(source, ModuleType):
# Validate package tool
if not self._is_package_tool(source):
raise UserErrorException("Invalid package tool.")
_, validate_result = self._list_tool_meta_in_package(package_name=source.__name__)
else:
raise UserErrorException(
"Provide invalid source, tool validation source supports script tool, "
"package tool and tool script path."
)
def tool_validate_error_func(msg, _):
return ToolValidationError(message=msg)
validate_result.try_raise(raise_error=raise_error, error_func=tool_validate_error_func)
return validate_result
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/pfsvc.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from promptflow._sdk._service.entry import main
import sys
import win32serviceutil # ServiceFramework and commandline helper
import win32service # Events
import servicemanager # Simple setup and logging
class PromptFlowService:
"""Silly little application stub"""
def stop(self):
"""Stop the service"""
self.running = False
def run(self):
"""Main service loop. This is where work is done!"""
self.running = True
while self.running:
main() # Important work
servicemanager.LogInfoMsg("Service running...")
class PromptFlowServiceFramework(win32serviceutil.ServiceFramework):
_svc_name_ = 'PromptFlowService'
_svc_display_name_ = 'Prompt Flow Service'
def SvcStop(self):
"""Stop the service"""
self.ReportServiceStatus(win32service.SERVICE_STOP_PENDING)
self.service_impl.stop()
self.ReportServiceStatus(win32service.SERVICE_STOPPED)
def SvcDoRun(self):
"""Start the service; does not return until stopped"""
self.ReportServiceStatus(win32service.SERVICE_START_PENDING)
self.service_impl = PromptFlowService()
self.ReportServiceStatus(win32service.SERVICE_RUNNING)
# Run the service
self.service_impl.run()
def init():
if len(sys.argv) == 1:
servicemanager.Initialize()
servicemanager.PrepareToHostSingle(PromptFlowServiceFramework)
servicemanager.StartServiceCtrlDispatcher()
else:
win32serviceutil.HandleCommandLine(PromptFlowServiceFramework)
if __name__ == '__main__':
init()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/app.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import logging
from logging.handlers import RotatingFileHandler
from flask import Blueprint, Flask, jsonify
from werkzeug.exceptions import HTTPException
from promptflow._sdk._constants import HOME_PROMPT_FLOW_DIR, PF_SERVICE_LOG_FILE
from promptflow._sdk._service import Api
from promptflow._sdk._service.apis.connection import api as connection_api
from promptflow._sdk._service.apis.run import api as run_api
from promptflow._sdk._service.apis.telemetry import api as telemetry_api
from promptflow._sdk._service.utils.utils import FormattedException
from promptflow._sdk._utils import get_promptflow_sdk_version, read_write_by_user
def heartbeat():
response = {"promptflow": get_promptflow_sdk_version()}
return jsonify(response)
def create_app():
app = Flask(__name__)
app.add_url_rule("/heartbeat", view_func=heartbeat)
with app.app_context():
api_v1 = Blueprint("Prompt Flow Service", __name__, url_prefix="/v1.0")
# Registers resources from namespace for current instance of api
api = Api(api_v1, title="Prompt Flow Service", version="1.0")
api.add_namespace(connection_api)
api.add_namespace(run_api)
api.add_namespace(telemetry_api)
app.register_blueprint(api_v1)
# Disable flask-restx set X-Fields in header. https://flask-restx.readthedocs.io/en/latest/mask.html#usage
app.config["RESTX_MASK_SWAGGER"] = False
# Enable log
app.logger.setLevel(logging.INFO)
log_file = HOME_PROMPT_FLOW_DIR / PF_SERVICE_LOG_FILE
log_file.touch(mode=read_write_by_user(), exist_ok=True)
# Create a rotating file handler with a max size of 1 MB and keeping up to 1 backup files
handler = RotatingFileHandler(filename=log_file, maxBytes=1_000_000, backupCount=1)
formatter = logging.Formatter("[%(asctime)s][%(name)s][%(levelname)s] - %(message)s")
handler.setFormatter(formatter)
app.logger.addHandler(handler)
# Basic error handler
@api.errorhandler(Exception)
def handle_exception(e):
"""When any error occurs on the server, return a formatted error message."""
from dataclasses import asdict
if isinstance(e, HTTPException):
return asdict(FormattedException(e), dict_factory=lambda x: {k: v for (k, v) in x if v}), e.code
app.logger.error(e, exc_info=True, stack_info=True)
formatted_exception = FormattedException(e)
return (
asdict(formatted_exception, dict_factory=lambda x: {k: v for (k, v) in x if v}),
formatted_exception.status_code,
)
return app, api
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/README.md | # Prompt Flow Service
This document will describe the usage of pfs(prompt flow service) CLI.
### Start prompt flow service (optional)
If you don't install pfs as a service, you need to start pfs manually.
pfs CLI provides **start** command to start service. You can also use this command to specify the service port.
```commandline
usage: pfs [-h] [-p PORT]
Start prompt flow service.
optional arguments:
-h, --help show this help message and exit
-p PORT, --port PORT port of the promptflow service
```
If you don't specify a port to start service, pfs will first use the port in the configure file in "~/.promptflow/pfs.port".
If not found port configuration or the port is used, pfs will use a random port to start the service.
### Swagger of service
After start the service, it will provide Swagger UI documentation, served from "http://localhost:your-port/v1.0/swagger.json".
For details, please refer to [swagger.json](./swagger.json).
#### Generate C# client
1. Right click the project, Add -> Rest API Client... -> Generate with OpenAPI Generator
2. It will open a dialog, fill in the file name and swagger url, it will generate the client under the project.
For details, please refer to [REST API Client Code Generator](https://marketplace.visualstudio.com/items?itemName=ChristianResmaHelle.ApiClientCodeGenerator2022). | 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/swagger.json | {
"swagger": "2.0",
"basePath": "/v1.0",
"paths": {
"/Connections/": {
"get": {
"responses": {
"403": {
"description": "This service is available for local user only, please specify X-Remote-User in headers."
},
"200": {
"description": "Success",
"schema": {
"type": "array",
"items": {
"$ref": "#/definitions/Connection"
}
}
}
},
"description": "List all connection",
"operationId": "get_connection_list",
"parameters": [
{
"name": "working_directory",
"in": "query",
"type": "string"
}
],
"tags": [
"Connections"
]
}
},
"/Connections/specs": {
"get": {
"responses": {
"200": {
"description": "List connection spec",
"schema": {
"$ref": "#/definitions/ConnectionSpec"
}
}
},
"description": "List connection spec",
"operationId": "get_connection_specs",
"tags": [
"Connections"
]
}
},
"/Connections/{name}": {
"parameters": [
{
"in": "path",
"description": "The connection name.",
"name": "name",
"required": true,
"type": "string"
}
],
"put": {
"responses": {
"403": {
"description": "This service is available for local user only, please specify X-Remote-User in headers."
},
"200": {
"description": "Connection details",
"schema": {
"$ref": "#/definitions/ConnectionDict"
}
}
},
"description": "Update connection",
"operationId": "put_connection",
"parameters": [
{
"name": "payload",
"required": true,
"in": "body",
"schema": {
"$ref": "#/definitions/ConnectionDict"
}
}
],
"tags": [
"Connections"
]
},
"get": {
"responses": {
"403": {
"description": "This service is available for local user only, please specify X-Remote-User in headers."
},
"200": {
"description": "Connection details",
"schema": {
"$ref": "#/definitions/ConnectionDict"
}
}
},
"description": "Get connection",
"operationId": "get_connection",
"parameters": [
{
"name": "working_directory",
"in": "query",
"type": "string"
}
],
"tags": [
"Connections"
]
},
"delete": {
"responses": {
"403": {
"description": "This service is available for local user only, please specify X-Remote-User in headers."
}
},
"description": "Delete connection",
"operationId": "delete_connection",
"tags": [
"Connections"
]
},
"post": {
"responses": {
"403": {
"description": "This service is available for local user only, please specify X-Remote-User in headers."
},
"200": {
"description": "Connection details",
"schema": {
"$ref": "#/definitions/ConnectionDict"
}
}
},
"description": "Create connection",
"operationId": "post_connection",
"parameters": [
{
"name": "payload",
"required": true,
"in": "body",
"schema": {
"$ref": "#/definitions/ConnectionDict"
}
}
],
"tags": [
"Connections"
]
}
},
"/Connections/{name}/listsecrets": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"403": {
"description": "This service is available for local user only, please specify X-Remote-User in headers."
},
"200": {
"description": "Connection details with secret",
"schema": {
"$ref": "#/definitions/ConnectionDict"
}
}
},
"description": "Get connection with secret",
"operationId": "get_connection_with_secret",
"parameters": [
{
"name": "working_directory",
"in": "query",
"type": "string"
}
],
"tags": [
"Connections"
]
}
},
"/Runs/": {
"get": {
"responses": {
"200": {
"description": "Runs",
"schema": {
"$ref": "#/definitions/RunList"
}
}
},
"description": "List all runs",
"operationId": "get_run_list",
"tags": [
"Runs"
]
}
},
"/Runs/submit": {
"post": {
"responses": {
"200": {
"description": "Submit run info",
"schema": {
"$ref": "#/definitions/RunDict"
}
}
},
"description": "Submit run",
"operationId": "post_run_submit",
"parameters": [
{
"name": "payload",
"required": true,
"in": "body",
"schema": {
"$ref": "#/definitions/RunDict"
}
}
],
"tags": [
"Runs"
]
}
},
"/Runs/{name}": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"put": {
"responses": {
"200": {
"description": "Update run info",
"schema": {
"$ref": "#/definitions/RunDict"
}
}
},
"description": "Update run",
"operationId": "put_run",
"parameters": [
{
"name": "display_name",
"in": "formData",
"type": "string"
},
{
"name": "description",
"in": "formData",
"type": "string"
},
{
"name": "tags",
"in": "formData",
"type": "string"
}
],
"consumes": [
"application/x-www-form-urlencoded",
"multipart/form-data"
],
"tags": [
"Runs"
]
},
"get": {
"responses": {
"200": {
"description": "Get run info",
"schema": {
"$ref": "#/definitions/RunDict"
}
}
},
"description": "Get run",
"operationId": "get_run",
"tags": [
"Runs"
]
}
},
"/Runs/{name}/archive": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"200": {
"description": "Archived run",
"schema": {
"$ref": "#/definitions/RunDict"
}
}
},
"description": "Archive run",
"operationId": "get_archive_run",
"tags": [
"Runs"
]
}
},
"/Runs/{name}/childRuns": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"200": {
"description": "Child runs",
"schema": {
"$ref": "#/definitions/RunList"
}
}
},
"description": "Get child runs",
"operationId": "get_flow_child_runs",
"tags": [
"Runs"
]
}
},
"/Runs/{name}/logContent": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"200": {
"description": "Log content",
"schema": {
"type": "string"
}
}
},
"description": "Get run log content",
"operationId": "get_log_content",
"tags": [
"Runs"
]
}
},
"/Runs/{name}/metaData": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"200": {
"description": "Run metadata",
"schema": {
"$ref": "#/definitions/RunDict"
}
}
},
"description": "Get metadata of run",
"operationId": "get_meta_data",
"tags": [
"Runs"
]
}
},
"/Runs/{name}/metrics": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"200": {
"description": "Run metrics",
"schema": {
"$ref": "#/definitions/RunDict"
}
}
},
"description": "Get run metrics",
"operationId": "get_metrics",
"tags": [
"Runs"
]
}
},
"/Runs/{name}/nodeRuns/{node_name}": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
},
{
"name": "node_name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"200": {
"description": "Node runs",
"schema": {
"$ref": "#/definitions/RunList"
}
}
},
"description": "Get node runs info",
"operationId": "get_flow_node_runs",
"tags": [
"Runs"
]
}
},
"/Runs/{name}/restore": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"200": {
"description": "Restored run",
"schema": {
"$ref": "#/definitions/RunDict"
}
}
},
"description": "Restore run",
"operationId": "get_restore_run",
"tags": [
"Runs"
]
}
},
"/Runs/{name}/visualize": {
"parameters": [
{
"name": "name",
"in": "path",
"required": true,
"type": "string"
}
],
"get": {
"responses": {
"200": {
"description": "Visualize run",
"schema": {
"type": "string"
}
}
},
"description": "Visualize run",
"operationId": "get_visualize_run",
"produces": [
"text/html"
],
"tags": [
"Runs"
]
}
},
"/Telemetries/": {
"post": {
"responses": {
"403": {
"description": "Telemetry is disabled or X-Remote-User is not set.",
"headers": {
"x-ms-promptflow-request-id": {
"type": "string"
}
}
},
"400": {
"description": "Input payload validation failed",
"headers": {
"x-ms-promptflow-request-id": {
"type": "string"
}
}
},
"200": {
"description": "Create telemetry record",
"headers": {
"x-ms-promptflow-request-id": {
"type": "string"
}
}
}
},
"description": "Create telemetry record",
"operationId": "post_telemetry",
"parameters": [
{
"name": "payload",
"required": true,
"in": "body",
"schema": {
"$ref": "#/definitions/Telemetry"
}
}
],
"tags": [
"Telemetries"
]
}
}
},
"info": {
"title": "Prompt Flow Service",
"version": "1.0"
},
"produces": [
"application/json"
],
"consumes": [
"application/json"
],
"tags": [
{
"name": "Connections",
"description": "Connections Management"
},
{
"name": "Runs",
"description": "Runs Management"
},
{
"name": "Telemetries",
"description": "Telemetry Management"
}
],
"definitions": {
"Connection": {
"properties": {
"name": {
"type": "string"
},
"type": {
"type": "string"
},
"module": {
"type": "string"
},
"expiry_time": {
"type": "string"
},
"created_date": {
"type": "string"
},
"last_modified_date": {
"type": "string"
}
},
"type": "object"
},
"ConnectionDict": {
"additionalProperties": true,
"type": "object"
},
"ConnectionSpec": {
"properties": {
"connection_type": {
"type": "string"
},
"config_spec": {
"type": "array",
"items": {
"$ref": "#/definitions/ConnectionConfigSpec"
}
}
},
"type": "object"
},
"ConnectionConfigSpec": {
"properties": {
"name": {
"type": "string"
},
"optional": {
"type": "boolean"
},
"default": {
"type": "string"
}
},
"type": "object"
},
"RunList": {
"type": "array",
"items": {
"$ref": "#/definitions/RunDict"
}
},
"RunDict": {
"additionalProperties": true,
"type": "object"
},
"Telemetry": {
"required": [
"eventType",
"timestamp"
],
"properties": {
"eventType": {
"type": "string",
"description": "The event type of the telemetry.",
"example": "Start",
"enum": [
"Start",
"End"
]
},
"timestamp": {
"type": "string",
"format": "date-time",
"description": "The timestamp of the telemetry."
},
"firstCall": {
"type": "boolean",
"description": "Whether current activity is the first activity in the call chain.",
"default": true
},
"metadata": {
"$ref": "#/definitions/Metadata"
}
},
"type": "object"
},
"Metadata": {
"required": [
"activityName",
"activityType"
],
"properties": {
"activityName": {
"type": "string",
"description": "The name of the activity.",
"example": "pf.flow.test",
"enum": [
"pf.flow.test",
"pf.flow.node_test",
"pf.flow._generate_tools_meta"
]
},
"activityType": {
"type": "string",
"description": "The type of the activity."
},
"completionStatus": {
"type": "string",
"description": "The completion status of the activity.",
"example": "Success",
"enum": [
"Success",
"Failure"
]
},
"durationMs": {
"type": "integer",
"description": "The duration of the activity in milliseconds."
},
"errorCategory": {
"type": "string",
"description": "The error category of the activity."
},
"errorType": {
"type": "string",
"description": "The error type of the activity."
},
"errorTarget": {
"type": "string",
"description": "The error target of the activity."
},
"errorMessage": {
"type": "string",
"description": "The error message of the activity."
},
"errorDetails": {
"type": "string",
"description": "The error details of the activity."
}
},
"type": "object"
}
},
"responses": {
"ParseError": {
"description": "When a mask can't be parsed"
},
"MaskError": {
"description": "When any error occurs on mask"
},
"Exception": {
"description": "When any error occurs on the server, return a formatted error message"
}
}
}
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/entry.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import argparse
import json
import logging
import os
import sys
import waitress
from promptflow._cli._utils import _get_cli_activity_name
from promptflow._constants import PF_NO_INTERACTIVE_LOGIN
from promptflow._sdk._constants import LOGGER_NAME
from promptflow._sdk._service.app import create_app
from promptflow._sdk._service.utils.utils import (
get_port_from_config,
get_started_service_info,
is_port_in_use,
kill_exist_service,
)
from promptflow._sdk._telemetry import ActivityType, get_telemetry_logger, log_activity
from promptflow._sdk._utils import get_promptflow_sdk_version, print_pf_version
from promptflow.exceptions import UserErrorException
def add_start_service_action(subparsers):
"""Add action to start pfs."""
start_pfs_parser = subparsers.add_parser(
"start",
description="Start promptflow service.",
help="pfs start",
)
start_pfs_parser.add_argument("-p", "--port", type=int, help="port of the promptflow service")
start_pfs_parser.add_argument(
"--force",
action="store_true",
help="If the port is used, the existing service will be terminated and restart a new service.",
)
start_pfs_parser.set_defaults(action="start")
def add_show_status_action(subparsers):
"""Add action to show pfs status."""
show_status_parser = subparsers.add_parser(
"show-status",
description="Display the started promptflow service info.",
help="pfs show-status",
)
show_status_parser.set_defaults(action="show-status")
def start_service(args):
port = args.port
app, _ = create_app()
if port and is_port_in_use(port):
app.logger.warning(f"Service port {port} is used.")
raise UserErrorException(f"Service port {port} is used.")
if not port:
port = get_port_from_config(create_if_not_exists=True)
if is_port_in_use(port):
if args.force:
app.logger.warning(f"Force restart the service on the port {port}.")
kill_exist_service(port)
else:
app.logger.warning(f"Service port {port} is used.")
raise UserErrorException(f"Service port {port} is used.")
# Set host to localhost, only allow request from localhost.
app.logger.info(f"Start Prompt Flow Service on http://localhost:{port}, version: {get_promptflow_sdk_version()}")
waitress.serve(app, host="127.0.0.1", port=port)
def main():
command_args = sys.argv[1:]
if len(command_args) == 1 and command_args[0] == "version":
version_dict = {"promptflow": get_promptflow_sdk_version()}
return json.dumps(version_dict, ensure_ascii=False, indent=2, sort_keys=True, separators=(",", ": ")) + "\n"
if len(command_args) == 0:
command_args.append("-h")
# User Agent will be set based on header in request, so not set globally here.
os.environ[PF_NO_INTERACTIVE_LOGIN] = "true"
entry(command_args)
def entry(command_args):
parser = argparse.ArgumentParser(
prog="pfs",
formatter_class=argparse.RawDescriptionHelpFormatter,
description="Prompt Flow Service",
)
parser.add_argument(
"-v", "--version", dest="version", action="store_true", help="show current PromptflowService version and exit"
)
subparsers = parser.add_subparsers()
add_start_service_action(subparsers)
add_show_status_action(subparsers)
args = parser.parse_args(command_args)
activity_name = _get_cli_activity_name(cli=parser.prog, args=args)
logger = get_telemetry_logger()
with log_activity(logger, activity_name, activity_type=ActivityType.INTERNALCALL):
run_command(args)
def run_command(args):
if args.version:
print_pf_version()
return
elif args.action == "show-status":
port = get_port_from_config()
status = get_started_service_info(port)
if status:
print(status)
return
else:
logger = logging.getLogger(LOGGER_NAME)
logger.warning("Promptflow service is not started.")
exit(1)
elif args.action == "start":
start_service(args)
if __name__ == "__main__":
main()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
try:
from flask_restx import Api, Namespace, Resource, fields # noqa: F401
except ImportError as ex:
from promptflow.exceptions import UserErrorException
raise UserErrorException(f"Please try 'pip install promptflow[pfs]' to install dependency, {ex.msg}.")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/apis/telemetry.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from flask import jsonify, make_response, request
from flask_restx import fields
from promptflow._sdk._service import Namespace, Resource
from promptflow._sdk._service.utils.utils import build_pfs_user_agent, local_user_only
from promptflow._sdk._telemetry import ActivityCompletionStatus, ActivityType
from promptflow._utils.utils import camel_to_snake
from promptflow.exceptions import UserErrorException
api = Namespace("Telemetries", description="Telemetry Management")
class EventType:
START = "Start"
END = "End"
class AllowedActivityName:
FLOW_TEST = "pf.flow.test"
FLOW_NODE_TEST = "pf.flow.node_test"
GENERATE_TOOL_META = "pf.flow._generate_tools_meta"
REQUEST_ID_KEY = "x-ms-promptflow-request-id"
def _dict_camel_to_snake(data):
if isinstance(data, dict):
result = {}
for key, value in data.items():
result[camel_to_snake(key)] = _dict_camel_to_snake(value)
return result
else:
return data
def parse_activity_info(metadata, first_call, user_agent, request_id):
request_id = request_id
return {
"request_id": request_id,
"first_call": first_call,
"user_agent": user_agent,
**_dict_camel_to_snake(metadata),
}
def validate_metadata(value: dict) -> dict:
allowed_activity_names = [
AllowedActivityName.FLOW_TEST,
AllowedActivityName.FLOW_NODE_TEST,
AllowedActivityName.GENERATE_TOOL_META,
]
if value.get("activityName", None) not in allowed_activity_names:
raise UserErrorException(f"metadata.activityName must be one of {', '.join(allowed_activity_names)}.")
allowed_activity_types = [
ActivityType.INTERNALCALL,
ActivityType.PUBLICAPI,
]
if value.get("activityType") not in allowed_activity_types:
raise UserErrorException(f"metadata.activityType must be one of {', '.join(allowed_activity_types)}")
return value
def validate_metadata_based_on_event_type(metadata: dict, event_type: str):
if event_type == EventType.END:
if not all(
key in metadata
for key in (
"completionStatus", # End event should have completionStatus
"durationMs", # End event should have durationMs
)
):
missing_fields = {"completionStatus", "durationMs"} - set(metadata.keys())
raise UserErrorException(f"Missing required fields in telemetry metadata: {', '.join(missing_fields)}")
if metadata.get("completionStatus") == ActivityCompletionStatus.FAILURE:
if not all(
key in metadata
for key in (
"errorCategory", # Failure event should have errorCategory
"errorType", # Failure event should have errorType
"errorTarget", # Failure event should have errorTarget
"errorMessage", # Failure event should have errorMessage
)
):
missing_fields = {"errorCategory", "errorType", "errorTarget", "errorMessage"} - set(metadata.keys())
raise UserErrorException(f"Missing required fields in telemetry payload: {', '.join(missing_fields)}")
def validate_event_type(value) -> str:
if value not in (EventType.START, EventType.END):
raise ValueError(f"Event type must be one of {EventType.START} and {EventType.END}.")
return value
metadata_model = api.model(
"Metadata",
{
"activityName": fields.String(
required=True,
description="The name of the activity.",
enum=[
AllowedActivityName.FLOW_TEST,
AllowedActivityName.FLOW_NODE_TEST,
AllowedActivityName.GENERATE_TOOL_META,
],
),
"activityType": fields.String(required=True, description="The type of the activity."),
"completionStatus": fields.String(
required=False,
description="The completion status of the activity.",
enum=[ActivityCompletionStatus.SUCCESS, ActivityCompletionStatus.FAILURE],
),
"durationMs": fields.Integer(required=False, description="The duration of the activity in milliseconds."),
"errorCategory": fields.String(required=False, description="The error category of the activity."),
"errorType": fields.String(required=False, description="The error type of the activity."),
"errorTarget": fields.String(required=False, description="The error target of the activity."),
"errorMessage": fields.String(required=False, description="The error message of the activity."),
"errorDetails": fields.String(required=False, description="The error details of the activity."),
},
)
telemetry_model = api.model(
"Telemetry",
{
"eventType": fields.String(
required=True,
description="The event type of the telemetry.",
enum=[EventType.START, EventType.END],
),
"timestamp": fields.DateTime(required=True, description="The timestamp of the telemetry."),
"firstCall": fields.Boolean(
required=False,
default=True,
description="Whether current activity is the first activity in the call chain.",
),
"metadata": fields.Nested(metadata_model),
},
)
@api.route("/")
class Telemetry(Resource):
@api.header(REQUEST_ID_KEY, type=str)
@api.response(code=200, description="Create telemetry record")
@api.response(code=400, description="Input payload validation failed")
@api.doc(description="Create telemetry record")
@api.expect(telemetry_model)
@local_user_only
@api.response(code=403, description="Telemetry is disabled or X-Remote-User is not set.")
def post(self):
from promptflow._sdk._telemetry import get_telemetry_logger, is_telemetry_enabled
from promptflow._sdk._telemetry.activity import log_activity_end, log_activity_start
if not is_telemetry_enabled():
return make_response(
jsonify(
{
"message": "Telemetry is disabled, you may re-enable it "
"via `pf config set telemetry.enabled=true`."
}
),
403,
)
request_id = request.headers.get(REQUEST_ID_KEY)
try:
validate_metadata_based_on_event_type(api.payload["metadata"], api.payload["eventType"])
except UserErrorException as exception:
return make_response(
jsonify({"errors": {"metadata": str(exception)}, "message": "Input payload validation failed"}), 400
)
activity_info = parse_activity_info(
metadata=api.payload["metadata"],
first_call=api.payload.get("firstCall", True),
user_agent=build_pfs_user_agent(),
request_id=request_id,
)
if api.payload["eventType"] == EventType.START:
log_activity_start(activity_info, get_telemetry_logger())
elif api.payload["eventType"] == EventType.END:
log_activity_end(activity_info, get_telemetry_logger())
return jsonify(
{
"status": ActivityCompletionStatus.SUCCESS,
}
)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/apis/run.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import json
import shlex
import subprocess
import sys
import tempfile
from dataclasses import asdict
from pathlib import Path
from flask import Response, jsonify, make_response, request
from promptflow._sdk._constants import FlowRunProperties, get_list_view_type
from promptflow._sdk._errors import RunNotFoundError
from promptflow._sdk._service import Namespace, Resource, fields
from promptflow._sdk._service.utils.utils import build_pfs_user_agent, get_client_from_request
from promptflow._sdk.entities import Run as RunEntity
from promptflow._sdk.operations._local_storage_operations import LocalStorageOperations
from promptflow._utils.yaml_utils import dump_yaml
from promptflow.contracts._run_management import RunMetadata
api = Namespace("Runs", description="Runs Management")
# Define update run request parsing
update_run_parser = api.parser()
update_run_parser.add_argument("display_name", type=str, location="form", required=False)
update_run_parser.add_argument("description", type=str, location="form", required=False)
update_run_parser.add_argument("tags", type=str, location="form", required=False)
# Define visualize request parsing
visualize_parser = api.parser()
visualize_parser.add_argument("html", type=str, location="form", required=False)
# Response model of run operation
dict_field = api.schema_model("RunDict", {"additionalProperties": True, "type": "object"})
list_field = api.schema_model("RunList", {"type": "array", "items": {"$ref": "#/definitions/RunDict"}})
@api.route("/")
class RunList(Resource):
@api.response(code=200, description="Runs", model=list_field)
@api.doc(description="List all runs")
def get(self):
# parse query parameters
max_results = request.args.get("max_results", default=50, type=int)
all_results = request.args.get("all_results", default=False, type=bool)
archived_only = request.args.get("archived_only", default=False, type=bool)
include_archived = request.args.get("include_archived", default=False, type=bool)
# align with CLI behavior
if all_results:
max_results = None
list_view_type = get_list_view_type(archived_only=archived_only, include_archived=include_archived)
runs = get_client_from_request().runs.list(max_results=max_results, list_view_type=list_view_type)
runs_dict = [run._to_dict() for run in runs]
return jsonify(runs_dict)
@api.route("/submit")
class RunSubmit(Resource):
@api.response(code=200, description="Submit run info", model=dict_field)
@api.doc(body=dict_field, description="Submit run")
def post(self):
run_dict = request.get_json(force=True)
run_name = run_dict.get("name", None)
if not run_name:
run = RunEntity(**run_dict)
run_name = run._generate_run_name()
run_dict["name"] = run_name
with tempfile.TemporaryDirectory() as temp_dir:
run_file = Path(temp_dir) / "batch_run.yaml"
with open(run_file, "w", encoding="utf-8") as f:
dump_yaml(run_dict, f)
cmd = [
"pf",
"run",
"create",
"--file",
str(run_file),
"--user-agent",
build_pfs_user_agent(),
]
if sys.executable.endswith("pfcli.exe"):
cmd = ["pfcli"] + cmd
process = subprocess.Popen(cmd, stdout=subprocess.PIPE, stderr=subprocess.STDOUT, shell=True)
stdout, _ = process.communicate()
if process.returncode == 0:
try:
run = get_client_from_request().runs._get(name=run_name)
return jsonify(run._to_dict())
except RunNotFoundError as e:
raise RunNotFoundError(
f"Failed to get the submitted run: {e}\n"
f"Used command: {' '.join(shlex.quote(arg) for arg in cmd)}\n"
f"Output: {stdout.decode('utf-8')}"
)
else:
raise Exception(f"Create batch run failed: {stdout.decode('utf-8')}")
@api.route("/<string:name>")
class Run(Resource):
@api.response(code=200, description="Update run info", model=dict_field)
@api.doc(parser=update_run_parser, description="Update run")
def put(self, name: str):
args = update_run_parser.parse_args()
tags = json.loads(args.tags) if args.tags else None
run = get_client_from_request().runs.update(
name=name, display_name=args.display_name, description=args.description, tags=tags
)
return jsonify(run._to_dict())
@api.response(code=200, description="Get run info", model=dict_field)
@api.doc(description="Get run")
def get(self, name: str):
run = get_client_from_request().runs.get(name=name)
return jsonify(run._to_dict())
@api.route("/<string:name>/childRuns")
class FlowChildRuns(Resource):
@api.response(code=200, description="Child runs", model=list_field)
@api.doc(description="Get child runs")
def get(self, name: str):
run = get_client_from_request().runs.get(name=name)
local_storage_op = LocalStorageOperations(run=run)
detail_dict = local_storage_op.load_detail()
return jsonify(detail_dict["flow_runs"])
@api.route("/<string:name>/nodeRuns/<string:node_name>")
class FlowNodeRuns(Resource):
@api.response(code=200, description="Node runs", model=list_field)
@api.doc(description="Get node runs info")
def get(self, name: str, node_name: str):
run = get_client_from_request().runs.get(name=name)
local_storage_op = LocalStorageOperations(run=run)
detail_dict = local_storage_op.load_detail()
node_runs = [item for item in detail_dict["node_runs"] if item["node"] == node_name]
return jsonify(node_runs)
@api.route("/<string:name>/metaData")
class MetaData(Resource):
@api.doc(description="Get metadata of run")
@api.response(code=200, description="Run metadata", model=dict_field)
def get(self, name: str):
run = get_client_from_request().runs.get(name=name)
local_storage_op = LocalStorageOperations(run=run)
metadata = RunMetadata(
name=run.name,
display_name=run.display_name,
create_time=run.created_on,
flow_path=run.properties[FlowRunProperties.FLOW_PATH],
output_path=run.properties[FlowRunProperties.OUTPUT_PATH],
tags=run.tags,
lineage=run.run,
metrics=local_storage_op.load_metrics(),
dag=local_storage_op.load_dag_as_string(),
flow_tools_json=local_storage_op.load_flow_tools_json(),
)
return jsonify(asdict(metadata))
@api.route("/<string:name>/logContent")
class LogContent(Resource):
@api.doc(description="Get run log content")
@api.response(code=200, description="Log content", model=fields.String)
def get(self, name: str):
run = get_client_from_request().runs.get(name=name)
local_storage_op = LocalStorageOperations(run=run)
log_content = local_storage_op.logger.get_logs()
return make_response(log_content)
@api.route("/<string:name>/metrics")
class Metrics(Resource):
@api.doc(description="Get run metrics")
@api.response(code=200, description="Run metrics", model=dict_field)
def get(self, name: str):
run = get_client_from_request().runs.get(name=name)
local_storage_op = LocalStorageOperations(run=run)
metrics = local_storage_op.load_metrics()
return jsonify(metrics)
@api.route("/<string:name>/visualize")
class VisualizeRun(Resource):
@api.doc(description="Visualize run")
@api.response(code=200, description="Visualize run", model=fields.String)
@api.produces(["text/html"])
def get(self, name: str):
with tempfile.TemporaryDirectory() as temp_dir:
from promptflow._sdk.operations import RunOperations
run_op: RunOperations = get_client_from_request().runs
html_path = Path(temp_dir) / "visualize_run.html"
# visualize operation may accept name in string
run_op.visualize(name, html_path=html_path)
with open(html_path, "r") as f:
return Response(f.read(), mimetype="text/html")
@api.route("/<string:name>/archive")
class ArchiveRun(Resource):
@api.doc(description="Archive run")
@api.response(code=200, description="Archived run", model=dict_field)
def get(self, name: str):
run = get_client_from_request().runs.archive(name=name)
return jsonify(run._to_dict())
@api.route("/<string:name>/restore")
class RestoreRun(Resource):
@api.doc(description="Restore run")
@api.response(code=200, description="Restored run", model=dict_field)
def get(self, name: str):
run = get_client_from_request().runs.restore(name=name)
return jsonify(run._to_dict())
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/apis/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/apis/connection.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import inspect
from pathlib import Path
from flask import jsonify, request
import promptflow._sdk.schemas._connection as connection
from promptflow._sdk._configuration import Configuration
from promptflow._sdk._service import Namespace, Resource, fields
from promptflow._sdk._service.utils.utils import build_pfs_user_agent, local_user_only
from promptflow._sdk.entities._connection import _Connection
api = Namespace("Connections", description="Connections Management")
# azure connection
def validate_working_directory(value):
if value is None:
return
if not isinstance(value, str):
value = str(value)
if not Path(value).is_dir():
raise ValueError("Invalid working directory.")
return value
working_directory_parser = api.parser()
working_directory_parser.add_argument(
"working_directory", type=validate_working_directory, location="args", required=False
)
# Response model of list connections
list_connection_field = api.model(
"Connection",
{
"name": fields.String,
"type": fields.String,
"module": fields.String,
"expiry_time": fields.String,
"created_date": fields.String,
"last_modified_date": fields.String,
},
)
# Response model of connection operation
dict_field = api.schema_model("ConnectionDict", {"additionalProperties": True, "type": "object"})
# Response model of connection spec
connection_config_spec_model = api.model(
"ConnectionConfigSpec",
{
"name": fields.String,
"optional": fields.Boolean,
"default": fields.String,
},
)
connection_spec_model = api.model(
"ConnectionSpec",
{
"connection_type": fields.String,
"config_spec": fields.List(fields.Nested(connection_config_spec_model)),
},
)
def _get_connection_operation(working_directory=None):
from promptflow._sdk._pf_client import PFClient
connection_provider = Configuration().get_connection_provider(path=working_directory)
# get_connection_operation is a shared function, so we build user agent based on request first and
# then pass it to the function
connection_operation = PFClient(
connection_provider=connection_provider, user_agent=build_pfs_user_agent()
).connections
return connection_operation
@api.route("/")
class ConnectionList(Resource):
@api.doc(parser=working_directory_parser, description="List all connection")
@api.marshal_with(list_connection_field, skip_none=True, as_list=True)
@local_user_only
@api.response(
code=403, description="This service is available for local user only, please specify X-Remote-User in headers."
)
def get(self):
args = working_directory_parser.parse_args()
connection_op = _get_connection_operation(args.working_directory)
# parse query parameters
max_results = request.args.get("max_results", default=50, type=int)
all_results = request.args.get("all_results", default=False, type=bool)
connections = connection_op.list(max_results=max_results, all_results=all_results)
connections_dict = [connection._to_dict() for connection in connections]
return connections_dict
@api.route("/<string:name>")
@api.param("name", "The connection name.")
class Connection(Resource):
@api.doc(parser=working_directory_parser, description="Get connection")
@api.response(code=200, description="Connection details", model=dict_field)
@local_user_only
@api.response(
code=403, description="This service is available for local user only, please specify X-Remote-User in headers."
)
def get(self, name: str):
args = working_directory_parser.parse_args()
connection_op = _get_connection_operation(args.working_directory)
connection = connection_op.get(name=name, raise_error=True)
connection_dict = connection._to_dict()
return jsonify(connection_dict)
@api.doc(body=dict_field, description="Create connection")
@api.response(code=200, description="Connection details", model=dict_field)
@local_user_only
@api.response(
code=403, description="This service is available for local user only, please specify X-Remote-User in headers."
)
def post(self, name: str):
connection_op = _get_connection_operation()
connection_data = request.get_json(force=True)
connection_data["name"] = name
connection = _Connection._load(data=connection_data)
connection = connection_op.create_or_update(connection)
return jsonify(connection._to_dict())
@api.doc(body=dict_field, description="Update connection")
@api.response(code=200, description="Connection details", model=dict_field)
@local_user_only
@api.response(
code=403, description="This service is available for local user only, please specify X-Remote-User in headers."
)
def put(self, name: str):
connection_op = _get_connection_operation()
connection_dict = request.get_json(force=True)
params_override = [{k: v} for k, v in connection_dict.items()]
# TODO: check if we need to record registry for this private operation
existing_connection = connection_op._get(name)
connection = _Connection._load(data=existing_connection._to_dict(), params_override=params_override)
connection._secrets = existing_connection._secrets
connection = connection_op.create_or_update(connection)
return jsonify(connection._to_dict())
@api.doc(description="Delete connection")
@local_user_only
@api.response(
code=403, description="This service is available for local user only, please specify X-Remote-User in headers."
)
def delete(self, name: str):
connection_op = _get_connection_operation()
connection_op.delete(name=name)
@api.route("/<string:name>/listsecrets")
class ConnectionWithSecret(Resource):
@api.doc(parser=working_directory_parser, description="Get connection with secret")
@api.response(code=200, description="Connection details with secret", model=dict_field)
@local_user_only
@api.response(
code=403, description="This service is available for local user only, please specify X-Remote-User in headers."
)
def get(self, name: str):
args = working_directory_parser.parse_args()
connection_op = _get_connection_operation(args.working_directory)
connection = connection_op.get(name=name, with_secrets=True, raise_error=True)
connection_dict = connection._to_dict()
return jsonify(connection_dict)
@api.route("/specs")
class ConnectionSpecs(Resource):
@api.doc(description="List connection spec")
@api.response(code=200, description="List connection spec", skip_none=True, model=connection_spec_model)
def get(self):
hide_connection_fields = ["module"]
connection_specs = []
for name, obj in inspect.getmembers(connection):
if (
inspect.isclass(obj)
and issubclass(obj, connection.ConnectionSchema)
and not isinstance(obj, connection.ConnectionSchema)
):
config_specs = []
for field_name, field in obj._declared_fields.items():
if not field.dump_only and field_name not in hide_connection_fields:
configs = {"name": field_name, "optional": field.allow_none}
if field.default:
configs["default"] = field.default
if field_name == "type":
configs["default"] = field.allowed_values[0]
config_specs.append(configs)
connection_spec = {
"connection_type": name.replace("Schema", ""),
"config_specs": config_specs,
}
connection_specs.append(connection_spec)
return jsonify(connection_specs)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/generator_configs/csharp.yaml | packageName: Promptflow.Core.PfsClient
packageVersion: 0.0.1
targetFramework: netstandard2.0
optionalProjectFile: false
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/utils/utils.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import getpass
import socket
from dataclasses import InitVar, dataclass, field
from datetime import datetime
from functools import wraps
import psutil
from flask import abort, request
from promptflow._sdk._constants import DEFAULT_ENCODING, HOME_PROMPT_FLOW_DIR, PF_SERVICE_PORT_FILE
from promptflow._sdk._errors import ConnectionNotFoundError, RunNotFoundError
from promptflow._sdk._utils import read_write_by_user
from promptflow._utils.yaml_utils import dump_yaml, load_yaml
from promptflow._version import VERSION
from promptflow.exceptions import PromptflowException, UserErrorException
def local_user_only(func):
@wraps(func)
def wrapper(*args, **kwargs):
# Get the user name from request.
user = request.environ.get("REMOTE_USER") or request.headers.get("X-Remote-User")
if user != getpass.getuser():
abort(403)
return func(*args, **kwargs)
return wrapper
def get_port_from_config(create_if_not_exists=False):
(HOME_PROMPT_FLOW_DIR / PF_SERVICE_PORT_FILE).touch(mode=read_write_by_user(), exist_ok=True)
with open(HOME_PROMPT_FLOW_DIR / PF_SERVICE_PORT_FILE, "r", encoding=DEFAULT_ENCODING) as f:
service_config = load_yaml(f) or {}
port = service_config.get("service", {}).get("port", None)
if not port and create_if_not_exists:
with open(HOME_PROMPT_FLOW_DIR / PF_SERVICE_PORT_FILE, "w", encoding=DEFAULT_ENCODING) as f:
# Set random port to ~/.promptflow/pf.yaml
port = get_random_port()
service_config["service"] = service_config.get("service", {})
service_config["service"]["port"] = port
dump_yaml(service_config, f)
return port
def is_port_in_use(port: int):
with socket.socket(socket.AF_INET, socket.SOCK_STREAM) as s:
return s.connect_ex(("localhost", port)) == 0
def get_random_port():
with socket.socket(socket.AF_INET, socket.SOCK_STREAM) as s:
s.bind(("localhost", 0))
return s.getsockname()[1]
def _get_process_by_port(port):
for proc in psutil.process_iter(["pid", "connections", "create_time"]):
try:
for connection in proc.connections():
if connection.laddr.port == port:
return proc
except psutil.AccessDenied:
pass
def kill_exist_service(port):
proc = _get_process_by_port(port)
if proc:
proc.terminate()
proc.wait(10)
def get_started_service_info(port):
service_info = {}
proc = _get_process_by_port(port)
if proc:
create_time = proc.info["create_time"]
process_uptime = datetime.now() - datetime.fromtimestamp(create_time)
service_info["create_time"] = str(datetime.fromtimestamp(create_time))
service_info["uptime"] = str(process_uptime)
service_info["port"] = port
return service_info
@dataclass
class ErrorInfo:
exception: InitVar[Exception]
code: str = field(init=False)
message: str = field(init=False)
message_format: str = field(init=False, default=None)
message_parameters: dict = field(init=False, default=None)
target: str = field(init=False, default=None)
module: str = field(init=False, default=None)
reference_code: str = field(init=False, default=None)
inner_exception: dict = field(init=False, default=None)
additional_info: dict = field(init=False, default=None)
error_codes: list = field(init=False, default=None)
def __post_init__(self, exception):
if isinstance(exception, PromptflowException):
self.code = "PromptflowError"
if isinstance(exception, (UserErrorException, ConnectionNotFoundError, RunNotFoundError)):
self.code = "UserError"
self.message = exception.message
self.message_format = exception.message_format
self.message_parameters = exception.message_parameters
self.target = exception.target
self.module = exception.module
self.reference_code = exception.reference_code
self.inner_exception = exception.inner_exception
self.additional_info = exception.additional_info
self.error_codes = exception.error_codes
else:
self.code = "ServiceError"
self.message = str(exception)
@dataclass
class FormattedException:
exception: InitVar[Exception]
status_code: InitVar[int] = 500
error: ErrorInfo = field(init=False)
time: str = field(init=False)
def __post_init__(self, exception, status_code):
self.status_code = status_code
if isinstance(exception, (UserErrorException, ConnectionNotFoundError, RunNotFoundError)):
self.status_code = 404
self.error = ErrorInfo(exception)
self.time = datetime.now().isoformat()
def build_pfs_user_agent():
extra_agent = f"local_pfs/{VERSION}"
if request.user_agent.string:
return f"{request.user_agent.string} {extra_agent}"
return extra_agent
def get_client_from_request() -> "PFClient":
from promptflow._sdk._pf_client import PFClient
return PFClient(user_agent=build_pfs_user_agent())
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_service/utils/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_telemetry/logging_handler.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import logging
import os
import platform
import sys
from opencensus.ext.azure.log_exporter import AzureEventHandler
from promptflow._sdk._configuration import Configuration
# promptflow-sdk in east us
INSTRUMENTATION_KEY = "8b52b368-4c91-4226-b7f7-be52822f0509"
# cspell:ignore overriden
def get_appinsights_log_handler():
"""
Enable the OpenCensus logging handler for specified logger and instrumentation key to send info to AppInsights.
"""
from promptflow._sdk._telemetry.telemetry import is_telemetry_enabled
try:
config = Configuration.get_instance()
instrumentation_key = INSTRUMENTATION_KEY
custom_properties = {
"python_version": platform.python_version(),
"installation_id": config.get_or_set_installation_id(),
}
handler = PromptFlowSDKLogHandler(
connection_string=f"InstrumentationKey={instrumentation_key}",
custom_properties=custom_properties,
enable_telemetry=is_telemetry_enabled(),
)
return handler
except Exception: # pylint: disable=broad-except
# ignore any exceptions, telemetry collection errors shouldn't block an operation
return logging.NullHandler()
def get_scrubbed_cloud_role():
"""Create cloud role for telemetry, will scrub user script name and only leave extension."""
default = "Unknown Application"
known_scripts = [
"pfs",
"pfutil.py",
"pf",
"pfazure",
"pf.exe",
"pfazure.exe",
"app.py",
"python -m unittest",
"pytest",
"gunicorn",
"ipykernel_launcher.py",
"jupyter-notebook",
"jupyter-lab",
"python",
"_jb_pytest_runner.py",
default,
]
try:
cloud_role = os.path.basename(sys.argv[0]) or default
if cloud_role not in known_scripts:
ext = os.path.splitext(cloud_role)[1]
cloud_role = "***" + ext
except Exception:
# fallback to default cloud role if failed to scrub
cloud_role = default
return cloud_role
# cspell:ignore AzureMLSDKLogHandler
class PromptFlowSDKLogHandler(AzureEventHandler):
"""Customized AzureLogHandler for PromptFlow SDK"""
def __init__(self, custom_properties, enable_telemetry, **kwargs):
super().__init__(**kwargs)
# disable AzureEventHandler's logging to avoid warning affect user experience
self.disable_telemetry_logger()
self._is_telemetry_enabled = enable_telemetry
self._custom_dimensions = custom_properties
def _check_stats_collection(self):
# skip checking stats collection since it's time-consuming
# according to doc: https://learn.microsoft.com/en-us/azure/azure-monitor/app/statsbeat
# it doesn't affect customers' overall monitoring volume
return False
def emit(self, record):
# skip logging if telemetry is disabled
if not self._is_telemetry_enabled:
return
try:
self._queue.put(record, block=False)
# log the record immediately if it is an error
if record.exc_info and not all(item is None for item in record.exc_info):
self._queue.flush()
except Exception: # pylint: disable=broad-except
# ignore any exceptions, telemetry collection errors shouldn't block an operation
return
def log_record_to_envelope(self, record):
from promptflow._utils.utils import is_in_ci_pipeline
# skip logging if telemetry is disabled
if not self._is_telemetry_enabled:
return
custom_dimensions = {
"level": record.levelname,
# add to distinguish if the log is from ci pipeline
"from_ci": is_in_ci_pipeline(),
}
custom_dimensions.update(self._custom_dimensions)
if hasattr(record, "custom_dimensions") and isinstance(record.custom_dimensions, dict):
record.custom_dimensions.update(custom_dimensions)
else:
record.custom_dimensions = custom_dimensions
envelope = super().log_record_to_envelope(record=record)
# scrub data before sending to appinsights
role = get_scrubbed_cloud_role()
envelope.tags["ai.cloud.role"] = role
envelope.tags.pop("ai.cloud.roleInstance", None)
envelope.tags.pop("ai.device.id", None)
return envelope
@classmethod
def disable_telemetry_logger(cls):
"""Disable AzureEventHandler's logging to avoid warning affect user experience"""
from opencensus.ext.azure.common.processor import logger as processor_logger
from opencensus.ext.azure.common.storage import logger as storage_logger
from opencensus.ext.azure.common.transport import logger as transport_logger
processor_logger.setLevel(logging.CRITICAL)
transport_logger.setLevel(logging.CRITICAL)
storage_logger.setLevel(logging.CRITICAL)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_telemetry/telemetry.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import logging
from promptflow._sdk._configuration import Configuration
PROMPTFLOW_LOGGER_NAMESPACE = "promptflow._sdk._telemetry"
class TelemetryMixin(object):
def __init__(self, **kwargs):
# Need to call init for potential parent, otherwise it won't be initialized.
super().__init__(**kwargs)
def _get_telemetry_values(self, *args, **kwargs): # pylint: disable=unused-argument
"""Return the telemetry values of object.
:return: The telemetry values
:rtype: Dict
"""
return {}
class WorkspaceTelemetryMixin(TelemetryMixin):
def __init__(self, subscription_id, resource_group_name, workspace_name, **kwargs):
# add telemetry to avoid conflict with subclass properties
self._telemetry_subscription_id = subscription_id
self._telemetry_resource_group_name = resource_group_name
self._telemetry_workspace_name = workspace_name
super().__init__(**kwargs)
def _get_telemetry_values(self, *args, **kwargs): # pylint: disable=unused-argument
"""Return the telemetry values of run operations.
:return: The telemetry values
:rtype: Dict
"""
return {
"subscription_id": self._telemetry_subscription_id,
"resource_group_name": self._telemetry_resource_group_name,
"workspace_name": self._telemetry_workspace_name,
}
def is_telemetry_enabled():
"""Check if telemetry is enabled. Telemetry is enabled by default.
User can disable it by:
1. running `pf config set telemetry.enabled=false` command.
"""
config = Configuration.get_instance()
telemetry_consent = config.get_telemetry_consent()
if telemetry_consent is not None:
return str(telemetry_consent).lower() == "true"
return True
def get_telemetry_logger():
from promptflow._sdk._telemetry.logging_handler import PromptFlowSDKLogHandler, get_appinsights_log_handler
current_logger = logging.getLogger(PROMPTFLOW_LOGGER_NAMESPACE)
# avoid telemetry log appearing in higher level loggers
current_logger.propagate = False
current_logger.setLevel(logging.INFO)
# check if current logger already has an appinsights handler to avoid logger handler duplication
for log_handler in current_logger.handlers:
if isinstance(log_handler, PromptFlowSDKLogHandler):
# update existing handler's config
log_handler._is_telemetry_enabled = is_telemetry_enabled()
return current_logger
# otherwise, remove the existing handler and create a new one
for log_handler in current_logger.handlers:
current_logger.removeHandler(log_handler)
handler = get_appinsights_log_handler()
current_logger.addHandler(handler)
return current_logger
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_telemetry/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from .activity import ( # noqa: F401
ActivityCompletionStatus,
ActivityType,
log_activity,
monitor_operation,
request_id_context,
)
from .logging_handler import PromptFlowSDKLogHandler, get_appinsights_log_handler # noqa: F401
from .telemetry import TelemetryMixin, WorkspaceTelemetryMixin, get_telemetry_logger, is_telemetry_enabled # noqa: F401
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_telemetry/activity.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import contextlib
import functools
import threading
import uuid
from contextvars import ContextVar
from datetime import datetime
from typing import Any, Dict
from promptflow._sdk._telemetry.telemetry import TelemetryMixin
from promptflow._sdk._utils import ClientUserAgentUtil
from promptflow.exceptions import _ErrorInfo
class ActivityType(object):
"""The type of activity (code) monitored.
The default type is "PublicAPI".
"""
PUBLICAPI = "PublicApi" # incoming public API call (default)
INTERNALCALL = "InternalCall" # internal (function) call
CLIENTPROXY = "ClientProxy" # an outgoing service API call
class ActivityCompletionStatus(object):
"""The activity (code) completion status, success, or failure."""
SUCCESS = "Success"
FAILURE = "Failure"
request_id_context = ContextVar("request_id_context", default=None)
def log_activity_start(activity_info: Dict[str, Any], logger) -> None:
"""Log activity start.
Sample activity_info:
{
"request_id": "request_id",
"first_call": True,
"activity_name": "activity_name",
"activity_type": "activity_type",
"user_agent": "user_agent",
}
:param activity_info: The custom properties of the activity to record.
:type activity_info: dict
:param logger: The logger adapter.
:type logger: logging.LoggerAdapter
"""
message = f"{activity_info['activity_name']}.start"
logger.info(message, extra={"custom_dimensions": activity_info})
pass
def log_activity_end(activity_info: Dict[str, Any], logger) -> None:
"""Log activity end.
Sample activity_info for success (start info plus run info):
{
...,
"duration_ms": 1000
"completion_status": "Success",
}
Sample activity_info for failure (start info plus error info):
{
...,
"duration_ms": 1000
"completion_status": "Failure",
"error_category": "error_category",
"error_type": "error_type",
"error_target": "error_target",
"error_message": "error_message",
"error_detail": "error_detail"
}
Error target & error type can be found in the following link:
https://github.com/microsoft/promptflow/blob/main/src/promptflow/promptflow/exceptions.py
:param activity_info: The custom properties of the activity.
:type activity_info: dict
:param logger: The logger adapter.
:type logger: logging.LoggerAdapter
"""
try:
# we will fail this log if activity_name/completion_status is not in activity_info, so directly use get()
message = f"{activity_info['activity_name']}.complete"
if activity_info["completion_status"] == ActivityCompletionStatus.FAILURE:
logger.error(message, extra={"custom_dimensions": activity_info})
else:
logger.info(message, extra={"custom_dimensions": activity_info})
except Exception: # pylint: disable=broad-except
# skip if logger failed to log
pass # pylint: disable=lost-exception
def generate_request_id():
return str(uuid.uuid4())
@contextlib.contextmanager
def log_activity(
logger,
activity_name,
activity_type=ActivityType.INTERNALCALL,
custom_dimensions=None,
):
"""Log an activity.
An activity is a logical block of code that consumers want to monitor.
To monitor, wrap the logical block of code with the ``log_activity()`` method. As an alternative, you can
also use the ``@monitor_with_activity`` decorator.
:param logger: The logger adapter.
:type logger: logging.LoggerAdapter
:param activity_name: The name of the activity. The name should be unique per the wrapped logical code block.
:type activity_name: str
:param activity_type: One of PUBLICAPI, INTERNALCALL, or CLIENTPROXY which represent an incoming API call,
an internal (function) call, or an outgoing API call. If not specified, INTERNALCALL is used.
:type activity_type: str
:param custom_dimensions: The custom properties of the activity.
:type custom_dimensions: dict
:return: None
"""
if not custom_dimensions:
custom_dimensions = {}
user_agent = ClientUserAgentUtil.get_user_agent()
request_id = request_id_context.get()
if not request_id:
# public function call
first_call = True
request_id = generate_request_id()
request_id_context.set(request_id)
else:
first_call = False
activity_info = {
"request_id": request_id,
"first_call": first_call,
"activity_name": activity_name,
"activity_type": activity_type,
"user_agent": user_agent,
}
activity_info.update(custom_dimensions)
start_time = datetime.utcnow()
completion_status = ActivityCompletionStatus.SUCCESS
log_activity_start(activity_info, logger)
exception = None
try:
yield logger
except BaseException as e: # pylint: disable=broad-except
exception = e
completion_status = ActivityCompletionStatus.FAILURE
error_category, error_type, error_target, error_message, error_detail = _ErrorInfo.get_error_info(exception)
activity_info["error_category"] = error_category
activity_info["error_type"] = error_type
activity_info["error_target"] = error_target
activity_info["error_message"] = error_message
activity_info["error_detail"] = error_detail
finally:
if first_call:
# recover request id in global storage
request_id_context.set(None)
end_time = datetime.utcnow()
duration_ms = round((end_time - start_time).total_seconds() * 1000, 2)
activity_info["completion_status"] = completion_status
activity_info["duration_ms"] = duration_ms
log_activity_end(activity_info, logger)
# raise the exception to align with the behavior of the with statement
if exception:
raise exception
def extract_telemetry_info(self):
"""Extract pf telemetry info from given telemetry mix-in instance."""
result = {}
try:
if isinstance(self, TelemetryMixin):
return self._get_telemetry_values()
except Exception:
pass
return result
def update_activity_name(activity_name, kwargs=None, args=None):
"""Update activity name according to kwargs. For flow test, we want to know if it's node test."""
if activity_name == "pf.flows.test":
# SDK
if kwargs.get("node", None):
activity_name = "pf.flows.node_test"
elif activity_name == "pf.flow.test":
# CLI
if getattr(args, "node", None):
activity_name = "pf.flow.node_test"
return activity_name
def monitor_operation(
activity_name,
activity_type=ActivityType.INTERNALCALL,
custom_dimensions=None,
):
"""A wrapper for monitoring an activity in operations class.
To monitor, use the ``@monitor_operation`` decorator.
Note: this decorator should only use in operations class methods.
:param activity_name: The name of the activity. The name should be unique per the wrapped logical code block.
:type activity_name: str
:param activity_type: One of PUBLICAPI, INTERNALCALL, or CLIENTPROXY which represent an incoming API call,
an internal (function) call, or an outgoing API call. If not specified, INTERNALCALL is used.
:type activity_type: str
:param custom_dimensions: The custom properties of the activity.
:type custom_dimensions: dict
:return:
"""
if not custom_dimensions:
custom_dimensions = {}
def monitor(f):
@functools.wraps(f)
def wrapper(self, *args, **kwargs):
from promptflow._sdk._telemetry.telemetry import get_telemetry_logger
from promptflow._utils.version_hint_utils import HINT_ACTIVITY_NAME, check_latest_version, hint_for_update
logger = get_telemetry_logger()
custom_dimensions.update(extract_telemetry_info(self))
# update activity name according to kwargs.
_activity_name = update_activity_name(activity_name, kwargs=kwargs)
with log_activity(logger, _activity_name, activity_type, custom_dimensions):
if _activity_name in HINT_ACTIVITY_NAME:
hint_for_update()
# set check_latest_version as deamon thread to avoid blocking main thread
thread = threading.Thread(target=check_latest_version, daemon=True)
thread.start()
return f(self, *args, **kwargs)
return wrapper
return monitor
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_orm/session.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import datetime
import os
from contextlib import contextmanager
from pathlib import Path
from typing import List, Union
from filelock import FileLock
from sqlalchemy import create_engine, event, inspect, text
from sqlalchemy.exc import OperationalError
from sqlalchemy.orm import Session, sessionmaker
from sqlalchemy.schema import CreateTable
from promptflow._sdk._configuration import Configuration
from promptflow._sdk._constants import (
CONNECTION_TABLE_NAME,
EXPERIMENT_CREATED_ON_INDEX_NAME,
EXPERIMENT_TABLE_NAME,
LOCAL_MGMT_DB_PATH,
LOCAL_MGMT_DB_SESSION_ACQUIRE_LOCK_PATH,
RUN_INFO_CREATED_ON_INDEX_NAME,
RUN_INFO_TABLENAME,
SCHEMA_INFO_TABLENAME,
)
from promptflow._sdk._utils import (
get_promptflow_sdk_version,
print_red_error,
print_yellow_warning,
use_customized_encryption_key,
)
# though we have removed the upper bound of SQLAlchemy version in setup.py
# still silence RemovedIn20Warning to avoid unexpected warning message printed to users
# for those who still use SQLAlchemy<2.0.0
os.environ["SQLALCHEMY_SILENCE_UBER_WARNING"] = "1"
session_maker = None
lock = FileLock(LOCAL_MGMT_DB_SESSION_ACQUIRE_LOCK_PATH)
def support_transaction(engine):
# workaround to make SQLite support transaction; reference to SQLAlchemy doc:
# https://docs.sqlalchemy.org/en/20/dialects/sqlite.html#serializable-isolation-savepoints-transactional-ddl
@event.listens_for(engine, "connect")
def do_connect(db_api_connection, connection_record):
# disable pysqlite emitting of the BEGIN statement entirely.
# also stops it from emitting COMMIT before any DDL.
db_api_connection.isolation_level = None
@event.listens_for(engine, "begin")
def do_begin(conn):
# emit our own BEGIN
conn.exec_driver_sql("BEGIN")
return engine
def update_current_schema(engine, orm_class, tablename: str) -> None:
sql = f"REPLACE INTO {SCHEMA_INFO_TABLENAME} (tablename, version) VALUES (:tablename, :version);"
with engine.begin() as connection:
connection.execute(text(sql), {"tablename": tablename, "version": orm_class.__pf_schema_version__})
return
def mgmt_db_session() -> Session:
global session_maker
global lock
if session_maker is not None:
return session_maker()
lock.acquire()
try: # try-finally to always release lock
if session_maker is not None:
return session_maker()
if not LOCAL_MGMT_DB_PATH.parent.is_dir():
LOCAL_MGMT_DB_PATH.parent.mkdir(parents=True, exist_ok=True)
engine = create_engine(f"sqlite:///{str(LOCAL_MGMT_DB_PATH)}", future=True)
engine = support_transaction(engine)
from promptflow._sdk._orm import Connection, Experiment, RunInfo
create_or_update_table(engine, orm_class=RunInfo, tablename=RUN_INFO_TABLENAME)
create_table_if_not_exists(engine, CONNECTION_TABLE_NAME, Connection)
create_index_if_not_exists(engine, RUN_INFO_CREATED_ON_INDEX_NAME, RUN_INFO_TABLENAME, "created_on")
if Configuration.get_instance().is_internal_features_enabled():
create_or_update_table(engine, orm_class=Experiment, tablename=EXPERIMENT_TABLE_NAME)
create_index_if_not_exists(engine, EXPERIMENT_CREATED_ON_INDEX_NAME, EXPERIMENT_TABLE_NAME, "created_on")
session_maker = sessionmaker(bind=engine)
except Exception as e: # pylint: disable=broad-except
# if we cannot manage to create the connection to the management database
# we can barely do nothing but raise the exception with printing the error message
error_message = f"Failed to create management database: {str(e)}"
print_red_error(error_message)
raise
finally:
lock.release()
return session_maker()
def build_copy_sql(old_name: str, new_name: str, old_columns: List[str], new_columns: List[str]) -> str:
insert_stmt = f"INSERT INTO {new_name}"
# append some NULLs for new columns
columns = old_columns.copy() + ["NULL"] * (len(new_columns) - len(old_columns))
select_stmt = "SELECT " + ", ".join(columns) + f" FROM {old_name}"
sql = f"{insert_stmt} {select_stmt};"
return sql
def generate_legacy_tablename(engine, tablename: str) -> str:
try:
with engine.connect() as connection:
result = connection.execute(
text(f"SELECT version FROM {SCHEMA_INFO_TABLENAME} where tablename=(:tablename)"),
{"tablename": tablename},
).first()
current_schema_version = result[0]
except (OperationalError, TypeError):
# schema info table not exists(OperationalError) or no version for the table(TypeError)
# legacy tablename fallbacks to "v0_{timestamp}" - use timestamp to avoid duplication
timestamp = datetime.datetime.now().strftime("%Y%m%d_%H%M%S_%f")
current_schema_version = f"0_{timestamp}"
return f"{tablename}_v{current_schema_version}"
def get_db_schema_version(engine, tablename: str) -> int:
try:
with engine.connect() as connection:
result = connection.execute(
text(f"SELECT version FROM {SCHEMA_INFO_TABLENAME} where tablename=(:tablename)"),
{"tablename": tablename},
).first()
return int(result[0])
except (OperationalError, TypeError):
# schema info table not exists(OperationalError) or no version for the table(TypeError)
# version fallbacks to 0
return 0
def create_or_update_table(engine, orm_class, tablename: str) -> None:
# create schema_info table if not exists
sql = f"CREATE TABLE IF NOT EXISTS {SCHEMA_INFO_TABLENAME} (tablename TEXT PRIMARY KEY, version TEXT NOT NULL);"
with engine.begin() as connection:
connection.execute(text(sql))
# no table in database yet
# create table via ORM class and update schema info
if not inspect(engine).has_table(tablename):
orm_class.metadata.create_all(engine)
update_current_schema(engine, orm_class, tablename)
return
db_schema_version = get_db_schema_version(engine, tablename)
sdk_schema_version = int(orm_class.__pf_schema_version__)
# same schema, no action needed
if db_schema_version == sdk_schema_version:
return
elif db_schema_version > sdk_schema_version:
# schema in database is later than SDK schema
# though different, we have design principal that later schema will always have no less columns
# while new columns should be nullable or with default value
# so that older schema can always use existing schema
# we print warning message but not do other action
warning_message = (
f"We have noticed that you are using an older SDK version: {get_promptflow_sdk_version()!r}.\n"
"While we will do our best to ensure compatibility, "
"we highly recommend upgrading to the latest version of SDK for the best experience."
)
print_yellow_warning(warning_message)
return
else:
# schema in database is older than SDK schema
# so we have to create table with new schema
# in this case, we need to:
# 1. rename existing table name
# 2. create table with current schema
# 3. copy data from renamed table to new table
legacy_tablename = generate_legacy_tablename(engine, tablename)
rename_sql = f"ALTER TABLE {tablename} RENAME TO {legacy_tablename};"
create_table_sql = str(CreateTable(orm_class.__table__).compile(engine))
copy_sql = build_copy_sql(
old_name=legacy_tablename,
new_name=tablename,
old_columns=[column["name"] for column in inspect(engine).get_columns(tablename)],
new_columns=[column.name for column in orm_class.__table__.columns],
)
# note that we should do above in one transaction
with engine.begin() as connection:
connection.execute(text(rename_sql))
connection.execute(text(create_table_sql))
connection.execute(text(copy_sql))
# update schema info finally
update_current_schema(engine, orm_class, tablename)
return
def create_table_if_not_exists(engine, table_name, orm_class) -> None:
if inspect(engine).has_table(table_name):
return
try:
if inspect(engine).has_table(table_name):
return
orm_class.metadata.create_all(engine)
except OperationalError as e:
# only ignore error if table already exists
expected_error_message = f"table {table_name} already exists"
if expected_error_message not in str(e):
raise
def create_index_if_not_exists(engine, index_name, table_name, col_name) -> None:
# created_on
sql = f"CREATE INDEX IF NOT EXISTS {index_name} ON {table_name} (f{col_name});"
with engine.begin() as connection:
connection.execute(text(sql))
return
@contextmanager
def mgmt_db_rebase(mgmt_db_path: Union[Path, os.PathLike, str], customized_encryption_key: str = None) -> Session:
"""
This function will change the constant LOCAL_MGMT_DB_PATH to the new path so very dangerous.
It is created for pf flow export only and need to be removed in further version.
"""
global session_maker
global LOCAL_MGMT_DB_PATH
origin_local_db_path = LOCAL_MGMT_DB_PATH
LOCAL_MGMT_DB_PATH = mgmt_db_path
session_maker = None
if customized_encryption_key:
with use_customized_encryption_key(customized_encryption_key):
yield
else:
yield
LOCAL_MGMT_DB_PATH = origin_local_db_path
session_maker = None
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_orm/experiment.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import datetime
from enum import Enum
from typing import List, Optional, Union
from sqlalchemy import TEXT, Boolean, Column, Index
from sqlalchemy.exc import IntegrityError
from sqlalchemy.orm import declarative_base
from promptflow._sdk._constants import EXPERIMENT_CREATED_ON_INDEX_NAME, EXPERIMENT_TABLE_NAME, ListViewType
from promptflow._sdk._errors import ExperimentExistsError, ExperimentNotFoundError
from .retry import sqlite_retry
from .session import mgmt_db_session
from ...exceptions import UserErrorException, ErrorTarget
Base = declarative_base()
class Experiment(Base):
__tablename__ = EXPERIMENT_TABLE_NAME
name = Column(TEXT, primary_key=True)
created_on = Column(TEXT, nullable=False) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
status = Column(TEXT, nullable=False)
description = Column(TEXT) # updated by users
properties = Column(TEXT)
archived = Column(Boolean, default=False)
nodes = Column(TEXT) # json(list of json) string
node_runs = Column(TEXT) # json(list of json) string
# NOTE: please always add columns to the tail, so that we can easily handle schema changes;
# also don't forget to update `__pf_schema_version__` when you change the schema
# NOTE: keep in mind that we need to well handle runs with legacy schema;
# normally new fields will be `None`, remember to handle them properly
last_start_time = Column(TEXT) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
last_end_time = Column(TEXT) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
data = Column(TEXT) # json string of data (list of dict)
inputs = Column(TEXT) # json string of inputs (list of dict)
__table_args__ = (Index(EXPERIMENT_CREATED_ON_INDEX_NAME, "created_on"),)
# schema version, increase the version number when you change the schema
__pf_schema_version__ = "1"
@sqlite_retry
def dump(self) -> None:
with mgmt_db_session() as session:
try:
session.add(self)
session.commit()
except IntegrityError as e:
# catch "sqlite3.IntegrityError: UNIQUE constraint failed: run_info.name" to raise RunExistsError
# otherwise raise the original error
if "UNIQUE constraint failed" not in str(e):
raise
raise ExperimentExistsError(f"Experiment name {self.name!r} already exists.")
except Exception as e:
raise UserErrorException(target=ErrorTarget.CONTROL_PLANE_SDK, message=str(e), error=e)
@sqlite_retry
def archive(self) -> None:
if self.archived is True:
return
self.archived = True
with mgmt_db_session() as session:
session.query(Experiment).filter(Experiment.name == self.name).update({"archived": self.archived})
session.commit()
@sqlite_retry
def restore(self) -> None:
if self.archived is False:
return
self.archived = False
with mgmt_db_session() as session:
session.query(Experiment).filter(Experiment.name == self.name).update({"archived": self.archived})
session.commit()
@sqlite_retry
def update(
self,
*,
status: Optional[str] = None,
description: Optional[str] = None,
last_start_time: Optional[Union[str, datetime.datetime]] = None,
last_end_time: Optional[Union[str, datetime.datetime]] = None,
node_runs: Optional[str] = None,
) -> None:
update_dict = {}
if status is not None:
self.status = status
update_dict["status"] = self.status
if description is not None:
self.description = description
update_dict["description"] = self.description
if last_start_time is not None:
self.last_start_time = last_start_time if isinstance(last_start_time, str) else last_start_time.isoformat()
update_dict["last_start_time"] = self.last_start_time
if last_end_time is not None:
self.last_end_time = last_end_time if isinstance(last_end_time, str) else last_end_time.isoformat()
update_dict["last_end_time"] = self.last_end_time
if node_runs is not None:
self.node_runs = node_runs
update_dict["node_runs"] = self.node_runs
with mgmt_db_session() as session:
session.query(Experiment).filter(Experiment.name == self.name).update(update_dict)
session.commit()
@staticmethod
@sqlite_retry
def get(name: str) -> "Experiment":
with mgmt_db_session() as session:
run_info = session.query(Experiment).filter(Experiment.name == name).first()
if run_info is None:
raise ExperimentNotFoundError(f"Experiment {name!r} cannot be found.")
return run_info
@staticmethod
@sqlite_retry
def list(max_results: Optional[int], list_view_type: ListViewType) -> List["Experiment"]:
with mgmt_db_session() as session:
basic_statement = session.query(Experiment)
# filter by archived
list_view_type = list_view_type.value if isinstance(list_view_type, Enum) else list_view_type
if list_view_type == ListViewType.ACTIVE_ONLY.value:
basic_statement = basic_statement.filter(Experiment.archived == False) # noqa: E712
elif list_view_type == ListViewType.ARCHIVED_ONLY.value:
basic_statement = basic_statement.filter(Experiment.archived == True) # noqa: E712
basic_statement = basic_statement.order_by(Experiment.created_on.desc())
if isinstance(max_results, int):
return [result for result in basic_statement.limit(max_results)]
else:
return [result for result in basic_statement.all()]
@staticmethod
@sqlite_retry
def delete(name: str) -> None:
with mgmt_db_session() as session:
result = session.query(Experiment).filter(Experiment.name == name).first()
if result is not None:
session.delete(result)
session.commit()
else:
raise ExperimentNotFoundError(f"Experiment {name!r} cannot be found.")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_orm/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
from promptflow._sdk._orm.run_info import RunInfo
from .connection import Connection
from .experiment import Experiment
from .session import mgmt_db_session
__all__ = [
"RunInfo",
"Connection",
"Experiment",
"mgmt_db_session",
]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_orm/retry.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import time
from functools import partial, wraps
from typing import Tuple, Union
from sqlalchemy.exc import OperationalError
def retry(exception_to_check: Union[Exception, Tuple[Exception]], tries=4, delay=3, backoff=2, logger=None):
"""
From https://www.saltycrane.com/blog/2009/11/trying-out-retry-decorator-python/
Retry calling the decorated function using an exponential backoff.
http://www.saltycrane.com/blog/2009/11/trying-out-retry-decorator-python/
original from: http://wiki.python.org/moin/PythonDecoratorLibrary#Retry
:param exception_to_check: the exception to check. may be a tuple of
exceptions to check
:type exception_to_check: Exception or tuple
:param tries: number of times to try (not retry) before giving up
:type tries: int
:param delay: initial delay between retries in seconds
:type delay: int
:param backoff: backoff multiplier e.g. value of 2 will double the delay
each retry
:type backoff: int
:param logger: log the retry action if specified
:type logger: logging.Logger
"""
def deco_retry(f):
@wraps(f)
def f_retry(*args, **kwargs):
retry_times, delay_seconds = tries, delay
while retry_times > 1:
try:
if logger:
logger.info("Running %s, %d more tries to go.", str(f), retry_times)
return f(*args, **kwargs)
except exception_to_check:
time.sleep(delay_seconds)
retry_times -= 1
delay_seconds *= backoff
if logger:
logger.warning("%s, Retrying in %d seconds...", str(exception_to_check), delay_seconds)
return f(*args, **kwargs)
return f_retry # true decorator
return deco_retry
sqlite_retry = partial(retry, exception_to_check=OperationalError, tries=3, delay=0.5, backoff=1)()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_orm/run_info.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import datetime
import json
from enum import Enum
from typing import Dict, List, Optional, Union
from sqlalchemy import TEXT, Boolean, Column, Index
from sqlalchemy.exc import IntegrityError
from sqlalchemy.orm import declarative_base
from promptflow._sdk._constants import (
RUN_INFO_CREATED_ON_INDEX_NAME,
RUN_INFO_TABLENAME,
FlowRunProperties,
ListViewType,
)
from promptflow._sdk._errors import RunExistsError, RunNotFoundError
from .retry import sqlite_retry
from .session import mgmt_db_session
Base = declarative_base()
class RunInfo(Base):
__tablename__ = RUN_INFO_TABLENAME
name = Column(TEXT, primary_key=True)
type = Column(TEXT) # deprecated field
created_on = Column(TEXT, nullable=False) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
status = Column(TEXT, nullable=False)
display_name = Column(TEXT) # can be edited by users
description = Column(TEXT) # updated by users
tags = Column(TEXT) # updated by users, json(list of json) string
# properties: flow path, output path..., json string
# as we can parse and get all information from parsing the YAML in memory,
# we don't need to store any extra information in the database at all;
# however, if there is any hot fields, we can store them here additionally.
properties = Column(TEXT)
archived = Column(Boolean, default=False)
# NOTE: please always add columns to the tail, so that we can easily handle schema changes;
# also don't forget to update `__pf_schema_version__` when you change the schema
# NOTE: keep in mind that we need to well handle runs with legacy schema;
# normally new fields will be `None`, remember to handle them properly
start_time = Column(TEXT) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
end_time = Column(TEXT) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
data = Column(TEXT) # local path of original run data, string
run_source = Column(TEXT) # run source, string
__table_args__ = (Index(RUN_INFO_CREATED_ON_INDEX_NAME, "created_on"),)
# schema version, increase the version number when you change the schema
__pf_schema_version__ = "3"
@sqlite_retry
def dump(self) -> None:
with mgmt_db_session() as session:
try:
session.add(self)
session.commit()
except IntegrityError as e:
# catch "sqlite3.IntegrityError: UNIQUE constraint failed: run_info.name" to raise RunExistsError
# otherwise raise the original error
if "UNIQUE constraint failed" not in str(e):
raise
raise RunExistsError(f"Run name {self.name!r} already exists.")
@sqlite_retry
def archive(self) -> None:
if self.archived is True:
return
self.archived = True
with mgmt_db_session() as session:
session.query(RunInfo).filter(RunInfo.name == self.name).update({"archived": self.archived})
session.commit()
@sqlite_retry
def restore(self) -> None:
if self.archived is False:
return
self.archived = False
with mgmt_db_session() as session:
session.query(RunInfo).filter(RunInfo.name == self.name).update({"archived": self.archived})
session.commit()
@sqlite_retry
def update(
self,
*,
status: Optional[str] = None,
display_name: Optional[str] = None,
description: Optional[str] = None,
tags: Optional[Dict[str, str]] = None,
start_time: Optional[Union[str, datetime.datetime]] = None,
end_time: Optional[Union[str, datetime.datetime]] = None,
system_metrics: Optional[Dict[str, int]] = None,
) -> None:
update_dict = {}
if status is not None:
self.status = status
update_dict["status"] = self.status
if display_name is not None:
self.display_name = display_name
update_dict["display_name"] = self.display_name
if description is not None:
self.description = description
update_dict["description"] = self.description
if tags is not None:
self.tags = json.dumps(tags)
update_dict["tags"] = self.tags
if start_time is not None:
self.start_time = start_time if isinstance(start_time, str) else start_time.isoformat()
update_dict["start_time"] = self.start_time
if end_time is not None:
self.end_time = end_time if isinstance(end_time, str) else end_time.isoformat()
update_dict["end_time"] = self.end_time
with mgmt_db_session() as session:
# if not update system metrics, we can directly update the row;
# otherwise, we need to get properties first, update the dict and finally update the row
if system_metrics is None:
session.query(RunInfo).filter(RunInfo.name == self.name).update(update_dict)
else:
# with high concurrency on same row, we may lose the earlier commit
# we regard it acceptable as it should be an edge case to update properties
# on same row with high concurrency;
# if it's a concern, we can move those properties to an extra column
run_info = session.query(RunInfo).filter(RunInfo.name == self.name).first()
props = json.loads(run_info.properties)
props[FlowRunProperties.SYSTEM_METRICS] = system_metrics.copy()
update_dict["properties"] = json.dumps(props)
session.query(RunInfo).filter(RunInfo.name == self.name).update(update_dict)
session.commit()
@staticmethod
@sqlite_retry
def get(name: str) -> "RunInfo":
with mgmt_db_session() as session:
run_info = session.query(RunInfo).filter(RunInfo.name == name).first()
if run_info is None:
raise RunNotFoundError(f"Run name {name!r} cannot be found.")
return run_info
@staticmethod
@sqlite_retry
def list(max_results: Optional[int], list_view_type: ListViewType) -> List["RunInfo"]:
with mgmt_db_session() as session:
basic_statement = session.query(RunInfo)
# filter by archived
list_view_type = list_view_type.value if isinstance(list_view_type, Enum) else list_view_type
if list_view_type == ListViewType.ACTIVE_ONLY.value:
basic_statement = basic_statement.filter(RunInfo.archived == False) # noqa: E712
elif list_view_type == ListViewType.ARCHIVED_ONLY.value:
basic_statement = basic_statement.filter(RunInfo.archived == True) # noqa: E712
basic_statement = basic_statement.order_by(RunInfo.created_on.desc())
if isinstance(max_results, int):
return [run_info for run_info in basic_statement.limit(max_results)]
else:
return [run_info for run_info in basic_statement.all()]
@staticmethod
@sqlite_retry
def delete(name: str) -> None:
with mgmt_db_session() as session:
run_info = session.query(RunInfo).filter(RunInfo.name == name).first()
if run_info is not None:
session.delete(run_info)
session.commit()
else:
raise RunNotFoundError(f"Run name {name!r} cannot be found.")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_orm/connection.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from typing import List, Optional
from sqlalchemy import TEXT, Column
from sqlalchemy.exc import IntegrityError
from sqlalchemy.orm import declarative_base
from promptflow._sdk._constants import CONNECTION_TABLE_NAME
from promptflow._sdk._orm.retry import sqlite_retry
from .._errors import ConnectionNotFoundError
from .session import mgmt_db_session
Base = declarative_base()
class Connection(Base):
__tablename__ = CONNECTION_TABLE_NAME
connectionName = Column(TEXT, primary_key=True)
connectionType = Column(TEXT, nullable=False)
configs = Column(TEXT, nullable=False) # For custom connection, configs can be
customConfigs = Column(TEXT, nullable=False) # For strong type connection, custom configs is an empty dict
createdDate = Column(TEXT, nullable=False) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
lastModifiedDate = Column(TEXT, nullable=False) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
expiryTime = Column(TEXT) # ISO8601("YYYY-MM-DD HH:MM:SS.SSS"), string
@staticmethod
@sqlite_retry
def create_or_update(connection: "Connection") -> None:
session = mgmt_db_session()
name = connection.connectionName
try:
session.add(connection)
session.commit()
except IntegrityError:
session = mgmt_db_session()
# Remove the _sa_instance_state
update_dict = {k: v for k, v in connection.__dict__.items() if not k.startswith("_")}
update_dict.pop("createdDate")
session.query(Connection).filter(Connection.connectionName == name).update(update_dict)
session.commit()
@staticmethod
@sqlite_retry
def get(name: str, raise_error=True) -> "Connection":
with mgmt_db_session() as session:
connection = session.query(Connection).filter(Connection.connectionName == name).first()
if connection is None and raise_error:
raise ConnectionNotFoundError(f"Connection {name!r} is not found.")
return connection
@staticmethod
@sqlite_retry
def list(max_results: Optional[int] = None, all_results: bool = False) -> List["Connection"]:
with mgmt_db_session() as session:
if all_results:
return [run_info for run_info in session.query(Connection).all()]
else:
return [run_info for run_info in session.query(Connection).limit(max_results)]
@staticmethod
@sqlite_retry
def delete(name: str) -> None:
with mgmt_db_session() as session:
session.query(Connection).filter(Connection.connectionName == name).delete()
session.commit()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_submitter/utils.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
# this file is a middle layer between the local SDK and executor, it'll have some similar logic with cloud PFS.
import contextlib
import os
import re
import tempfile
import time
from collections import defaultdict
from os import PathLike
from pathlib import Path
from types import GeneratorType
import pydash
from dotenv import load_dotenv
from pydash import objects
from promptflow._sdk._constants import (
ALL_CONNECTION_TYPES,
DEFAULT_VAR_ID,
INPUTS,
NODE,
NODE_VARIANTS,
NODES,
SUPPORTED_CONNECTION_FIELDS,
USE_VARIANTS,
VARIANTS,
ConnectionFields,
)
from promptflow._sdk._errors import InvalidFlowError
from promptflow._sdk._load_functions import load_flow
from promptflow._sdk._utils import (
_get_additional_includes,
_merge_local_code_and_additional_includes,
get_local_connections_from_executable,
get_used_connection_names_from_dict,
update_dict_value_with_connections,
)
from promptflow._sdk.entities._flow import Flow, ProtectedFlow
from promptflow._utils.context_utils import _change_working_dir
from promptflow._utils.flow_utils import dump_flow_dag, load_flow_dag
from promptflow.contracts.flow import Flow as ExecutableFlow
def overwrite_variant(flow_dag: dict, tuning_node: str = None, variant: str = None, drop_node_variants: bool = False):
# need to overwrite default variant if tuning node and variant not specified.
# check tuning_node & variant
node_name_2_node = {node["name"]: node for node in flow_dag[NODES]}
if tuning_node and tuning_node not in node_name_2_node:
raise InvalidFlowError(f"Node {tuning_node} not found in flow")
if tuning_node and variant:
try:
flow_dag[NODE_VARIANTS][tuning_node][VARIANTS][variant]
except KeyError as e:
raise InvalidFlowError(f"Variant {variant} not found for node {tuning_node}") from e
try:
node_variants = flow_dag.pop(NODE_VARIANTS, {}) if drop_node_variants else flow_dag.get(NODE_VARIANTS, {})
updated_nodes = []
for node in flow_dag.get(NODES, []):
if not node.get(USE_VARIANTS, False):
updated_nodes.append(node)
continue
# update variant
node_name = node["name"]
if node_name not in node_variants:
raise InvalidFlowError(f"No variant for the node {node_name}.")
variants_cfg = node_variants[node_name]
variant_id = variant if node_name == tuning_node else None
if not variant_id:
if DEFAULT_VAR_ID not in variants_cfg:
raise InvalidFlowError(f"Default variant id is not specified for {node_name}.")
variant_id = variants_cfg[DEFAULT_VAR_ID]
if variant_id not in variants_cfg.get(VARIANTS, {}):
raise InvalidFlowError(f"Cannot find the variant {variant_id} for {node_name}.")
variant_cfg = variants_cfg[VARIANTS][variant_id][NODE]
updated_nodes.append({"name": node_name, **variant_cfg})
flow_dag[NODES] = updated_nodes
except KeyError as e:
raise InvalidFlowError("Failed to overwrite tuning node with variant") from e
def overwrite_connections(flow_dag: dict, connections: dict, working_dir: PathLike):
if not connections:
return
if not isinstance(connections, dict):
raise InvalidFlowError(f"Invalid connections overwrite format: {connections}, only list is supported.")
# Load executable flow to check if connection is LLM connection
executable_flow = ExecutableFlow._from_dict(flow_dag=flow_dag, working_dir=Path(working_dir))
node_name_2_node = {node["name"]: node for node in flow_dag[NODES]}
for node_name, connection_dict in connections.items():
if node_name not in node_name_2_node:
raise InvalidFlowError(f"Node {node_name} not found in flow")
if not isinstance(connection_dict, dict):
raise InvalidFlowError(f"Invalid connection overwrite format: {connection_dict}, only dict is supported.")
node = node_name_2_node[node_name]
executable_node = executable_flow.get_node(node_name=node_name)
if executable_flow.is_llm_node(executable_node):
unsupported_keys = connection_dict.keys() - SUPPORTED_CONNECTION_FIELDS
if unsupported_keys:
raise InvalidFlowError(
f"Unsupported llm connection overwrite keys: {unsupported_keys},"
f" only {SUPPORTED_CONNECTION_FIELDS} are supported."
)
try:
connection = connection_dict.get(ConnectionFields.CONNECTION)
if connection:
node[ConnectionFields.CONNECTION] = connection
deploy_name = connection_dict.get(ConnectionFields.DEPLOYMENT_NAME)
if deploy_name:
node[INPUTS][ConnectionFields.DEPLOYMENT_NAME] = deploy_name
except KeyError as e:
raise InvalidFlowError(
f"Failed to overwrite llm node {node_name} with connections {connections}"
) from e
else:
connection_inputs = executable_flow.get_connection_input_names_for_node(node_name=node_name)
for c, v in connection_dict.items():
if c not in connection_inputs:
raise InvalidFlowError(f"Connection with name {c} not found in node {node_name}'s inputs")
node[INPUTS][c] = v
def overwrite_flow(flow_dag: dict, params_overrides: dict):
if not params_overrides:
return
# update flow dag & change nodes list to name: obj dict
flow_dag[NODES] = {node["name"]: node for node in flow_dag[NODES]}
# apply overrides on flow dag
for param, val in params_overrides.items():
objects.set_(flow_dag, param, val)
# revert nodes to list
flow_dag[NODES] = list(flow_dag[NODES].values())
def remove_additional_includes(flow_path: Path):
flow_path, flow_dag = load_flow_dag(flow_path=flow_path)
flow_dag.pop("additional_includes", None)
dump_flow_dag(flow_dag, flow_path)
@contextlib.contextmanager
def variant_overwrite_context(
flow_path: Path,
tuning_node: str = None,
variant: str = None,
connections: dict = None,
*,
overrides: dict = None,
drop_node_variants: bool = False,
):
"""Override variant and connections in the flow."""
flow_dag_path, flow_dag = load_flow_dag(flow_path)
flow_dir_path = flow_dag_path.parent
if _get_additional_includes(flow_dag_path):
# Merge the flow folder and additional includes to temp folder.
with _merge_local_code_and_additional_includes(code_path=flow_path) as temp_dir:
# always overwrite variant since we need to overwrite default variant if not specified.
overwrite_variant(flow_dag, tuning_node, variant, drop_node_variants=drop_node_variants)
overwrite_connections(flow_dag, connections, working_dir=flow_dir_path)
overwrite_flow(flow_dag, overrides)
flow_dag.pop("additional_includes", None)
dump_flow_dag(flow_dag, Path(temp_dir))
flow = load_flow(temp_dir)
yield flow
else:
# Generate a flow, the code path points to the original flow folder,
# the dag path points to the temp dag file after overwriting variant.
with tempfile.TemporaryDirectory() as temp_dir:
overwrite_variant(flow_dag, tuning_node, variant, drop_node_variants=drop_node_variants)
overwrite_connections(flow_dag, connections, working_dir=flow_dir_path)
overwrite_flow(flow_dag, overrides)
flow_path = dump_flow_dag(flow_dag, Path(temp_dir))
flow = ProtectedFlow(code=flow_dir_path, path=flow_path, dag=flow_dag)
yield flow
class SubmitterHelper:
@classmethod
def init_env(cls, environment_variables):
# TODO: remove when executor supports env vars in request
if isinstance(environment_variables, dict):
os.environ.update(environment_variables)
elif isinstance(environment_variables, (str, PathLike, Path)):
load_dotenv(environment_variables)
@staticmethod
def resolve_connections(flow: Flow, client=None, connections_to_ignore=None) -> dict:
# TODO 2856400: use resolve_used_connections instead of this function to avoid using executable in control-plane
from promptflow._sdk.entities._eager_flow import EagerFlow
from .._pf_client import PFClient
if isinstance(flow, EagerFlow):
# TODO(2898247): support prompt flow management connection for eager flow
return {}
client = client or PFClient()
with _change_working_dir(flow.code):
executable = ExecutableFlow.from_yaml(flow_file=flow.path, working_dir=flow.code)
executable.name = str(Path(flow.code).stem)
return get_local_connections_from_executable(
executable=executable, client=client, connections_to_ignore=connections_to_ignore
)
@staticmethod
def resolve_used_connections(flow: ProtectedFlow, tools_meta: dict, client, connections_to_ignore=None) -> dict:
from .._pf_client import PFClient
client = client or PFClient()
connection_names = SubmitterHelper.get_used_connection_names(tools_meta=tools_meta, flow_dag=flow.dag)
connections_to_ignore = connections_to_ignore or []
result = {}
for n in connection_names:
if n not in connections_to_ignore:
conn = client.connections.get(name=n, with_secrets=True)
result[n] = conn._to_execution_connection_dict()
return result
@staticmethod
def get_used_connection_names(tools_meta: dict, flow_dag: dict):
# TODO: handle code tool meta for python
connection_inputs = defaultdict(set)
for package_id, package_meta in tools_meta.get("package", {}).items():
for tool_input_key, tool_input_meta in package_meta.get("inputs", {}).items():
if ALL_CONNECTION_TYPES.intersection(set(tool_input_meta.get("type"))):
connection_inputs[package_id].add(tool_input_key)
connection_names = set()
# TODO: we assume that all variants are resolved here
# TODO: only literal connection inputs are supported
# TODO: check whether we should put this logic in executor as seems it's not possible to avoid touching
# information for executable
for node in flow_dag.get("nodes", []):
package_id = pydash.get(node, "source.tool")
if package_id in connection_inputs:
for connection_input in connection_inputs[package_id]:
connection_name = pydash.get(node, f"inputs.{connection_input}")
if connection_name and not re.match(r"\${.*}", connection_name):
connection_names.add(connection_name)
return list(connection_names)
@classmethod
def load_and_resolve_environment_variables(cls, flow: Flow, environment_variables: dict, client=None):
environment_variables = ExecutableFlow.load_env_variables(
flow_file=flow.path, working_dir=flow.code, environment_variables_overrides=environment_variables
)
cls.resolve_environment_variables(environment_variables, client)
return environment_variables
@classmethod
def resolve_environment_variables(cls, environment_variables: dict, client=None):
from .._pf_client import PFClient
client = client or PFClient()
if not environment_variables:
return None
connection_names = get_used_connection_names_from_dict(environment_variables)
connections = cls.resolve_connection_names(connection_names=connection_names, client=client)
update_dict_value_with_connections(built_connections=connections, connection_dict=environment_variables)
@staticmethod
def resolve_connection_names(connection_names, client, raise_error=False):
result = {}
for n in connection_names:
try:
conn = client.connections.get(name=n, with_secrets=True)
result[n] = conn._to_execution_connection_dict()
except Exception as e:
if raise_error:
raise e
return result
def show_node_log_and_output(node_run_infos, show_node_output, generator_record):
"""Show stdout and output of nodes."""
from colorama import Fore
for node_name, node_result in node_run_infos.items():
# Prefix of node stdout is "%Y-%m-%dT%H:%M:%S%z"
pattern = r"\[\d{4}-\d{2}-\d{2}T\d{2}:\d{2}:\d{2}\+\d{4}\] "
if node_result.logs:
node_logs = re.sub(pattern, "", node_result.logs["stdout"])
if node_logs:
for log in node_logs.rstrip("\n").split("\n"):
print(f"{Fore.LIGHTBLUE_EX}[{node_name}]:", end=" ")
print(log)
if show_node_output:
print(f"{Fore.CYAN}{node_name}: ", end="")
# TODO executor return a type string of generator
node_output = node_result.output
if isinstance(node_result.output, GeneratorType):
node_output = "".join(get_result_output(node_output, generator_record))
print(f"{Fore.LIGHTWHITE_EX}{node_output}")
def print_chat_output(output, generator_record):
if isinstance(output, GeneratorType):
for event in get_result_output(output, generator_record):
print(event, end="")
# For better animation effects
time.sleep(0.01)
# Print a new line at the end of the response
print()
else:
print(output)
def get_result_output(output, generator_record):
if isinstance(output, GeneratorType):
if output in generator_record:
if hasattr(generator_record[output], "items"):
output = iter(generator_record[output].items)
else:
output = iter(generator_record[output])
else:
if hasattr(output.gi_frame.f_locals, "proxy"):
proxy = output.gi_frame.f_locals["proxy"]
generator_record[output] = proxy
else:
generator_record[output] = list(output)
output = generator_record[output]
return output
def resolve_generator(flow_result, generator_record):
# resolve generator in flow result
for k, v in flow_result.run_info.output.items():
if isinstance(v, GeneratorType):
flow_output = "".join(get_result_output(v, generator_record))
flow_result.run_info.output[k] = flow_output
flow_result.run_info.result[k] = flow_output
flow_result.output[k] = flow_output
# resolve generator in node outputs
for node_name, node in flow_result.node_run_infos.items():
if isinstance(node.output, GeneratorType):
node_output = "".join(get_result_output(node.output, generator_record))
node.output = node_output
node.result = node_output
return flow_result
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_submitter/experiment_orchestrator.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from datetime import datetime
from pathlib import Path
from promptflow._sdk._configuration import Configuration
from promptflow._sdk._constants import ExperimentNodeType, ExperimentStatus
from promptflow._sdk._errors import ExperimentHasCycle, ExperimentValueError
from promptflow._sdk._submitter import RunSubmitter
from promptflow._sdk.entities import Run
from promptflow._sdk.entities._experiment import Experiment
from promptflow._sdk.operations import RunOperations
from promptflow._sdk.operations._experiment_operations import ExperimentOperations
from promptflow._utils.logger_utils import LoggerFactory
logger = LoggerFactory.get_logger(name=__name__)
class ExperimentOrchestrator:
"""Experiment orchestrator, responsible for experiment running."""
def __init__(self, run_operations: RunOperations, experiment_operations: ExperimentOperations):
self.run_operations = run_operations
self.experiment_operations = experiment_operations
self.run_submitter = ExperimentRunSubmitter(run_operations)
def start(self, experiment: Experiment, **kwargs):
"""Start an experiment.
:param experiment: Experiment to start.
:type experiment: ~promptflow.entities.Experiment
:param kwargs: Keyword arguments.
:type kwargs: Any
"""
# Start experiment
logger.info(f"Starting experiment {experiment.name}.")
experiment.status = ExperimentStatus.IN_PROGRESS
experiment.last_start_time = datetime.utcnow().isoformat()
experiment.last_end_time = None
self.experiment_operations.create_or_update(experiment)
# Ensure nodes order
resolved_nodes = self._ensure_nodes_order(experiment.nodes)
# Run nodes
run_dict = {}
try:
for node in resolved_nodes:
logger.info(f"Running node {node.name}.")
run = self._run_node(node, experiment, run_dict)
# Update node run to experiment
experiment._append_node_run(node.name, run)
self.experiment_operations.create_or_update(experiment)
run_dict[node.name] = run
except Exception as e:
logger.error(f"Running experiment {experiment.name} failed with error {e}.")
finally:
# End experiment
logger.info(f"Terminating experiment {experiment.name}.")
experiment.status = ExperimentStatus.TERMINATED
experiment.last_end_time = datetime.utcnow().isoformat()
return self.experiment_operations.create_or_update(experiment)
def _ensure_nodes_order(self, nodes):
# Perform topological sort to ensure nodes order
resolved_nodes = []
def _prepare_edges(node):
node_names = set()
for input_value in node.inputs.values():
if input_value.startswith("${") and not input_value.startswith("${data."):
referenced_node_name = input_value.split(".")[0].replace("${", "")
node_names.add(referenced_node_name)
return node_names
edges = {node.name: _prepare_edges(node) for node in nodes}
logger.debug(f"Experiment nodes edges: {edges!r}")
while len(resolved_nodes) != len(nodes):
action = False
for node in nodes:
if node.name not in edges:
continue
if len(edges[node.name]) != 0:
continue
action = True
resolved_nodes.append(node)
del edges[node.name]
for referenced_nodes in edges.values():
referenced_nodes.discard(node.name)
break
if not action:
raise ExperimentHasCycle(f"Experiment has circular dependency {edges!r}")
logger.debug(f"Experiment nodes resolved order: {[node.name for node in resolved_nodes]}")
return resolved_nodes
def _run_node(self, node, experiment, run_dict) -> Run:
if node.type == ExperimentNodeType.FLOW:
return self._run_flow_node(node, experiment, run_dict)
elif node.type == ExperimentNodeType.CODE:
return self._run_script_node(node, experiment)
raise ExperimentValueError(f"Unknown experiment node {node.name!r} type {node.type!r}")
def _run_flow_node(self, node, experiment, run_dict):
run_output_path = (Path(experiment._output_dir) / "runs" / node.name).resolve().absolute().as_posix()
timestamp = datetime.now().strftime("%Y%m%d_%H%M%S_%f")
run = ExperimentRun(
experiment=experiment,
experiment_runs=run_dict,
# Use node name as prefix for run name?
name=f"{node.name}_attempt{timestamp}",
display_name=node.display_name or node.name,
column_mapping=node.inputs,
variant=node.variant,
flow=node.path,
connections=node.connections,
environment_variables=node.environment_variables,
# Config run output path to experiment output folder
config=Configuration(overrides={Configuration.RUN_OUTPUT_PATH: run_output_path}),
)
logger.debug(f"Creating run {run.name}")
return self.run_submitter.submit(run)
def _run_script_node(self, node, experiment):
pass
class ExperimentRun(Run):
"""Experiment run, includes experiment running context, like data, inputs and runs."""
def __init__(self, experiment, experiment_runs, **kwargs):
self.experiment = experiment
self.experiment_data = {data.name: data for data in experiment.data}
self.experiment_inputs = {input.name: input for input in experiment.inputs}
self.experiment_runs = experiment_runs
super().__init__(**kwargs)
self._resolve_column_mapping()
def _resolve_column_mapping(self):
"""Resolve column mapping with experiment inputs to constant values."""
logger.info(f"Start resolve node {self.display_name!r} column mapping.")
resolved_mapping = {}
for name, value in self.column_mapping.items():
if not value.startswith("${inputs."):
resolved_mapping[name] = value
continue
input_name = value.split(".")[1].replace("}", "")
if input_name not in self.experiment_inputs:
raise ExperimentValueError(
f"Node {self.display_name!r} inputs {value!r} related experiment input {input_name!r} not found."
)
resolved_mapping[name] = self.experiment_inputs[input_name].default
logger.debug(f"Resolved node {self.display_name!r} column mapping {resolved_mapping}.")
self.column_mapping = resolved_mapping
class ExperimentRunSubmitter(RunSubmitter):
"""Experiment run submitter, override some function from RunSubmitter as experiment run could be different."""
@classmethod
def _validate_inputs(cls, run: Run):
# Do not validate run/data field, as we will resolve them in _resolve_input_dirs.
return
def _resolve_input_dirs(self, run: ExperimentRun):
logger.info("Start resolve node %s input dirs.", run.name)
logger.debug(f"Experiment context: {run.experiment_data}, {run.experiment_runs}, inputs: {run.column_mapping}")
# Get the node referenced data and run
data_name, run_name = None, None
inputs_mapping = run.column_mapping
for value in inputs_mapping.values():
referenced_data, referenced_run = None, None
if value.startswith("${data."):
referenced_data = value.split(".")[1].replace("}", "")
elif value.startswith("${"):
referenced_run = value.split(".")[0].replace("${", "")
if referenced_data:
if data_name and data_name != referenced_data:
raise ExperimentValueError(
f"Experiment has multiple data inputs {data_name!r} and {referenced_data!r}"
)
data_name = referenced_data
if referenced_run:
if run_name and run_name != referenced_run:
raise ExperimentValueError(
f"Experiment has multiple run inputs {run_name!r} and {referenced_run!r}"
)
run_name = referenced_run
logger.debug(f"Resolve node {run.name} referenced data {data_name!r}, run {run_name!r}.")
# Build inputs from experiment data and run
result = {}
if data_name in run.experiment_data and run.experiment_data[data_name].path:
result.update({f"data.{data_name}": run.experiment_data[data_name].path})
if run_name in run.experiment_runs:
result.update(
{
f"{run_name}.outputs": self.run_operations._get_outputs_path(run.experiment_runs[run_name]),
# to align with cloud behavior, run.inputs should refer to original data
f"{run_name}.inputs": self.run_operations._get_data_path(run.experiment_runs[run_name]),
}
)
result = {k: str(Path(v).resolve()) for k, v in result.items() if v is not None}
logger.debug(f"Resolved node {run.name} input dirs {result}.")
return result
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_submitter/run_submitter.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
# this file is a middle layer between the local SDK and executor, it'll have some similar logic with cloud PFS.
import datetime
from pathlib import Path
from typing import Union
from promptflow._constants import FlowLanguage
from promptflow._sdk._constants import FlowRunProperties
from promptflow._sdk._utils import parse_variant
from promptflow._sdk.entities._flow import ProtectedFlow
from promptflow._sdk.entities._run import Run
from promptflow._sdk.operations._local_storage_operations import LocalStorageOperations
from promptflow._sdk.operations._run_operations import RunOperations
from promptflow._utils.context_utils import _change_working_dir
from promptflow.batch import BatchEngine
from promptflow.contracts.run_info import Status
from promptflow.contracts.run_mode import RunMode
from promptflow.exceptions import UserErrorException, ValidationException
from ..._utils.logger_utils import LoggerFactory
from .._load_functions import load_flow
from ..entities._eager_flow import EagerFlow
from .utils import SubmitterHelper, variant_overwrite_context
logger = LoggerFactory.get_logger(name=__name__)
class RunSubmitter:
"""Submit run to executor."""
def __init__(self, run_operations: RunOperations):
self.run_operations = run_operations
def submit(self, run: Run, stream=False, **kwargs):
self._run_bulk(run=run, stream=stream, **kwargs)
return self.run_operations.get(name=run.name)
def _run_bulk(self, run: Run, stream=False, **kwargs):
# validate & resolve variant
if run.variant:
tuning_node, variant = parse_variant(run.variant)
else:
tuning_node, variant = None, None
if run.run is not None:
if isinstance(run.run, str):
run.run = self.run_operations.get(name=run.run)
elif not isinstance(run.run, Run):
error = TypeError(f"Referenced run must be a Run instance, got {type(run.run)}")
raise UserErrorException(message=str(error), error=error)
else:
# get the run again to make sure it's status is latest
run.run = self.run_operations.get(name=run.run.name)
if run.run.status != Status.Completed.value:
error = ValueError(f"Referenced run {run.run.name} is not completed, got status {run.run.status}")
raise UserErrorException(message=str(error), error=error)
run.run.outputs = self.run_operations._get_outputs(run.run)
self._validate_inputs(run=run)
local_storage = LocalStorageOperations(run, stream=stream, run_mode=RunMode.Batch)
with local_storage.logger:
if local_storage.eager_mode:
flow_obj = load_flow(source=run.flow)
self._submit_bulk_run(flow=flow_obj, run=run, local_storage=local_storage)
else:
# running specified variant
with variant_overwrite_context(run.flow, tuning_node, variant, connections=run.connections) as flow:
self._submit_bulk_run(flow=flow, run=run, local_storage=local_storage)
@classmethod
def _validate_inputs(cls, run: Run):
if not run.run and not run.data:
error = ValidationException("Either run or data must be specified for flow run.")
raise UserErrorException(message=str(error), error=error)
def _submit_bulk_run(
self, flow: Union[ProtectedFlow, EagerFlow], run: Run, local_storage: LocalStorageOperations
) -> dict:
run_id = run.name
if flow.language == FlowLanguage.CSharp:
connections = []
else:
with _change_working_dir(flow.code):
connections = SubmitterHelper.resolve_connections(flow=flow)
column_mapping = run.column_mapping
# resolve environment variables
run.environment_variables = SubmitterHelper.load_and_resolve_environment_variables(
flow=flow, environment_variables=run.environment_variables
)
SubmitterHelper.init_env(environment_variables=run.environment_variables)
# prepare data
input_dirs = self._resolve_input_dirs(run)
self._validate_column_mapping(column_mapping)
batch_result = None
status = Status.Failed.value
exception = None
# create run to db when fully prepared to run in executor, otherwise won't create it
run._dump() # pylint: disable=protected-access
try:
batch_engine = BatchEngine(
flow.path,
flow.code,
connections=connections,
entry=flow.entry if isinstance(flow, EagerFlow) else None,
storage=local_storage,
log_path=local_storage.logger.file_path,
)
batch_result = batch_engine.run(
input_dirs=input_dirs,
inputs_mapping=column_mapping,
output_dir=local_storage.outputs_folder,
run_id=run_id,
)
error_logs = []
if batch_result.failed_lines > 0:
# Log warning message when there are failed line run in bulk run.
error_logs.append(
f"{batch_result.failed_lines} out of {batch_result.total_lines} runs failed in batch run."
)
if batch_result.error_summary.aggr_error_dict:
# log warning message when there are failed aggregation nodes in bulk run.
aggregation_nodes = list(batch_result.error_summary.aggr_error_dict.keys())
error_logs.append(f"aggregation nodes {aggregation_nodes} failed in batch run.")
# update error log
if error_logs and run.properties.get(FlowRunProperties.OUTPUT_PATH, None):
error_logs.append(
f" Please check out {run.properties[FlowRunProperties.OUTPUT_PATH]} for more details."
)
if error_logs:
logger.warning("\n".join(error_logs))
# The bulk run is completed if the batch_engine.run successfully completed.
status = Status.Completed.value
except Exception as e:
# when run failed in executor, store the exception in result and dump to file
logger.warning(f"Run {run.name} failed when executing in executor with exception {e}.")
exception = e
# for user error, swallow stack trace and return failed run since user don't need the stack trace
if not isinstance(e, UserErrorException):
# for other errors, raise it to user to help debug root cause.
raise e
# won't raise the exception since it's already included in run object.
finally:
# persist snapshot and result
# snapshot: flow directory
local_storage.dump_snapshot(flow)
# persist inputs, outputs and metrics
local_storage.persist_result(batch_result)
# exceptions
local_storage.dump_exception(exception=exception, batch_result=batch_result)
# system metrics: token related
system_metrics = batch_result.system_metrics.to_dict() if batch_result else {}
self.run_operations.update(
name=run.name,
status=status,
end_time=datetime.datetime.now(),
system_metrics=system_metrics,
)
def _resolve_input_dirs(self, run: Run):
result = {"data": run.data if run.data else None}
if run.run is not None:
result.update(
{
"run.outputs": self.run_operations._get_outputs_path(run.run),
# to align with cloud behavior, run.inputs should refer to original data
"run.inputs": self.run_operations._get_data_path(run.run),
}
)
return {k: str(Path(v).resolve()) for k, v in result.items() if v is not None}
@classmethod
def _validate_column_mapping(cls, column_mapping: dict):
if not column_mapping:
return
if not isinstance(column_mapping, dict):
raise ValidationException(f"Column mapping must be a dict, got {type(column_mapping)}.")
all_static = True
for v in column_mapping.values():
if isinstance(v, str) and v.startswith("$"):
all_static = False
break
if all_static:
raise ValidationException(
"Column mapping must contain at least one mapping binding, "
f"current column mapping contains all static values: {column_mapping}"
)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_submitter/__init__.py | from .run_submitter import RunSubmitter
from .test_submitter import TestSubmitter
from .utils import (
overwrite_connections,
overwrite_flow,
overwrite_variant,
remove_additional_includes,
variant_overwrite_context,
)
__all__ = [
"RunSubmitter",
"TestSubmitter",
"overwrite_variant",
"variant_overwrite_context",
"remove_additional_includes",
"overwrite_connections",
"overwrite_flow",
]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_submitter/test_submitter.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
# this file is a middle layer between the local SDK and executor.
import contextlib
import logging
from pathlib import Path
from types import GeneratorType
from typing import Any, Mapping, Union
from promptflow._internal import ConnectionManager
from promptflow._sdk._constants import PROMPT_FLOW_DIR_NAME
from promptflow._sdk._utils import dump_flow_result, parse_variant
from promptflow._sdk.entities._flow import FlowContext, ProtectedFlow
from promptflow._sdk.operations._local_storage_operations import LoggerOperations
from promptflow._utils.context_utils import _change_working_dir
from promptflow._utils.exception_utils import ErrorResponse
from promptflow._utils.multimedia_utils import persist_multimedia_data
from promptflow.batch._csharp_executor_proxy import CSharpExecutorProxy
from promptflow.contracts.flow import Flow as ExecutableFlow
from promptflow.contracts.run_info import Status
from promptflow.exceptions import UserErrorException
from promptflow.executor._result import LineResult
from promptflow.storage._run_storage import DefaultRunStorage
from ..._utils.async_utils import async_run_allowing_running_loop
from ..._utils.logger_utils import get_cli_sdk_logger
from ..entities._eager_flow import EagerFlow
from .utils import (
SubmitterHelper,
print_chat_output,
resolve_generator,
show_node_log_and_output,
variant_overwrite_context,
)
logger = get_cli_sdk_logger()
class TestSubmitter:
def __init__(self, flow: Union[ProtectedFlow, EagerFlow], flow_context: FlowContext, client=None):
self.flow = flow
self.entry = flow.entry if isinstance(flow, EagerFlow) else None
self._origin_flow = flow
self._dataplane_flow = None
self.flow_context = flow_context
# TODO: remove this
self._variant = flow_context.variant
from .._pf_client import PFClient
self._client = client if client else PFClient()
@property
def dataplane_flow(self):
if not self._dataplane_flow:
self._dataplane_flow = ExecutableFlow.from_yaml(flow_file=self.flow.path, working_dir=self.flow.code)
return self._dataplane_flow
@contextlib.contextmanager
def init(self):
if isinstance(self.flow, EagerFlow):
flow_content_manager = self._eager_flow_init
else:
flow_content_manager = self._dag_flow_init
with flow_content_manager() as submitter:
yield submitter
@contextlib.contextmanager
def _eager_flow_init(self):
# no variant overwrite for eager flow
# no connection overwrite for eager flow
# TODO(2897147): support additional includes
with _change_working_dir(self.flow.code):
self._tuning_node = None
self._node_variant = None
yield self
self._dataplane_flow = None
@contextlib.contextmanager
def _dag_flow_init(self):
if self.flow_context.variant:
tuning_node, node_variant = parse_variant(self.flow_context.variant)
else:
tuning_node, node_variant = None, None
with variant_overwrite_context(
flow_path=self._origin_flow.code,
tuning_node=tuning_node,
variant=node_variant,
connections=self.flow_context.connections,
overrides=self.flow_context.overrides,
) as temp_flow:
# TODO execute flow test in a separate process.
with _change_working_dir(temp_flow.code):
self.flow = temp_flow
self._tuning_node = tuning_node
self._node_variant = node_variant
yield self
self.flow = self._origin_flow
self._dataplane_flow = None
self._tuning_node = None
self._node_variant = None
def resolve_data(
self, node_name: str = None, inputs: dict = None, chat_history_name: str = None, dataplane_flow=None
):
"""
Resolve input to flow/node test inputs.
Raise user error when missing required inputs. And log warning when unknown inputs appeared.
:param node_name: Node name.
:type node_name: str
:param inputs: Inputs of flow/node test.
:type inputs: dict
:param chat_history_name: Chat history name.
:type chat_history_name: str
:return: Dict of flow inputs, Dict of reference node output.
:rtype: dict, dict
"""
from promptflow.contracts.flow import InputValueType
# TODO: only store dataplane flow in context resolver
dataplane_flow = dataplane_flow or self.dataplane_flow
inputs = (inputs or {}).copy()
flow_inputs, dependency_nodes_outputs, merged_inputs = {}, {}, {}
missing_inputs = []
# Using default value of inputs as flow input
if node_name:
node = next(filter(lambda item: item.name == node_name, dataplane_flow.nodes), None)
if not node:
raise UserErrorException(f"Cannot find {node_name} in the flow.")
for name, value in node.inputs.items():
if value.value_type == InputValueType.NODE_REFERENCE:
input_name = (
f"{value.value}.{value.section}.{value.property}"
if value.property
else f"{value.value}.{value.section}"
)
if input_name in inputs:
dependency_input = inputs.pop(input_name)
elif name in inputs:
dependency_input = inputs.pop(name)
else:
missing_inputs.append(name)
continue
if value.property:
dependency_nodes_outputs[value.value] = dependency_nodes_outputs.get(value.value, {})
if isinstance(dependency_input, dict) and value.property in dependency_input:
dependency_nodes_outputs[value.value][value.property] = dependency_input[value.property]
elif dependency_input:
dependency_nodes_outputs[value.value][value.property] = dependency_input
else:
dependency_nodes_outputs[value.value] = dependency_input
merged_inputs[name] = dependency_input
elif value.value_type == InputValueType.FLOW_INPUT:
input_name = f"{value.prefix}{value.value}"
if input_name in inputs:
flow_input = inputs.pop(input_name)
elif name in inputs:
flow_input = inputs.pop(name)
else:
flow_input = dataplane_flow.inputs[value.value].default
if flow_input is None:
missing_inputs.append(name)
continue
flow_inputs[value.value] = flow_input
merged_inputs[name] = flow_input
else:
flow_inputs[name] = inputs.pop(name) if name in inputs else value.value
merged_inputs[name] = flow_inputs[name]
else:
for name, value in dataplane_flow.inputs.items():
if name in inputs:
flow_inputs[name] = inputs.pop(name)
merged_inputs[name] = flow_inputs[name]
else:
if value.default is None:
# When the flow is a chat flow and chat_history has no default value, set an empty list for it
if chat_history_name and name == chat_history_name:
flow_inputs[name] = []
else:
missing_inputs.append(name)
else:
flow_inputs[name] = value.default
merged_inputs[name] = flow_inputs[name]
prefix = node_name or "flow"
if missing_inputs:
raise UserErrorException(f'Required input(s) {missing_inputs} are missing for "{prefix}".')
if inputs:
logger.warning(f"Unknown input(s) of {prefix}: {inputs}")
flow_inputs.update(inputs)
merged_inputs.update(inputs)
logger.info(f"{prefix} input(s): {merged_inputs}")
return flow_inputs, dependency_nodes_outputs
def flow_test(
self,
inputs: Mapping[str, Any],
environment_variables: dict = None,
stream_log: bool = True,
allow_generator_output: bool = False, # TODO: remove this
connections: dict = None, # executable connections dict, to avoid http call each time in chat mode
stream_output: bool = True,
):
from promptflow.executor.flow_executor import execute_flow
if not connections:
connections = SubmitterHelper.resolve_connections(flow=self.flow, client=self._client)
credential_list = ConnectionManager(connections).get_secret_list()
# resolve environment variables
environment_variables = SubmitterHelper.load_and_resolve_environment_variables(
flow=self.flow, environment_variables=environment_variables, client=self._client
)
environment_variables = environment_variables if environment_variables else {}
SubmitterHelper.init_env(environment_variables=environment_variables)
with LoggerOperations(
file_path=self.flow.code / PROMPT_FLOW_DIR_NAME / "flow.log",
stream=stream_log,
credential_list=credential_list,
):
storage = DefaultRunStorage(base_dir=self.flow.code, sub_dir=Path(".promptflow/intermediate"))
line_result = execute_flow(
flow_file=self.flow.path,
working_dir=self.flow.code,
output_dir=Path(".promptflow/output"),
connections=connections,
inputs=inputs,
enable_stream_output=stream_output,
allow_generator_output=allow_generator_output,
entry=self.entry,
storage=storage,
)
if isinstance(line_result.output, dict):
generator_outputs = self._get_generator_outputs(line_result.output)
if generator_outputs:
logger.info(f"Some streaming outputs in the result, {generator_outputs.keys()}")
return line_result
def node_test(
self,
node_name: str,
flow_inputs: Mapping[str, Any],
dependency_nodes_outputs: Mapping[str, Any],
environment_variables: dict = None,
stream: bool = True,
):
from promptflow.executor import FlowExecutor
connections = SubmitterHelper.resolve_connections(flow=self.flow, client=self._client)
credential_list = ConnectionManager(connections).get_secret_list()
# resolve environment variables
environment_variables = SubmitterHelper.load_and_resolve_environment_variables(
flow=self.flow, environment_variables=environment_variables, client=self._client
)
SubmitterHelper.init_env(environment_variables=environment_variables)
with LoggerOperations(
file_path=self.flow.code / PROMPT_FLOW_DIR_NAME / f"{node_name}.node.log",
stream=stream,
credential_list=credential_list,
):
storage = DefaultRunStorage(base_dir=self.flow.code, sub_dir=Path(".promptflow/intermediate"))
result = FlowExecutor.load_and_exec_node(
self.flow.path,
node_name,
flow_inputs=flow_inputs,
dependency_nodes_outputs=dependency_nodes_outputs,
connections=connections,
working_dir=self.flow.code,
storage=storage,
)
return result
def _chat_flow(self, inputs, chat_history_name, environment_variables: dict = None, show_step_output=False):
"""
Interact with Chat Flow. Do the following:
1. Combine chat_history and user input as the input for each round of the chat flow.
2. Each round of chat is executed once flow test.
3. Prefix the output for distinction.
"""
from colorama import Fore, init
@contextlib.contextmanager
def change_logger_level(level):
origin_level = logger.level
logger.setLevel(level)
yield
logger.setLevel(origin_level)
init(autoreset=True)
chat_history = []
generator_record = {}
input_name = next(
filter(lambda key: self.dataplane_flow.inputs[key].is_chat_input, self.dataplane_flow.inputs.keys())
)
output_name = next(
filter(
lambda key: self.dataplane_flow.outputs[key].is_chat_output,
self.dataplane_flow.outputs.keys(),
)
)
# Pass connections to avoid duplicate calculation (especially http call)
connections = SubmitterHelper.resolve_connections(flow=self.flow, client=self._client)
while True:
try:
print(f"{Fore.GREEN}User: ", end="")
input_value = input()
if not input_value.strip():
continue
except (KeyboardInterrupt, EOFError):
print("Terminate the chat.")
break
inputs = inputs or {}
inputs[input_name] = input_value
inputs[chat_history_name] = chat_history
with change_logger_level(level=logging.WARNING):
chat_inputs, _ = self.resolve_data(inputs=inputs)
flow_result = self.flow_test(
inputs=chat_inputs,
environment_variables=environment_variables,
stream_log=False,
allow_generator_output=True,
connections=connections,
stream_output=True,
)
self._raise_error_when_test_failed(flow_result, show_trace=True)
show_node_log_and_output(flow_result.node_run_infos, show_step_output, generator_record)
print(f"{Fore.YELLOW}Bot: ", end="")
print_chat_output(flow_result.output[output_name], generator_record)
flow_result = resolve_generator(flow_result, generator_record)
flow_outputs = {k: v for k, v in flow_result.output.items()}
history = {"inputs": {input_name: input_value}, "outputs": flow_outputs}
chat_history.append(history)
dump_flow_result(flow_folder=self._origin_flow.code, flow_result=flow_result, prefix="chat")
@staticmethod
def _raise_error_when_test_failed(test_result, show_trace=False):
from promptflow.executor._result import LineResult
test_status = test_result.run_info.status if isinstance(test_result, LineResult) else test_result.status
if test_status == Status.Failed:
error_dict = test_result.run_info.error if isinstance(test_result, LineResult) else test_result.error
error_response = ErrorResponse.from_error_dict(error_dict)
user_execution_error = error_response.get_user_execution_error_info()
error_message = error_response.message
stack_trace = user_execution_error.get("traceback", "")
error_type = user_execution_error.get("type", "Exception")
if show_trace:
print(stack_trace)
raise UserErrorException(f"{error_type}: {error_message}")
@staticmethod
def _get_generator_outputs(outputs):
outputs = outputs or {}
return {key: outputs for key, output in outputs.items() if isinstance(output, GeneratorType)}
class TestSubmitterViaProxy(TestSubmitter):
def __init__(self, flow: ProtectedFlow, flow_context: FlowContext, client=None):
super().__init__(flow, flow_context, client)
def flow_test(
self,
inputs: Mapping[str, Any],
environment_variables: dict = None,
stream_log: bool = True,
allow_generator_output: bool = False,
connections: dict = None, # executable connections dict, to avoid http call each time in chat mode
stream_output: bool = True,
):
from promptflow._constants import LINE_NUMBER_KEY
if not connections:
connections = SubmitterHelper.resolve_used_connections(
flow=self.flow,
tools_meta=CSharpExecutorProxy.get_tool_metadata(
flow_file=self.flow.flow_dag_path,
working_dir=self.flow.code,
),
client=self._client,
)
credential_list = ConnectionManager(connections).get_secret_list()
# resolve environment variables
environment_variables = SubmitterHelper.load_and_resolve_environment_variables(
flow=self.flow, environment_variables=environment_variables, client=self._client
)
environment_variables = environment_variables if environment_variables else {}
SubmitterHelper.init_env(environment_variables=environment_variables)
log_path = self.flow.code / PROMPT_FLOW_DIR_NAME / "flow.log"
with LoggerOperations(
file_path=log_path,
stream=stream_log,
credential_list=credential_list,
):
try:
storage = DefaultRunStorage(base_dir=self.flow.code, sub_dir=Path(".promptflow/intermediate"))
flow_executor: CSharpExecutorProxy = async_run_allowing_running_loop(
CSharpExecutorProxy.create,
self.flow.path,
self.flow.code,
connections=connections,
storage=storage,
log_path=log_path,
)
line_result: LineResult = async_run_allowing_running_loop(
flow_executor.exec_line_async, inputs, index=0
)
line_result.output = persist_multimedia_data(
line_result.output, base_dir=self.flow.code, sub_dir=Path(".promptflow/output")
)
if line_result.aggregation_inputs:
# Convert inputs of aggregation to list type
flow_inputs = {k: [v] for k, v in inputs.items()}
aggregation_inputs = {k: [v] for k, v in line_result.aggregation_inputs.items()}
aggregation_results = async_run_allowing_running_loop(
flow_executor.exec_aggregation_async, flow_inputs, aggregation_inputs
)
line_result.node_run_infos.update(aggregation_results.node_run_infos)
line_result.run_info.metrics = aggregation_results.metrics
if isinstance(line_result.output, dict):
# Remove line_number from output
line_result.output.pop(LINE_NUMBER_KEY, None)
generator_outputs = self._get_generator_outputs(line_result.output)
if generator_outputs:
logger.info(f"Some streaming outputs in the result, {generator_outputs.keys()}")
return line_result
finally:
async_run_allowing_running_loop(flow_executor.destroy)
def exec_with_inputs(self, inputs):
from promptflow._constants import LINE_NUMBER_KEY
connections = SubmitterHelper.resolve_used_connections(
flow=self.flow,
tools_meta=CSharpExecutorProxy.get_tool_metadata(
flow_file=self.flow.path,
working_dir=self.flow.code,
),
client=self._client,
)
storage = DefaultRunStorage(base_dir=self.flow.code, sub_dir=Path(".promptflow/intermediate"))
flow_executor = CSharpExecutorProxy.create(
flow_file=self.flow.path,
working_dir=self.flow.code,
connections=connections,
storage=storage,
)
try:
# validate inputs
flow_inputs, _ = self.resolve_data(inputs=inputs, dataplane_flow=self.dataplane_flow)
line_result = async_run_allowing_running_loop(flow_executor.exec_line_async, inputs, index=0)
# line_result = flow_executor.exec_line(inputs, index=0)
if isinstance(line_result.output, dict):
# Remove line_number from output
line_result.output.pop(LINE_NUMBER_KEY, None)
return line_result
finally:
flow_executor.destroy()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_flow.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import abc
import json
from os import PathLike
from pathlib import Path
from typing import Dict, Optional, Tuple, Union
from marshmallow import Schema
from promptflow._constants import LANGUAGE_KEY, FlowLanguage
from promptflow._sdk._constants import (
BASE_PATH_CONTEXT_KEY,
DAG_FILE_NAME,
DEFAULT_ENCODING,
FLOW_TOOLS_JSON,
PROMPT_FLOW_DIR_NAME,
)
from promptflow._sdk.entities._connection import _Connection
from promptflow._sdk.entities._validation import SchemaValidatableMixin
from promptflow._utils.flow_utils import resolve_flow_path
from promptflow._utils.logger_utils import get_cli_sdk_logger
from promptflow._utils.yaml_utils import load_yaml, load_yaml_string
from promptflow.exceptions import ErrorTarget, UserErrorException
logger = get_cli_sdk_logger()
class FlowContext:
"""Flow context entity. the settings on this context will be applied to the flow when executing.
:param connections: Connections for the flow.
:type connections: Optional[Dict[str, Dict]]
:param variant: Variant of the flow.
:type variant: Optional[str]
:param variant: Overrides of the flow.
:type variant: Optional[Dict[str, Dict]]
:param streaming: Whether the flow's output need to be return in streaming mode.
:type streaming: Optional[bool]
"""
def __init__(
self,
*,
connections=None,
variant=None,
overrides=None,
streaming=None,
):
self.connections, self._connection_objs = connections or {}, {}
self.variant = variant
self.overrides = overrides or {}
self.streaming = streaming
# TODO: introduce connection provider support
def _resolve_connections(self):
# resolve connections and create placeholder for connection objects
for _, v in self.connections.items():
if isinstance(v, dict):
for k, conn in v.items():
if isinstance(conn, _Connection):
name = self._get_connection_obj_name(conn)
v[k] = name
self._connection_objs[name] = conn
@classmethod
def _get_connection_obj_name(cls, connection: _Connection):
# create a unique connection name for connection obj
# will generate same name if connection has same content
connection_dict = connection._to_dict()
connection_name = f"connection_{hash(json.dumps(connection_dict, sort_keys=True))}"
return connection_name
def _to_dict(self):
return {
"connections": self.connections,
"variant": self.variant,
"overrides": self.overrides,
"streaming": self.streaming,
}
def __eq__(self, other):
if isinstance(other, FlowContext):
return self._to_dict() == other._to_dict()
return False
def __hash__(self):
self._resolve_connections()
return hash(json.dumps(self._to_dict(), sort_keys=True))
class FlowBase(abc.ABC):
def __init__(self, **kwargs):
self._context = FlowContext()
self._content_hash = kwargs.pop("content_hash", None)
super().__init__(**kwargs)
@property
def context(self) -> FlowContext:
return self._context
@context.setter
def context(self, val):
if not isinstance(val, FlowContext):
raise UserErrorException("context must be a FlowContext object, got {type(val)} instead.")
self._context = val
@property
@abc.abstractmethod
def language(self) -> str:
"""Language of the flow."""
@classmethod
# pylint: disable=unused-argument
def _resolve_cls_and_type(cls, data, params_override):
"""Resolve the class to use for deserializing the data. Return current class if no override is provided.
:param data: Data to deserialize.
:type data: dict
:param params_override: Parameters to override, defaults to None
:type params_override: typing.Optional[list]
:return: Class to use for deserializing the data & its "type". Type will be None if no override is provided.
:rtype: tuple[class, typing.Optional[str]]
"""
return cls, "flow"
class Flow(FlowBase):
"""This class is used to represent a flow."""
def __init__(
self,
code: Union[str, PathLike],
dag: dict,
**kwargs,
):
self._code = Path(code)
path = kwargs.pop("path", None)
self._path = Path(path) if path else None
self.variant = kwargs.pop("variant", None) or {}
self.dag = dag
super().__init__(**kwargs)
@property
def code(self) -> Path:
return self._code
@code.setter
def code(self, value: Union[str, PathLike, Path]):
self._code = value
@property
def path(self) -> Path:
flow_file = self._path or self.code / DAG_FILE_NAME
if not flow_file.is_file():
raise UserErrorException(
"The directory does not contain a valid flow.",
target=ErrorTarget.CONTROL_PLANE_SDK,
)
return flow_file
@property
def language(self) -> str:
return self.dag.get(LANGUAGE_KEY, FlowLanguage.Python)
@classmethod
def _is_eager_flow(cls, data: dict):
"""Check if the flow is an eager flow. Use field 'entry' to determine."""
# If entry specified, it's an eager flow.
return data.get("entry")
@classmethod
def load(
cls,
source: Union[str, PathLike],
entry: str = None,
**kwargs,
):
from promptflow._sdk.entities._eager_flow import EagerFlow
source_path = Path(source)
if not source_path.exists():
raise UserErrorException(f"Source {source_path.absolute().as_posix()} does not exist")
flow_path = resolve_flow_path(source_path)
if not flow_path.exists():
raise UserErrorException(f"Flow file {flow_path.absolute().as_posix()} does not exist")
if flow_path.suffix in [".yaml", ".yml"]:
# read flow file to get hash
with open(flow_path, "r", encoding=DEFAULT_ENCODING) as f:
flow_content = f.read()
data = load_yaml_string(flow_content)
kwargs["content_hash"] = hash(flow_content)
is_eager_flow = cls._is_eager_flow(data)
if is_eager_flow:
return EagerFlow._load(path=flow_path, entry=entry, data=data, **kwargs)
else:
# TODO: schema validation and warning on unknown fields
return ProtectedFlow._load(path=flow_path, dag=data, **kwargs)
# if non-YAML file is provided, treat is as eager flow
return EagerFlow._load(path=flow_path, entry=entry, **kwargs)
def _init_executable(self, tuning_node=None, variant=None):
from promptflow._sdk._submitter import variant_overwrite_context
# TODO: check if there is potential bug here
# this is a little wired:
# 1. the executable is created from a temp folder when there is additional includes
# 2. after the executable is returned, the temp folder is deleted
with variant_overwrite_context(self.code, tuning_node, variant) as flow:
from promptflow.contracts.flow import Flow as ExecutableFlow
return ExecutableFlow.from_yaml(flow_file=flow.path, working_dir=flow.code)
def __eq__(self, other):
if isinstance(other, Flow):
return self._content_hash == other._content_hash and self.context == other.context
return False
def __hash__(self):
return hash(self.context) ^ self._content_hash
class ProtectedFlow(Flow, SchemaValidatableMixin):
"""This class is used to hide internal interfaces from user.
User interface should be carefully designed to avoid breaking changes, while developers may need to change internal
interfaces to improve the code quality. On the other hand, making all internal interfaces private will make it
strange to use them everywhere inside this package.
Ideally, developers should always initialize ProtectedFlow object instead of Flow object.
"""
def __init__(
self,
code: str,
params_override: Optional[Dict] = None,
**kwargs,
):
super().__init__(code=code, **kwargs)
self._flow_dir, self._dag_file_name = self._get_flow_definition(self.code)
self._executable = None
self._params_override = params_override
@classmethod
def _load(cls, path: Path, dag: dict, **kwargs):
return cls(code=path.parent.absolute().as_posix(), dag=dag, **kwargs)
@property
def flow_dag_path(self) -> Path:
return self._flow_dir / self._dag_file_name
@property
def name(self) -> str:
return self._flow_dir.name
@property
def display_name(self) -> str:
return self.dag.get("display_name", self.name)
@property
def tools_meta_path(self) -> Path:
target_path = self._flow_dir / PROMPT_FLOW_DIR_NAME / FLOW_TOOLS_JSON
target_path.parent.mkdir(parents=True, exist_ok=True)
return target_path
@classmethod
def _get_flow_definition(cls, flow, base_path=None) -> Tuple[Path, str]:
if base_path:
flow_path = Path(base_path) / flow
else:
flow_path = Path(flow)
if flow_path.is_dir() and (flow_path / DAG_FILE_NAME).is_file():
return flow_path, DAG_FILE_NAME
elif flow_path.is_file():
return flow_path.parent, flow_path.name
raise ValueError(f"Can't find flow with path {flow_path.as_posix()}.")
# region SchemaValidatableMixin
@classmethod
def _create_schema_for_validation(cls, context) -> Schema:
# import here to avoid circular import
from ..schemas._flow import FlowSchema
return FlowSchema(context=context)
def _default_context(self) -> dict:
return {BASE_PATH_CONTEXT_KEY: self._flow_dir}
def _create_validation_error(self, message, no_personal_data_message=None):
return UserErrorException(
message=message,
target=ErrorTarget.CONTROL_PLANE_SDK,
no_personal_data_message=no_personal_data_message,
)
def _dump_for_validation(self) -> Dict:
# Flow is read-only in control plane, so we always dump the flow from file
data = load_yaml(self.flow_dag_path)
if isinstance(self._params_override, dict):
data.update(self._params_override)
return data
# endregion
# region MLFlow model requirements
@property
def inputs(self):
# This is used for build mlflow model signature.
if not self._executable:
self._executable = self._init_executable()
return {k: v.type.value for k, v in self._executable.inputs.items()}
@property
def outputs(self):
# This is used for build mlflow model signature.
if not self._executable:
self._executable = self._init_executable()
return {k: v.type.value for k, v in self._executable.outputs.items()}
# endregion
def __call__(self, *args, **kwargs):
"""Calling flow as a function, the inputs should be provided with key word arguments.
Returns the output of the flow.
The function call throws UserErrorException: if the flow is not valid or the inputs are not valid.
SystemErrorException: if the flow execution failed due to unexpected executor error.
:param args: positional arguments are not supported.
:param kwargs: flow inputs with key word arguments.
:return:
"""
if args:
raise UserErrorException("Flow can only be called with keyword arguments.")
result = self.invoke(inputs=kwargs)
return result.output
def invoke(self, inputs: dict) -> "LineResult":
"""Invoke a flow and get a LineResult object."""
from promptflow._sdk._submitter.test_submitter import TestSubmitterViaProxy
from promptflow._sdk.operations._flow_context_resolver import FlowContextResolver
if self.dag.get(LANGUAGE_KEY, FlowLanguage.Python) == FlowLanguage.CSharp:
with TestSubmitterViaProxy(flow=self, flow_context=self.context).init() as submitter:
result = submitter.exec_with_inputs(
inputs=inputs,
)
return result
else:
invoker = FlowContextResolver.resolve(flow=self)
result = invoker._invoke(
data=inputs,
)
return result
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_experiment.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import copy
import datetime
import json
import shutil
import uuid
from os import PathLike
from pathlib import Path
from typing import Any, Dict, List, Optional, Union
from marshmallow import Schema
from promptflow._sdk._constants import (
BASE_PATH_CONTEXT_KEY,
PARAMS_OVERRIDE_KEY,
PROMPT_FLOW_DIR_NAME,
PROMPT_FLOW_EXP_DIR_NAME,
ExperimentNodeType,
ExperimentStatus,
)
from promptflow._sdk._errors import ExperimentValidationError, ExperimentValueError
from promptflow._sdk._orm.experiment import Experiment as ORMExperiment
from promptflow._sdk._submitter import remove_additional_includes
from promptflow._sdk._utils import _merge_local_code_and_additional_includes, _sanitize_python_variable_name
from promptflow._sdk.entities import Run
from promptflow._sdk.entities._validation import MutableValidationResult, SchemaValidatableMixin
from promptflow._sdk.entities._yaml_translatable import YAMLTranslatableMixin
from promptflow._sdk.schemas._experiment import (
ExperimentDataSchema,
ExperimentInputSchema,
ExperimentSchema,
ExperimentTemplateSchema,
FlowNodeSchema,
ScriptNodeSchema,
)
from promptflow._utils.logger_utils import get_cli_sdk_logger
from promptflow.contracts.tool import ValueType
logger = get_cli_sdk_logger()
class ExperimentData(YAMLTranslatableMixin):
def __init__(self, name, path, **kwargs):
self.name = name
self.path = path
@classmethod
def _get_schema_cls(cls):
return ExperimentDataSchema
class ExperimentInput(YAMLTranslatableMixin):
def __init__(self, name, default, type, **kwargs):
self.name = name
self.type, self.default = self._resolve_type_and_default(type, default)
@classmethod
def _get_schema_cls(cls):
return ExperimentInputSchema
def _resolve_type_and_default(self, typ, default):
supported_types = [
ValueType.INT,
ValueType.STRING,
ValueType.DOUBLE,
ValueType.LIST,
ValueType.OBJECT,
ValueType.BOOL,
]
value_type: ValueType = next((i for i in supported_types if typ.lower() == i.value.lower()), None)
if value_type is None:
raise ExperimentValueError(f"Unknown experiment input type {typ!r}, supported are {supported_types}.")
return value_type.value, value_type.parse(default) if default is not None else None
@classmethod
def _load_from_dict(cls, data: Dict, context: Dict, additional_message: str = None, **kwargs):
# Override this to avoid 'type' got pop out
schema_cls = cls._get_schema_cls()
try:
loaded_data = schema_cls(context=context).load(data, **kwargs)
except Exception as e:
raise Exception(f"Load experiment input failed with {str(e)}. f{(additional_message or '')}.")
return cls(base_path=context[BASE_PATH_CONTEXT_KEY], **loaded_data)
class FlowNode(YAMLTranslatableMixin):
def __init__(
self,
path: Union[Path, str],
name: str,
# input fields are optional since it's not stored in DB
data: Optional[str] = None,
variant: Optional[str] = None,
run: Optional[Union["Run", str]] = None,
inputs: Optional[dict] = None,
display_name: Optional[str] = None,
description: Optional[str] = None,
tags: Optional[List[Dict[str, str]]] = None,
environment_variables: Optional[Dict[str, str]] = None,
connections: Optional[Dict[str, Dict]] = None,
properties: Optional[Dict[str, Any]] = None,
**kwargs,
):
self.type = ExperimentNodeType.FLOW
self.data = data
self.inputs = inputs
self.display_name = display_name
self.description = description
self.tags = tags
self.variant = variant
self.run = run
self.environment_variables = environment_variables or {}
self.connections = connections or {}
self._properties = properties or {}
self._creation_context = kwargs.get("creation_context", None)
# init here to make sure those fields initialized in all branches.
self.path = path
# default run name: flow directory name + timestamp
self.name = name
self._runtime = kwargs.get("runtime", None)
self._resources = kwargs.get("resources", None)
@classmethod
def _get_schema_cls(cls):
return FlowNodeSchema
def _save_snapshot(self, target):
"""Save flow source to experiment snapshot."""
# Resolve additional includes in flow
from promptflow import load_flow
Path(target).mkdir(parents=True, exist_ok=True)
flow = load_flow(source=self.path)
saved_flow_path = Path(target) / self.name
with _merge_local_code_and_additional_includes(code_path=flow.code) as resolved_flow_dir:
remove_additional_includes(Path(resolved_flow_dir))
shutil.copytree(src=resolved_flow_dir, dst=saved_flow_path)
logger.debug(f"Flow source saved to {saved_flow_path}.")
self.path = saved_flow_path.resolve().absolute().as_posix()
class ScriptNode(YAMLTranslatableMixin):
def __init__(self, source, inputs, name, display_name=None, runtime=None, environment_variables=None, **kwargs):
self.type = ExperimentNodeType.CODE
self.display_name = display_name
self.name = name
self.source = source
self.inputs = inputs
self.runtime = runtime
self.environment_variables = environment_variables or {}
@classmethod
def _get_schema_cls(cls):
return ScriptNodeSchema
def _save_snapshot(self, target):
# Do nothing for script node for now
pass
class ExperimentTemplate(YAMLTranslatableMixin, SchemaValidatableMixin):
def __init__(self, nodes, name=None, description=None, data=None, inputs=None, **kwargs):
self._base_path = kwargs.get(BASE_PATH_CONTEXT_KEY, Path("."))
self.name = name or self._generate_name()
self.description = description
self.nodes = nodes
self.data = data or []
self.inputs = inputs or []
self._source_path = None
@classmethod
# pylint: disable=unused-argument
def _resolve_cls_and_type(cls, **kwargs):
return cls, "experiment_template"
@classmethod
def _get_schema_cls(cls):
return ExperimentTemplateSchema
@classmethod
def _load(
cls,
data: Optional[Dict] = None,
yaml_path: Optional[Union[PathLike, str]] = None,
params_override: Optional[list] = None,
**kwargs,
):
data = data or {}
params_override = params_override or []
context = {
BASE_PATH_CONTEXT_KEY: Path(yaml_path).parent if yaml_path else Path("./"),
PARAMS_OVERRIDE_KEY: params_override,
}
logger.debug(f"Loading class object with data {data}, params_override {params_override}, context {context}.")
exp = cls._load_from_dict(
data=data,
context=context,
additional_message="Failed to load experiment",
**kwargs,
)
if yaml_path:
exp._source_path = yaml_path
return exp
def _generate_name(self) -> str:
"""Generate a template name."""
try:
folder_name = Path(self._base_path).resolve().absolute().name
return _sanitize_python_variable_name(folder_name)
except Exception as e:
logger.debug(f"Failed to generate template name, error: {e}, use uuid.")
return str(uuid.uuid4())
@classmethod
def _load_from_dict(cls, data: Dict, context: Dict, additional_message: str = None, **kwargs):
schema_cls = cls._get_schema_cls()
try:
loaded_data = schema_cls(context=context).load(data, **kwargs)
except Exception as e:
raise Exception(f"Load experiment template failed with {str(e)}. f{(additional_message or '')}.")
return cls(base_path=context[BASE_PATH_CONTEXT_KEY], **loaded_data)
@classmethod
def _create_schema_for_validation(cls, context) -> Schema:
return cls._get_schema_cls()(context=context)
def _default_context(self) -> dict:
return {BASE_PATH_CONTEXT_KEY: self._base_path}
@classmethod
def _create_validation_error(cls, message: str, no_personal_data_message: str) -> Exception:
return ExperimentValidationError(
message=message,
no_personal_data_message=no_personal_data_message,
)
def _customized_validate(self) -> MutableValidationResult:
"""Validate the resource with customized logic.
Override this method to add customized validation logic.
:return: The customized validation result
:rtype: MutableValidationResult
"""
pass
class Experiment(ExperimentTemplate):
def __init__(
self,
nodes,
name=None,
data=None,
inputs=None,
status=ExperimentStatus.NOT_STARTED,
node_runs=None,
properties=None,
**kwargs,
):
self.name = name or self._generate_name()
self.status = status
self.node_runs = node_runs or {}
self.properties = properties or {}
self.created_on = kwargs.get("created_on", datetime.datetime.now().isoformat())
self.last_start_time = kwargs.get("last_start_time", None)
self.last_end_time = kwargs.get("last_end_time", None)
self.is_archived = kwargs.get("is_archived", False)
self._output_dir = Path.home() / PROMPT_FLOW_DIR_NAME / PROMPT_FLOW_EXP_DIR_NAME / self.name
super().__init__(nodes, name=self.name, data=data, inputs=inputs, **kwargs)
@classmethod
def _get_schema_cls(cls):
return ExperimentSchema
@classmethod
# pylint: disable=unused-argument
def _resolve_cls_and_type(cls, **kwargs):
return cls, "experiment"
def _generate_name(self) -> str:
"""Generate a experiment name."""
try:
folder_name = Path(self._base_path).resolve().absolute().name
timestamp = datetime.datetime.now().strftime("%Y%m%d_%H%M%S_%f")
exp_name = f"{folder_name}_{timestamp}"
return _sanitize_python_variable_name(exp_name)
except Exception as e:
logger.debug(f"Failed to generate experiment name, error: {e}, use uuid.")
return str(uuid.uuid4())
def _save_snapshot_and_update_node(
self,
):
"""Save node source to experiment snapshot, update node path."""
snapshot_dir = self._output_dir / "snapshots"
for node in self.nodes:
node._save_snapshot(snapshot_dir)
def _append_node_run(self, node_name, run: Run):
"""Append node run to experiment."""
if node_name not in self.node_runs or not isinstance(self.node_runs[node_name], list):
self.node_runs[node_name] = []
# TODO: Review this
self.node_runs[node_name].append({"name": run.name, "status": run.status})
def _to_orm_object(self):
"""Convert to ORM object."""
result = ORMExperiment(
name=self.name,
description=self.description,
status=self.status,
created_on=self.created_on,
archived=self.is_archived,
last_start_time=self.last_start_time,
last_end_time=self.last_end_time,
properties=json.dumps(self.properties),
data=json.dumps([item._to_dict() for item in self.data]),
inputs=json.dumps([input._to_dict() for input in self.inputs]),
nodes=json.dumps([node._to_dict() for node in self.nodes]),
node_runs=json.dumps(self.node_runs),
)
logger.debug(f"Experiment to ORM object: {result.__dict__}")
return result
@classmethod
def _from_orm_object(cls, obj: ORMExperiment) -> "Experiment":
"""Create a experiment object from ORM object."""
nodes = []
context = {BASE_PATH_CONTEXT_KEY: "./"}
for node_dict in json.loads(obj.nodes):
if node_dict["type"] == ExperimentNodeType.FLOW:
nodes.append(
FlowNode._load_from_dict(node_dict, context=context, additional_message="Failed to load node.")
)
elif node_dict["type"] == ExperimentNodeType.CODE:
nodes.append(
ScriptNode._load_from_dict(node_dict, context=context, additional_message="Failed to load node.")
)
else:
raise Exception(f"Unknown node type {node_dict['type']}")
data = [
ExperimentData._load_from_dict(item, context=context, additional_message="Failed to load experiment data")
for item in json.loads(obj.data)
]
inputs = [
ExperimentInput._load_from_dict(
item, context=context, additional_message="Failed to load experiment inputs"
)
for item in json.loads(obj.inputs)
]
return cls(
name=obj.name,
description=obj.description,
status=obj.status,
created_on=obj.created_on,
last_start_time=obj.last_start_time,
last_end_time=obj.last_end_time,
is_archived=obj.archived,
properties=json.loads(obj.properties),
data=data,
inputs=inputs,
nodes=nodes,
node_runs=json.loads(obj.node_runs),
)
@classmethod
def from_template(cls, template: ExperimentTemplate, name=None):
"""Create a experiment object from template."""
timestamp = datetime.datetime.now().strftime("%Y%m%d_%H%M%S_%f")
exp_name = name or f"{template.name}_{timestamp}"
experiment = cls(
name=exp_name,
description=template.description,
data=copy.deepcopy(template.data),
inputs=copy.deepcopy(template.inputs),
nodes=copy.deepcopy(template.nodes),
base_path=template._base_path,
)
logger.debug("Start saving snapshot and update node.")
experiment._save_snapshot_and_update_node()
return experiment
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_run_inputs.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from os import PathLike
from typing import Union
# TODO(2528165): remove this file when we deprecate Flow.run_bulk
class BaseInputs(object):
def __init__(self, data: Union[str, PathLike], inputs_mapping: dict = None, **kwargs):
self.data = data
self.inputs_mapping = inputs_mapping
class BulkInputs(BaseInputs):
"""Bulk run inputs.
data: pointer to test data for standard runs
inputs_mapping: define a data flow logic to map input data, support:
from data: data.col1:
Example:
{"question": "${data.question}", "context": "${data.context}"}
"""
# TODO: support inputs_mapping for bulk run
pass
class EvalInputs(BaseInputs):
"""Evaluation flow run inputs.
data: pointer to test data (of variant bulk runs) for eval runs
variant:
variant run id or variant run
keep lineage between current run and variant runs
variant outputs can be referenced as ${batch_run.outputs.col_name} in inputs_mapping
baseline:
baseline run id or baseline run
baseline bulk run for eval runs for pairwise comparison
inputs_mapping: define a data flow logic to map input data, support:
from data: data.col1:
from variant:
[0].col1, [1].col2: if need different col from variant run data
variant.output.col1: if all upstream runs has col1
Example:
{"ground_truth": "${data.answer}", "prediction": "${batch_run.outputs.answer}"}
"""
def __init__(
self,
data: Union[str, PathLike],
variant: Union[str, "BulkRun"] = None, # noqa: F821
baseline: Union[str, "BulkRun"] = None, # noqa: F821
inputs_mapping: dict = None,
**kwargs
):
super().__init__(data=data, inputs_mapping=inputs_mapping, **kwargs)
self.variant = variant
self.baseline = baseline
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_yaml_translatable.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import abc
from typing import Dict, Optional
from promptflow._sdk._constants import BASE_PATH_CONTEXT_KEY, CommonYamlFields
from promptflow._sdk._utils import load_from_dict
from promptflow._utils.yaml_utils import dump_yaml
class YAMLTranslatableMixin(abc.ABC):
@classmethod
# pylint: disable=unused-argument
def _resolve_cls_and_type(cls, data, params_override: Optional[list]):
"""Resolve the class to use for deserializing the data. Return current class if no override is provided.
:param data: Data to deserialize.
:type data: dict
:param params_override: Parameters to override, defaults to None
:type params_override: typing.Optional[list]
:return: Class to use for deserializing the data & its "type". Type will be None if no override is provided.
:rtype: tuple[class, typing.Optional[str]]
"""
@classmethod
def _get_schema_cls(self):
pass
def _to_dict(self) -> Dict:
schema_cls = self._get_schema_cls()
return schema_cls(context={BASE_PATH_CONTEXT_KEY: "./"}).dump(self)
def _to_yaml(self) -> str:
return dump_yaml(self._to_dict())
def __str__(self):
try:
return self._to_yaml()
except BaseException: # pylint: disable=broad-except
return super(YAMLTranslatableMixin, self).__str__()
@classmethod
def _load_from_dict(cls, data: Dict, context: Dict, additional_message: str, **kwargs):
schema_cls = cls._get_schema_cls()
loaded_data = load_from_dict(schema_cls, data, context, additional_message, **kwargs)
# pop the type field since it already exists in class init
loaded_data.pop(CommonYamlFields.TYPE, None)
return cls(base_path=context[BASE_PATH_CONTEXT_KEY], **loaded_data)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_connection.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import abc
import importlib
import json
import types
from os import PathLike
from pathlib import Path
from typing import Dict, List, Union
from promptflow._core.token_provider import AzureTokenProvider, TokenProviderABC
from promptflow._sdk._constants import (
BASE_PATH_CONTEXT_KEY,
PARAMS_OVERRIDE_KEY,
SCHEMA_KEYS_CONTEXT_CONFIG_KEY,
SCHEMA_KEYS_CONTEXT_SECRET_KEY,
SCRUBBED_VALUE,
SCRUBBED_VALUE_NO_CHANGE,
SCRUBBED_VALUE_USER_INPUT,
ConfigValueType,
ConnectionType,
CustomStrongTypeConnectionConfigs,
)
from promptflow._sdk._errors import UnsecureConnectionError, SDKError
from promptflow._sdk._orm.connection import Connection as ORMConnection
from promptflow._sdk._utils import (
decrypt_secret_value,
encrypt_secret_value,
find_type_in_override,
in_jupyter_notebook,
print_yellow_warning,
snake_to_camel,
)
from promptflow._sdk.entities._yaml_translatable import YAMLTranslatableMixin
from promptflow._sdk.schemas._connection import (
AzureContentSafetyConnectionSchema,
AzureOpenAIConnectionSchema,
CognitiveSearchConnectionSchema,
CustomConnectionSchema,
CustomStrongTypeConnectionSchema,
FormRecognizerConnectionSchema,
OpenAIConnectionSchema,
QdrantConnectionSchema,
SerpConnectionSchema,
WeaviateConnectionSchema,
)
from promptflow._utils.logger_utils import LoggerFactory
from promptflow.contracts.types import Secret
from promptflow.exceptions import ValidationException, UserErrorException
logger = LoggerFactory.get_logger(name=__name__)
PROMPTFLOW_CONNECTIONS = "promptflow.connections"
class _Connection(YAMLTranslatableMixin):
"""A connection entity that stores the connection information.
:param name: Connection name
:type name: str
:param type: Possible values include: "OpenAI", "AzureOpenAI", "Custom".
:type type: str
:param module: The module of connection class, used for execution.
:type module: str
:param configs: The configs kv pairs.
:type configs: Dict[str, str]
:param secrets: The secrets kv pairs.
:type secrets: Dict[str, str]
"""
TYPE = ConnectionType._NOT_SET
def __init__(
self,
name: str = "default_connection",
module: str = "promptflow.connections",
configs: Dict[str, str] = None,
secrets: Dict[str, str] = None,
**kwargs,
):
self.name = name
self.type = self.TYPE
self.class_name = f"{self.TYPE.value}Connection" # The type in executor connection dict
self.configs = configs or {}
self.module = module
# Note the connection secrets value behaviors:
# --------------------------------------------------------------------------------
# | secret value | CLI create | CLI update | SDK create_or_update |
# --------------------------------------------------------------------------------
# | empty or all "*" | prompt input | use existing values | use existing values |
# | <no-change> | prompt input | use existing values | use existing values |
# | <user-input> | prompt input | prompt input | raise error |
# --------------------------------------------------------------------------------
self.secrets = secrets or {}
self._secrets = {**self.secrets} # Un-scrubbed secrets
self.expiry_time = kwargs.get("expiry_time", None)
self.created_date = kwargs.get("created_date", None)
self.last_modified_date = kwargs.get("last_modified_date", None)
# Conditional assignment to prevent entity bloat when unused.
print_as_yaml = kwargs.pop("print_as_yaml", in_jupyter_notebook())
if print_as_yaml:
self.print_as_yaml = True
@classmethod
def _casting_type(cls, typ):
type_dict = {
"azure_open_ai": ConnectionType.AZURE_OPEN_AI.value,
"open_ai": ConnectionType.OPEN_AI.value,
}
if typ in type_dict:
return type_dict.get(typ)
return snake_to_camel(typ)
def keys(self) -> List:
"""Return keys of the connection properties."""
return list(self.configs.keys()) + list(self.secrets.keys())
def __getitem__(self, item):
# Note: This is added to allow usage **connection().
if item in self.secrets:
return self.secrets[item]
if item in self.configs:
return self.configs[item]
# raise UserErrorException(error=KeyError(f"Key {item!r} not found in connection {self.name!r}."))
# Cant't raise UserErrorException due to the code exit(1) of promptflow._cli._utils.py line 368.
raise KeyError(f"Key {item!r} not found in connection {self.name!r}.")
@classmethod
def _is_scrubbed_value(cls, value):
"""For scrubbed value, cli will get original for update, and prompt user to input for create."""
if value is None or not value:
return True
if all([v == "*" for v in value]):
return True
return value == SCRUBBED_VALUE_NO_CHANGE
@classmethod
def _is_user_input_value(cls, value):
"""The value will prompt user to input in cli for both create and update."""
return value == SCRUBBED_VALUE_USER_INPUT
def _validate_and_encrypt_secrets(self):
encrypt_secrets = {}
invalid_secrets = []
for k, v in self.secrets.items():
# In sdk experience, if v is not scrubbed, use it.
# If v is scrubbed, try to use the value in _secrets.
# If v is <user-input>, raise error.
if self._is_scrubbed_value(v):
# Try to get the value not scrubbed.
v = self._secrets.get(k)
if self._is_scrubbed_value(v) or self._is_user_input_value(v):
# Can't find the original value or is <user-input>, raise error.
invalid_secrets.append(k)
continue
encrypt_secrets[k] = encrypt_secret_value(v)
if invalid_secrets:
raise ValidationException(
f"Connection {self.name!r} secrets {invalid_secrets} value invalid, please fill them."
)
return encrypt_secrets
@classmethod
def _load_from_dict(cls, data: Dict, context: Dict, additional_message: str = None, **kwargs):
schema_cls = cls._get_schema_cls()
try:
loaded_data = schema_cls(context=context).load(data, **kwargs)
except Exception as e:
raise SDKError(f"Load connection failed with {str(e)}. f{(additional_message or '')}.")
return cls(base_path=context[BASE_PATH_CONTEXT_KEY], **loaded_data)
def _to_dict(self) -> Dict:
schema_cls = self._get_schema_cls()
return schema_cls(context={BASE_PATH_CONTEXT_KEY: "./"}).dump(self)
@classmethod
# pylint: disable=unused-argument
def _resolve_cls_and_type(cls, data, params_override=None):
type_in_override = find_type_in_override(params_override)
type_str = type_in_override or data.get("type")
if type_str is None:
raise ValidationException("type is required for connection.")
type_str = cls._casting_type(type_str)
type_cls = _supported_types.get(type_str)
if type_cls is None:
raise ValidationException(
f"connection_type {type_str!r} is not supported. Supported types are: {list(_supported_types.keys())}"
)
return type_cls, type_str
@abc.abstractmethod
def _to_orm_object(self) -> ORMConnection:
pass
@classmethod
def _from_mt_rest_object(cls, mt_rest_obj) -> "_Connection":
type_cls, _ = cls._resolve_cls_and_type(data={"type": mt_rest_obj.connection_type})
obj = type_cls._from_mt_rest_object(mt_rest_obj)
return obj
@classmethod
def _from_orm_object_with_secrets(cls, orm_object: ORMConnection):
# !!! Attention !!!: Do not use this function to user facing api, use _from_orm_object to remove secrets.
type_cls, _ = cls._resolve_cls_and_type(data={"type": orm_object.connectionType})
obj = type_cls._from_orm_object_with_secrets(orm_object)
return obj
@classmethod
def _from_orm_object(cls, orm_object: ORMConnection):
"""This function will create a connection object then scrub secrets."""
type_cls, _ = cls._resolve_cls_and_type(data={"type": orm_object.connectionType})
obj = type_cls._from_orm_object_with_secrets(orm_object)
# Note: we may can't get secret keys for custom connection from MT
obj.secrets = {k: SCRUBBED_VALUE for k in obj.secrets}
return obj
@classmethod
def _load(
cls,
data: Dict = None,
yaml_path: Union[PathLike, str] = None,
params_override: list = None,
**kwargs,
) -> "_Connection":
"""Load a job object from a yaml file.
:param cls: Indicates that this is a class method.
:type cls: class
:param data: Data Dictionary, defaults to None
:type data: Dict, optional
:param yaml_path: YAML Path, defaults to None
:type yaml_path: Union[PathLike, str], optional
:param params_override: Fields to overwrite on top of the yaml file.
Format is [{"field1": "value1"}, {"field2": "value2"}], defaults to None
:type params_override: List[Dict], optional
:param kwargs: A dictionary of additional configuration parameters.
:type kwargs: dict
:raises Exception: An exception
:return: Loaded job object.
:rtype: Job
"""
data = data or {}
params_override = params_override or []
context = {
BASE_PATH_CONTEXT_KEY: Path(yaml_path).parent if yaml_path else Path("../../azure/_entities/"),
PARAMS_OVERRIDE_KEY: params_override,
}
connection_type, type_str = cls._resolve_cls_and_type(data, params_override)
connection = connection_type._load_from_dict(
data=data,
context=context,
additional_message=f"If you are trying to configure a job that is not of type {type_str}, please specify "
f"the correct connection type in the 'type' property.",
**kwargs,
)
return connection
def _to_execution_connection_dict(self) -> dict:
value = {**self.configs, **self.secrets}
secret_keys = list(self.secrets.keys())
return {
"type": self.class_name, # Required class name for connection in executor
"module": self.module,
"value": {k: v for k, v in value.items() if v is not None}, # Filter None value out
"secret_keys": secret_keys,
}
@classmethod
def _from_execution_connection_dict(cls, name, data) -> "_Connection":
type_cls, _ = cls._resolve_cls_and_type(data={"type": data.get("type")[: -len("Connection")]})
value_dict = data.get("value", {})
if type_cls == CustomConnection:
secrets = {k: v for k, v in value_dict.items() if k in data.get("secret_keys", [])}
configs = {k: v for k, v in value_dict.items() if k not in secrets}
return CustomConnection(name=name, configs=configs, secrets=secrets)
return type_cls(name=name, **value_dict)
def _get_scrubbed_secrets(self):
"""Return the scrubbed secrets of connection."""
return {key: val for key, val in self.secrets.items() if self._is_scrubbed_value(val)}
class _StrongTypeConnection(_Connection):
def _to_orm_object(self):
# Both keys & secrets will be stored in configs for strong type connection.
secrets = self._validate_and_encrypt_secrets()
return ORMConnection(
connectionName=self.name,
connectionType=self.type.value,
configs=json.dumps({**self.configs, **secrets}),
customConfigs="{}",
expiryTime=self.expiry_time,
createdDate=self.created_date,
lastModifiedDate=self.last_modified_date,
)
@classmethod
def _from_orm_object_with_secrets(cls, orm_object: ORMConnection):
# !!! Attention !!!: Do not use this function to user facing api, use _from_orm_object to remove secrets.
# Both keys & secrets will be stored in configs for strong type connection.
type_cls, _ = cls._resolve_cls_and_type(data={"type": orm_object.connectionType})
obj = type_cls(
name=orm_object.connectionName,
expiry_time=orm_object.expiryTime,
created_date=orm_object.createdDate,
last_modified_date=orm_object.lastModifiedDate,
**json.loads(orm_object.configs),
)
obj.secrets = {k: decrypt_secret_value(obj.name, v) for k, v in obj.secrets.items()}
obj._secrets = {**obj.secrets}
return obj
@classmethod
def _from_mt_rest_object(cls, mt_rest_obj):
type_cls, _ = cls._resolve_cls_and_type(data={"type": mt_rest_obj.connection_type})
configs = mt_rest_obj.configs or {}
# For not ARM strong type connection, e.g. OpenAI, api_key will not be returned, but is required argument.
# For ARM strong type connection, api_key will be None and missing when conn._to_dict(), so set a scrubbed one.
configs.update({"api_key": SCRUBBED_VALUE})
obj = type_cls(
name=mt_rest_obj.connection_name,
expiry_time=mt_rest_obj.expiry_time,
created_date=mt_rest_obj.created_date,
last_modified_date=mt_rest_obj.last_modified_date,
**configs,
)
return obj
@property
def api_key(self):
"""Return the api key."""
return self.secrets.get("api_key", SCRUBBED_VALUE)
@api_key.setter
def api_key(self, value):
"""Set the api key."""
self.secrets["api_key"] = value
class AzureOpenAIConnection(_StrongTypeConnection):
"""Azure Open AI connection.
:param api_key: The api key.
:type api_key: str
:param api_base: The api base.
:type api_base: str
:param api_type: The api type, default "azure".
:type api_type: str
:param api_version: The api version, default "2023-07-01-preview".
:type api_version: str
:param token_provider: The token provider.
:type token_provider: promptflow._core.token_provider.TokenProviderABC
:param name: Connection name.
:type name: str
"""
TYPE = ConnectionType.AZURE_OPEN_AI
def __init__(
self,
api_key: str,
api_base: str,
api_type: str = "azure",
api_version: str = "2023-07-01-preview",
token_provider: TokenProviderABC = None,
**kwargs,
):
configs = {"api_base": api_base, "api_type": api_type, "api_version": api_version}
secrets = {"api_key": api_key}
self._token_provider = token_provider
super().__init__(configs=configs, secrets=secrets, **kwargs)
@classmethod
def _get_schema_cls(cls):
return AzureOpenAIConnectionSchema
@property
def api_base(self):
"""Return the connection api base."""
return self.configs.get("api_base")
@api_base.setter
def api_base(self, value):
"""Set the connection api base."""
self.configs["api_base"] = value
@property
def api_type(self):
"""Return the connection api type."""
return self.configs.get("api_type")
@api_type.setter
def api_type(self, value):
"""Set the connection api type."""
self.configs["api_type"] = value
@property
def api_version(self):
"""Return the connection api version."""
return self.configs.get("api_version")
@api_version.setter
def api_version(self, value):
"""Set the connection api version."""
self.configs["api_version"] = value
def get_token(self):
"""Return the connection token."""
if not self._token_provider:
self._token_provider = AzureTokenProvider()
return self._token_provider.get_token()
class OpenAIConnection(_StrongTypeConnection):
"""Open AI connection.
:param api_key: The api key.
:type api_key: str
:param organization: Optional. The unique identifier for your organization which can be used in API requests.
:type organization: str
:param base_url: Optional. Specify when use customized api base, leave None to use open ai default api base.
:type base_url: str
:param name: Connection name.
:type name: str
"""
TYPE = ConnectionType.OPEN_AI
def __init__(self, api_key: str, organization: str = None, base_url=None, **kwargs):
if base_url == "":
# Keep empty as None to avoid disturbing openai pick the default api base.
base_url = None
configs = {"organization": organization, "base_url": base_url}
secrets = {"api_key": api_key}
super().__init__(configs=configs, secrets=secrets, **kwargs)
@classmethod
def _get_schema_cls(cls):
return OpenAIConnectionSchema
@property
def organization(self):
"""Return the connection organization."""
return self.configs.get("organization")
@organization.setter
def organization(self, value):
"""Set the connection organization."""
self.configs["organization"] = value
@property
def base_url(self):
"""Return the connection api base."""
return self.configs.get("base_url")
@base_url.setter
def base_url(self, value):
"""Set the connection api base."""
self.configs["base_url"] = value
class SerpConnection(_StrongTypeConnection):
"""Serp connection.
:param api_key: The api key.
:type api_key: str
:param name: Connection name.
:type name: str
"""
TYPE = ConnectionType.SERP
def __init__(self, api_key: str, **kwargs):
secrets = {"api_key": api_key}
super().__init__(secrets=secrets, **kwargs)
@classmethod
def _get_schema_cls(cls):
return SerpConnectionSchema
class _EmbeddingStoreConnection(_StrongTypeConnection):
TYPE = ConnectionType._NOT_SET
def __init__(self, api_key: str, api_base: str, **kwargs):
configs = {"api_base": api_base}
secrets = {"api_key": api_key}
super().__init__(module="promptflow_vectordb.connections", configs=configs, secrets=secrets, **kwargs)
@property
def api_base(self):
return self.configs.get("api_base")
@api_base.setter
def api_base(self, value):
self.configs["api_base"] = value
class QdrantConnection(_EmbeddingStoreConnection):
"""Qdrant connection.
:param api_key: The api key.
:type api_key: str
:param api_base: The api base.
:type api_base: str
:param name: Connection name.
:type name: str
"""
TYPE = ConnectionType.QDRANT
@classmethod
def _get_schema_cls(cls):
return QdrantConnectionSchema
class WeaviateConnection(_EmbeddingStoreConnection):
"""Weaviate connection.
:param api_key: The api key.
:type api_key: str
:param api_base: The api base.
:type api_base: str
:param name: Connection name.
:type name: str
"""
TYPE = ConnectionType.WEAVIATE
@classmethod
def _get_schema_cls(cls):
return WeaviateConnectionSchema
class CognitiveSearchConnection(_StrongTypeConnection):
"""Cognitive Search connection.
:param api_key: The api key.
:type api_key: str
:param api_base: The api base.
:type api_base: str
:param api_version: The api version, default "2023-07-01-Preview".
:type api_version: str
:param name: Connection name.
:type name: str
"""
TYPE = ConnectionType.COGNITIVE_SEARCH
def __init__(self, api_key: str, api_base: str, api_version: str = "2023-07-01-Preview", **kwargs):
configs = {"api_base": api_base, "api_version": api_version}
secrets = {"api_key": api_key}
super().__init__(configs=configs, secrets=secrets, **kwargs)
@classmethod
def _get_schema_cls(cls):
return CognitiveSearchConnectionSchema
@property
def api_base(self):
"""Return the connection api base."""
return self.configs.get("api_base")
@api_base.setter
def api_base(self, value):
"""Set the connection api base."""
self.configs["api_base"] = value
@property
def api_version(self):
"""Return the connection api version."""
return self.configs.get("api_version")
@api_version.setter
def api_version(self, value):
"""Set the connection api version."""
self.configs["api_version"] = value
class AzureContentSafetyConnection(_StrongTypeConnection):
"""Azure Content Safety connection.
:param api_key: The api key.
:type api_key: str
:param endpoint: The api endpoint.
:type endpoint: str
:param api_version: The api version, default "2023-04-30-preview".
:type api_version: str
:param api_type: The api type, default "Content Safety".
:type api_type: str
:param name: Connection name.
:type name: str
"""
TYPE = ConnectionType.AZURE_CONTENT_SAFETY
def __init__(
self,
api_key: str,
endpoint: str,
api_version: str = "2023-10-01",
api_type: str = "Content Safety",
**kwargs,
):
configs = {"endpoint": endpoint, "api_version": api_version, "api_type": api_type}
secrets = {"api_key": api_key}
super().__init__(configs=configs, secrets=secrets, **kwargs)
@classmethod
def _get_schema_cls(cls):
return AzureContentSafetyConnectionSchema
@property
def endpoint(self):
"""Return the connection endpoint."""
return self.configs.get("endpoint")
@endpoint.setter
def endpoint(self, value):
"""Set the connection endpoint."""
self.configs["endpoint"] = value
@property
def api_version(self):
"""Return the connection api version."""
return self.configs.get("api_version")
@api_version.setter
def api_version(self, value):
"""Set the connection api version."""
self.configs["api_version"] = value
@property
def api_type(self):
"""Return the connection api type."""
return self.configs.get("api_type")
@api_type.setter
def api_type(self, value):
"""Set the connection api type."""
self.configs["api_type"] = value
class FormRecognizerConnection(AzureContentSafetyConnection):
"""Form Recognizer connection.
:param api_key: The api key.
:type api_key: str
:param endpoint: The api endpoint.
:type endpoint: str
:param api_version: The api version, default "2023-07-31".
:type api_version: str
:param api_type: The api type, default "Form Recognizer".
:type api_type: str
:param name: Connection name.
:type name: str
"""
# Note: FormRecognizer and ContentSafety are using CognitiveService type in ARM, so keys are the same.
TYPE = ConnectionType.FORM_RECOGNIZER
def __init__(
self, api_key: str, endpoint: str, api_version: str = "2023-07-31", api_type: str = "Form Recognizer", **kwargs
):
super().__init__(api_key=api_key, endpoint=endpoint, api_version=api_version, api_type=api_type, **kwargs)
@classmethod
def _get_schema_cls(cls):
return FormRecognizerConnectionSchema
class CustomStrongTypeConnection(_Connection):
"""Custom strong type connection.
.. note::
This connection type should not be used directly. Below is an example of how to use CustomStrongTypeConnection:
.. code-block:: python
class MyCustomConnection(CustomStrongTypeConnection):
api_key: Secret
api_base: str
:param configs: The configs kv pairs.
:type configs: Dict[str, str]
:param secrets: The secrets kv pairs.
:type secrets: Dict[str, str]
:param name: Connection name
:type name: str
"""
def __init__(
self,
secrets: Dict[str, str],
configs: Dict[str, str] = None,
**kwargs,
):
# There are two cases to init a Custom strong type connection:
# 1. The connection is created through SDK PFClient, custom_type and custom_module are not in the kwargs.
# 2. The connection is loaded from template file, custom_type and custom_module are in the kwargs.
custom_type = kwargs.get(CustomStrongTypeConnectionConfigs.TYPE, None)
custom_module = kwargs.get(CustomStrongTypeConnectionConfigs.MODULE, None)
if custom_type:
configs.update({CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY: custom_type})
if custom_module:
configs.update({CustomStrongTypeConnectionConfigs.PROMPTFLOW_MODULE_KEY: custom_module})
self.kwargs = kwargs
super().__init__(configs=configs, secrets=secrets, **kwargs)
self.module = kwargs.get("module", self.__class__.__module__)
self.custom_type = custom_type or self.__class__.__name__
self.package = kwargs.get(CustomStrongTypeConnectionConfigs.PACKAGE, None)
self.package_version = kwargs.get(CustomStrongTypeConnectionConfigs.PACKAGE_VERSION, None)
def __getattribute__(self, item):
# Note: The reason to overwrite __getattribute__ instead of __getattr__ is as follows:
# Custom strong type connection is written this way:
# class MyCustomConnection(CustomStrongTypeConnection):
# api_key: Secret
# api_base: str = "This is a default value"
# api_base has a default value, my_custom_connection_instance.api_base would not trigger __getattr__.
# The default value will be returned directly instead of the real value in configs.
annotations = getattr(super().__getattribute__("__class__"), "__annotations__", {})
if item in annotations:
if annotations[item] == Secret:
return self.secrets[item]
else:
return self.configs[item]
return super().__getattribute__(item)
def __setattr__(self, key, value):
annotations = getattr(super().__getattribute__("__class__"), "__annotations__", {})
if key in annotations:
if annotations[key] == Secret:
self.secrets[key] = value
else:
self.configs[key] = value
return super().__setattr__(key, value)
def _to_orm_object(self) -> ORMConnection:
custom_connection = self._convert_to_custom()
return custom_connection._to_orm_object()
def _convert_to_custom(self):
# update configs
self.configs.update({CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY: self.custom_type})
self.configs.update({CustomStrongTypeConnectionConfigs.PROMPTFLOW_MODULE_KEY: self.module})
if self.package and self.package_version:
self.configs.update({CustomStrongTypeConnectionConfigs.PROMPTFLOW_PACKAGE_KEY: self.package})
self.configs.update(
{CustomStrongTypeConnectionConfigs.PROMPTFLOW_PACKAGE_VERSION_KEY: self.package_version}
)
custom_connection = CustomConnection(configs=self.configs, secrets=self.secrets, **self.kwargs)
return custom_connection
@classmethod
def _get_custom_keys(cls, data: Dict):
# The data could be either from yaml or from DB.
# If from yaml, 'custom_type' and 'module' are outside the configs of data.
# If from DB, 'custom_type' and 'module' are within the configs of data.
if not data.get(CustomStrongTypeConnectionConfigs.TYPE) or not data.get(
CustomStrongTypeConnectionConfigs.MODULE
):
if (
not data["configs"][CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY]
or not data["configs"][CustomStrongTypeConnectionConfigs.PROMPTFLOW_MODULE_KEY]
):
error = ValueError("custom_type and module are required for custom strong type connections.")
raise UserErrorException(message=str(error), error=error)
else:
m = data["configs"][CustomStrongTypeConnectionConfigs.PROMPTFLOW_MODULE_KEY]
custom_cls = data["configs"][CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY]
else:
m = data[CustomStrongTypeConnectionConfigs.MODULE]
custom_cls = data[CustomStrongTypeConnectionConfigs.TYPE]
try:
module = importlib.import_module(m)
cls = getattr(module, custom_cls)
except ImportError:
error = ValueError(
f"Can't find module {m} in current environment. Please check the module is correctly configured."
)
raise UserErrorException(message=str(error), error=error)
except AttributeError:
error = ValueError(
f"Can't find class {custom_cls} in module {m}. "
f"Please check the custom_type is correctly configured."
)
raise UserErrorException(message=str(error), error=error)
schema_configs = {}
schema_secrets = {}
for k, v in cls.__annotations__.items():
if v == Secret:
schema_secrets[k] = v
else:
schema_configs[k] = v
return schema_configs, schema_secrets
@classmethod
def _get_schema_cls(cls):
return CustomStrongTypeConnectionSchema
@classmethod
def _load_from_dict(cls, data: Dict, context: Dict, additional_message: str = None, **kwargs):
schema_config_keys, schema_secret_keys = cls._get_custom_keys(data)
context[SCHEMA_KEYS_CONTEXT_CONFIG_KEY] = schema_config_keys
context[SCHEMA_KEYS_CONTEXT_SECRET_KEY] = schema_secret_keys
return (super()._load_from_dict(data, context, additional_message, **kwargs))._convert_to_custom()
class CustomConnection(_Connection):
"""Custom connection.
:param configs: The configs kv pairs.
:type configs: Dict[str, str]
:param secrets: The secrets kv pairs.
:type secrets: Dict[str, str]
:param name: Connection name
:type name: str
"""
TYPE = ConnectionType.CUSTOM
def __init__(
self,
secrets: Dict[str, str],
configs: Dict[str, str] = None,
**kwargs,
):
super().__init__(secrets=secrets, configs=configs, **kwargs)
@classmethod
def _get_schema_cls(cls):
return CustomConnectionSchema
@classmethod
def _load_from_dict(cls, data: Dict, context: Dict, additional_message: str = None, **kwargs):
# If context has params_override, it means the data would be updated by overridden values.
# Provide CustomStrongTypeConnectionSchema if 'custom_type' in params_override, else CustomConnectionSchema.
# For example:
# If a user updates an existing connection by re-upserting a connection file,
# the 'data' from DB is CustomConnection,
# but 'params_override' would actually contain custom strong type connection data.
is_custom_strong_type = data.get(CustomStrongTypeConnectionConfigs.TYPE) or any(
CustomStrongTypeConnectionConfigs.TYPE in d for d in context.get(PARAMS_OVERRIDE_KEY, [])
)
if is_custom_strong_type:
return CustomStrongTypeConnection._load_from_dict(data, context, additional_message, **kwargs)
return super()._load_from_dict(data, context, additional_message, **kwargs)
def __getattr__(self, item):
# Note: This is added for compatibility with promptflow.connections custom connection usage.
if item == "secrets":
# Usually obj.secrets will not reach here
# This is added to handle copy.deepcopy loop issue
return super().__getattribute__("secrets")
if item == "configs":
# Usually obj.configs will not reach here
# This is added to handle copy.deepcopy loop issue
return super().__getattribute__("configs")
if item in self.secrets:
logger.warning("Please use connection.secrets[key] to access secrets.")
return self.secrets[item]
if item in self.configs:
logger.warning("Please use connection.configs[key] to access configs.")
return self.configs[item]
return super().__getattribute__(item)
def is_secret(self, item):
"""Check if item is a secret."""
# Note: This is added for compatibility with promptflow.connections custom connection usage.
return item in self.secrets
def _to_orm_object(self):
# Both keys & secrets will be set in custom configs with value type specified for custom connection.
if not self.secrets:
error = ValueError(
"Secrets is required for custom connection, "
"please use CustomConnection(configs={key1: val1}, secrets={key2: val2}) "
"to initialize custom connection."
)
raise UserErrorException(message=str(error), error=error)
custom_configs = {
k: {"configValueType": ConfigValueType.STRING.value, "value": v} for k, v in self.configs.items()
}
encrypted_secrets = self._validate_and_encrypt_secrets()
custom_configs.update(
{k: {"configValueType": ConfigValueType.SECRET.value, "value": v} for k, v in encrypted_secrets.items()}
)
return ORMConnection(
connectionName=self.name,
connectionType=self.type.value,
configs="{}",
customConfigs=json.dumps(custom_configs),
expiryTime=self.expiry_time,
createdDate=self.created_date,
lastModifiedDate=self.last_modified_date,
)
@classmethod
def _from_orm_object_with_secrets(cls, orm_object: ORMConnection):
# !!! Attention !!!: Do not use this function to user facing api, use _from_orm_object to remove secrets.
# Both keys & secrets will be set in custom configs with value type specified for custom connection.
configs = {
k: v["value"]
for k, v in json.loads(orm_object.customConfigs).items()
if v["configValueType"] == ConfigValueType.STRING.value
}
secrets = {}
unsecure_connection = False
custom_type = None
for k, v in json.loads(orm_object.customConfigs).items():
if k == CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY:
custom_type = v["value"]
continue
if not v["configValueType"] == ConfigValueType.SECRET.value:
continue
try:
secrets[k] = decrypt_secret_value(orm_object.connectionName, v["value"])
except UnsecureConnectionError:
# This is to workaround old custom secrets that are not encrypted with Fernet.
unsecure_connection = True
secrets[k] = v["value"]
if unsecure_connection:
print_yellow_warning(
f"Warning: Please delete and re-create connection {orm_object.connectionName} "
"due to a security issue in the old sdk version."
)
return cls(
name=orm_object.connectionName,
configs=configs,
secrets=secrets,
custom_type=custom_type,
expiry_time=orm_object.expiryTime,
created_date=orm_object.createdDate,
last_modified_date=orm_object.lastModifiedDate,
)
@classmethod
def _from_mt_rest_object(cls, mt_rest_obj):
type_cls, _ = cls._resolve_cls_and_type(data={"type": mt_rest_obj.connection_type})
if not mt_rest_obj.custom_configs:
mt_rest_obj.custom_configs = {}
configs = {
k: v.value
for k, v in mt_rest_obj.custom_configs.items()
if v.config_value_type == ConfigValueType.STRING.value
}
secrets = {
k: v.value
for k, v in mt_rest_obj.custom_configs.items()
if v.config_value_type == ConfigValueType.SECRET.value
}
return cls(
name=mt_rest_obj.connection_name,
configs=configs,
secrets=secrets,
expiry_time=mt_rest_obj.expiry_time,
created_date=mt_rest_obj.created_date,
last_modified_date=mt_rest_obj.last_modified_date,
)
def _is_custom_strong_type(self):
return (
CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY in self.configs
and self.configs[CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY]
)
def _convert_to_custom_strong_type(self, module=None, to_class=None) -> CustomStrongTypeConnection:
# There are two scenarios to convert a custom connection to custom strong type connection:
# 1. The connection is created from a custom strong type connection template file.
# Custom type and module name are present in the configs.
# 2. The connection is created through SDK PFClient or a custom connection template file.
# Custom type and module name are not present in the configs. Module and class must be passed for conversion.
if to_class == self.__class__.__name__:
# No need to convert.
return self
import importlib
if (
CustomStrongTypeConnectionConfigs.PROMPTFLOW_MODULE_KEY in self.configs
and CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY in self.configs
):
module_name = self.configs.get(CustomStrongTypeConnectionConfigs.PROMPTFLOW_MODULE_KEY)
module = importlib.import_module(module_name)
custom_conn_name = self.configs.get(CustomStrongTypeConnectionConfigs.PROMPTFLOW_TYPE_KEY)
elif isinstance(module, str) and isinstance(to_class, str):
module_name = module
module = importlib.import_module(module_name)
custom_conn_name = to_class
elif isinstance(module, types.ModuleType) and isinstance(to_class, str):
custom_conn_name = to_class
else:
error = ValueError(
f"Failed to convert to custom strong type connection because of "
f"invalid module or class: {module}, {to_class}"
)
raise UserErrorException(message=str(error), error=error)
custom_defined_connection_class = getattr(module, custom_conn_name)
connection_instance = custom_defined_connection_class(configs=self.configs, secrets=self.secrets)
return connection_instance
_supported_types = {
v.TYPE.value: v
for v in globals().values()
if isinstance(v, type) and issubclass(v, _Connection) and not v.__name__.startswith("_")
}
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
# isort: skip_file
# skip to avoid circular import
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
from ._connection import (
AzureContentSafetyConnection,
AzureOpenAIConnection,
CognitiveSearchConnection,
CustomConnection,
OpenAIConnection,
SerpConnection,
QdrantConnection,
WeaviateConnection,
FormRecognizerConnection,
CustomStrongTypeConnection,
)
from ._run import Run
from ._validation import ValidationResult
from ._flow import FlowContext
__all__ = [
# region: Connection
"AzureContentSafetyConnection",
"AzureOpenAIConnection",
"OpenAIConnection",
"CustomConnection",
"CustomStrongTypeConnection",
"CognitiveSearchConnection",
"SerpConnection",
"QdrantConnection",
"WeaviateConnection",
"FormRecognizerConnection",
# endregion
# region Run
"Run",
"ValidationResult",
# endregion
# region Flow
"FlowContext",
# endregion
]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_run.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import datetime
import functools
import json
import uuid
from os import PathLike
from pathlib import Path
from typing import Any, Dict, List, Optional, Union
from dateutil import parser as date_parser
from promptflow._sdk._configuration import Configuration
from promptflow._sdk._constants import (
BASE_PATH_CONTEXT_KEY,
DEFAULT_ENCODING,
DEFAULT_VARIANT,
FLOW_DIRECTORY_MACRO_IN_CONFIG,
FLOW_RESOURCE_ID_PREFIX,
PARAMS_OVERRIDE_KEY,
PROMPT_FLOW_DIR_NAME,
REGISTRY_URI_PREFIX,
REMOTE_URI_PREFIX,
RUN_MACRO,
TIMESTAMP_MACRO,
VARIANT_ID_MACRO,
AzureRunTypes,
DownloadedRun,
FlowRunProperties,
RestRunTypes,
RunDataKeys,
RunInfoSources,
RunStatus,
RunTypes,
)
from promptflow._sdk._errors import InvalidRunError, InvalidRunStatusError
from promptflow._sdk._orm import RunInfo as ORMRun
from promptflow._sdk._utils import (
_sanitize_python_variable_name,
is_remote_uri,
parse_remote_flow_pattern,
parse_variant,
)
from promptflow._sdk.entities._yaml_translatable import YAMLTranslatableMixin
from promptflow._sdk.schemas._run import RunSchema
from promptflow._utils.flow_utils import get_flow_lineage_id
from promptflow._utils.logger_utils import get_cli_sdk_logger
from promptflow.exceptions import UserErrorException
AZURE_RUN_TYPE_2_RUN_TYPE = {
AzureRunTypes.BATCH: RunTypes.BATCH,
AzureRunTypes.EVALUATION: RunTypes.EVALUATION,
AzureRunTypes.PAIRWISE_EVALUATE: RunTypes.PAIRWISE_EVALUATE,
}
REST_RUN_TYPE_2_RUN_TYPE = {
RestRunTypes.BATCH: RunTypes.BATCH,
RestRunTypes.EVALUATION: RunTypes.EVALUATION,
RestRunTypes.PAIRWISE_EVALUATE: RunTypes.PAIRWISE_EVALUATE,
}
logger = get_cli_sdk_logger()
class Run(YAMLTranslatableMixin):
"""Flow run entity.
:param flow: Path of the flow directory.
:type flow: Path
:param name: Name of the run.
:type name: str
:param data: Input data for the run. Local path or remote uri(starts with azureml: or public URL) are supported. Note: remote uri is only supported for cloud run. # noqa: E501
:type data: Optional[str]
:param variant: Variant of the run.
:type variant: Optional[str]
:param run: Parent run or run ID.
:type run: Optional[Union[Run, str]]
:param column_mapping: Column mapping for the run. Optional since it's not stored in the database.
:type column_mapping: Optional[dict]
:param display_name: Display name of the run.
:type display_name: Optional[str]
:param description: Description of the run.
:type description: Optional[str]
:param tags: Tags of the run.
:type tags: Optional[List[Dict[str, str]]]
:param created_on: Date and time the run was created.
:type created_on: Optional[datetime.datetime]
:param start_time: Date and time the run started.
:type start_time: Optional[datetime.datetime]
:param end_time: Date and time the run ended.
:type end_time: Optional[datetime.datetime]
:param status: Status of the run.
:type status: Optional[str]
:param environment_variables: Environment variables for the run.
:type environment_variables: Optional[Dict[str, str]]
:param connections: Connections for the run.
:type connections: Optional[Dict[str, Dict]]
:param properties: Properties of the run.
:type properties: Optional[Dict[str, Any]]
:param kwargs: Additional keyword arguments.
:type kwargs: Optional[dict]
"""
def __init__(
self,
flow: Optional[Union[Path, str]] = None,
name: Optional[str] = None,
# input fields are optional since it's not stored in DB
data: Optional[str] = None,
variant: Optional[str] = None,
run: Optional[Union["Run", str]] = None,
column_mapping: Optional[dict] = None,
display_name: Optional[str] = None,
description: Optional[str] = None,
tags: Optional[List[Dict[str, str]]] = None,
*,
created_on: Optional[datetime.datetime] = None,
start_time: Optional[datetime.datetime] = None,
end_time: Optional[datetime.datetime] = None,
status: Optional[str] = None,
environment_variables: Optional[Dict[str, str]] = None,
connections: Optional[Dict[str, Dict]] = None,
properties: Optional[Dict[str, Any]] = None,
source: Optional[Union[Path, str]] = None,
**kwargs,
):
# TODO: remove when RUN CRUD don't depend on this
self.type = RunTypes.BATCH
self.data = data
self.column_mapping = column_mapping
self.display_name = display_name
self.description = description
self.tags = tags
self.variant = variant
self.run = run
self._created_on = created_on or datetime.datetime.now()
self._status = status or RunStatus.NOT_STARTED
self.environment_variables = environment_variables or {}
self.connections = connections or {}
self._properties = properties or {}
self.source = source
self._is_archived = kwargs.get("is_archived", False)
self._run_source = kwargs.get("run_source", RunInfoSources.LOCAL)
self._start_time = start_time
self._end_time = end_time
self._duration = kwargs.get("duration", None)
self._portal_url = kwargs.get(RunDataKeys.PORTAL_URL, None)
self._creation_context = kwargs.get("creation_context", None)
# init here to make sure those fields initialized in all branches.
self.flow = flow
self._use_remote_flow = is_remote_uri(flow)
self._experiment_name = None
self._lineage_id = None
if self._use_remote_flow:
self._flow_name = parse_remote_flow_pattern(flow)
self._lineage_id = self._flow_name
# default run name: flow directory name + timestamp
self.name = name or self._generate_run_name()
experiment_name = kwargs.get("experiment_name", None)
if self._run_source == RunInfoSources.LOCAL and not self._use_remote_flow:
self.flow = Path(flow).resolve().absolute()
flow_dir = self._get_flow_dir()
# sanitize flow_dir to avoid invalid experiment name
self._experiment_name = _sanitize_python_variable_name(flow_dir.name)
self._lineage_id = get_flow_lineage_id(flow_dir=flow_dir)
self._output_path = Path(
kwargs.get("output_path", self._generate_output_path(config=kwargs.get("config", None)))
)
self._flow_name = flow_dir.name
elif self._run_source == RunInfoSources.INDEX_SERVICE:
self._metrics = kwargs.get("metrics", {})
self._experiment_name = experiment_name
elif self._run_source == RunInfoSources.RUN_HISTORY:
self._error = kwargs.get("error", None)
self._output = kwargs.get("output", None)
elif self._run_source == RunInfoSources.EXISTING_RUN:
# when the run is created from an existing run folder, the output path is also the source path
self._output_path = Path(source)
self._runtime = kwargs.get("runtime", None)
self._resources = kwargs.get("resources", None)
@property
def created_on(self) -> str:
return self._created_on.isoformat()
@property
def status(self) -> str:
return self._status
@property
def properties(self) -> Dict[str, str]:
result = {}
if self._run_source == RunInfoSources.LOCAL:
# show posix path to avoid windows path escaping
result = {
FlowRunProperties.FLOW_PATH: Path(self.flow).as_posix() if not self._use_remote_flow else self.flow,
FlowRunProperties.OUTPUT_PATH: self._output_path.as_posix(),
}
if self.run:
run_name = self.run.name if isinstance(self.run, Run) else self.run
result[FlowRunProperties.RUN] = run_name
if self.variant:
result[FlowRunProperties.NODE_VARIANT] = self.variant
elif self._run_source == RunInfoSources.EXISTING_RUN:
result = {
FlowRunProperties.OUTPUT_PATH: Path(self.source).resolve().as_posix(),
}
return {
**result,
**self._properties,
}
@classmethod
def _from_orm_object(cls, obj: ORMRun) -> "Run":
properties_json = json.loads(str(obj.properties))
flow = properties_json.get(FlowRunProperties.FLOW_PATH, None)
# there can be two sources for orm run object:
# 1. LOCAL: Created when run is created from local flow
# 2. EXISTING_RUN: Created when run is created from existing run folder
source = None
if getattr(obj, "run_source", None) == RunInfoSources.EXISTING_RUN:
source = properties_json[FlowRunProperties.OUTPUT_PATH]
return Run(
name=str(obj.name),
flow=Path(flow) if flow else None,
source=Path(source) if source else None,
output_path=properties_json[FlowRunProperties.OUTPUT_PATH],
run=properties_json.get(FlowRunProperties.RUN, None),
variant=properties_json.get(FlowRunProperties.NODE_VARIANT, None),
display_name=obj.display_name,
description=str(obj.description) if obj.description else None,
tags=json.loads(str(obj.tags)) if obj.tags else None,
# keyword arguments
created_on=datetime.datetime.fromisoformat(str(obj.created_on)),
start_time=datetime.datetime.fromisoformat(str(obj.start_time)) if obj.start_time else None,
end_time=datetime.datetime.fromisoformat(str(obj.end_time)) if obj.end_time else None,
status=str(obj.status),
data=Path(obj.data).resolve().absolute().as_posix() if obj.data else None,
properties={FlowRunProperties.SYSTEM_METRICS: properties_json.get(FlowRunProperties.SYSTEM_METRICS, {})},
# compatible with old runs, their run_source is empty, treat them as local
run_source=obj.run_source or RunInfoSources.LOCAL,
)
@classmethod
def _from_index_service_entity(cls, run_entity: dict) -> "Run":
"""Convert run entity from index service to run object."""
# TODO(2887134): support cloud eager Run CRUD
start_time = run_entity["properties"].get("startTime", None)
end_time = run_entity["properties"].get("endTime", None)
duration = run_entity["properties"].get("duration", None)
return Run(
name=run_entity["properties"]["runId"],
flow=Path(f"azureml://flows/{run_entity['properties']['experimentName']}"),
type=AZURE_RUN_TYPE_2_RUN_TYPE[run_entity["properties"]["runType"]],
created_on=date_parser.parse(run_entity["properties"]["creationContext"]["createdTime"]),
status=run_entity["annotations"]["status"],
display_name=run_entity["annotations"]["displayName"],
description=run_entity["annotations"]["description"],
tags=run_entity["annotations"]["tags"],
properties=run_entity["properties"]["userProperties"],
is_archived=run_entity["annotations"]["archived"],
run_source=RunInfoSources.INDEX_SERVICE,
metrics=run_entity["annotations"]["metrics"],
start_time=date_parser.parse(start_time) if start_time else None,
end_time=date_parser.parse(end_time) if end_time else None,
duration=duration,
creation_context=run_entity["properties"]["creationContext"],
experiment_name=run_entity["properties"]["experimentName"],
)
@classmethod
def _from_run_history_entity(cls, run_entity: dict) -> "Run":
"""Convert run entity from run history service to run object."""
# TODO(2887134): support cloud eager Run CRUD
flow_name = run_entity["properties"].get("azureml.promptflow.flow_name", None)
start_time = run_entity.get("startTimeUtc", None)
end_time = run_entity.get("endTimeUtc", None)
duration = run_entity.get("duration", None)
return Run(
name=run_entity["runId"],
flow=Path(f"azureml://flows/{flow_name}"),
type=AZURE_RUN_TYPE_2_RUN_TYPE[run_entity["runType"]],
created_on=date_parser.parse(run_entity["createdUtc"]),
start_time=date_parser.parse(start_time) if start_time else None,
end_time=date_parser.parse(end_time) if end_time else None,
duration=duration,
status=run_entity["status"],
display_name=run_entity["displayName"],
description=run_entity["description"],
tags=run_entity["tags"],
properties=run_entity["properties"],
is_archived=run_entity.get("archived", False), # TODO: Get archived status, depends on run history team
error=run_entity.get("error", None),
run_source=RunInfoSources.RUN_HISTORY,
portal_url=run_entity[RunDataKeys.PORTAL_URL],
creation_context=run_entity["createdBy"],
data=run_entity[RunDataKeys.DATA],
run=run_entity[RunDataKeys.RUN],
output=run_entity[RunDataKeys.OUTPUT],
)
@classmethod
def _from_mt_service_entity(cls, run_entity) -> "Run":
"""Convert run object from MT service to run object."""
flow_run_id = run_entity.flow_run_resource_id.split("/")[-1]
return cls(
name=flow_run_id,
flow=Path(f"azureml://flows/{run_entity.flow_name}"),
display_name=run_entity.flow_run_display_name,
description="",
tags=[],
created_on=date_parser.parse(run_entity.created_on),
status="",
run_source=RunInfoSources.MT_SERVICE,
)
def _to_orm_object(self) -> ORMRun:
"""Convert current run entity to ORM object."""
display_name = self._format_display_name()
return ORMRun(
name=self.name,
created_on=self.created_on,
status=self.status,
start_time=self._start_time.isoformat() if self._start_time else None,
end_time=self._end_time.isoformat() if self._end_time else None,
display_name=display_name,
description=self.description,
tags=json.dumps(self.tags) if self.tags else None,
properties=json.dumps(self.properties),
data=Path(self.data).resolve().absolute().as_posix() if self.data else None,
run_source=self._run_source,
)
def _dump(self) -> None:
"""Dump current run entity to local DB."""
self._to_orm_object().dump()
def _to_dict(
self,
*,
exclude_additional_info: bool = False,
exclude_debug_info: bool = False,
exclude_properties: bool = False,
):
from promptflow._sdk.operations._local_storage_operations import LocalStorageOperations
properties = self.properties
result = {
"name": self.name,
"created_on": self.created_on,
"status": self.status,
"display_name": self.display_name,
"description": self.description,
"tags": self.tags,
"properties": properties,
}
if self._run_source == RunInfoSources.LOCAL:
result["flow_name"] = self._flow_name
local_storage = LocalStorageOperations(run=self)
result[RunDataKeys.DATA] = (
local_storage._data_path.resolve().absolute().as_posix()
if local_storage._data_path is not None
else None
)
result[RunDataKeys.OUTPUT] = local_storage.outputs_folder.as_posix()
if self.run:
run_name = self.run.name if isinstance(self.run, Run) else self.run
result[RunDataKeys.RUN] = properties.pop(FlowRunProperties.RUN, run_name)
# add exception part if any
exception_dict = local_storage.load_exception()
if exception_dict:
if exclude_additional_info:
exception_dict.pop("additionalInfo", None)
if exclude_debug_info:
exception_dict.pop("debugInfo", None)
result["error"] = exception_dict
elif self._run_source == RunInfoSources.INDEX_SERVICE:
result["creation_context"] = self._creation_context
result["flow_name"] = self._experiment_name
result["is_archived"] = self._is_archived
result["start_time"] = self._start_time.isoformat() if self._start_time else None
result["end_time"] = self._end_time.isoformat() if self._end_time else None
result["duration"] = self._duration
elif self._run_source == RunInfoSources.RUN_HISTORY:
result["creation_context"] = self._creation_context
result["start_time"] = self._start_time.isoformat() if self._start_time else None
result["end_time"] = self._end_time.isoformat() if self._end_time else None
result["duration"] = self._duration
result[RunDataKeys.PORTAL_URL] = self._portal_url
result[RunDataKeys.DATA] = self.data
result[RunDataKeys.OUTPUT] = self._output
if self.run:
result[RunDataKeys.RUN] = self.run
if self._error:
result["error"] = self._error
if exclude_additional_info:
result["error"]["error"].pop("additionalInfo", None)
if exclude_debug_info:
result["error"]["error"].pop("debugInfo", None)
# hide properties when needed (e.g. list remote runs)
if exclude_properties is True:
result.pop("properties", None)
return result
@classmethod
def _load(
cls,
data: Optional[Dict] = None,
yaml_path: Optional[Union[PathLike, str]] = None,
params_override: Optional[list] = None,
**kwargs,
):
from marshmallow import INCLUDE
data = data or {}
params_override = params_override or []
context = {
BASE_PATH_CONTEXT_KEY: Path(yaml_path).parent if yaml_path else Path("./"),
PARAMS_OVERRIDE_KEY: params_override,
}
run = cls._load_from_dict(
data=data,
context=context,
additional_message="Failed to load flow run",
unknown=INCLUDE,
**kwargs,
)
if yaml_path:
run._source_path = yaml_path
return run
def _generate_run_name(self) -> str:
"""Generate a run name with flow_name_variant_timestamp format."""
try:
flow_name = self._get_flow_dir().name if not self._use_remote_flow else self._flow_name
variant = self.variant
timestamp = datetime.datetime.now().strftime("%Y%m%d_%H%M%S_%f")
variant = parse_variant(variant)[1] if variant else DEFAULT_VARIANT
run_name_prefix = f"{flow_name}_{variant}"
# TODO(2562996): limit run name to avoid it become too long
run_name = f"{run_name_prefix}_{timestamp}"
return _sanitize_python_variable_name(run_name)
except Exception:
return str(uuid.uuid4())
def _get_default_display_name(self) -> str:
display_name = self.display_name or self.name
return display_name
def _format_display_name(self) -> str:
"""
Format display name. Replace macros in display name with actual values.
The following macros are supported: ${variant_id}, ${run}, ${timestamp}
For example,
if the display name is "run-${variant_id}-${timestamp}"
it will be formatted to "run-variant_1-20210901123456"
"""
display_name = self._get_default_display_name()
time_stamp = datetime.datetime.now().strftime("%Y%m%d%H%M")
if self.run:
display_name = display_name.replace(RUN_MACRO, self._validate_and_return_run_name(self.run))
display_name = display_name.replace(TIMESTAMP_MACRO, time_stamp)
variant = self.variant
variant = parse_variant(variant)[1] if variant else DEFAULT_VARIANT
display_name = display_name.replace(VARIANT_ID_MACRO, variant)
return display_name
def _get_flow_dir(self) -> Path:
if not self._use_remote_flow:
flow = Path(self.flow)
if flow.is_dir():
return flow
return flow.parent
raise UserErrorException("Cannot get flow directory for remote flow.")
@classmethod
def _get_schema_cls(self):
return RunSchema
def _to_rest_object(self):
from azure.ai.ml._utils._storage_utils import AzureMLDatastorePathUri
from promptflow.azure._restclient.flow.models import (
BatchDataInput,
RunDisplayNameGenerationType,
SessionSetupModeEnum,
SubmitBulkRunRequest,
)
if self.run is not None:
if isinstance(self.run, Run):
variant = self.run.name
elif isinstance(self.run, str):
variant = self.run
else:
raise UserErrorException(f"Invalid run type: {type(self.run)}")
else:
variant = None
if not variant and not self.data:
raise UserErrorException("Either run or data should be provided")
# parse inputs mapping
inputs_mapping = {}
if self.column_mapping and not isinstance(self.column_mapping, dict):
raise UserErrorException(f"column_mapping should be a dictionary, got {type(self.column_mapping)} instead.")
if self.column_mapping:
for k, v in self.column_mapping.items():
if isinstance(v, (int, float, str, bool)):
inputs_mapping[k] = v
else:
try:
val = json.dumps(v)
except Exception as e:
raise UserErrorException(
f"Invalid input mapping value: {v}, "
f"only primitive or json serializable value is supported, got {type(v)}",
error=e,
)
inputs_mapping[k] = val
# parse resources
if self._resources is not None:
if not isinstance(self._resources, dict):
raise TypeError(f"resources should be a dict, got {type(self._resources)} for {self._resources}")
vm_size = self._resources.get("instance_type", None)
max_idle_time_minutes = self._resources.get("idle_time_before_shutdown_minutes", None)
# change to seconds
max_idle_time_seconds = max_idle_time_minutes * 60 if max_idle_time_minutes else None
else:
vm_size = None
max_idle_time_seconds = None
# use functools.partial to avoid too many arguments that have the same values
common_submit_bulk_run_request = functools.partial(
SubmitBulkRunRequest,
run_id=self.name,
# will use user provided display name since PFS will have special logic to update it.
run_display_name=self._get_default_display_name(),
description=self.description,
tags=self.tags,
node_variant=self.variant,
variant_run_id=variant,
batch_data_input=BatchDataInput(
data_uri=self.data,
),
inputs_mapping=inputs_mapping,
run_experiment_name=self._experiment_name,
environment_variables=self.environment_variables,
connections=self.connections,
flow_lineage_id=self._lineage_id,
run_display_name_generation_type=RunDisplayNameGenerationType.USER_PROVIDED_MACRO,
vm_size=vm_size,
max_idle_time_seconds=max_idle_time_seconds,
session_setup_mode=SessionSetupModeEnum.SYSTEM_WAIT,
)
if str(self.flow).startswith(REMOTE_URI_PREFIX):
if not self._use_remote_flow:
# in normal case, we will upload local flow to datastore and resolve the self.flow to be remote uri
# upload via _check_and_upload_path
# submit with params FlowDefinitionDataStoreName and FlowDefinitionBlobPath
path_uri = AzureMLDatastorePathUri(str(self.flow))
return common_submit_bulk_run_request(
flow_definition_data_store_name=path_uri.datastore,
flow_definition_blob_path=path_uri.path,
)
else:
# if the flow is a remote flow in the beginning, we will submit with params FlowDefinitionResourceID
# submit with params flow_definition_resource_id which will be resolved in pfazure run create operation
# the flow resource id looks like: "azureml://locations/<region>/workspaces/<ws-name>/flows/<flow-name>"
if not isinstance(self.flow, str) or (
not self.flow.startswith(FLOW_RESOURCE_ID_PREFIX) and not self.flow.startswith(REGISTRY_URI_PREFIX)
):
raise UserErrorException(
f"Invalid flow value when transforming to rest object: {self.flow!r}. "
f"Expecting a flow definition resource id starts with '{FLOW_RESOURCE_ID_PREFIX}' "
f"or a flow registry uri starts with '{REGISTRY_URI_PREFIX}'"
)
return common_submit_bulk_run_request(
flow_definition_resource_id=self.flow,
)
else:
# upload via CodeOperations.create_or_update
# submit with param FlowDefinitionDataUri
return common_submit_bulk_run_request(
flow_definition_data_uri=str(self.flow),
)
def _check_run_status_is_completed(self) -> None:
if self.status != RunStatus.COMPLETED:
error_message = f"Run {self.name!r} is not completed, the status is {self.status!r}."
if self.status != RunStatus.FAILED:
error_message += " Please wait for its completion, or select other completed run(s)."
raise InvalidRunStatusError(error_message)
@staticmethod
def _validate_and_return_run_name(run: Union[str, "Run"]) -> str:
"""Check if run name is valid."""
if isinstance(run, Run):
return run.name
elif isinstance(run, str):
return run
raise InvalidRunError(f"Invalid run {run!r}, expected 'str' or 'Run' object but got {type(run)!r}.")
def _validate_for_run_create_operation(self):
"""Validate run object for create operation."""
# check flow value
if Path(self.flow).is_dir():
# local flow
pass
elif isinstance(self.flow, str) and self.flow.startswith(REMOTE_URI_PREFIX):
# remote flow
pass
else:
raise UserErrorException(
f"Invalid flow value: {self.flow!r}. Expecting a local flow folder path or a remote flow pattern "
f"like '{REMOTE_URI_PREFIX}<flow-name>'"
)
if is_remote_uri(self.data):
# Pass through ARM id or remote url, the error will happen in runtime if format is not correct currently.
pass
else:
if self.data and not Path(self.data).exists():
raise UserErrorException(f"data path {self.data} does not exist")
if not self.run and not self.data:
raise UserErrorException("at least one of data or run must be provided")
def _generate_output_path(self, config: Optional[Configuration]) -> Path:
config = config or Configuration.get_instance()
path = config.get_run_output_path()
if path is None:
path = Path.home() / PROMPT_FLOW_DIR_NAME / ".runs"
else:
try:
flow_posix_path = self.flow.resolve().as_posix()
path = Path(path.replace(FLOW_DIRECTORY_MACRO_IN_CONFIG, self.flow.resolve().as_posix())).resolve()
# in case user manually modifies ~/.promptflow/pf.yaml
# fall back to default run output path
if path.as_posix() == flow_posix_path:
raise Exception(f"{FLOW_DIRECTORY_MACRO_IN_CONFIG!r} is not a valid value.")
path.mkdir(parents=True, exist_ok=True)
except Exception: # pylint: disable=broad-except
path = Path.home() / PROMPT_FLOW_DIR_NAME / ".runs"
warning_message = (
"Got unexpected error when parsing specified output path: "
f"{config.get_run_output_path()!r}; "
f"will use default output path: {path!r} instead."
)
logger.warning(warning_message)
return (path / str(self.name)).resolve()
@classmethod
def _load_from_source(cls, source: Union[str, Path], params_override: Optional[Dict] = None, **kwargs) -> "Run":
"""Load run from run record source folder."""
source = Path(source)
params_override = params_override or {}
run_metadata_file = source / DownloadedRun.RUN_METADATA_FILE_NAME
if not run_metadata_file.exists():
raise UserErrorException(
f"Invalid run source: {source!r}. Expecting a valid run source folder with {run_metadata_file!r}. "
f"Please make sure the run source is downloaded by 'pfazure run download' command."
)
# extract run info from source folder
with open(source / DownloadedRun.RUN_METADATA_FILE_NAME, encoding=DEFAULT_ENCODING) as f:
run_info = json.load(f)
return cls(
name=run_info["name"],
source=source,
run_source=RunInfoSources.EXISTING_RUN,
status=run_info["status"], # currently only support completed run
display_name=params_override.get("display_name", run_info.get("display_name", source.name)),
description=params_override.get("description", run_info.get("description", "")),
tags=params_override.get("tags", run_info.get("tags", {})),
created_on=datetime.datetime.fromisoformat(run_info["created_on"]),
start_time=datetime.datetime.fromisoformat(run_info["start_time"]),
end_time=datetime.datetime.fromisoformat(run_info["end_time"]),
**kwargs,
)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_eager_flow.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from os import PathLike
from pathlib import Path
from typing import Union
from promptflow._constants import LANGUAGE_KEY, FlowLanguage
from promptflow._sdk._constants import BASE_PATH_CONTEXT_KEY
from promptflow._sdk.entities._flow import FlowBase
from promptflow.exceptions import UserErrorException
class EagerFlow(FlowBase):
"""This class is used to represent an eager flow."""
def __init__(
self,
path: Union[str, PathLike],
entry: str,
data: dict,
**kwargs,
):
self.path = Path(path)
self.code = self.path.parent
self.entry = entry
self._data = data
super().__init__(**kwargs)
@property
def language(self) -> str:
return self._data.get(LANGUAGE_KEY, FlowLanguage.Python)
@classmethod
def _create_schema_for_validation(cls, context):
# import here to avoid circular import
from ..schemas._flow import EagerFlowSchema
return EagerFlowSchema(context=context)
@classmethod
def _load(cls, path: Path, entry: str = None, data: dict = None, **kwargs):
data = data or {}
# schema validation on unknown fields
if path.suffix in [".yaml", ".yml"]:
data = cls._create_schema_for_validation(context={BASE_PATH_CONTEXT_KEY: path.parent}).load(data)
path = data["path"]
if entry:
raise UserErrorException("Specifying entry function is not allowed when YAML file is provided.")
else:
entry = data["entry"]
if entry is None:
raise UserErrorException(f"Entry function is not specified for flow {path}")
return cls(path=path, entry=entry, data=data, **kwargs)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_validation/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from .core import MutableValidationResult, ValidationResult, ValidationResultBuilder
from .schema import SchemaValidatableMixin
__all__ = [
"SchemaValidatableMixin",
"MutableValidationResult",
"ValidationResult",
"ValidationResultBuilder",
]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_validation/schema.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
# pylint: disable=protected-access
import json
import typing
from marshmallow import Schema, ValidationError
from promptflow._utils.logger_utils import LoggerFactory
from .core import MutableValidationResult, ValidationResultBuilder
module_logger = LoggerFactory.get_logger(__name__)
class SchemaValidatableMixin:
"""The mixin class for schema validation."""
@classmethod
def _create_empty_validation_result(cls) -> MutableValidationResult:
"""Simply create an empty validation result
To reduce _ValidationResultBuilder importing, which is a private class.
:return: An empty validation result
:rtype: MutableValidationResult
"""
return ValidationResultBuilder.success()
@classmethod
def _load_with_schema(cls, data, *, context, raise_original_exception=False, **kwargs):
schema = cls._create_schema_for_validation(context=context)
try:
return schema.load(data, **kwargs)
except ValidationError as e:
if raise_original_exception:
raise e
msg = "Trying to load data with schema failed. Data:\n%s\nError: %s" % (
json.dumps(data, indent=4) if isinstance(data, dict) else data,
json.dumps(e.messages, indent=4),
)
raise cls._create_validation_error(
message=msg,
no_personal_data_message=str(e),
) from e
@classmethod
# pylint: disable-next=docstring-missing-param
def _create_schema_for_validation(cls, context) -> Schema:
"""Create a schema of the resource with specific context. Should be overridden by subclass.
:return: The schema of the resource.
:rtype: Schema.
"""
raise NotImplementedError()
def _default_context(self) -> dict:
"""Get the default context for schema validation. Should be overridden by subclass.
:return: The default context for schema validation
:rtype: dict
"""
raise NotImplementedError()
@property
def _schema_for_validation(self) -> Schema:
"""Return the schema of this Resource with default context. Do not override this method.
Override _create_schema_for_validation instead.
:return: The schema of the resource.
:rtype: Schema.
"""
return self._create_schema_for_validation(context=self._default_context())
def _dump_for_validation(self) -> typing.Dict:
"""Convert the resource to a dictionary.
:return: Converted dictionary
:rtype: typing.Dict
"""
return self._schema_for_validation.dump(self)
@classmethod
def _create_validation_error(cls, message: str, no_personal_data_message: str) -> Exception:
"""The function to create the validation exception to raise in _try_raise and _validate when
raise_error is True.
Should be overridden by subclass.
:param message: The error message containing detailed information
:type message: str
:param no_personal_data_message: The error message without personal data
:type no_personal_data_message: str
:return: The validation exception to raise
:rtype: Exception
"""
raise NotImplementedError()
@classmethod
def _try_raise(
cls, validation_result: MutableValidationResult, *, raise_error: bool = True
) -> MutableValidationResult:
return validation_result.try_raise(raise_error=raise_error, error_func=cls._create_validation_error)
def _validate(self, raise_error=False) -> MutableValidationResult:
"""Validate the resource. If raise_error is True, raise ValidationError if validation fails and log warnings if
applicable; Else, return the validation result.
:param raise_error: Whether to raise ValidationError if validation fails.
:type raise_error: bool
:return: The validation result
:rtype: MutableValidationResult
"""
result = self.__schema_validate()
result.merge_with(self._customized_validate())
return self._try_raise(result, raise_error=raise_error)
def _customized_validate(self) -> MutableValidationResult:
"""Validate the resource with customized logic.
Override this method to add customized validation logic.
:return: The customized validation result
:rtype: MutableValidationResult
"""
return self._create_empty_validation_result()
@classmethod
def _get_skip_fields_in_schema_validation(
cls,
) -> typing.List[str]:
"""Get the fields that should be skipped in schema validation.
Override this method to add customized validation logic.
:return: The fields to skip in schema validation
:rtype: typing.List[str]
"""
return []
def __schema_validate(self) -> MutableValidationResult:
"""Validate the resource with the schema.
:return: The validation result
:rtype: MutableValidationResult
"""
data = self._dump_for_validation()
messages = self._schema_for_validation.validate(data)
for skip_field in self._get_skip_fields_in_schema_validation():
if skip_field in messages:
del messages[skip_field]
return ValidationResultBuilder.from_validation_messages(messages, data=data)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/entities/_validation/core.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
# pylint: disable=protected-access
import copy
import json
import os.path
import typing
from pathlib import Path
from typing import Dict, List, Optional
import pydash
import strictyaml
from marshmallow import ValidationError
from promptflow._utils.logger_utils import get_cli_sdk_logger
logger = get_cli_sdk_logger()
class _ValidationStatus:
"""Validation status class.
Validation status is used to indicate the status of an validation result. It can be one of the following values:
Succeeded, Failed.
"""
SUCCEEDED = "Succeeded"
"""Succeeded."""
FAILED = "Failed"
"""Failed."""
class Diagnostic(object):
"""Represents a diagnostic of an asset validation error with the location info."""
def __init__(self, yaml_path: str, message: str, error_code: str, **kwargs) -> None:
"""Init Diagnostic.
:keyword yaml_path: A dash path from root to the target element of the diagnostic.
:paramtype yaml_path: str
:keyword message: Error message of diagnostic.
:paramtype message: str
:keyword error_code: Error code of diagnostic.
:paramtype error_code: str
"""
self.yaml_path = yaml_path
self.message = message
self.error_code = error_code
self.local_path, self.value = None, None
self._key = kwargs.pop("key", "yaml_path")
# Set extra info to attribute
for k, v in kwargs.items():
if not k.startswith("_"):
setattr(self, k, v)
def __repr__(self) -> str:
"""The asset friendly name and error message.
:return: The formatted diagnostic
:rtype: str
"""
return "{}: {}".format(getattr(self, self._key), self.message)
@classmethod
def create_instance(
cls,
yaml_path: str,
message: Optional[str] = None,
error_code: Optional[str] = None,
**kwargs,
):
"""Create a diagnostic instance.
:param yaml_path: A dash path from root to the target element of the diagnostic.
:type yaml_path: str
:param message: Error message of diagnostic.
:type message: str
:param error_code: Error code of diagnostic.
:type error_code: str
:return: The created instance
:rtype: Diagnostic
"""
return cls(
yaml_path=yaml_path,
message=message,
error_code=error_code,
**kwargs,
)
class ValidationResult(object):
"""Represents the result of validation.
This class is used to organize and parse diagnostics from both client & server side before expose them. The result
is immutable.
"""
def __init__(self) -> None:
self._target_obj = None
self._errors = []
self._warnings = []
self._kwargs = {}
def _set_extra_info(self, key, value):
self._kwargs[key] = value
def _get_extra_info(self, key, default=None):
return self._kwargs.get(key, default)
@property
def error_messages(self) -> Dict:
"""
Return all messages of errors in the validation result.
:return: A dictionary of error messages. The key is the yaml path of the error, and the value is the error
message.
:rtype: dict
"""
messages = {}
for diagnostic in self._errors:
message_key = getattr(diagnostic, diagnostic._key)
if message_key not in messages:
messages[message_key] = diagnostic.message
else:
messages[message_key] += "; " + diagnostic.message
return messages
@property
def passed(self) -> bool:
"""Returns boolean indicating whether any errors were found.
:return: True if the validation passed, False otherwise.
:rtype: bool
"""
return not self._errors
def _to_dict(self) -> typing.Dict[str, typing.Any]:
result = {
"result": _ValidationStatus.SUCCEEDED if self.passed else _ValidationStatus.FAILED,
}
result.update(self._kwargs)
for diagnostic_type, diagnostics in [
("errors", self._errors),
("warnings", self._warnings),
]:
messages = []
for diagnostic in diagnostics:
message = {
"message": diagnostic.message,
"path": diagnostic.yaml_path,
"value": pydash.get(self._target_obj, diagnostic.yaml_path, diagnostic.value),
}
if diagnostic.local_path:
message["location"] = str(diagnostic.local_path)
for attr in dir(diagnostic):
if attr not in message and not attr.startswith("_") and not callable(getattr(diagnostic, attr)):
message[attr] = getattr(diagnostic, attr)
message = {k: v for k, v in message.items() if v is not None}
messages.append(message)
if messages:
result[diagnostic_type] = messages
return result
def __repr__(self) -> str:
"""Get the string representation of the validation result.
:return: The string representation
:rtype: str
"""
return json.dumps(self._to_dict(), indent=2)
class MutableValidationResult(ValidationResult):
"""Used by the client side to construct a validation result.
The result is mutable and should not be exposed to the user.
"""
def __init__(self, target_obj: Optional[typing.Dict[str, typing.Any]] = None):
super().__init__()
self._target_obj = target_obj
def merge_with(
self,
target: ValidationResult,
field_name: Optional[str] = None,
condition_skip: Optional[typing.Callable] = None,
overwrite: bool = False,
):
"""Merge errors & warnings in another validation results into current one.
Will update current validation result.
If field_name is not None, then yaml_path in the other validation result will be updated accordingly.
* => field_name, a.b => field_name.a.b e.g.. If None, then no update.
:param target: Validation result to merge.
:type target: ValidationResult
:param field_name: The base field name for the target to merge.
:type field_name: str
:param condition_skip: A function to determine whether to skip the merge of a diagnostic in the target.
:type condition_skip: typing.Callable
:param overwrite: Whether to overwrite the current validation result. If False, all diagnostics will be kept;
if True, current diagnostics with the same yaml_path will be dropped.
:type overwrite: bool
:return: The current validation result.
:rtype: MutableValidationResult
"""
for source_diagnostics, target_diagnostics in [
(target._errors, self._errors),
(target._warnings, self._warnings),
]:
if overwrite:
keys_to_remove = set(map(lambda x: x.yaml_path, source_diagnostics))
target_diagnostics[:] = [
diagnostic for diagnostic in target_diagnostics if diagnostic.yaml_path not in keys_to_remove
]
for diagnostic in source_diagnostics:
if condition_skip and condition_skip(diagnostic):
continue
new_diagnostic = copy.deepcopy(diagnostic)
if field_name:
if new_diagnostic.yaml_path == "*":
new_diagnostic.yaml_path = field_name
else:
new_diagnostic.yaml_path = field_name + "." + new_diagnostic.yaml_path
target_diagnostics.append(new_diagnostic)
return self
def try_raise(
self,
raise_error: bool = True,
*,
error_func: typing.Callable[[str, str], Exception] = None,
) -> "MutableValidationResult":
"""Try to raise an error from the validation result.
If the validation is passed or raise_error is False, this method
will return the validation result.
:param raise_error: Whether to raise the error.
:type raise_error: bool
:keyword error_func: A function to create the error. If None, a marshmallow.ValidationError will be created.
The first parameter of the function is the string representation of the validation result,
and the second parameter is the error message without personal data.
:type error_func: typing.Callable[[str, str], Exception]
:return: The current validation result.
:rtype: MutableValidationResult
"""
# pylint: disable=logging-not-lazy
if raise_error is False:
return self
if self._warnings:
logger.warning("Schema validation warnings: %s" % str(self._warnings))
if not self.passed:
if error_func is None:
def error_func(msg, _):
return ValidationError(message=msg)
raise error_func(
self.__repr__(),
f"Schema validation failed: {self.error_messages}",
)
return self
def append_error(
self,
yaml_path: str = "*",
message: Optional[str] = None,
error_code: Optional[str] = None,
**kwargs,
):
"""Append an error to the validation result.
:param yaml_path: The yaml path of the error.
:type yaml_path: str
:param message: The message of the error.
:type message: str
:param error_code: The error code of the error.
:type error_code: str
:return: The current validation result.
:rtype: MutableValidationResult
"""
self._errors.append(
Diagnostic.create_instance(
yaml_path=yaml_path,
message=message,
error_code=error_code,
**kwargs,
)
)
return self
def resolve_location_for_diagnostics(self, source_path: str, resolve_value: bool = False):
"""Resolve location/value for diagnostics based on the source path where the validatable object is loaded.
Location includes local path of the exact file (can be different from the source path) & line number of the
invalid field. Value of a diagnostic is resolved from the validatable object in transfering to a dict by
default; however, when the validatable object is not available for the validation result, validation result is
created from marshmallow.ValidationError.messages e.g., it can be resolved from the source path.
:param source_path: The path of the source file.
:type source_path: str
:param resolve_value: Whether to resolve the value of the invalid field from source file.
:type resolve_value: bool
"""
resolver = _YamlLocationResolver(source_path)
for diagnostic in self._errors + self._warnings:
diagnostic.local_path, value = resolver.resolve(diagnostic.yaml_path)
if value is not None and resolve_value:
diagnostic.value = value
def append_warning(
self,
yaml_path: str = "*",
message: Optional[str] = None,
error_code: Optional[str] = None,
**kwargs,
):
"""Append a warning to the validation result.
:param yaml_path: The yaml path of the warning.
:type yaml_path: str
:param message: The message of the warning.
:type message: str
:param error_code: The error code of the warning.
:type error_code: str
:return: The current validation result.
:rtype: MutableValidationResult
"""
self._warnings.append(
Diagnostic.create_instance(
yaml_path=yaml_path,
message=message,
error_code=error_code,
**kwargs,
)
)
return self
class ValidationResultBuilder:
"""A helper class to create a validation result."""
UNKNOWN_MESSAGE = "Unknown field."
def __init__(self):
pass
@classmethod
def success(cls) -> MutableValidationResult:
"""Create a validation result with success status.
:return: A validation result
:rtype: MutableValidationResult
"""
return MutableValidationResult()
@classmethod
def from_single_message(
cls, singular_error_message: Optional[str] = None, yaml_path: str = "*", data: Optional[dict] = None
):
"""Create a validation result with only 1 diagnostic.
:param singular_error_message: diagnostic.message.
:type singular_error_message: Optional[str]
:param yaml_path: diagnostic.yaml_path.
:type yaml_path: str
:param data: serializedvalidation target.
:type data: Optional[Dict]
:return: The validation result
:rtype: MutableValidationResult
"""
obj = MutableValidationResult(target_obj=data)
if singular_error_message:
obj.append_error(message=singular_error_message, yaml_path=yaml_path)
return obj
@classmethod
def from_validation_error(
cls, error: ValidationError, *, source_path: Optional[str] = None, error_on_unknown_field=False
) -> MutableValidationResult:
"""Create a validation result from a ValidationError, which will be raised in marshmallow.Schema.load. Please
use this function only for exception in loading file.
:param error: ValidationError raised by marshmallow.Schema.load.
:type error: ValidationError
:keyword error_on_unknown_field: whether to raise error if there are unknown field diagnostics.
:paramtype error_on_unknown_field: bool
:return: The validation result
:rtype: MutableValidationResult
"""
obj = cls.from_validation_messages(
error.messages, data=error.data, error_on_unknown_field=error_on_unknown_field
)
if source_path:
obj.resolve_location_for_diagnostics(source_path, resolve_value=True)
return obj
@classmethod
def from_validation_messages(
cls, errors: typing.Dict, data: typing.Dict, *, error_on_unknown_field: bool = False
) -> MutableValidationResult:
"""Create a validation result from error messages, which will be returned by marshmallow.Schema.validate.
:param errors: error message returned by marshmallow.Schema.validate.
:type errors: dict
:param data: serialized data to validate
:type data: dict
:keyword error_on_unknown_field: whether to raise error if there are unknown field diagnostics.
:paramtype error_on_unknown_field: bool
:return: The validation result
:rtype: MutableValidationResult
"""
instance = MutableValidationResult(target_obj=data)
errors = copy.deepcopy(errors)
cls._from_validation_messages_recursively(errors, [], instance, error_on_unknown_field=error_on_unknown_field)
return instance
@classmethod
def _from_validation_messages_recursively(
cls,
errors: typing.Union[typing.Dict, typing.List, str],
path_stack: typing.List[str],
instance: MutableValidationResult,
error_on_unknown_field: bool,
):
cur_path = ".".join(path_stack) if path_stack else "*"
# single error message
if isinstance(errors, dict) and "_schema" in errors:
instance.append_error(
message=";".join(errors["_schema"]),
yaml_path=cur_path,
)
# errors on attributes
elif isinstance(errors, dict):
for field, msgs in errors.items():
# fields.Dict
if field in ["key", "value"]:
cls._from_validation_messages_recursively(msgs, path_stack, instance, error_on_unknown_field)
else:
# Todo: Add hack logic here to deal with error message in nested TypeSensitiveUnionField in
# DataTransfer: will be a nested dict with None field as dictionary key.
# open a item to track: https://msdata.visualstudio.com/Vienna/_workitems/edit/2244262/
if field is None:
cls._from_validation_messages_recursively(msgs, path_stack, instance, error_on_unknown_field)
else:
path_stack.append(field)
cls._from_validation_messages_recursively(msgs, path_stack, instance, error_on_unknown_field)
path_stack.pop()
# detailed error message
elif isinstance(errors, list) and all(isinstance(msg, str) for msg in errors):
if cls.UNKNOWN_MESSAGE in errors and not error_on_unknown_field:
# Unknown field is not a real error, so we should remove it and append a warning.
errors.remove(cls.UNKNOWN_MESSAGE)
instance.append_warning(message=cls.UNKNOWN_MESSAGE, yaml_path=cur_path)
if errors:
instance.append_error(message=";".join(errors), yaml_path=cur_path)
# union field
elif isinstance(errors, list):
def msg2str(msg):
if isinstance(msg, str):
return msg
if isinstance(msg, dict) and len(msg) == 1 and "_schema" in msg and len(msg["_schema"]) == 1:
return msg["_schema"][0]
return str(msg)
instance.append_error(message="; ".join([msg2str(x) for x in errors]), yaml_path=cur_path)
# unknown error
else:
instance.append_error(message=str(errors), yaml_path=cur_path)
class _YamlLocationResolver:
def __init__(self, source_path):
self._source_path = source_path
def resolve(self, yaml_path, source_path=None):
"""Resolve the location & value of a yaml path starting from source_path.
:param yaml_path: yaml path.
:type yaml_path: str
:param source_path: source path.
:type source_path: str
:return: the location & value of the yaml path based on source_path.
:rtype: Tuple[str, str]
"""
source_path = source_path or self._source_path
if source_path is None or not os.path.isfile(source_path):
return None, None
if yaml_path is None or yaml_path == "*":
return source_path, None
attrs = yaml_path.split(".")
attrs.reverse()
return self._resolve_recursively(attrs, Path(source_path))
def _resolve_recursively(self, attrs: List[str], source_path: Path):
with open(source_path, encoding="utf-8") as f:
try:
loaded_yaml = strictyaml.load(f.read())
except Exception as e: # pylint: disable=broad-except
msg = "Can't load source file %s as a strict yaml:\n%s" % (source_path, str(e))
logger.debug(msg)
return None, None
while attrs:
attr = attrs[-1]
if loaded_yaml.is_mapping() and attr in loaded_yaml:
loaded_yaml = loaded_yaml.get(attr)
attrs.pop()
elif loaded_yaml.is_sequence() and attr.isdigit() and 0 <= int(attr) < len(loaded_yaml):
loaded_yaml = loaded_yaml[int(attr)]
attrs.pop()
else:
try:
# if current object is a path of a valid yaml file, try to resolve location in new source file
next_path = Path(loaded_yaml.value)
if not next_path.is_absolute():
next_path = source_path.parent / next_path
if next_path.is_file():
return self._resolve_recursively(attrs, source_path=next_path)
except OSError:
pass
except TypeError:
pass
# if not, return current section
break
return (
f"{source_path.resolve().absolute()}#line {loaded_yaml.start_line}",
None if attrs else loaded_yaml.value,
)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/schemas/_flow.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from marshmallow import fields, validate
from promptflow._sdk._constants import FlowType
from promptflow._sdk.schemas._base import PatchedSchemaMeta, YamlFileSchema
from promptflow._sdk.schemas._fields import LocalPathField, NestedField
class FlowInputSchema(metaclass=PatchedSchemaMeta):
"""Schema for flow input."""
type = fields.Str(required=True)
description = fields.Str()
# Note: default attribute default can be various types, so we use Raw type here,
# but when transforming to json schema, there is no equivalent type, it will become string type
# may need to delete the default type in the generated json schema to avoid false alarm
default = fields.Raw()
is_chat_input = fields.Bool()
is_chat_history = fields.Bool()
class FlowOutputSchema(metaclass=PatchedSchemaMeta):
"""Schema for flow output."""
type = fields.Str(required=True)
reference = fields.Str()
description = fields.Str()
is_chat_output = fields.Bool()
class BaseFlowSchema(YamlFileSchema):
"""Base schema for flow."""
additional_includes = fields.List(fields.Str())
environment = fields.Dict()
# metadata
type = fields.Str(validate=validate.OneOf(FlowType.get_all_values()))
language = fields.Str()
description = fields.Str()
display_name = fields.Str()
tags = fields.Dict(keys=fields.Str(), values=fields.Str())
class FlowSchema(BaseFlowSchema):
"""Schema for flow dag."""
inputs = fields.Dict(keys=fields.Str(), values=NestedField(FlowInputSchema))
outputs = fields.Dict(keys=fields.Str(), values=NestedField(FlowOutputSchema))
nodes = fields.List(fields.Dict())
node_variants = fields.Dict(keys=fields.Str(), values=fields.Dict())
class EagerFlowSchema(BaseFlowSchema):
"""Schema for eager flow."""
# path to flow entry file.
path = LocalPathField(required=True)
# entry function
entry = fields.Str(required=True)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/schemas/_experiment.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from marshmallow import fields, post_load, pre_load
from promptflow._sdk._constants import ExperimentNodeType
from promptflow._sdk.schemas._base import PatchedSchemaMeta, YamlFileSchema
from promptflow._sdk.schemas._fields import (
LocalPathField,
NestedField,
PrimitiveValueField,
StringTransformedEnum,
UnionField,
)
from promptflow._sdk.schemas._run import RunSchema
class ScriptNodeSchema(metaclass=PatchedSchemaMeta):
# TODO: Not finalized now. Need to revisit.
name = fields.Str(required=True)
type = StringTransformedEnum(allowed_values=ExperimentNodeType.CODE, required=True)
path = UnionField([LocalPathField(required=True), fields.Str(required=True)])
inputs = fields.Dict(keys=fields.Str)
# runtime field, only available for cloud run
runtime = fields.Str() # TODO: Revisit the required fields
display_name = fields.Str()
environment_variables = fields.Dict(keys=fields.Str, values=fields.Str)
class FlowNodeSchema(RunSchema):
class Meta:
exclude = ["flow", "column_mapping", "data", "run"]
name = fields.Str(required=True)
type = StringTransformedEnum(allowed_values=ExperimentNodeType.FLOW, required=True)
inputs = fields.Dict(keys=fields.Str)
path = UnionField([LocalPathField(required=True), fields.Str(required=True)])
@pre_load
def warning_unknown_fields(self, data, **kwargs):
# Override to avoid warning here
return data
class ExperimentDataSchema(metaclass=PatchedSchemaMeta):
name = fields.Str(required=True)
path = LocalPathField(required=True)
class ExperimentInputSchema(metaclass=PatchedSchemaMeta):
name = fields.Str(required=True)
type = fields.Str(required=True)
default = PrimitiveValueField()
class ExperimentTemplateSchema(YamlFileSchema):
name = fields.Str()
description = fields.Str()
data = fields.List(NestedField(ExperimentDataSchema)) # Optional
inputs = fields.List(NestedField(ExperimentInputSchema)) # Optional
nodes = fields.List(UnionField([NestedField(FlowNodeSchema), NestedField(ScriptNodeSchema)]), required=True)
@post_load
def resolve_nodes(self, data, **kwargs):
from promptflow._sdk.entities._experiment import FlowNode, ScriptNode
nodes = data.get("nodes", [])
resolved_nodes = []
for node in nodes:
if not isinstance(node, dict):
continue
node_type = node.get("type", None)
if node_type == ExperimentNodeType.FLOW:
resolved_nodes.append(FlowNode._load_from_dict(data=node, context=self.context, additional_message=""))
elif node_type == ExperimentNodeType.CODE:
resolved_nodes.append(
ScriptNode._load_from_dict(data=node, context=self.context, additional_message="")
)
else:
raise ValueError(f"Unknown node type {node_type} for node {node}.")
data["nodes"] = resolved_nodes
return data
@post_load
def resolve_data_and_inputs(self, data, **kwargs):
from promptflow._sdk.entities._experiment import ExperimentData, ExperimentInput
def resolve_resource(key, cls):
items = data.get(key, [])
resolved_result = []
for item in items:
if not isinstance(item, dict):
continue
resolved_result.append(
cls._load_from_dict(
data=item,
context=self.context,
additional_message=f"Failed to load {cls.__name__}",
)
)
return resolved_result
data["data"] = resolve_resource("data", ExperimentData)
data["inputs"] = resolve_resource("inputs", ExperimentInput)
return data
class ExperimentSchema(ExperimentTemplateSchema):
node_runs = fields.Dict(keys=fields.Str(), values=fields.Str()) # TODO: Revisit this
status = fields.Str(dump_only=True)
properties = fields.Dict(keys=fields.Str(), values=fields.Str(allow_none=True))
created_on = fields.Str(dump_only=True)
last_start_time = fields.Str(dump_only=True)
last_end_time = fields.Str(dump_only=True)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/schemas/_base.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
# pylint: disable=unused-argument,no-self-use
import copy
from pathlib import Path
from typing import Optional
from marshmallow import RAISE, fields, post_load, pre_load
from marshmallow.decorators import post_dump
from marshmallow.schema import Schema, SchemaMeta
from pydash import objects
from promptflow._sdk._constants import BASE_PATH_CONTEXT_KEY, FILE_PREFIX, PARAMS_OVERRIDE_KEY
from promptflow._utils.logger_utils import LoggerFactory
from promptflow._utils.yaml_utils import load_yaml
module_logger = LoggerFactory.get_logger(__name__)
class PatchedMeta:
ordered = True
unknown = RAISE
class PatchedBaseSchema(Schema):
class Meta:
unknown = RAISE
ordered = True
@post_dump
def remove_none(self, data, **kwargs):
"""Prevents from dumping attributes that are None, thus making the dump more compact."""
return dict((key, value) for key, value in data.items() if value is not None)
class PatchedSchemaMeta(SchemaMeta):
"""Currently there is an open issue in marshmallow, that the "unknown" property is not inherited.
We use a metaclass to inject a Meta class into all our Schema classes.
"""
def __new__(cls, name, bases, dct):
meta = dct.get("Meta")
if meta is None:
dct["Meta"] = PatchedMeta
else:
if not hasattr(meta, "unknown"):
dct["Meta"].unknown = RAISE
if not hasattr(meta, "ordered"):
dct["Meta"].ordered = True
if PatchedBaseSchema not in bases:
bases = bases + (PatchedBaseSchema,)
return super().__new__(cls, name, bases, dct)
class PathAwareSchema(PatchedBaseSchema, metaclass=PatchedSchemaMeta):
schema_ignored = fields.Str(data_key="$schema", dump_only=True)
def __init__(self, *args, **kwargs):
# this will make context of all PathAwareSchema child class point to one object
self.context = kwargs.get("context", None)
if self.context is None or self.context.get(BASE_PATH_CONTEXT_KEY, None) is None:
raise Exception("Base path for reading files is required when building PathAwareSchema")
# set old base path, note it's an Path object and point to the same object with
# self.context.get(BASE_PATH_CONTEXT_KEY)
self.old_base_path = self.context.get(BASE_PATH_CONTEXT_KEY)
super().__init__(*args, **kwargs)
@pre_load
def add_param_overrides(self, data, **kwargs):
# Removing params override from context so that overriding is done once on the yaml
# child schema should not override the params.
params_override = self.context.pop(PARAMS_OVERRIDE_KEY, None)
if params_override is not None:
for override in params_override:
for param, val in override.items():
# Check that none of the intermediary levels are string references (azureml/file)
param_tokens = param.split(".")
test_layer = data
for layer in param_tokens:
if test_layer is None:
continue
if isinstance(test_layer, str):
raise Exception(
f"Cannot use '--set' on properties defined by reference strings: --set {param}"
)
test_layer = test_layer.get(layer, None)
objects.set_(data, param, val)
return data
@pre_load
def trim_dump_only(self, data, **kwargs):
"""Marshmallow raises if dump_only fields are present in the schema. This is not desirable for our use case,
where read-only properties can be present in the yaml, and should simply be ignored, while we should raise in.
the case an unknown field is present - to prevent typos.
"""
if isinstance(data, str) or data is None:
return data
for key, value in self.fields.items(): # pylint: disable=no-member
if value.dump_only:
schema_key = value.data_key or key
if data.get(schema_key, None) is not None:
data.pop(schema_key)
return data
class YamlFileSchema(PathAwareSchema):
"""Base class that allows derived classes to be built from paths to separate yaml files in place of inline yaml
definitions.
This will be transparent to any parent schema containing a nested schema of the derived class, it will not need a
union type for the schema, a YamlFile string will be resolved by the pre_load method into a dictionary. On loading
the child yaml, update the base path to use for loading sub-child files.
"""
def __init__(self, *args, **kwargs):
self._previous_base_path = None
super().__init__(*args, **kwargs)
@classmethod
def _resolve_path(cls, data, base_path) -> Optional[Path]:
if isinstance(data, str) and data.startswith(FILE_PREFIX):
# Use directly if absolute path
path = Path(data[len(FILE_PREFIX) :])
if not path.is_absolute():
path = Path(base_path) / path
path.resolve()
return path
return None
@pre_load
def load_from_file(self, data, **kwargs):
path = self._resolve_path(data, Path(self.context[BASE_PATH_CONTEXT_KEY]))
if path is not None:
self._previous_base_path = Path(self.context[BASE_PATH_CONTEXT_KEY])
# Push update
# deepcopy self.context[BASE_PATH_CONTEXT_KEY] to update old base path
self.old_base_path = copy.deepcopy(self.context[BASE_PATH_CONTEXT_KEY])
self.context[BASE_PATH_CONTEXT_KEY] = path.parent
data = load_yaml(path)
return data
return data
# Schemas are read depth-first, so push/pop to update current path
@post_load
def reset_base_path_post_load(self, data, **kwargs):
if self._previous_base_path is not None:
# pop state
self.context[BASE_PATH_CONTEXT_KEY] = self._previous_base_path
return data
class CreateBySchema(metaclass=PatchedSchemaMeta):
user_object_id = fields.Str(dump_only=True, attribute="userObjectId")
user_tenant_id = fields.Str(dump_only=True, attribute="userTenantId")
user_name = fields.Str(dump_only=True, attribute="userName")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/schemas/_connection.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import copy
from marshmallow import ValidationError, fields, pre_dump, validates
from promptflow._sdk._constants import (
SCHEMA_KEYS_CONTEXT_CONFIG_KEY,
SCHEMA_KEYS_CONTEXT_SECRET_KEY,
ConnectionType,
CustomStrongTypeConnectionConfigs,
)
from promptflow._sdk.schemas._base import YamlFileSchema
from promptflow._sdk.schemas._fields import StringTransformedEnum
from promptflow._utils.utils import camel_to_snake
def _casting_type(typ):
type_dict = {
ConnectionType.AZURE_OPEN_AI: "azure_open_ai",
ConnectionType.OPEN_AI: "open_ai",
}
if typ in type_dict:
return type_dict.get(typ)
return camel_to_snake(typ)
class ConnectionSchema(YamlFileSchema):
name = fields.Str(attribute="name")
module = fields.Str(dump_default="promptflow.connections")
created_date = fields.Str(dump_only=True)
last_modified_date = fields.Str(dump_only=True)
expiry_time = fields.Str(dump_only=True)
@pre_dump
def _pre_dump(self, data, **kwargs):
from promptflow._sdk.entities._connection import _Connection
if not isinstance(data, _Connection):
return data
# Update the type replica of the connection object to match schema
copied = copy.deepcopy(data)
copied.type = camel_to_snake(copied.type)
return copied
class AzureOpenAIConnectionSchema(ConnectionSchema):
type = StringTransformedEnum(allowed_values="azure_open_ai", required=True)
api_key = fields.Str(required=True)
api_base = fields.Str(required=True)
api_type = fields.Str(dump_default="azure")
api_version = fields.Str(dump_default="2023-07-01-preview")
class OpenAIConnectionSchema(ConnectionSchema):
type = StringTransformedEnum(allowed_values="open_ai", required=True)
api_key = fields.Str(required=True)
organization = fields.Str()
base_url = fields.Str()
class EmbeddingStoreConnectionSchema(ConnectionSchema):
module = fields.Str(dump_default="promptflow_vectordb.connections")
api_key = fields.Str(required=True)
api_base = fields.Str(required=True)
class QdrantConnectionSchema(EmbeddingStoreConnectionSchema):
type = StringTransformedEnum(allowed_values=camel_to_snake(ConnectionType.QDRANT), required=True)
class WeaviateConnectionSchema(EmbeddingStoreConnectionSchema):
type = StringTransformedEnum(allowed_values=camel_to_snake(ConnectionType.WEAVIATE), required=True)
class CognitiveSearchConnectionSchema(ConnectionSchema):
type = StringTransformedEnum(
allowed_values=camel_to_snake(ConnectionType.COGNITIVE_SEARCH),
required=True,
)
api_key = fields.Str(required=True)
api_base = fields.Str(required=True)
api_version = fields.Str(dump_default="2023-07-01-Preview")
class SerpConnectionSchema(ConnectionSchema):
type = StringTransformedEnum(allowed_values=camel_to_snake(ConnectionType.SERP), required=True)
api_key = fields.Str(required=True)
class AzureContentSafetyConnectionSchema(ConnectionSchema):
type = StringTransformedEnum(
allowed_values=camel_to_snake(ConnectionType.AZURE_CONTENT_SAFETY),
required=True,
)
api_key = fields.Str(required=True)
endpoint = fields.Str(required=True)
api_version = fields.Str(dump_default="2023-10-01")
api_type = fields.Str(dump_default="Content Safety")
class FormRecognizerConnectionSchema(ConnectionSchema):
type = StringTransformedEnum(
allowed_values=camel_to_snake(ConnectionType.FORM_RECOGNIZER),
required=True,
)
api_key = fields.Str(required=True)
endpoint = fields.Str(required=True)
api_version = fields.Str(dump_default="2023-07-31")
api_type = fields.Str(dump_default="Form Recognizer")
class CustomConnectionSchema(ConnectionSchema):
type = StringTransformedEnum(allowed_values=camel_to_snake(ConnectionType.CUSTOM), required=True)
configs = fields.Dict(keys=fields.Str(), values=fields.Str())
# Secrets is a must-have field for CustomConnection
secrets = fields.Dict(keys=fields.Str(), values=fields.Str(), required=True)
class CustomStrongTypeConnectionSchema(CustomConnectionSchema):
name = fields.Str(attribute="name")
module = fields.Str(required=True)
custom_type = fields.Str(required=True)
package = fields.Str(required=True)
package_version = fields.Str(required=True)
# TODO: validate configs and secrets
@validates("configs")
def validate_configs(self, value):
schema_config_keys = self.context.get(SCHEMA_KEYS_CONTEXT_CONFIG_KEY, None)
if schema_config_keys:
for key in value:
if CustomStrongTypeConnectionConfigs.is_custom_key(key) and key not in schema_config_keys:
raise ValidationError(f"Invalid config key {key}, please check the schema.")
@validates("secrets")
def validate_secrets(self, value):
schema_secret_keys = self.context.get(SCHEMA_KEYS_CONTEXT_SECRET_KEY, None)
if schema_secret_keys:
for key in value:
if key not in schema_secret_keys:
raise ValidationError(f"Invalid secret key {key}, please check the schema.")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/schemas/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/schemas/_run.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import os.path
from dotenv import dotenv_values
from marshmallow import fields, post_load, pre_load
from promptflow._sdk._utils import is_remote_uri
from promptflow._sdk.schemas._base import PatchedSchemaMeta, YamlFileSchema
from promptflow._sdk.schemas._fields import LocalPathField, NestedField, UnionField
from promptflow._utils.logger_utils import get_cli_sdk_logger
logger = get_cli_sdk_logger()
def _resolve_dot_env_file(data, **kwargs):
"""Resolve .env file to environment variables."""
env_var = data.get("environment_variables", None)
try:
if env_var and os.path.exists(env_var):
env_dict = dotenv_values(env_var)
data["environment_variables"] = env_dict
except TypeError:
pass
return data
class ResourcesSchema(metaclass=PatchedSchemaMeta):
"""Schema for resources."""
instance_type = fields.Str()
idle_time_before_shutdown_minutes = fields.Int()
class RemotePathStr(fields.Str):
default_error_messages = {
"invalid_path": "Invalid remote path. "
"Currently only azureml://xxx or public URL(e.g. https://xxx) are supported.",
}
def _validate(self, value):
# inherited validations like required, allow_none, etc.
super(RemotePathStr, self)._validate(value)
if value is None:
return
if not is_remote_uri(value):
raise self.make_error(
"invalid_path",
)
class RemoteFlowStr(fields.Str):
default_error_messages = {
"invalid_path": "Invalid remote flow path. Currently only azureml:<flow-name> is supported",
}
def _validate(self, value):
# inherited validations like required, allow_none, etc.
super(RemoteFlowStr, self)._validate(value)
if value is None:
return
if not isinstance(value, str) or not value.startswith("azureml:"):
raise self.make_error(
"invalid_path",
)
class RunSchema(YamlFileSchema):
"""Base schema for all run schemas."""
# TODO(2898455): support directly write path/flow + entry in run.yaml
# region: common fields
name = fields.Str()
display_name = fields.Str(required=False)
tags = fields.Dict(keys=fields.Str(), values=fields.Str(allow_none=True))
status = fields.Str(dump_only=True)
description = fields.Str(attribute="description")
properties = fields.Dict(keys=fields.Str(), values=fields.Str(allow_none=True))
# endregion: common fields
flow = UnionField([LocalPathField(required=True), RemoteFlowStr(required=True)])
# inputs field
data = UnionField([LocalPathField(), RemotePathStr()])
column_mapping = fields.Dict(keys=fields.Str)
# runtime field, only available for cloud run
runtime = fields.Str()
resources = NestedField(ResourcesSchema)
run = fields.Str()
# region: context
variant = fields.Str()
environment_variables = UnionField(
[
fields.Dict(keys=fields.Str(), values=fields.Str()),
# support load environment variables from .env file
LocalPathField(),
]
)
connections = fields.Dict(keys=fields.Str(), values=fields.Dict(keys=fields.Str()))
# endregion: context
@post_load
def resolve_dot_env_file(self, data, **kwargs):
return _resolve_dot_env_file(data, **kwargs)
@pre_load
def warning_unknown_fields(self, data, **kwargs):
# log warnings for unknown schema fields
unknown_fields = set(data) - set(self.fields)
if unknown_fields:
logger.warning("Run schema validation warnings. Unknown fields found: %s", unknown_fields)
return data
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/schemas/_fields.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import copy
import typing
from pathlib import Path
from marshmallow import fields
from marshmallow.exceptions import FieldInstanceResolutionError, ValidationError
from marshmallow.fields import _T, Field, Nested
from marshmallow.utils import RAISE, resolve_field_instance
from promptflow._sdk._constants import BASE_PATH_CONTEXT_KEY
from promptflow._sdk.schemas._base import PathAwareSchema
from promptflow._utils.logger_utils import LoggerFactory
# pylint: disable=unused-argument,no-self-use,protected-access
module_logger = LoggerFactory.get_logger(__name__)
class StringTransformedEnum(Field):
def __init__(self, **kwargs):
# pop marshmallow unknown args to avoid warnings
self.allowed_values = kwargs.pop("allowed_values", None)
self.casing_transform = kwargs.pop("casing_transform", lambda x: x.lower())
self.pass_original = kwargs.pop("pass_original", False)
super().__init__(**kwargs)
if isinstance(self.allowed_values, str):
self.allowed_values = [self.allowed_values]
self.allowed_values = [self.casing_transform(x) for x in self.allowed_values]
def _jsonschema_type_mapping(self):
schema = {"type": "string", "enum": self.allowed_values}
if self.name is not None:
schema["title"] = self.name
if self.dump_only:
schema["readonly"] = True
return schema
def _serialize(self, value, attr, obj, **kwargs):
if not value:
return
if isinstance(value, str) and self.casing_transform(value) in self.allowed_values:
return value if self.pass_original else self.casing_transform(value)
raise ValidationError(f"Value {value!r} passed is not in set {self.allowed_values}")
def _deserialize(self, value, attr, data, **kwargs):
if isinstance(value, str) and self.casing_transform(value) in self.allowed_values:
return value if self.pass_original else self.casing_transform(value)
raise ValidationError(f"Value {value!r} passed is not in set {self.allowed_values}")
class LocalPathField(fields.Str):
"""A field that validates that the input is a local path.
Can only be used as fields of PathAwareSchema.
"""
default_error_messages = {
"invalid_path": "The filename, directory name, or volume label syntax is incorrect.",
"path_not_exist": "Can't find {allow_type} in resolved absolute path: {path}.",
}
def __init__(self, allow_dir=True, allow_file=True, **kwargs):
self._allow_dir = allow_dir
self._allow_file = allow_file
self._pattern = kwargs.get("pattern", None)
super().__init__(**kwargs)
def _resolve_path(self, value) -> Path:
"""Resolve path to absolute path based on base_path in context.
Will resolve the path if it's already an absolute path.
"""
try:
result = Path(value)
base_path = Path(self.context[BASE_PATH_CONTEXT_KEY])
if not result.is_absolute():
result = base_path / result
# for non-path string like "azureml:/xxx", OSError can be raised in either
# resolve() or is_dir() or is_file()
result = result.resolve()
if (self._allow_dir and result.is_dir()) or (self._allow_file and result.is_file()):
return result
except OSError:
raise self.make_error("invalid_path")
raise self.make_error("path_not_exist", path=result.as_posix(), allow_type=self.allowed_path_type)
@property
def allowed_path_type(self) -> str:
if self._allow_dir and self._allow_file:
return "directory or file"
if self._allow_dir:
return "directory"
return "file"
def _validate(self, value):
# inherited validations like required, allow_none, etc.
super(LocalPathField, self)._validate(value)
if value is None:
return
self._resolve_path(value)
def _serialize(self, value, attr, obj, **kwargs) -> typing.Optional[str]:
# do not block serializing None even if required or not allow_none.
if value is None:
return None
# always dump path as absolute path in string as base_path will be dropped after serialization
return super(LocalPathField, self)._serialize(self._resolve_path(value).as_posix(), attr, obj, **kwargs)
def _deserialize(self, value, attr, data, **kwargs):
# resolve to absolute path
if value is None:
return None
return super()._deserialize(self._resolve_path(value).as_posix(), attr, data, **kwargs)
# Note: Currently contains a bug where the order in which fields are inputted can potentially cause a bug
# Example, the first line below works, but the second one fails upon calling load_from_dict
# with the error " AttributeError: 'list' object has no attribute 'get'"
# inputs = UnionField([fields.List(NestedField(DataSchema)), NestedField(DataSchema)])
# inputs = UnionField([NestedField(DataSchema), fields.List(NestedField(DataSchema))])
class UnionField(fields.Field):
def __init__(self, union_fields: typing.List[fields.Field], is_strict=False, **kwargs):
super().__init__(**kwargs)
try:
# add the validation and make sure union_fields must be subclasses or instances of
# marshmallow.base.FieldABC
self._union_fields = [resolve_field_instance(cls_or_instance) for cls_or_instance in union_fields]
# TODO: make serialization/de-serialization work in the same way as json schema when is_strict is True
self.is_strict = is_strict # S\When True, combine fields with oneOf instead of anyOf at schema generation
except FieldInstanceResolutionError as error:
raise ValueError(
'Elements of "union_fields" must be subclasses or ' "instances of marshmallow.base.FieldABC."
) from error
@property
def union_fields(self):
return iter(self._union_fields)
def insert_union_field(self, field):
self._union_fields.insert(0, field)
# This sets the parent for the schema and also handles nesting.
def _bind_to_schema(self, field_name, schema):
super()._bind_to_schema(field_name, schema)
self._union_fields = self._create_bind_fields(self._union_fields, field_name)
def _create_bind_fields(self, _fields, field_name):
new_union_fields = []
for field in _fields:
field = copy.deepcopy(field)
field._bind_to_schema(field_name, self)
new_union_fields.append(field)
return new_union_fields
def _serialize(self, value, attr, obj, **kwargs):
if value is None:
return None
errors = []
for field in self._union_fields:
try:
return field._serialize(value, attr, obj, **kwargs)
except ValidationError as e:
errors.extend(e.messages)
except (TypeError, ValueError, AttributeError) as e:
errors.extend([str(e)])
raise ValidationError(message=errors, field_name=attr)
def _deserialize(self, value, attr, data, **kwargs):
errors = []
for schema in self._union_fields:
try:
return schema.deserialize(value, attr, data, **kwargs)
except ValidationError as e:
errors.append(e.normalized_messages())
except (FileNotFoundError, TypeError) as e:
errors.append([str(e)])
finally:
# Revert base path to original path when job schema fail to deserialize job. For example, when load
# parallel job with component file reference starting with FILE prefix, maybe first CommandSchema will
# load component yaml according to AnonymousCommandComponentSchema, and YamlFileSchema will update base
# path. When CommandSchema fail to load, then Parallelschema will load component yaml according to
# AnonymousParallelComponentSchema, but base path now is incorrect, and will raise path not found error
# when load component yaml file.
if (
hasattr(schema, "name")
and schema.name == "jobs"
and hasattr(schema, "schema")
and isinstance(schema.schema, PathAwareSchema)
):
# use old base path to recover original base path
schema.schema.context[BASE_PATH_CONTEXT_KEY] = schema.schema.old_base_path
# recover base path of parent schema
schema.context[BASE_PATH_CONTEXT_KEY] = schema.schema.context[BASE_PATH_CONTEXT_KEY]
raise ValidationError(errors, field_name=attr)
class NestedField(Nested):
"""anticipates the default coming in next marshmallow version, unknown=True."""
def __init__(self, *args, **kwargs):
if kwargs.get("unknown") is None:
kwargs["unknown"] = RAISE
super().__init__(*args, **kwargs)
class DumpableIntegerField(fields.Integer):
"""An int field that cannot serialize other type of values to int if self.strict."""
def _serialize(self, value, attr, obj, **kwargs) -> typing.Optional[typing.Union[str, _T]]:
if self.strict and not isinstance(value, int):
# this implementation can serialize bool to bool
raise self.make_error("invalid", input=value)
return super()._serialize(value, attr, obj, **kwargs)
class DumpableFloatField(fields.Float):
"""A float field that cannot serialize other type of values to float if self.strict."""
def __init__(
self,
*,
strict: bool = False,
allow_nan: bool = False,
as_string: bool = False,
**kwargs,
):
self.strict = strict
super().__init__(allow_nan=allow_nan, as_string=as_string, **kwargs)
def _validated(self, value):
if self.strict and not isinstance(value, float):
raise self.make_error("invalid", input=value)
return super()._validated(value)
def _serialize(self, value, attr, obj, **kwargs) -> typing.Optional[typing.Union[str, _T]]:
return super()._serialize(self._validated(value), attr, obj, **kwargs)
def PrimitiveValueField(**kwargs):
"""Function to return a union field for primitive value.
:return: The primitive value field
:rtype: Field
"""
return UnionField(
[
# Note: order matters here - to make sure value parsed correctly.
# By default, when strict is false, marshmallow downcasts float to int.
# Setting it to true will throw a validation error when loading a float to int.
# https://github.com/marshmallow-code/marshmallow/pull/755
# Use DumpableIntegerField to make sure there will be validation error when
# loading/dumping a float to int.
# note that this field can serialize bool instance but cannot deserialize bool instance.
DumpableIntegerField(strict=True),
# Use DumpableFloatField with strict of True to avoid '1'(str) serialized to 1.0(float)
DumpableFloatField(strict=True),
# put string schema after Int and Float to make sure they won't dump to string
fields.Str(),
# fields.Bool comes last since it'll parse anything non-falsy to True
fields.Bool(),
],
**kwargs,
)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/app.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import json
import logging
import mimetypes
import os
from pathlib import Path
from typing import Dict
from flask import Flask, g, jsonify, request
from promptflow._sdk._load_functions import load_flow
from promptflow._sdk._serving.extension.extension_factory import ExtensionFactory
from promptflow._sdk._serving.flow_invoker import FlowInvoker
from promptflow._sdk._serving.response_creator import ResponseCreator
from promptflow._sdk._serving.utils import (
enable_monitoring,
get_output_fields_to_remove,
get_sample_json,
handle_error_to_response,
load_request_data,
streaming_response_required,
)
from promptflow._sdk._utils import setup_user_agent_to_operation_context
from promptflow._utils.exception_utils import ErrorResponse
from promptflow._utils.logger_utils import LoggerFactory
from promptflow._version import VERSION
from promptflow.contracts.run_info import Status
from promptflow.exceptions import SystemErrorException
from promptflow.storage._run_storage import DummyRunStorage
from .swagger import generate_swagger
logger = LoggerFactory.get_logger("pfserving-app", target_stdout=True)
DEFAULT_STATIC_PATH = Path(__file__).parent / "static"
USER_AGENT = f"promptflow-local-serving/{VERSION}"
class PromptflowServingApp(Flask):
def init(self, **kwargs):
with self.app_context():
# default to local, can be override when creating the app
self.extension = ExtensionFactory.create_extension(logger, **kwargs)
self.flow_invoker: FlowInvoker = None
# parse promptflow project path
self.project_path = self.extension.get_flow_project_path()
logger.info(f"Project path: {self.project_path}")
self.flow_entity = load_flow(self.project_path)
self.flow = self.flow_entity._init_executable()
# enable environment_variables
environment_variables = kwargs.get("environment_variables", {})
os.environ.update(environment_variables)
default_environment_variables = self.flow.get_environment_variables_with_overrides()
self.set_default_environment_variables(default_environment_variables)
self.flow_name = self.extension.get_flow_name()
self.flow.name = self.flow_name
conn_data_override, conn_name_override = self.extension.get_override_connections(self.flow)
self.connections_override = conn_data_override
self.connections_name_override = conn_name_override
self.flow_monitor = self.extension.get_flow_monitor()
self.connection_provider = self.extension.get_connection_provider()
self.credential = self.extension.get_credential()
self.sample = get_sample_json(self.project_path, logger)
self.init_swagger()
# try to initialize the flow invoker
try:
self.init_invoker_if_not_exist()
except Exception as e:
if self.extension.raise_ex_on_invoker_initialization_failure(e):
raise e
# ensure response has the correct content type
mimetypes.add_type("application/javascript", ".js")
mimetypes.add_type("text/css", ".css")
setup_user_agent_to_operation_context(self.extension.get_user_agent())
add_default_routes(self)
# register blueprints
blue_prints = self.extension.get_blueprints()
for blue_print in blue_prints:
self.register_blueprint(blue_print)
def init_invoker_if_not_exist(self):
if self.flow_invoker:
return
logger.info("Promptflow executor starts initializing...")
self.flow_invoker = FlowInvoker(
self.project_path,
connection_provider=self.connection_provider,
streaming=streaming_response_required,
raise_ex=False,
connections=self.connections_override,
connections_name_overrides=self.connections_name_override,
# for serving, we don't need to persist intermediate result, this is to avoid memory leak.
storage=DummyRunStorage(),
credential=self.credential,
)
self.flow = self.flow_invoker.flow
# Set the flow name as folder name
self.flow.name = self.flow_name
self.response_fields_to_remove = get_output_fields_to_remove(self.flow, logger)
logger.info("Promptflow executor initializing succeed!")
def init_swagger(self):
self.response_fields_to_remove = get_output_fields_to_remove(self.flow, logger)
self.swagger = generate_swagger(self.flow, self.sample, self.response_fields_to_remove)
def set_default_environment_variables(self, default_environment_variables: Dict[str, str] = None):
if default_environment_variables is None:
return
for key, value in default_environment_variables.items():
if key not in os.environ:
os.environ[key] = value
def add_default_routes(app: PromptflowServingApp):
@app.errorhandler(Exception)
def handle_error(e):
err_resp, resp_code = handle_error_to_response(e, logger)
app.flow_monitor.handle_error(e, resp_code)
return err_resp, resp_code
@app.route("/score", methods=["POST"])
@enable_monitoring
def score():
"""process a flow request in the runtime."""
raw_data = request.get_data()
logger.debug(f"PromptFlow executor received data: {raw_data}")
app.init_invoker_if_not_exist()
if app.flow.inputs.keys().__len__() == 0:
data = {}
logger.info("Flow has no input, request data will be ignored.")
else:
logger.info("Start loading request data...")
data = load_request_data(app.flow, raw_data, logger)
# set context data
g.data = data
g.flow_id = app.flow.id or app.flow.name
run_id = g.get("req_id", None)
# TODO: refine this once we can directly set the input/output log level to DEBUG in flow_invoker.
disable_data_logging = logger.level >= logging.INFO
flow_result = app.flow_invoker.invoke(data, run_id=run_id, disable_input_output_logging=disable_data_logging)
g.flow_result = flow_result
# check flow result, if failed, return error response
if flow_result.run_info.status != Status.Completed:
if flow_result.run_info.error:
err = ErrorResponse(flow_result.run_info.error)
g.err_code = err.innermost_error_code
return jsonify(err.to_simplified_dict()), err.response_code
else:
# in case of run failed but can't find any error, return 500
exception = SystemErrorException("Flow execution failed without error message.")
return jsonify(ErrorResponse.from_exception(exception).to_simplified_dict()), 500
intermediate_output = flow_result.output or {}
# remove evaluation only fields
result_output = {k: v for k, v in intermediate_output.items() if k not in app.response_fields_to_remove}
response_creator = ResponseCreator(
flow_run_result=result_output,
accept_mimetypes=request.accept_mimetypes,
)
app.flow_monitor.setup_streaming_monitor_if_needed(response_creator, data, intermediate_output)
return response_creator.create_response()
@app.route("/swagger.json", methods=["GET"])
def swagger():
"""Get the swagger object."""
return jsonify(app.swagger)
@app.route("/health", methods=["GET"])
def health():
"""Check if the runtime is alive."""
return {"status": "Healthy", "version": VERSION}
@app.route("/version", methods=["GET"])
def version():
"""Check the runtime's version."""
build_info = os.environ.get("BUILD_INFO", "")
try:
build_info_dict = json.loads(build_info)
version = build_info_dict["build_number"]
except Exception:
version = VERSION
return {"status": "Healthy", "build_info": build_info, "version": version}
def create_app(**kwargs):
app = PromptflowServingApp(__name__)
if __name__ != "__main__":
app.logger.handlers = logger.handlers
app.logger.setLevel(logger.level)
app.init(**kwargs)
return app
if __name__ == "__main__":
create_app().run()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/utils.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import json
import os
import time
import base64
import zlib
from flask import jsonify, request
from promptflow._sdk._serving._errors import (
JsonPayloadRequiredForMultipleInputFields,
MissingRequiredFlowInput,
NotAcceptable,
)
from promptflow._utils.exception_utils import ErrorResponse, ExceptionPresenter
from promptflow.contracts.flow import Flow as FlowContract
from promptflow.exceptions import ErrorTarget
def load_request_data(flow, raw_data, logger):
try:
data = json.loads(raw_data)
except Exception:
input = None
if flow.inputs.keys().__len__() > 1:
# this should only work if there's only 1 input field, otherwise it will fail
# TODO: add a check to make sure there's only 1 input field
message = (
"Promptflow executor received non json data, but there's more than 1 input fields, "
"please use json request data instead."
)
raise JsonPayloadRequiredForMultipleInputFields(message, target=ErrorTarget.SERVING_APP)
if isinstance(raw_data, bytes) or isinstance(raw_data, bytearray):
input = str(raw_data, "UTF-8")
elif isinstance(raw_data, str):
input = raw_data
default_key = list(flow.inputs.keys())[0]
logger.debug(f"Promptflow executor received non json data: {input}, default key: {default_key}")
data = {default_key: input}
return data
def validate_request_data(flow, data):
"""Validate required request data is provided."""
# TODO: Note that we don't have default flow input presently, all of the default is None.
required_inputs = [k for k, v in flow.inputs.items() if v.default is None]
missing_inputs = [k for k in required_inputs if k not in data]
if missing_inputs:
raise MissingRequiredFlowInput(
f"Required input fields {missing_inputs} are missing in request data {data!r}",
target=ErrorTarget.SERVING_APP,
)
def streaming_response_required():
"""Check if streaming response is required."""
return "text/event-stream" in request.accept_mimetypes.values()
def get_sample_json(project_path, logger):
# load swagger sample if exists
sample_file = os.path.join(project_path, "samples.json")
if not os.path.exists(sample_file):
return None
logger.info("Promptflow sample file detected.")
with open(sample_file, "r", encoding="UTF-8") as f:
sample = json.load(f)
return sample
# get evaluation only fields
def get_output_fields_to_remove(flow: FlowContract, logger) -> list:
"""get output fields to remove."""
included_outputs = os.getenv("PROMPTFLOW_RESPONSE_INCLUDED_FIELDS", None)
if included_outputs:
logger.info(f"Response included fields: {included_outputs}")
res = json.loads(included_outputs)
return [k for k, v in flow.outputs.items() if k not in res]
return [k for k, v in flow.outputs.items() if v.evaluation_only]
def handle_error_to_response(e, logger):
presenter = ExceptionPresenter.create(e)
logger.error(f"Promptflow serving app error: {presenter.to_dict()}")
logger.error(f"Promptflow serving error traceback: {presenter.formatted_traceback}")
resp = ErrorResponse(presenter.to_dict())
response_code = resp.response_code
# The http response code for NotAcceptable is 406.
# Currently the error framework does not allow response code overriding,
# we add a check here to override the response code.
# TODO: Consider how to embed this logic into the error framework.
if isinstance(e, NotAcceptable):
response_code = 406
return jsonify(resp.to_simplified_dict()), response_code
def get_pf_serving_env(env_key: str):
if len(env_key) == 0:
return None
value = os.getenv(env_key, None)
if value is None and env_key.startswith("PROMPTFLOW_"):
value = os.getenv(env_key.replace("PROMPTFLOW_", "PF_"), None)
return value
def get_cost_up_to_now(start_time: float):
return (time.time() - start_time) * 1000
def enable_monitoring(func):
func._enable_monitoring = True
return func
def normalize_connection_name(connection_name: str):
return connection_name.replace(" ", "_")
def decode_dict(data: str) -> dict:
# str -> bytes
data = data.encode()
zipped_conns = base64.b64decode(data)
# gzip decode
conns_data = zlib.decompress(zipped_conns, 16 + zlib.MAX_WBITS)
return json.loads(conns_data.decode())
def encode_dict(data: dict) -> str:
# json encode
data = json.dumps(data)
# gzip compress
gzip_compress = zlib.compressobj(9, zlib.DEFLATED, zlib.MAX_WBITS | 16)
zipped_data = gzip_compress.compress(data.encode()) + gzip_compress.flush()
# base64 encode
b64_data = base64.b64encode(zipped_data)
# bytes -> str
return b64_data.decode()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/flow_invoker.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from pathlib import Path
from typing import Callable, Union
from promptflow import PFClient
from promptflow._constants import LINE_NUMBER_KEY
from promptflow._sdk._load_functions import load_flow
from promptflow._sdk._serving._errors import UnexpectedConnectionProviderReturn, UnsupportedConnectionProvider
from promptflow._sdk._serving.flow_result import FlowResult
from promptflow._sdk._serving.utils import validate_request_data
from promptflow._sdk._utils import (
dump_flow_result,
get_local_connections_from_executable,
override_connection_config_with_environment_variable,
resolve_connections_environment_variable_reference,
update_environment_variables_with_connections,
)
from promptflow._sdk.entities._connection import _Connection
from promptflow._sdk.entities._flow import Flow
from promptflow._sdk.operations._flow_operations import FlowOperations
from promptflow._utils.logger_utils import LoggerFactory
from promptflow._utils.multimedia_utils import convert_multimedia_data_to_base64, persist_multimedia_data
from promptflow.contracts.flow import Flow as ExecutableFlow
from promptflow.executor import FlowExecutor
from promptflow.storage._run_storage import DefaultRunStorage
class FlowInvoker:
"""
The invoker of a flow.
:param flow: The path of the flow, or the flow loaded by load_flow().
:type flow: [str, ~promptflow._sdk.entities._flow.Flow]
:param connection_provider: The connection provider, defaults to None
:type connection_provider: [str, Callable], optional
:param streaming: The function or bool to determine enable streaming or not, defaults to lambda: False
:type streaming: Union[Callable[[], bool], bool], optional
:param connections: Pre-resolved connections used when executing, defaults to None
:type connections: dict, optional
:param connections_name_overrides: The connection name overrides, defaults to None
Example: ``{"aoai_connection": "azure_open_ai_connection"}``
The node with reference to connection 'aoai_connection' will be resolved to the actual connection 'azure_open_ai_connection'. # noqa: E501
:type connections_name_overrides: dict, optional
:param raise_ex: Whether to raise exception when executing flow, defaults to True
:type raise_ex: bool, optional
"""
def __init__(
self,
flow: [str, Flow],
connection_provider: [str, Callable] = None,
streaming: Union[Callable[[], bool], bool] = False,
connections: dict = None,
connections_name_overrides: dict = None,
raise_ex: bool = True,
**kwargs,
):
self.logger = kwargs.get("logger", LoggerFactory.get_logger("flowinvoker"))
self.flow_entity = flow if isinstance(flow, Flow) else load_flow(source=flow)
self._executable_flow = ExecutableFlow._from_dict(
flow_dag=self.flow_entity.dag, working_dir=self.flow_entity.code
)
self.connections = connections or {}
self.connections_name_overrides = connections_name_overrides or {}
self.raise_ex = raise_ex
self.storage = kwargs.get("storage", None)
self.streaming = streaming if isinstance(streaming, Callable) else lambda: streaming
# Pass dump_to path to dump flow result for extension.
self._dump_to = kwargs.get("dump_to", None)
# The credential is used as an option to override
# DefaultAzureCredential when using workspace connection provider
self._credential = kwargs.get("credential", None)
self._init_connections(connection_provider)
self._init_executor()
self.flow = self.executor._flow
self._dump_file_prefix = "chat" if self._is_chat_flow else "flow"
def _init_connections(self, connection_provider):
self._is_chat_flow, _, _ = FlowOperations._is_chat_flow(self._executable_flow)
connection_provider = "local" if connection_provider is None else connection_provider
if isinstance(connection_provider, str):
self.logger.info(f"Getting connections from pf client with provider {connection_provider}...")
connections_to_ignore = list(self.connections.keys())
connections_to_ignore.extend(self.connections_name_overrides.keys())
# Note: The connection here could be local or workspace, depends on the connection.provider in pf.yaml.
connections = get_local_connections_from_executable(
executable=self._executable_flow,
client=PFClient(config={"connection.provider": connection_provider}, credential=self._credential),
connections_to_ignore=connections_to_ignore,
# fetch connections with name override
connections_to_add=list(self.connections_name_overrides.values()),
)
# use original name for connection with name override
override_name_to_original_name_mapping = {v: k for k, v in self.connections_name_overrides.items()}
for name, conn in connections.items():
if name in override_name_to_original_name_mapping:
self.connections[override_name_to_original_name_mapping[name]] = conn
else:
self.connections[name] = conn
elif isinstance(connection_provider, Callable):
self.logger.info("Getting connections from custom connection provider...")
connection_list = connection_provider()
if not isinstance(connection_list, list):
raise UnexpectedConnectionProviderReturn(
f"Connection provider {connection_provider} should return a list of connections."
)
if any(not isinstance(item, _Connection) for item in connection_list):
raise UnexpectedConnectionProviderReturn(
f"All items returned by {connection_provider} should be connection type, got {connection_list}."
)
# TODO(2824058): support connection provider when executing function
connections = {item.name: item.to_execution_connection_dict() for item in connection_list}
self.connections.update(connections)
else:
raise UnsupportedConnectionProvider(connection_provider)
override_connection_config_with_environment_variable(self.connections)
resolve_connections_environment_variable_reference(self.connections)
update_environment_variables_with_connections(self.connections)
self.logger.info(f"Promptflow get connections successfully. keys: {self.connections.keys()}")
def _init_executor(self):
self.logger.info("Promptflow executor starts initializing...")
storage = None
if self._dump_to:
storage = DefaultRunStorage(base_dir=self._dump_to, sub_dir=Path(".promptflow/intermediate"))
else:
storage = self.storage
self.executor = FlowExecutor._create_from_flow(
flow=self._executable_flow,
working_dir=self.flow_entity.code,
connections=self.connections,
raise_ex=self.raise_ex,
storage=storage,
)
self.executor.enable_streaming_for_llm_flow(self.streaming)
self.logger.info("Promptflow executor initiated successfully.")
def _invoke(self, data: dict, run_id=None, disable_input_output_logging=False):
"""
Process a flow request in the runtime.
:param data: The request data dict with flow input as keys, for example: {"question": "What is ChatGPT?"}.
:type data: dict
:param run_id: The run id of the flow request, defaults to None
:type run_id: str, optional
:return: The result of executor.
:rtype: ~promptflow.executor._result.LineResult
"""
log_data = "<REDACTED>" if disable_input_output_logging else data
self.logger.info(f"Validating flow input with data {log_data!r}")
validate_request_data(self.flow, data)
self.logger.info(f"Execute flow with data {log_data!r}")
# Pass index 0 as extension require for dumped result.
# TODO: Remove this index after extension remove this requirement.
result = self.executor.exec_line(data, index=0, run_id=run_id, allow_generator_output=self.streaming())
if LINE_NUMBER_KEY in result.output:
# Remove line number from output
del result.output[LINE_NUMBER_KEY]
return result
def invoke(self, data: dict, run_id=None, disable_input_output_logging=False):
"""
Process a flow request in the runtime and return the output of the executor.
:param data: The request data dict with flow input as keys, for example: {"question": "What is ChatGPT?"}.
:type data: dict
:return: The flow output dict, for example: {"answer": "ChatGPT is a chatbot."}.
:rtype: dict
"""
result = self._invoke(data, run_id=run_id, disable_input_output_logging=disable_input_output_logging)
# Get base64 for multi modal object
resolved_outputs = self._convert_multimedia_data_to_base64(result)
self._dump_invoke_result(result)
log_outputs = "<REDACTED>" if disable_input_output_logging else result.output
self.logger.info(f"Flow run result: {log_outputs}")
if not self.raise_ex:
# If raise_ex is False, we will return the trace flow & node run info.
return FlowResult(
output=resolved_outputs or {},
run_info=result.run_info,
node_run_infos=result.node_run_infos,
)
return resolved_outputs
def _convert_multimedia_data_to_base64(self, invoke_result):
resolved_outputs = {
k: convert_multimedia_data_to_base64(v, with_type=True, dict_type=True)
for k, v in invoke_result.output.items()
}
return resolved_outputs
def _dump_invoke_result(self, invoke_result):
if self._dump_to:
invoke_result.output = persist_multimedia_data(
invoke_result.output, base_dir=self._dump_to, sub_dir=Path(".promptflow/output")
)
dump_flow_result(flow_folder=self._dump_to, flow_result=invoke_result, prefix=self._dump_file_prefix)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/flow_result.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from dataclasses import dataclass
from typing import Mapping, Any
from promptflow.contracts.run_info import FlowRunInfo
from promptflow.contracts.run_info import RunInfo as NodeRunInfo
@dataclass
class FlowResult:
"""The result of a flow call."""
output: Mapping[str, Any]
# trace info of the flow run.
run_info: FlowRunInfo
node_run_infos: Mapping[str, NodeRunInfo]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/swagger.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import logging
from promptflow.contracts.flow import Flow, FlowInputDefinition, FlowOutputDefinition
from promptflow.contracts.tool import ValueType
type_mapping = {
ValueType.INT: "integer",
ValueType.DOUBLE: "number",
ValueType.BOOL: "boolean",
ValueType.STRING: "string",
ValueType.LIST: "array",
ValueType.OBJECT: "object",
ValueType.IMAGE: "object", # Dump as object as portal test page can't handle image now
}
def generate_input_field_schema(input: FlowInputDefinition) -> dict:
field_schema = {"type": type_mapping[input.type]}
if input.description:
field_schema["description"] = input.description
if input.default:
field_schema["default"] = input.default
if input.type == ValueType.OBJECT:
field_schema["additionalProperties"] = {}
if input.type == ValueType.LIST:
field_schema["items"] = {"type": "object", "additionalProperties": {}}
return field_schema
def generate_output_field_schema(output: FlowOutputDefinition) -> dict:
field_schema = {"type": type_mapping[output.type]}
if output.description:
field_schema["description"] = output.description
if output.type == ValueType.OBJECT:
field_schema["additionalProperties"] = {}
if output.type == ValueType.LIST:
field_schema["items"] = {"type": "object", "additionalProperties": {}}
return field_schema
def generate_swagger(flow: Flow, samples, outputs_to_remove: list) -> dict:
"""convert a flow to swagger object."""
swagger = {"openapi": "3.0.0"}
swagger["info"] = {
"title": f"Promptflow[{flow.name}] API",
"version": "1.0.0",
"x-flow-name": str(flow.name),
}
swagger["components"] = {
"securitySchemes": {
"bearerAuth": {
"type": "http",
"scheme": "bearer",
}
}
}
swagger["security"] = [{"bearerAuth": []}]
input_schema = {"type": "object"}
request_body_required = False
if len(flow.inputs) > 0:
input_schema["properties"] = {}
input_schema["required"] = []
request_body_required = True
for name, input in flow.inputs.items():
if input.is_chat_input:
swagger["info"]["x-chat-input"] = name
swagger["info"]["x-flow-type"] = "chat"
if input.is_chat_history:
swagger["info"]["x-chat-history"] = name
input_schema["properties"][name] = generate_input_field_schema(input)
input_schema["required"].append(name)
output_schema = {"type": "object"}
if len(flow.outputs) > 0:
output_schema["properties"] = {}
for name, output in flow.outputs.items():
# skip evaluation only outputs in swagger
# TODO remove this if sdk removed this evaluation_only field
if output.evaluation_only:
continue
if output.is_chat_output:
swagger["info"]["x-chat-output"] = name
if outputs_to_remove and name in outputs_to_remove:
continue
output_schema["properties"][name] = generate_output_field_schema(output)
example = {}
if samples:
if isinstance(samples, list):
example = samples[0]
else:
logging.warning("samples should be a list of dict, but got %s, skipped.", type(samples))
swagger["paths"] = {
"/score": {
"post": {
"summary": f"run promptflow: {flow.name} with an given input",
"requestBody": {
"description": "promptflow input data",
"required": request_body_required,
"content": {
"application/json": {
"schema": input_schema,
"example": example, # need to check this based on the sample data
}
},
},
"responses": {
"200": {
"description": "successful operation",
"content": {
"application/json": {
"schema": output_schema,
}
},
},
"400": {
"description": "Invalid input",
},
"default": {
"description": "unexpected error",
},
},
}
}
}
return swagger
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/_errors.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from promptflow.exceptions import ErrorTarget, UserErrorException
class BadRequest(UserErrorException):
pass
class JsonPayloadRequiredForMultipleInputFields(BadRequest):
pass
class MissingRequiredFlowInput(BadRequest):
pass
class FlowConnectionError(UserErrorException):
pass
class UnsupportedConnectionProvider(FlowConnectionError):
def __init__(self, provider):
super().__init__(
message_format="Unsupported connection provider {provider}, " "supported are 'local' and typing.Callable.",
provider=provider,
target=ErrorTarget.FLOW_INVOKER,
)
class MissingConnectionProvider(FlowConnectionError):
pass
class InvalidConnectionData(FlowConnectionError):
def __init__(self, connection_name):
super().__init__(
message_format="Invalid connection data detected while overriding connection {connection_name}.",
connection_name=connection_name,
target=ErrorTarget.FLOW_INVOKER)
class UnexpectedConnectionProviderReturn(FlowConnectionError):
pass
class MultipleStreamOutputFieldsNotSupported(UserErrorException):
def __init__(self):
super().__init__(
"Multiple stream output fields not supported.",
target=ErrorTarget.SERVING_APP,
)
class NotAcceptable(UserErrorException):
def __init__(self, media_type, supported_media_types):
super().__init__(
message_format="Media type {media_type} in Accept header is not acceptable. "
"Supported media type(s) - {supported_media_types}",
media_type=media_type,
supported_media_types=supported_media_types,
target=ErrorTarget.SERVING_APP,
)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/response_creator.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import json
import time
from types import GeneratorType
from flask import Response, jsonify
from werkzeug.datastructures import MIMEAccept
from promptflow._sdk._serving._errors import MultipleStreamOutputFieldsNotSupported, NotAcceptable
class ResponseCreator:
"""Generates http response from flow run result."""
def __init__(
self,
flow_run_result,
accept_mimetypes,
stream_start_callback_func=None,
stream_end_callback_func=None,
stream_event_callback_func=None
):
# Fields that are with GeneratorType are streaming outputs.
stream_fields = [k for k, v in flow_run_result.items() if isinstance(v, GeneratorType)]
if len(stream_fields) > 1:
raise MultipleStreamOutputFieldsNotSupported()
self.stream_field_name = stream_fields[0] if stream_fields else None
self.stream_iterator = flow_run_result.pop(self.stream_field_name, None)
self.non_stream_fields = flow_run_result
# According to RFC2616, if "Accept" header is not specified,
# then it is assumed that the client accepts all media types.
# Set */* as the default value here.
# https://www.w3.org/Protocols/rfc2616/rfc2616-sec14.html
if not accept_mimetypes:
accept_mimetypes = MIMEAccept([("*/*", 1)])
self.accept_mimetypes = accept_mimetypes
self._on_stream_start = stream_start_callback_func
self._on_stream_end = stream_end_callback_func
self._on_stream_event = stream_event_callback_func
@property
def has_stream_field(self):
return self.stream_field_name is not None
@property
def text_stream_specified_explicitly(self):
"""Returns True only when text/event-stream is specified explicitly.
For other cases like */* or text/*, it will return False.
"""
return "text/event-stream" in self.accept_mimetypes.values()
@property
def accept_json(self):
"""Returns True if the Accept header includes application/json.
It also returns True when specified with */* or application/*.
"""
return self.accept_mimetypes.accept_json
def create_text_stream_response(self):
def format_event(data):
return f"data: {json.dumps(data)}\n\n"
def generate():
start_time = time.time()
if self._on_stream_start:
self._on_stream_start()
# If there are non streaming fields, yield them firstly.
if self.non_stream_fields:
yield format_event(self.non_stream_fields)
# If there is stream field, read and yield data until the end.
if self.stream_iterator is not None:
for chunk in self.stream_iterator:
if self._on_stream_event:
self._on_stream_event(chunk)
yield format_event({self.stream_field_name: chunk})
if self._on_stream_end:
duration = (time.time() - start_time) * 1000
self._on_stream_end(duration)
return Response(generate(), mimetype="text/event-stream")
def create_json_response(self):
# If there is stream field, iterate over it and get the merged result.
if self.stream_iterator is not None:
merged_text = "".join(self.stream_iterator)
self.non_stream_fields[self.stream_field_name] = merged_text
return jsonify(self.non_stream_fields)
def create_response(self):
if self.has_stream_field:
if self.text_stream_specified_explicitly:
return self.create_text_stream_response()
elif self.accept_json:
return self.create_json_response()
else:
raise NotAcceptable(
media_type=self.accept_mimetypes, supported_media_types="text/event-stream, application/json"
)
else:
if self.accept_json:
return self.create_json_response()
else:
raise NotAcceptable(media_type=self.accept_mimetypes, supported_media_types="application/json")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/extension/default_extension.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import json
import os
from abc import ABC, abstractmethod
from pathlib import Path
from promptflow._constants import DEFAULT_ENCODING
from promptflow._sdk._configuration import Configuration
from promptflow._sdk._serving.blueprint.monitor_blueprint import construct_monitor_blueprint
from promptflow._sdk._serving.blueprint.static_web_blueprint import construct_staticweb_blueprint
from promptflow._sdk._serving.monitor.flow_monitor import FlowMonitor
from promptflow._utils.yaml_utils import load_yaml
from promptflow._version import VERSION
from promptflow.contracts.flow import Flow
USER_AGENT = f"promptflow-local-serving/{VERSION}"
DEFAULT_STATIC_PATH = Path(__file__).parent.parent / "static"
class AppExtension(ABC):
def __init__(self, logger, **kwargs):
self.logger = logger
@abstractmethod
def get_flow_project_path(self) -> str:
"""Get flow project path."""
pass
@abstractmethod
def get_flow_name(self) -> str:
"""Get flow name."""
pass
@abstractmethod
def get_connection_provider(self) -> str:
"""Get connection provider."""
pass
@abstractmethod
def get_blueprints(self):
"""Get blueprints for current extension."""
pass
def get_override_connections(self, flow: Flow) -> (dict, dict):
"""
Get override connections for current extension.
:param flow: The flow to execute.
:type flow: ~promptflow._sdk.entities._flow.Flow
:return: The override connections, first dict is for connection data override, second dict is for connection name override. # noqa: E501
:rtype: (dict, dict)
"""
return {}, {}
def raise_ex_on_invoker_initialization_failure(self, ex: Exception):
"""
whether to raise exception when initializing flow invoker failed.
:param ex: The exception when initializing flow invoker.
:type ex: Exception
:return: Whether to raise exception when initializing flow invoker failed.
"""
return True
def get_user_agent(self) -> str:
"""Get user agent used for current extension."""
return USER_AGENT
def get_credential(self):
"""Get credential for current extension."""
return None
def get_metrics_common_dimensions(self):
"""Get common dimensions for metrics if exist."""
return self._get_common_dimensions_from_env()
def get_flow_monitor(self) -> FlowMonitor:
"""Get flow monitor for current extension."""
# default no data collector, no app insights metric exporter
return FlowMonitor(self.logger, self.get_flow_name(), None, metrics_recorder=None)
def _get_mlflow_project_path(self, project_path: str):
# check whether it's mlflow model
mlflow_metadata_file = os.path.join(project_path, "MLmodel")
if os.path.exists(mlflow_metadata_file):
with open(mlflow_metadata_file, "r", encoding=DEFAULT_ENCODING) as fin:
mlflow_metadata = load_yaml(fin)
flow_entry = mlflow_metadata.get("flavors", {}).get("promptflow", {}).get("entry")
if mlflow_metadata:
dag_path = os.path.join(project_path, flow_entry)
return str(Path(dag_path).parent.absolute())
return project_path
def _get_common_dimensions_from_env(self):
common_dimensions_str = os.getenv("PF_SERVING_METRICS_COMMON_DIMENSIONS", None)
if common_dimensions_str:
try:
common_dimensions = json.loads(common_dimensions_str)
return common_dimensions
except Exception as ex:
self.logger.warn(f"Failed to parse common dimensions with value={common_dimensions_str}: {ex}")
return {}
def _get_default_blueprints(self, static_folder=None):
static_web_blueprint = construct_staticweb_blueprint(static_folder)
monitor_print = construct_monitor_blueprint(self.get_flow_monitor())
return [static_web_blueprint, monitor_print]
class DefaultAppExtension(AppExtension):
"""default app extension for local serve."""
def __init__(self, logger, **kwargs):
self.logger = logger
static_folder = kwargs.get("static_folder", None)
self.static_folder = static_folder if static_folder else DEFAULT_STATIC_PATH
logger.info(f"Static_folder: {self.static_folder}")
app_config = kwargs.get("config", None) or {}
pf_config = Configuration(overrides=app_config)
logger.info(f"Promptflow config: {pf_config}")
self.connection_provider = pf_config.get_connection_provider()
def get_flow_project_path(self) -> str:
return os.getenv("PROMPTFLOW_PROJECT_PATH", ".")
def get_flow_name(self) -> str:
project_path = self.get_flow_project_path()
return Path(project_path).stem
def get_connection_provider(self) -> str:
return self.connection_provider
def get_blueprints(self):
return self._get_default_blueprints(self.static_folder)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/extension/azureml_extension.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import json
import os
import re
from promptflow._sdk._serving._errors import InvalidConnectionData, MissingConnectionProvider
from promptflow._sdk._serving.extension.default_extension import AppExtension
from promptflow._sdk._serving.monitor.data_collector import FlowDataCollector
from promptflow._sdk._serving.monitor.flow_monitor import FlowMonitor
from promptflow._sdk._serving.monitor.metrics import MetricsRecorder
from promptflow._sdk._serving.utils import decode_dict, get_pf_serving_env, normalize_connection_name
from promptflow._utils.retry_utils import retry
from promptflow._version import VERSION
from promptflow.contracts.flow import Flow
USER_AGENT = f"promptflow-cloud-serving/{VERSION}"
AML_DEPLOYMENT_RESOURCE_ID_REGEX = "/subscriptions/(.*)/resourceGroups/(.*)/providers/Microsoft.MachineLearningServices/workspaces/(.*)/onlineEndpoints/(.*)/deployments/(.*)" # noqa: E501
AML_CONNECTION_PROVIDER_TEMPLATE = "azureml:/subscriptions/{}/resourceGroups/{}/providers/Microsoft.MachineLearningServices/workspaces/{}" # noqa: E501
class AzureMLExtension(AppExtension):
"""AzureMLExtension is used to create extension for azureml serving."""
def __init__(self, logger, **kwargs):
super().__init__(logger=logger, **kwargs)
self.logger = logger
# parse promptflow project path
project_path: str = get_pf_serving_env("PROMPTFLOW_PROJECT_PATH")
if not project_path:
model_dir = os.getenv("AZUREML_MODEL_DIR", ".")
model_rootdir = os.listdir(model_dir)[0]
self.model_name = model_rootdir
project_path = os.path.join(model_dir, model_rootdir)
self.model_root_path = project_path
# mlflow support in base extension
self.project_path = self._get_mlflow_project_path(project_path)
# initialize connections or connection provider
# TODO: to be deprecated, remove in next major version
self.connections = self._get_env_connections_if_exist()
self.endpoint_name: str = None
self.deployment_name: str = None
self.connection_provider = None
self.credential = _get_managed_identity_credential_with_retry()
if len(self.connections) == 0:
self._initialize_connection_provider()
# initialize metrics common dimensions if exist
self.common_dimensions = {}
if self.endpoint_name:
self.common_dimensions["endpoint"] = self.endpoint_name
if self.deployment_name:
self.common_dimensions["deployment"] = self.deployment_name
env_dimensions = self._get_common_dimensions_from_env()
self.common_dimensions.update(env_dimensions)
# initialize flow monitor
data_collector = FlowDataCollector(self.logger)
metrics_recorder = self._get_metrics_recorder()
self.flow_monitor = FlowMonitor(
self.logger, self.get_flow_name(), data_collector, metrics_recorder=metrics_recorder
)
def get_flow_project_path(self) -> str:
return self.project_path
def get_flow_name(self) -> str:
return os.path.basename(self.model_root_path)
def get_connection_provider(self) -> str:
return self.connection_provider
def get_blueprints(self):
return self._get_default_blueprints()
def get_flow_monitor(self) -> FlowMonitor:
return self.flow_monitor
def get_override_connections(self, flow: Flow) -> (dict, dict):
connection_names = flow.get_connection_names()
connections = {}
connections_name_overrides = {}
for connection_name in connection_names:
# replace " " with "_" in connection name
normalized_name = normalize_connection_name(connection_name)
if normalized_name in os.environ:
override_conn = os.environ[normalized_name]
data_override = False
# try load connection as a json
try:
# data override
conn_data = json.loads(override_conn)
data_override = True
except ValueError:
# name override
self.logger.debug(f"Connection value is not json, enable name override for {connection_name}.")
connections_name_overrides[connection_name] = override_conn
if data_override:
try:
# try best to convert to connection, this is only for azureml deployment.
from promptflow.azure.operations._arm_connection_operations import ArmConnectionOperations
conn = ArmConnectionOperations._convert_to_connection_dict(connection_name, conn_data)
connections[connection_name] = conn
except Exception as e:
self.logger.warn(f"Failed to convert connection data to connection: {e}")
raise InvalidConnectionData(connection_name)
if len(connections_name_overrides) > 0:
self.logger.info(f"Connection name overrides: {connections_name_overrides}")
if len(connections) > 0:
self.logger.info(f"Connections data overrides: {connections.keys()}")
self.connections.update(connections)
return self.connections, connections_name_overrides
def raise_ex_on_invoker_initialization_failure(self, ex: Exception):
from promptflow.azure.operations._arm_connection_operations import UserAuthenticationError
# allow lazy authentication for UserAuthenticationError
return not isinstance(ex, UserAuthenticationError)
def get_user_agent(self) -> str:
return USER_AGENT
def get_metrics_common_dimensions(self):
return self.common_dimensions
def get_credential(self):
return self.credential
def _get_env_connections_if_exist(self):
# For local test app connections will be set.
connections = {}
env_connections = get_pf_serving_env("PROMPTFLOW_ENCODED_CONNECTIONS")
if env_connections:
connections = decode_dict(env_connections)
return connections
def _get_metrics_recorder(self):
# currently only support exporting it to azure monitor(application insights)
# TODO: add support for dynamic loading thus user can customize their own exporter.
custom_dimensions = self.get_metrics_common_dimensions()
try:
from azure.monitor.opentelemetry.exporter import AzureMonitorMetricExporter
from opentelemetry.sdk.metrics.export import PeriodicExportingMetricReader
# check whether azure monitor instrumentation key is set
instrumentation_key = os.getenv("AML_APP_INSIGHTS_KEY") or os.getenv("APPINSIGHTS_INSTRUMENTATIONKEY")
if instrumentation_key:
self.logger.info("Initialize metrics recorder with azure monitor metrics exporter...")
exporter = AzureMonitorMetricExporter(connection_string=f"InstrumentationKey={instrumentation_key}")
reader = PeriodicExportingMetricReader(exporter=exporter, export_interval_millis=60000)
return MetricsRecorder(self.logger, reader=reader, common_dimensions=custom_dimensions)
else:
self.logger.info("Azure monitor metrics exporter is not enabled, metrics will not be collected.")
except ImportError:
self.logger.warning("No metrics exporter module found, metrics will not be collected.")
return None
def _initialize_connection_provider(self):
# parse connection provider
self.connection_provider = get_pf_serving_env("PROMPTFLOW_CONNECTION_PROVIDER")
if not self.connection_provider:
pf_override = os.getenv("PRT_CONFIG_OVERRIDE", None)
if pf_override:
env_conf = pf_override.split(",")
env_conf_list = [setting.split("=") for setting in env_conf]
settings = {setting[0]: setting[1] for setting in env_conf_list}
self.subscription_id = settings.get("deployment.subscription_id", None)
self.resource_group = settings.get("deployment.resource_group", None)
self.workspace_name = settings.get("deployment.workspace_name", None)
self.endpoint_name = settings.get("deployment.endpoint_name", None)
self.deployment_name = settings.get("deployment.deployment_name", None)
else:
deploy_resource_id = os.getenv("AML_DEPLOYMENT_RESOURCE_ID", None)
if deploy_resource_id:
match_result = re.match(AML_DEPLOYMENT_RESOURCE_ID_REGEX, deploy_resource_id)
if len(match_result.groups()) == 5:
self.subscription_id = match_result.group(1)
self.resource_group = match_result.group(2)
self.workspace_name = match_result.group(3)
self.endpoint_name = match_result.group(4)
self.deployment_name = match_result.group(5)
else:
# raise exception if not found any valid connection provider setting
raise MissingConnectionProvider(
message="Missing connection provider, please check whether 'PROMPTFLOW_CONNECTION_PROVIDER' "
"is in your environment variable list."
) # noqa: E501
self.connection_provider = AML_CONNECTION_PROVIDER_TEMPLATE.format(
self.subscription_id, self.resource_group, self.workspace_name
) # noqa: E501
def _get_managed_identity_credential_with_retry(**kwargs):
from azure.identity import ManagedIdentityCredential
class ManagedIdentityCredentialWithRetry(ManagedIdentityCredential):
@retry(Exception)
def get_token(self, *scopes, **kwargs):
return super().get_token(*scopes, **kwargs)
return ManagedIdentityCredentialWithRetry(**kwargs)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/extension/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/extension/extension_factory.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from enum import Enum
from promptflow._sdk._serving.extension.default_extension import AppExtension
class ExtensionType(Enum):
"""Extension type used to identify which extension to load in serving app."""
Default = "local"
AzureML = "azureml"
class ExtensionFactory:
"""ExtensionFactory is used to create extension based on extension type."""
@staticmethod
def create_extension(logger, **kwargs) -> AppExtension:
"""Create extension based on extension type."""
extension_type_str = kwargs.get("extension_type", ExtensionType.Default.value)
if not extension_type_str:
extension_type_str = ExtensionType.Default.value
extension_type = ExtensionType(extension_type_str.lower())
if extension_type == ExtensionType.AzureML:
from promptflow._sdk._serving.extension.azureml_extension import AzureMLExtension
return AzureMLExtension(logger=logger, **kwargs)
else:
from promptflow._sdk._serving.extension.default_extension import DefaultAppExtension
return DefaultAppExtension(logger=logger, **kwargs)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/monitor/flow_monitor.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import time
from promptflow._sdk._serving.monitor.data_collector import FlowDataCollector
from promptflow._sdk._serving.monitor.streaming_monitor import StreamingMonitor
from promptflow._sdk._serving.monitor.metrics import MetricsRecorder, ResponseType
from promptflow._sdk._serving.utils import streaming_response_required, get_cost_up_to_now
from promptflow._sdk._serving.flow_result import FlowResult
from promptflow._utils.exception_utils import ErrorResponse
from flask import request, g
class FlowMonitor:
"""FlowMonitor is used to collect metrics & data for promptflow serving."""
def __init__(self,
logger,
default_flow_name,
data_collector: FlowDataCollector,
metrics_recorder: MetricsRecorder):
self.data_collector = data_collector
self.metrics_recorder = metrics_recorder
self.logger = logger
self.flow_name = default_flow_name
def setup_streaming_monitor_if_needed(self, response_creator, data, output):
g.streaming = response_creator.has_stream_field and response_creator.text_stream_specified_explicitly
# set streaming callback functions if the response is streaming
if g.streaming:
streaming_monitor = StreamingMonitor(
self.logger,
flow_id=g.get("flow_id", self.flow_name),
start_time=g.start_time,
inputs=data,
outputs=output,
req_id=g.get("req_id", None),
streaming_field_name=response_creator.stream_field_name,
metric_recorder=self.metrics_recorder,
data_collector=self.data_collector,
)
response_creator._on_stream_start = streaming_monitor.on_stream_start
response_creator._on_stream_end = streaming_monitor.on_stream_end
response_creator._on_stream_event = streaming_monitor.on_stream_event
self.logger.info(f"Finish stream callback setup for flow with streaming={g.streaming}.")
else:
self.logger.info("Flow does not enable streaming response.")
def handle_error(self, ex: Exception, resp_code: int):
if self.metrics_recorder:
flow_id = g.get("flow_id", self.flow_name)
err_code = ErrorResponse.from_exception(ex).innermost_error_code
streaming = g.get("streaming", False)
self.metrics_recorder.record_flow_request(flow_id, resp_code, err_code, streaming)
def start_monitoring(self):
g.start_time = time.time()
g.streaming = streaming_response_required()
g.req_id = request.headers.get("x-request-id", None)
self.logger.info(f"Start monitoring new request, request_id: {g.req_id}")
def finish_monitoring(self, resp_status_code):
data = g.get("data", None)
flow_result: FlowResult = g.get("flow_result", None)
req_id = g.get("req_id", None)
flow_id = g.get("flow_id", self.flow_name)
# collect non-streaming flow request/response data
if self.data_collector and data and flow_result and flow_result.output and not g.streaming:
self.data_collector.collect_flow_data(data, flow_result.output, req_id)
if self.metrics_recorder:
if flow_result:
self.metrics_recorder.record_tracing_metrics(flow_result.run_info, flow_result.node_run_infos)
err_code = g.get("err_code", "None")
self.metrics_recorder.record_flow_request(flow_id, resp_status_code, err_code, g.streaming)
# streaming metrics will be recorded in the streaming callback func
if not g.streaming:
latency = get_cost_up_to_now(g.start_time)
self.metrics_recorder.record_flow_latency(
flow_id, resp_status_code, g.streaming, ResponseType.Default.value, latency
)
self.logger.info(f"Finish monitoring request, request_id: {req_id}.")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/monitor/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/monitor/data_collector.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
class FlowDataCollector:
"""FlowDataCollector is used to collect flow data via MDC for monitoring."""
def __init__(self, logger):
self.logger = logger
self._init_success = self._init_data_collector()
logger.info(f"Mdc init status: {self._init_success}")
def _init_data_collector(self) -> bool:
"""init data collector."""
self.logger.info("Init mdc...")
try:
from azureml.ai.monitoring import Collector
self.inputs_collector = Collector(name="model_inputs")
self.outputs_collector = Collector(name="model_outputs")
return True
except ImportError as e:
self.logger.warn(f"Load mdc related module failed: {e}")
return False
except Exception as e:
self.logger.warn(f"Init mdc failed: {e}")
return False
def collect_flow_data(self, input: dict, output: dict, req_id: str = None, client_req_id: str = None):
"""collect flow data via MDC for monitoring."""
if not self._init_success:
return
try:
import pandas as pd
from azureml.ai.monitoring.context import BasicCorrelationContext
# build context
ctx = BasicCorrelationContext(id=req_id)
# collect inputs
coll_input = {k: [v] for k, v in input.items()}
input_df = pd.DataFrame(coll_input)
self.inputs_collector.collect(input_df, ctx)
# collect outputs
coll_output = {k: [v] for k, v in output.items()}
output_df = pd.DataFrame(coll_output)
# collect outputs data, pass in correlation_context so inputs and outputs data can be correlated later
self.outputs_collector.collect(output_df, ctx)
except ImportError as e:
self.logger.warn(f"Load mdc related module failed: {e}")
except Exception as e:
self.logger.warn(f"Collect flow data failed: {e}")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/monitor/metrics.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from enum import Enum
from typing import Dict, Sequence, Set, List, Any
from promptflow._utils.exception_utils import ErrorResponse
from promptflow.contracts.run_info import FlowRunInfo, RunInfo, Status
# define metrics dimension keys
FLOW_KEY = "flow"
RUN_STATUS_KEY = "run_status"
NODE_KEY = "node"
LLM_ENGINE_KEY = "llm_engine"
TOKEN_TYPE_KEY = "token_type"
RESPONSE_CODE_KEY = "response_code"
EXCEPTION_TYPE_KEY = "exception"
STREAMING_KEY = "streaming"
API_CALL_KEY = "api_call"
RESPONSE_TYPE_KEY = "response_type" # firstbyte, lastbyte, default
HISTOGRAM_BOUNDARIES: Sequence[float] = (
1.0,
5.0,
10.0,
25.0,
50.0,
75.0,
100.0,
250.0,
500.0,
750.0,
1000.0,
2500.0,
5000.0,
7500.0,
10000.0,
25000.0,
50000.0,
75000.0,
100000.0,
300000.0,
)
class ResponseType(Enum):
# latency from receiving the request to sending the first byte of response, only applicable to streaming flow
FirstByte = "firstbyte"
# latency from receiving the request to sending the last byte of response, only applicable to streaming flow
LastByte = "lastbyte"
# latency from receiving the request to sending the whole response, only applicable to non-streaming flow
Default = "default"
class LLMTokenType(Enum):
PromptTokens = "prompt_tokens"
CompletionTokens = "completion_tokens"
try:
from opentelemetry import metrics
from opentelemetry.metrics import set_meter_provider
from opentelemetry.sdk.metrics import MeterProvider
from opentelemetry.sdk.metrics.view import ExplicitBucketHistogramAggregation, SumAggregation, View
# define meter
meter = metrics.get_meter_provider().get_meter("Promptflow Standard Metrics")
# define metrics
token_consumption = meter.create_counter("Token_Consumption")
flow_latency = meter.create_histogram("Flow_Latency")
node_latency = meter.create_histogram("Node_Latency")
flow_request = meter.create_counter("Flow_Request")
remote_api_call_latency = meter.create_histogram("RPC_Latency")
remote_api_call_request = meter.create_counter("RPC_Request")
node_request = meter.create_counter("Node_Request")
# metrics for streaming
streaming_response_duration = meter.create_histogram("Flow_Streaming_Response_Duration")
# define metrics views
# token view
token_view = View(
instrument_name="Token_Consumption",
description="",
attribute_keys={FLOW_KEY, NODE_KEY, LLM_ENGINE_KEY, TOKEN_TYPE_KEY},
aggregation=SumAggregation(),
)
# latency view
flow_latency_view = View(
instrument_name="Flow_Latency",
description="",
attribute_keys={FLOW_KEY, RESPONSE_CODE_KEY, STREAMING_KEY, RESPONSE_TYPE_KEY},
aggregation=ExplicitBucketHistogramAggregation(boundaries=HISTOGRAM_BOUNDARIES),
)
node_latency_view = View(
instrument_name="Node_Latency",
description="",
attribute_keys={FLOW_KEY, NODE_KEY, RUN_STATUS_KEY},
aggregation=ExplicitBucketHistogramAggregation(boundaries=HISTOGRAM_BOUNDARIES),
)
flow_streaming_response_duration_view = View(
instrument_name="Flow_Streaming_Response_Duration",
description="during between sending the first byte and last byte of the response, only for streaming flow",
attribute_keys={FLOW_KEY},
aggregation=ExplicitBucketHistogramAggregation(boundaries=HISTOGRAM_BOUNDARIES),
)
# request view
request_view = View(
instrument_name="Flow_Request",
description="",
attribute_keys={FLOW_KEY, RESPONSE_CODE_KEY, STREAMING_KEY, EXCEPTION_TYPE_KEY},
aggregation=SumAggregation(),
)
node_request_view = View(
instrument_name="Node_Request",
description="",
attribute_keys={FLOW_KEY, NODE_KEY, RUN_STATUS_KEY, EXCEPTION_TYPE_KEY},
aggregation=SumAggregation(),
)
# Remote API call view
remote_api_call_latency_view = View(
instrument_name="RPC_Latency",
description="",
attribute_keys={FLOW_KEY, NODE_KEY, API_CALL_KEY},
aggregation=ExplicitBucketHistogramAggregation(boundaries=HISTOGRAM_BOUNDARIES),
)
remote_api_call_request_view = View(
instrument_name="RPC_Request",
description="",
attribute_keys={FLOW_KEY, NODE_KEY, API_CALL_KEY, EXCEPTION_TYPE_KEY},
aggregation=SumAggregation(),
)
metrics_enabled = True
except ImportError:
metrics_enabled = False
class MetricsRecorder(object):
"""OpenTelemetry Metrics Recorder"""
def __init__(self, logger, reader=None, common_dimensions: Dict[str, str] = None) -> None:
"""initialize metrics recorder
:param logger: logger
:type logger: Logger
:param reader: metric reader
:type reader: opentelemetry.sdk.metrics.export.MetricReader
:param common_dimensions: common dimensions for all metrics
:type common_dimensions: Dict[str, str]
"""
self.logger = logger
if not metrics_enabled:
logger.warning("OpenTelemetry metric is not enabled, metrics will not be recorded." +
"If you want to collect metrics, please enable 'azureml-serving' extra requirement " +
"for promptflow: 'pip install promptflow[azureml-serving]'")
return
self.common_dimensions = common_dimensions or {}
self.reader = reader
dimension_keys = {key for key in common_dimensions}
self._config_common_monitor(dimension_keys, reader)
logger.info("OpenTelemetry metric is enabled, metrics will be recorded.")
def record_flow_request(self, flow_id: str, response_code: int, exception: str, streaming: bool):
if not metrics_enabled:
return
try:
flow_request.add(
1,
{
FLOW_KEY: flow_id,
RESPONSE_CODE_KEY: str(response_code),
EXCEPTION_TYPE_KEY: exception,
STREAMING_KEY: str(streaming),
**self.common_dimensions,
},
)
except Exception as e:
self.logger.warning("failed to record flow request metrics: %s", e)
def record_flow_latency(
self, flow_id: str, response_code: int, streaming: bool, response_type: str, duration: float
):
if not metrics_enabled:
return
try:
flow_latency.record(
duration,
{
FLOW_KEY: flow_id,
RESPONSE_CODE_KEY: str(response_code),
STREAMING_KEY: str(streaming),
RESPONSE_TYPE_KEY: response_type,
**self.common_dimensions,
},
)
except Exception as e:
self.logger.warning("failed to record flow latency metrics: %s", e)
def record_flow_streaming_response_duration(self, flow_id: str, duration: float):
if not metrics_enabled:
return
try:
streaming_response_duration.record(duration, {FLOW_KEY: flow_id, **self.common_dimensions})
except Exception as e:
self.logger.warning("failed to record streaming duration metrics: %s", e)
def record_tracing_metrics(self, flow_run: FlowRunInfo, node_runs: Dict[str, RunInfo]):
if not metrics_enabled:
return
try:
for _, run in node_runs.items():
flow_id = flow_run.flow_id if flow_run is not None else "default"
if len(run.system_metrics) > 0:
duration = run.system_metrics.get("duration", None)
if duration is not None:
duration = duration * 1000
node_latency.record(
duration,
{
FLOW_KEY: flow_id,
NODE_KEY: run.node,
RUN_STATUS_KEY: run.status.value,
**self.common_dimensions,
},
)
# openai token metrics
inputs = run.inputs or {}
engine = inputs.get("deployment_name") or ""
for token_type in [LLMTokenType.PromptTokens.value, LLMTokenType.CompletionTokens.value]:
count = run.system_metrics.get(token_type, None)
if count:
token_consumption.add(
count,
{
FLOW_KEY: flow_id,
NODE_KEY: run.node,
LLM_ENGINE_KEY: engine,
TOKEN_TYPE_KEY: token_type,
**self.common_dimensions,
},
)
# record node request metric
err = None
if run.status != Status.Completed:
err = "unknown"
if isinstance(run.error, dict):
err = self._get_exact_error(run.error)
elif isinstance(run.error, str):
err = run.error
node_request.add(
1,
{
FLOW_KEY: flow_id,
NODE_KEY: run.node,
RUN_STATUS_KEY: run.status.value,
EXCEPTION_TYPE_KEY: err,
**self.common_dimensions,
},
)
if run.api_calls and len(run.api_calls) > 0:
for api_call in run.api_calls:
# since first layer api_call is the node call itself, we ignore them here
api_calls: List[Dict[str, Any]] = api_call.get("children", None)
if api_calls is None:
continue
self._record_api_call_metrics(flow_id, run.node, api_calls)
except Exception as e:
self.logger.warning(f"failed to record metrics: {e}, flow_run: {flow_run}, node_runs: {node_runs}")
def _record_api_call_metrics(self, flow_id, node, api_calls: List[Dict[str, Any]], prefix: str = None):
if api_calls and len(api_calls) > 0:
for api_call in api_calls:
cur_name = api_call.get("name")
api_name = f"{prefix}_{cur_name}" if prefix else cur_name
# api-call latency metrics
# sample data: {"start_time":1688462182.744916, "end_time":1688462184.280989}
start_time = api_call.get("start_time", None)
end_time = api_call.get("end_time", None)
if start_time and end_time:
api_call_latency_ms = (end_time - start_time) * 1000
remote_api_call_latency.record(
api_call_latency_ms,
{
FLOW_KEY: flow_id,
NODE_KEY: node,
API_CALL_KEY: api_name,
**self.common_dimensions,
},
)
# remote api call request metrics
err = api_call.get("error") or {}
if isinstance(err, dict):
exception_type = self._get_exact_error(err)
else:
exception_type = err
remote_api_call_request.add(
1,
{
FLOW_KEY: flow_id,
NODE_KEY: node,
API_CALL_KEY: api_name,
EXCEPTION_TYPE_KEY: exception_type,
**self.common_dimensions,
},
)
child_api_calls = api_call.get("children", None)
if child_api_calls:
self._record_api_call_metrics(flow_id, node, child_api_calls, api_name)
def _get_exact_error(self, err: Dict):
error_response = ErrorResponse.from_error_dict(err)
return error_response.innermost_error_code
# configure monitor, by default only expose prometheus metrics
def _config_common_monitor(self, common_keys: Set[str] = {}, reader=None):
metrics_views = [
token_view,
flow_latency_view,
node_latency_view,
request_view,
remote_api_call_latency_view,
remote_api_call_request_view,
]
for view in metrics_views:
view._attribute_keys.update(common_keys)
readers = []
if reader:
readers.append(reader)
meter_provider = MeterProvider(
metric_readers=readers,
views=metrics_views,
)
set_meter_provider(meter_provider)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/monitor/streaming_monitor.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from promptflow._sdk._serving.utils import get_cost_up_to_now
from promptflow._sdk._serving.monitor.metrics import ResponseType
class StreamingMonitor:
"""StreamingMonitor is used to collect metrics & data for streaming response."""
def __init__(self,
logger,
flow_id: str,
start_time: float,
inputs: dict,
outputs: dict,
req_id: str,
streaming_field_name: str,
metric_recorder,
data_collector,
) -> None:
self.logger = logger
self.flow_id = flow_id
self.start_time = start_time
self.inputs = inputs
self.outputs = outputs
self.streaming_field_name = streaming_field_name
self.req_id = req_id
self.metric_recorder = metric_recorder
self.data_collector = data_collector
self.response_message = []
def on_stream_start(self):
"""stream start call back function, record flow latency when first byte received."""
self.logger.info("start streaming response...")
if self.metric_recorder:
duration = get_cost_up_to_now(self.start_time)
self.metric_recorder.record_flow_latency(self.flow_id, 200, True, ResponseType.FirstByte.value, duration)
def on_stream_end(self, streaming_resp_duration: float):
"""stream end call back function, record flow latency and streaming response data when last byte received."""
if self.metric_recorder:
duration = get_cost_up_to_now(self.start_time)
self.metric_recorder.record_flow_latency(self.flow_id, 200, True, ResponseType.LastByte.value, duration)
self.metric_recorder.record_flow_streaming_response_duration(self.flow_id, streaming_resp_duration)
if self.data_collector:
response_content = "".join(self.response_message)
if self.streaming_field_name in self.outputs:
self.outputs[self.streaming_field_name] = response_content
self.data_collector.collect_flow_data(self.inputs, self.outputs, self.req_id)
self.logger.info("finish streaming response.")
def on_stream_event(self, message: str):
"""stream event call back function, record streaming response data chunk."""
self.response_message.append(message)
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/blueprint/monitor_blueprint.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
from flask import Blueprint, current_app as app, request
from promptflow._sdk._serving.monitor.flow_monitor import FlowMonitor
def is_monitoring_enabled() -> bool:
enabled = False
if request.endpoint in app.view_functions:
view_func = app.view_functions[request.endpoint]
enabled = hasattr(view_func, "_enable_monitoring")
return enabled
def construct_monitor_blueprint(flow_monitor: FlowMonitor):
"""Construct monitor blueprint."""
monitor_blueprint = Blueprint("monitor_blueprint", __name__)
@monitor_blueprint.before_app_request
def start_monitoring():
if not is_monitoring_enabled():
return
flow_monitor.start_monitoring()
@monitor_blueprint.after_app_request
def finish_monitoring(response):
if not is_monitoring_enabled():
return response
flow_monitor.finish_monitoring(response.status_code)
return response
return monitor_blueprint
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/blueprint/__init__.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
__path__ = __import__("pkgutil").extend_path(__path__, __name__) # type: ignore
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/blueprint/static_web_blueprint.py | # ---------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# ---------------------------------------------------------
import flask
from jinja2 import Template
from pathlib import Path
from flask import Blueprint, request, url_for, current_app as app
def construct_staticweb_blueprint(static_folder):
"""Construct static web blueprint."""
staticweb_blueprint = Blueprint('staticweb_blueprint', __name__, static_folder=static_folder)
@staticweb_blueprint.route("/", methods=["GET", "POST"])
def home():
"""Show the home page."""
index_path = Path(static_folder) / "index.html" if static_folder else None
if index_path and index_path.exists():
template = Template(open(index_path, "r", encoding="UTF-8").read())
return flask.render_template(template, url_for=url_for)
else:
return "<h1>Welcome to promptflow app.</h1>"
@staticweb_blueprint.route("/<path:path>", methods=["GET", "POST", "PUT", "DELETE", "PATCH"])
def notfound(path):
rules = {rule.rule: rule.methods for rule in app.url_map.iter_rules()}
if path not in rules or request.method not in rules[path]:
unsupported_message = (
f"The requested api {path!r} with {request.method} is not supported by current app, "
f"if you entered the URL manually please check your spelling and try again."
)
return unsupported_message, 404
return staticweb_blueprint
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/static/index.js | var eG=Object.defineProperty;var tG=(e,t,n)=>t in e?eG(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n;var nG=(e,t)=>()=>(t||e((t={exports:{}}).exports,t),t.exports);var gf=(e,t,n)=>(tG(e,typeof t!="symbol"?t+"":t,n),n);var pxe=nG((Axe,rv)=>{function rG(e,t){for(var n=0;n<t.length;n++){const r=t[n];if(typeof r!="string"&&!Array.isArray(r)){for(const o in r)if(o!=="default"&&!(o in e)){const i=Object.getOwnPropertyDescriptor(r,o);i&&Object.defineProperty(e,o,i.get?i:{enumerable:!0,get:()=>r[o]})}}}return Object.freeze(Object.defineProperty(e,Symbol.toStringTag,{value:"Module"}))}(function(){const t=document.createElement("link").relList;if(t&&t.supports&&t.supports("modulepreload"))return;for(const o of document.querySelectorAll('link[rel="modulepreload"]'))r(o);new MutationObserver(o=>{for(const i of o)if(i.type==="childList")for(const a of i.addedNodes)a.tagName==="LINK"&&a.rel==="modulepreload"&&r(a)}).observe(document,{childList:!0,subtree:!0});function n(o){const i={};return o.integrity&&(i.integrity=o.integrity),o.referrerPolicy&&(i.referrerPolicy=o.referrerPolicy),o.crossOrigin==="use-credentials"?i.credentials="include":o.crossOrigin==="anonymous"?i.credentials="omit":i.credentials="same-origin",i}function r(o){if(o.ep)return;o.ep=!0;const i=n(o);fetch(o.href,i)}})();var Mf=typeof globalThis<"u"?globalThis:typeof window<"u"?window:typeof global<"u"?global:typeof self<"u"?self:{};function xr(e){return e&&e.__esModule&&Object.prototype.hasOwnProperty.call(e,"default")?e.default:e}var XN={exports:{}},H0={};/*
object-assign
(c) Sindre Sorhus
@license MIT
*/var q8=Object.getOwnPropertySymbols,oG=Object.prototype.hasOwnProperty,iG=Object.prototype.propertyIsEnumerable;function aG(e){if(e==null)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(e)}function sG(){try{if(!Object.assign)return!1;var e=new String("abc");if(e[5]="de",Object.getOwnPropertyNames(e)[0]==="5")return!1;for(var t={},n=0;n<10;n++)t["_"+String.fromCharCode(n)]=n;var r=Object.getOwnPropertyNames(t).map(function(i){return t[i]});if(r.join("")!=="0123456789")return!1;var o={};return"abcdefghijklmnopqrst".split("").forEach(function(i){o[i]=i}),Object.keys(Object.assign({},o)).join("")==="abcdefghijklmnopqrst"}catch{return!1}}var ZN=sG()?Object.assign:function(e,t){for(var n,r=aG(e),o,i=1;i<arguments.length;i++){n=Object(arguments[i]);for(var a in n)oG.call(n,a)&&(r[a]=n[a]);if(q8){o=q8(n);for(var s=0;s<o.length;s++)iG.call(n,o[s])&&(r[o[s]]=n[o[s]])}}return r},JN={exports:{}},Ut={};/** @license React v17.0.2
* react.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var g4=ZN,Yd=60103,eF=60106;Ut.Fragment=60107;Ut.StrictMode=60108;Ut.Profiler=60114;var tF=60109,nF=60110,rF=60112;Ut.Suspense=60113;var oF=60115,iF=60116;if(typeof Symbol=="function"&&Symbol.for){var ua=Symbol.for;Yd=ua("react.element"),eF=ua("react.portal"),Ut.Fragment=ua("react.fragment"),Ut.StrictMode=ua("react.strict_mode"),Ut.Profiler=ua("react.profiler"),tF=ua("react.provider"),nF=ua("react.context"),rF=ua("react.forward_ref"),Ut.Suspense=ua("react.suspense"),oF=ua("react.memo"),iF=ua("react.lazy")}var $8=typeof Symbol=="function"&&Symbol.iterator;function lG(e){return e===null||typeof e!="object"?null:(e=$8&&e[$8]||e["@@iterator"],typeof e=="function"?e:null)}function U0(e){for(var t="https://reactjs.org/docs/error-decoder.html?invariant="+e,n=1;n<arguments.length;n++)t+="&args[]="+encodeURIComponent(arguments[n]);return"Minified React error #"+e+"; visit "+t+" for the full message or use the non-minified dev environment for full errors and additional helpful warnings."}var aF={isMounted:function(){return!1},enqueueForceUpdate:function(){},enqueueReplaceState:function(){},enqueueSetState:function(){}},sF={};function Qd(e,t,n){this.props=e,this.context=t,this.refs=sF,this.updater=n||aF}Qd.prototype.isReactComponent={};Qd.prototype.setState=function(e,t){if(typeof e!="object"&&typeof e!="function"&&e!=null)throw Error(U0(85));this.updater.enqueueSetState(this,e,t,"setState")};Qd.prototype.forceUpdate=function(e){this.updater.enqueueForceUpdate(this,e,"forceUpdate")};function lF(){}lF.prototype=Qd.prototype;function v4(e,t,n){this.props=e,this.context=t,this.refs=sF,this.updater=n||aF}var b4=v4.prototype=new lF;b4.constructor=v4;g4(b4,Qd.prototype);b4.isPureReactComponent=!0;var y4={current:null},uF=Object.prototype.hasOwnProperty,cF={key:!0,ref:!0,__self:!0,__source:!0};function fF(e,t,n){var r,o={},i=null,a=null;if(t!=null)for(r in t.ref!==void 0&&(a=t.ref),t.key!==void 0&&(i=""+t.key),t)uF.call(t,r)&&!cF.hasOwnProperty(r)&&(o[r]=t[r]);var s=arguments.length-2;if(s===1)o.children=n;else if(1<s){for(var l=Array(s),u=0;u<s;u++)l[u]=arguments[u+2];o.children=l}if(e&&e.defaultProps)for(r in s=e.defaultProps,s)o[r]===void 0&&(o[r]=s[r]);return{$$typeof:Yd,type:e,key:i,ref:a,props:o,_owner:y4.current}}function uG(e,t){return{$$typeof:Yd,type:e.type,key:t,ref:e.ref,props:e.props,_owner:e._owner}}function E4(e){return typeof e=="object"&&e!==null&&e.$$typeof===Yd}function cG(e){var t={"=":"=0",":":"=2"};return"$"+e.replace(/[=:]/g,function(n){return t[n]})}var W8=/\/+/g;function X5(e,t){return typeof e=="object"&&e!==null&&e.key!=null?cG(""+e.key):t.toString(36)}function vg(e,t,n,r,o){var i=typeof e;(i==="undefined"||i==="boolean")&&(e=null);var a=!1;if(e===null)a=!0;else switch(i){case"string":case"number":a=!0;break;case"object":switch(e.$$typeof){case Yd:case eF:a=!0}}if(a)return a=e,o=o(a),e=r===""?"."+X5(a,0):r,Array.isArray(o)?(n="",e!=null&&(n=e.replace(W8,"$&/")+"/"),vg(o,t,n,"",function(u){return u})):o!=null&&(E4(o)&&(o=uG(o,n+(!o.key||a&&a.key===o.key?"":(""+o.key).replace(W8,"$&/")+"/")+e)),t.push(o)),1;if(a=0,r=r===""?".":r+":",Array.isArray(e))for(var s=0;s<e.length;s++){i=e[s];var l=r+X5(i,s);a+=vg(i,t,n,l,o)}else if(l=lG(e),typeof l=="function")for(e=l.call(e),s=0;!(i=e.next()).done;)i=i.value,l=r+X5(i,s++),a+=vg(i,t,n,l,o);else if(i==="object")throw t=""+e,Error(U0(31,t==="[object Object]"?"object with keys {"+Object.keys(e).join(", ")+"}":t));return a}function gm(e,t,n){if(e==null)return e;var r=[],o=0;return vg(e,r,"","",function(i){return t.call(n,i,o++)}),r}function fG(e){if(e._status===-1){var t=e._result;t=t(),e._status=0,e._result=t,t.then(function(n){e._status===0&&(n=n.default,e._status=1,e._result=n)},function(n){e._status===0&&(e._status=2,e._result=n)})}if(e._status===1)return e._result;throw e._result}var dF={current:null};function hl(){var e=dF.current;if(e===null)throw Error(U0(321));return e}var dG={ReactCurrentDispatcher:dF,ReactCurrentBatchConfig:{transition:0},ReactCurrentOwner:y4,IsSomeRendererActing:{current:!1},assign:g4};Ut.Children={map:gm,forEach:function(e,t,n){gm(e,function(){t.apply(this,arguments)},n)},count:function(e){var t=0;return gm(e,function(){t++}),t},toArray:function(e){return gm(e,function(t){return t})||[]},only:function(e){if(!E4(e))throw Error(U0(143));return e}};Ut.Component=Qd;Ut.PureComponent=v4;Ut.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED=dG;Ut.cloneElement=function(e,t,n){if(e==null)throw Error(U0(267,e));var r=g4({},e.props),o=e.key,i=e.ref,a=e._owner;if(t!=null){if(t.ref!==void 0&&(i=t.ref,a=y4.current),t.key!==void 0&&(o=""+t.key),e.type&&e.type.defaultProps)var s=e.type.defaultProps;for(l in t)uF.call(t,l)&&!cF.hasOwnProperty(l)&&(r[l]=t[l]===void 0&&s!==void 0?s[l]:t[l])}var l=arguments.length-2;if(l===1)r.children=n;else if(1<l){s=Array(l);for(var u=0;u<l;u++)s[u]=arguments[u+2];r.children=s}return{$$typeof:Yd,type:e.type,key:o,ref:i,props:r,_owner:a}};Ut.createContext=function(e,t){return t===void 0&&(t=null),e={$$typeof:nF,_calculateChangedBits:t,_currentValue:e,_currentValue2:e,_threadCount:0,Provider:null,Consumer:null},e.Provider={$$typeof:tF,_context:e},e.Consumer=e};Ut.createElement=fF;Ut.createFactory=function(e){var t=fF.bind(null,e);return t.type=e,t};Ut.createRef=function(){return{current:null}};Ut.forwardRef=function(e){return{$$typeof:rF,render:e}};Ut.isValidElement=E4;Ut.lazy=function(e){return{$$typeof:iF,_payload:{_status:-1,_result:e},_init:fG}};Ut.memo=function(e,t){return{$$typeof:oF,type:e,compare:t===void 0?null:t}};Ut.useCallback=function(e,t){return hl().useCallback(e,t)};Ut.useContext=function(e,t){return hl().useContext(e,t)};Ut.useDebugValue=function(){};Ut.useEffect=function(e,t){return hl().useEffect(e,t)};Ut.useImperativeHandle=function(e,t,n){return hl().useImperativeHandle(e,t,n)};Ut.useLayoutEffect=function(e,t){return hl().useLayoutEffect(e,t)};Ut.useMemo=function(e,t){return hl().useMemo(e,t)};Ut.useReducer=function(e,t,n){return hl().useReducer(e,t,n)};Ut.useRef=function(e){return hl().useRef(e)};Ut.useState=function(e){return hl().useState(e)};Ut.version="17.0.2";JN.exports=Ut;var T=JN.exports;const Bt=xr(T),n0=rG({__proto__:null,default:Bt},[T]);/** @license React v17.0.2
* react-jsx-runtime.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hG=T,hF=60103;H0.Fragment=60107;if(typeof Symbol=="function"&&Symbol.for){var G8=Symbol.for;hF=G8("react.element"),H0.Fragment=G8("react.fragment")}var pG=hG.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED.ReactCurrentOwner,mG=Object.prototype.hasOwnProperty,gG={key:!0,ref:!0,__self:!0,__source:!0};function pF(e,t,n){var r,o={},i=null,a=null;n!==void 0&&(i=""+n),t.key!==void 0&&(i=""+t.key),t.ref!==void 0&&(a=t.ref);for(r in t)mG.call(t,r)&&!gG.hasOwnProperty(r)&&(o[r]=t[r]);if(e&&e.defaultProps)for(r in t=e.defaultProps,t)o[r]===void 0&&(o[r]=t[r]);return{$$typeof:hF,type:e,key:i,ref:a,props:o,_owner:pG.current}}H0.jsx=pF;H0.jsxs=pF;XN.exports=H0;var Q=XN.exports;/*! *****************************************************************************
Copyright (c) Microsoft Corporation.
Permission to use, copy, modify, and/or distribute this software for any
purpose with or without fee is hereby granted.
THE SOFTWARE IS PROVIDED "AS IS" AND THE AUTHOR DISCLAIMS ALL WARRANTIES WITH
REGARD TO THIS SOFTWARE INCLUDING ALL IMPLIED WARRANTIES OF MERCHANTABILITY
AND FITNESS. IN NO EVENT SHALL THE AUTHOR BE LIABLE FOR ANY SPECIAL, DIRECT,
INDIRECT, OR CONSEQUENTIAL DAMAGES OR ANY DAMAGES WHATSOEVER RESULTING FROM
LOSS OF USE, DATA OR PROFITS, WHETHER IN AN ACTION OF CONTRACT, NEGLIGENCE OR
OTHER TORTIOUS ACTION, ARISING OUT OF OR IN CONNECTION WITH THE USE OR
PERFORMANCE OF THIS SOFTWARE.
***************************************************************************** */var mE=function(e,t){return mE=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(n,r){n.__proto__=r}||function(n,r){for(var o in r)Object.prototype.hasOwnProperty.call(r,o)&&(n[o]=r[o])},mE(e,t)};function yi(e,t){if(typeof t!="function"&&t!==null)throw new TypeError("Class extends value "+String(t)+" is not a constructor or null");mE(e,t);function n(){this.constructor=e}e.prototype=t===null?Object.create(t):(n.prototype=t.prototype,new n)}var oe=function(){return oe=Object.assign||function(t){for(var n,r=1,o=arguments.length;r<o;r++){n=arguments[r];for(var i in n)Object.prototype.hasOwnProperty.call(n,i)&&(t[i]=n[i])}return t},oe.apply(this,arguments)};function pl(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&t.indexOf(r)<0&&(n[r]=e[r]);if(e!=null&&typeof Object.getOwnPropertySymbols=="function")for(var o=0,r=Object.getOwnPropertySymbols(e);o<r.length;o++)t.indexOf(r[o])<0&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n}function vG(e,t,n,r){var o=arguments.length,i=o<3?t:r===null?r=Object.getOwnPropertyDescriptor(t,n):r,a;if(typeof Reflect=="object"&&typeof Reflect.decorate=="function")i=Reflect.decorate(e,t,n,r);else for(var s=e.length-1;s>=0;s--)(a=e[s])&&(i=(o<3?a(i):o>3?a(t,n,i):a(t,n))||i);return o>3&&i&&Object.defineProperty(t,n,i),i}function Yi(e,t,n){if(n||arguments.length===2)for(var r=0,o=t.length,i;r<o;r++)(i||!(r in t))&&(i||(i=Array.prototype.slice.call(t,0,r)),i[r]=t[r]);return e.concat(i||t)}var K8={},bg=void 0;try{bg=window}catch{}function yb(e,t){if(typeof bg<"u"){var n=bg.__packages__=bg.__packages__||{};if(!n[e]||!K8[e]){K8[e]=t;var r=n[e]=n[e]||[];r.push(t)}}}yb("@fluentui/set-version","6.0.0");var j1={none:0,insertNode:1,appendChild:2},V8="__stylesheet__",bG=typeof navigator<"u"&&/rv:11.0/.test(navigator.userAgent),Lf={};try{Lf=window||{}}catch{}var vf,Qi=function(){function e(t,n){var r,o,i,a,s,l;this._rules=[],this._preservedRules=[],this._counter=0,this._keyToClassName={},this._onInsertRuleCallbacks=[],this._onResetCallbacks=[],this._classNameToArgs={},this._config=oe({injectionMode:typeof document>"u"?j1.none:j1.insertNode,defaultPrefix:"css",namespace:void 0,cspSettings:void 0},t),this._classNameToArgs=(r=n==null?void 0:n.classNameToArgs)!==null&&r!==void 0?r:this._classNameToArgs,this._counter=(o=n==null?void 0:n.counter)!==null&&o!==void 0?o:this._counter,this._keyToClassName=(a=(i=this._config.classNameCache)!==null&&i!==void 0?i:n==null?void 0:n.keyToClassName)!==null&&a!==void 0?a:this._keyToClassName,this._preservedRules=(s=n==null?void 0:n.preservedRules)!==null&&s!==void 0?s:this._preservedRules,this._rules=(l=n==null?void 0:n.rules)!==null&&l!==void 0?l:this._rules}return e.getInstance=function(){if(vf=Lf[V8],!vf||vf._lastStyleElement&&vf._lastStyleElement.ownerDocument!==document){var t=(Lf==null?void 0:Lf.FabricConfig)||{},n=new e(t.mergeStyles,t.serializedStylesheet);vf=n,Lf[V8]=n}return vf},e.prototype.serialize=function(){return JSON.stringify({classNameToArgs:this._classNameToArgs,counter:this._counter,keyToClassName:this._keyToClassName,preservedRules:this._preservedRules,rules:this._rules})},e.prototype.setConfig=function(t){this._config=oe(oe({},this._config),t)},e.prototype.onReset=function(t){var n=this;return this._onResetCallbacks.push(t),function(){n._onResetCallbacks=n._onResetCallbacks.filter(function(r){return r!==t})}},e.prototype.onInsertRule=function(t){var n=this;return this._onInsertRuleCallbacks.push(t),function(){n._onInsertRuleCallbacks=n._onInsertRuleCallbacks.filter(function(r){return r!==t})}},e.prototype.getClassName=function(t){var n=this._config.namespace,r=t||this._config.defaultPrefix;return(n?n+"-":"")+r+"-"+this._counter++},e.prototype.cacheClassName=function(t,n,r,o){this._keyToClassName[n]=t,this._classNameToArgs[t]={args:r,rules:o}},e.prototype.classNameFromKey=function(t){return this._keyToClassName[t]},e.prototype.getClassNameCache=function(){return this._keyToClassName},e.prototype.argsFromClassName=function(t){var n=this._classNameToArgs[t];return n&&n.args},e.prototype.insertedRulesFromClassName=function(t){var n=this._classNameToArgs[t];return n&&n.rules},e.prototype.insertRule=function(t,n){var r=this._config.injectionMode,o=r!==j1.none?this._getStyleElement():void 0;if(n&&this._preservedRules.push(t),o)switch(r){case j1.insertNode:var i=o.sheet;try{i.insertRule(t,i.cssRules.length)}catch{}break;case j1.appendChild:o.appendChild(document.createTextNode(t));break}else this._rules.push(t);this._config.onInsertRule&&this._config.onInsertRule(t),this._onInsertRuleCallbacks.forEach(function(a){return a()})},e.prototype.getRules=function(t){return(t?this._preservedRules.join(""):"")+this._rules.join("")},e.prototype.reset=function(){this._rules=[],this._counter=0,this._classNameToArgs={},this._keyToClassName={},this._onResetCallbacks.forEach(function(t){return t()})},e.prototype.resetKeys=function(){this._keyToClassName={}},e.prototype._getStyleElement=function(){var t=this;return!this._styleElement&&typeof document<"u"&&(this._styleElement=this._createStyleElement(),bG||window.requestAnimationFrame(function(){t._styleElement=void 0})),this._styleElement},e.prototype._createStyleElement=function(){var t=document.head,n=document.createElement("style"),r=null;n.setAttribute("data-merge-styles","true");var o=this._config.cspSettings;if(o&&o.nonce&&n.setAttribute("nonce",o.nonce),this._lastStyleElement)r=this._lastStyleElement.nextElementSibling;else{var i=this._findPlaceholderStyleTag();i?r=i.nextElementSibling:r=t.childNodes[0]}return t.insertBefore(n,t.contains(r)?r:null),this._lastStyleElement=n,n},e.prototype._findPlaceholderStyleTag=function(){var t=document.head;return t?t.querySelector("style[data-merge-styles]"):null},e}();function mF(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];var n=[],r=[],o=Qi.getInstance();function i(a){for(var s=0,l=a;s<l.length;s++){var u=l[s];if(u)if(typeof u=="string")if(u.indexOf(" ")>=0)i(u.split(" "));else{var d=o.argsFromClassName(u);d?i(d):n.indexOf(u)===-1&&n.push(u)}else Array.isArray(u)?i(u):typeof u=="object"&&r.push(u)}}return i(e),{classes:n,objects:r}}function gF(e){cd!==e&&(cd=e)}function vF(){return cd===void 0&&(cd=typeof document<"u"&&!!document.documentElement&&document.documentElement.getAttribute("dir")==="rtl"),cd}var cd;cd=vF();function Eb(){return{rtl:vF()}}var Y8={};function yG(e,t){var n=e[t];n.charAt(0)!=="-"&&(e[t]=Y8[n]=Y8[n]||n.replace(/([A-Z])/g,"-$1").toLowerCase())}var vm;function EG(){var e;if(!vm){var t=typeof document<"u"?document:void 0,n=typeof navigator<"u"?navigator:void 0,r=(e=n==null?void 0:n.userAgent)===null||e===void 0?void 0:e.toLowerCase();t?vm={isWebkit:!!(t&&"WebkitAppearance"in t.documentElement.style),isMoz:!!(r&&r.indexOf("firefox")>-1),isOpera:!!(r&&r.indexOf("opera")>-1),isMs:!!(n&&(/rv:11.0/i.test(n.userAgent)||/Edge\/\d./i.test(navigator.userAgent)))}:vm={isWebkit:!0,isMoz:!0,isOpera:!0,isMs:!0}}return vm}var Q8={"user-select":1};function _G(e,t){var n=EG(),r=e[t];if(Q8[r]){var o=e[t+1];Q8[r]&&(n.isWebkit&&e.push("-webkit-"+r,o),n.isMoz&&e.push("-moz-"+r,o),n.isMs&&e.push("-ms-"+r,o),n.isOpera&&e.push("-o-"+r,o))}}var TG=["column-count","font-weight","flex","flex-grow","flex-shrink","fill-opacity","opacity","order","z-index","zoom"];function wG(e,t){var n=e[t],r=e[t+1];if(typeof r=="number"){var o=TG.indexOf(n)>-1,i=n.indexOf("--")>-1,a=o||i?"":"px";e[t+1]=""+r+a}}var bm,Wl="left",Gl="right",kG="@noflip",X8=(bm={},bm[Wl]=Gl,bm[Gl]=Wl,bm),Z8={"w-resize":"e-resize","sw-resize":"se-resize","nw-resize":"ne-resize"};function SG(e,t,n){if(e.rtl){var r=t[n];if(!r)return;var o=t[n+1];if(typeof o=="string"&&o.indexOf(kG)>=0)t[n+1]=o.replace(/\s*(?:\/\*\s*)?\@noflip\b(?:\s*\*\/)?\s*?/g,"");else if(r.indexOf(Wl)>=0)t[n]=r.replace(Wl,Gl);else if(r.indexOf(Gl)>=0)t[n]=r.replace(Gl,Wl);else if(String(o).indexOf(Wl)>=0)t[n+1]=o.replace(Wl,Gl);else if(String(o).indexOf(Gl)>=0)t[n+1]=o.replace(Gl,Wl);else if(X8[r])t[n]=X8[r];else if(Z8[o])t[n+1]=Z8[o];else switch(r){case"margin":case"padding":t[n+1]=CG(o);break;case"box-shadow":t[n+1]=xG(o,0);break}}}function xG(e,t){var n=e.split(" "),r=parseInt(n[t],10);return n[0]=n[0].replace(String(r),String(r*-1)),n.join(" ")}function CG(e){if(typeof e=="string"){var t=e.split(" ");if(t.length===4)return t[0]+" "+t[3]+" "+t[2]+" "+t[1]}return e}function AG(e){for(var t=[],n=0,r=0,o=0;o<e.length;o++)switch(e[o]){case"(":r++;break;case")":r&&r--;break;case" ":case" ":r||(o>n&&t.push(e.substring(n,o)),n=o+1);break}return n<e.length&&t.push(e.substring(n)),t}var NG="displayName";function FG(e){var t=e&&e["&"];return t?t.displayName:void 0}var bF=/\:global\((.+?)\)/g;function IG(e){if(!bF.test(e))return e;for(var t=[],n=/\:global\((.+?)\)/g,r=null;r=n.exec(e);)r[1].indexOf(",")>-1&&t.push([r.index,r.index+r[0].length,r[1].split(",").map(function(o){return":global("+o.trim()+")"}).join(", ")]);return t.reverse().reduce(function(o,i){var a=i[0],s=i[1],l=i[2],u=o.slice(0,a),d=o.slice(s);return u+l+d},e)}function J8(e,t){return e.indexOf(":global(")>=0?e.replace(bF,"$1"):e.indexOf(":")===0?t+e:e.indexOf("&")<0?t+" "+e:e}function ex(e,t,n,r){t===void 0&&(t={__order:[]}),n.indexOf("@")===0?(n=n+"{"+e,fd([r],t,n)):n.indexOf(",")>-1?IG(n).split(",").map(function(o){return o.trim()}).forEach(function(o){return fd([r],t,J8(o,e))}):fd([r],t,J8(n,e))}function fd(e,t,n){t===void 0&&(t={__order:[]}),n===void 0&&(n="&");var r=Qi.getInstance(),o=t[n];o||(o={},t[n]=o,t.__order.push(n));for(var i=0,a=e;i<a.length;i++){var s=a[i];if(typeof s=="string"){var l=r.argsFromClassName(s);l&&fd(l,t,n)}else if(Array.isArray(s))fd(s,t,n);else for(var u in s)if(s.hasOwnProperty(u)){var d=s[u];if(u==="selectors"){var h=s.selectors;for(var p in h)h.hasOwnProperty(p)&&ex(n,t,p,h[p])}else typeof d=="object"?d!==null&&ex(n,t,u,d):d!==void 0&&(u==="margin"||u==="padding"?BG(o,u,d):o[u]=d)}}return t}function BG(e,t,n){var r=typeof n=="string"?AG(n):[n];r.length===0&&r.push(n),r[r.length-1]==="!important"&&(r=r.slice(0,-1).map(function(o){return o+" !important"})),e[t+"Top"]=r[0],e[t+"Right"]=r[1]||r[0],e[t+"Bottom"]=r[2]||r[0],e[t+"Left"]=r[3]||r[1]||r[0]}function RG(e,t){for(var n=[e.rtl?"rtl":"ltr"],r=!1,o=0,i=t.__order;o<i.length;o++){var a=i[o];n.push(a);var s=t[a];for(var l in s)s.hasOwnProperty(l)&&s[l]!==void 0&&(r=!0,n.push(l,s[l]))}return r?n.join(""):void 0}function yF(e,t){return t<=0?"":t===1?e:e+yF(e,t-1)}function _4(e,t){if(!t)return"";var n=[];for(var r in t)t.hasOwnProperty(r)&&r!==NG&&t[r]!==void 0&&n.push(r,t[r]);for(var o=0;o<n.length;o+=2)yG(n,o),wG(n,o),SG(e,n,o),_G(n,o);for(var o=1;o<n.length;o+=4)n.splice(o,1,":",n[o],";");return n.join("")}function EF(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];var r=fd(t),o=RG(e,r);if(o){var i=Qi.getInstance(),a={className:i.classNameFromKey(o),key:o,args:t};if(!a.className){a.className=i.getClassName(FG(r));for(var s=[],l=0,u=r.__order;l<u.length;l++){var d=u[l];s.push(d,_4(e,r[d]))}a.rulesToInsert=s}return a}}function _F(e,t){t===void 0&&(t=1);var n=Qi.getInstance(),r=e.className,o=e.key,i=e.args,a=e.rulesToInsert;if(a){for(var s=0;s<a.length;s+=2){var l=a[s+1];if(l){var u=a[s];u=u.replace(/&/g,yF("."+e.className,t));var d=u+"{"+l+"}"+(u.indexOf("@")===0?"}":"");n.insertRule(d)}}n.cacheClassName(r,o,i,a)}}function OG(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];var r=EF.apply(void 0,Yi([e],t));return r?(_F(r,e.specificityMultiplier),r.className):""}function Fo(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];return TF(e,Eb())}function TF(e,t){var n=e instanceof Array?e:[e],r=mF(n),o=r.classes,i=r.objects;return i.length&&o.push(OG(t||{},i)),o.join(" ")}function jc(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];if(e&&e.length===1&&e[0]&&!e[0].subComponentStyles)return e[0];for(var n={},r={},o=0,i=e;o<i.length;o++){var a=i[o];if(a){for(var s in a)if(a.hasOwnProperty(s)){if(s==="subComponentStyles"&&a.subComponentStyles!==void 0){var l=a.subComponentStyles;for(var u in l)l.hasOwnProperty(u)&&(r.hasOwnProperty(u)?r[u].push(l[u]):r[u]=[l[u]]);continue}var d=n[s],h=a[s];d===void 0?n[s]=h:n[s]=Yi(Yi([],Array.isArray(d)?d:[d]),Array.isArray(h)?h:[h])}}}if(Object.keys(r).length>0){n.subComponentStyles={};var p=n.subComponentStyles,m=function(v){if(r.hasOwnProperty(v)){var _=r[v];p[v]=function(b){return jc.apply(void 0,_.map(function(E){return typeof E=="function"?E(b):E}))}}};for(var u in r)m(u)}return n}function q0(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];return wF(e,Eb())}function wF(e,t){var n={subComponentStyles:{}},r=e[0];if(!r&&e.length<=1)return{subComponentStyles:{}};var o=jc.apply(void 0,e),i=[];for(var a in o)if(o.hasOwnProperty(a)){if(a==="subComponentStyles"){n.subComponentStyles=o.subComponentStyles||{};continue}var s=o[a],l=mF(s),u=l.classes,d=l.objects;if(d!=null&&d.length){var h=EF(t||{},{displayName:a},d);h&&(i.push(h),n[a]=u.concat([h.className]).join(" "))}else n[a]=u.join(" ")}for(var p=0,m=i;p<m.length;p++){var h=m[p];h&&_F(h,t==null?void 0:t.specificityMultiplier)}return n}function kF(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];for(var r=[],o=0,i=t;o<i.length;o++){var a=i[o];a&&r.push(typeof a=="function"?a(e):a)}return r.length===1?r[0]:r.length?jc.apply(void 0,r):{}}function SF(e){var t=Qi.getInstance(),n=_4(Eb(),e),r=t.classNameFromKey(n);if(!r){var o=t.getClassName();t.insertRule("@font-face{"+n+"}",!0),t.cacheClassName(o,n,[],["font-face",n])}}function Ji(e){var t=Qi.getInstance(),n=[];for(var r in e)e.hasOwnProperty(r)&&n.push(r,"{",_4(Eb(),e[r]),"}");var o=n.join(""),i=t.classNameFromKey(o);if(i)return i;var a=t.getClassName();return t.insertRule("@keyframes "+a+"{"+o+"}",!0),t.cacheClassName(a,o,[],["keyframes",o]),a}function DG(e){var t={},n=function(o){if(e.hasOwnProperty(o)){var i;Object.defineProperty(t,o,{get:function(){return i===void 0&&(i=Fo(e[o]).toString()),i},enumerable:!0,configurable:!0})}};for(var r in e)n(r);return t}var gE=void 0;try{gE=window}catch{}function ur(e){if(!(typeof gE>"u")){var t=e;return t&&t.ownerDocument&&t.ownerDocument.defaultView?t.ownerDocument.defaultView:gE}}var _b=function(){function e(t,n){this._timeoutIds=null,this._immediateIds=null,this._intervalIds=null,this._animationFrameIds=null,this._isDisposed=!1,this._parent=t||null,this._onErrorHandler=n,this._noop=function(){}}return e.prototype.dispose=function(){var t;if(this._isDisposed=!0,this._parent=null,this._timeoutIds){for(t in this._timeoutIds)this._timeoutIds.hasOwnProperty(t)&&this.clearTimeout(parseInt(t,10));this._timeoutIds=null}if(this._immediateIds){for(t in this._immediateIds)this._immediateIds.hasOwnProperty(t)&&this.clearImmediate(parseInt(t,10));this._immediateIds=null}if(this._intervalIds){for(t in this._intervalIds)this._intervalIds.hasOwnProperty(t)&&this.clearInterval(parseInt(t,10));this._intervalIds=null}if(this._animationFrameIds){for(t in this._animationFrameIds)this._animationFrameIds.hasOwnProperty(t)&&this.cancelAnimationFrame(parseInt(t,10));this._animationFrameIds=null}},e.prototype.setTimeout=function(t,n){var r=this,o=0;return this._isDisposed||(this._timeoutIds||(this._timeoutIds={}),o=setTimeout(function(){try{r._timeoutIds&&delete r._timeoutIds[o],t.apply(r._parent)}catch(i){r._logError(i)}},n),this._timeoutIds[o]=!0),o},e.prototype.clearTimeout=function(t){this._timeoutIds&&this._timeoutIds[t]&&(clearTimeout(t),delete this._timeoutIds[t])},e.prototype.setImmediate=function(t,n){var r=this,o=0,i=ur(n);if(!this._isDisposed){this._immediateIds||(this._immediateIds={});var a=function(){try{r._immediateIds&&delete r._immediateIds[o],t.apply(r._parent)}catch(s){r._logError(s)}};o=i.setTimeout(a,0),this._immediateIds[o]=!0}return o},e.prototype.clearImmediate=function(t,n){var r=ur(n);this._immediateIds&&this._immediateIds[t]&&(r.clearTimeout(t),delete this._immediateIds[t])},e.prototype.setInterval=function(t,n){var r=this,o=0;return this._isDisposed||(this._intervalIds||(this._intervalIds={}),o=setInterval(function(){try{t.apply(r._parent)}catch(i){r._logError(i)}},n),this._intervalIds[o]=!0),o},e.prototype.clearInterval=function(t){this._intervalIds&&this._intervalIds[t]&&(clearInterval(t),delete this._intervalIds[t])},e.prototype.throttle=function(t,n,r){var o=this;if(this._isDisposed)return this._noop;var i=n||0,a=!0,s=!0,l=0,u,d,h=null;r&&typeof r.leading=="boolean"&&(a=r.leading),r&&typeof r.trailing=="boolean"&&(s=r.trailing);var p=function(v){var _=Date.now(),b=_-l,E=a?i-b:i;return b>=i&&(!v||a)?(l=_,h&&(o.clearTimeout(h),h=null),u=t.apply(o._parent,d)):h===null&&s&&(h=o.setTimeout(p,E)),u},m=function(){for(var v=[],_=0;_<arguments.length;_++)v[_]=arguments[_];return d=v,p(!0)};return m},e.prototype.debounce=function(t,n,r){var o=this;if(this._isDisposed){var i=function(){};return i.cancel=function(){},i.flush=function(){return null},i.pending=function(){return!1},i}var a=n||0,s=!1,l=!0,u=null,d=0,h=Date.now(),p,m,v=null;r&&typeof r.leading=="boolean"&&(s=r.leading),r&&typeof r.trailing=="boolean"&&(l=r.trailing),r&&typeof r.maxWait=="number"&&!isNaN(r.maxWait)&&(u=r.maxWait);var _=function(C){v&&(o.clearTimeout(v),v=null),h=C},b=function(C){_(C),p=t.apply(o._parent,m)},E=function(C){var A=Date.now(),P=!1;C&&(s&&A-d>=a&&(P=!0),d=A);var I=A-d,j=a-I,H=A-h,K=!1;return u!==null&&(H>=u&&v?K=!0:j=Math.min(j,u-H)),I>=a||K||P?b(A):(v===null||!C)&&l&&(v=o.setTimeout(E,j)),p},w=function(){return!!v},k=function(){w()&&_(Date.now())},y=function(){return w()&&b(Date.now()),p},F=function(){for(var C=[],A=0;A<arguments.length;A++)C[A]=arguments[A];return m=C,E(!0)};return F.cancel=k,F.flush=y,F.pending=w,F},e.prototype.requestAnimationFrame=function(t,n){var r=this,o=0,i=ur(n);if(!this._isDisposed){this._animationFrameIds||(this._animationFrameIds={});var a=function(){try{r._animationFrameIds&&delete r._animationFrameIds[o],t.apply(r._parent)}catch(s){r._logError(s)}};o=i.requestAnimationFrame?i.requestAnimationFrame(a):i.setTimeout(a,0),this._animationFrameIds[o]=!0}return o},e.prototype.cancelAnimationFrame=function(t,n){var r=ur(n);this._animationFrameIds&&this._animationFrameIds[t]&&(r.cancelAnimationFrame?r.cancelAnimationFrame(t):r.clearTimeout(t),delete this._animationFrameIds[t])},e.prototype._logError=function(t){this._onErrorHandler&&this._onErrorHandler(t)},e}();function T4(e,t){for(var n in e)if(e.hasOwnProperty(n)&&(!t.hasOwnProperty(n)||t[n]!==e[n]))return!1;for(var n in t)if(t.hasOwnProperty(n)&&!e.hasOwnProperty(n))return!1;return!0}function pc(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];return PG.apply(this,[null,e].concat(t))}function PG(e,t){for(var n=[],r=2;r<arguments.length;r++)n[r-2]=arguments[r];t=t||{};for(var o=0,i=n;o<i.length;o++){var a=i[o];if(a)for(var s in a)a.hasOwnProperty(s)&&(!e||e(s))&&(t[s]=a[s])}return t}var Ws=function(){function e(t){this._id=e._uniqueId++,this._parent=t,this._eventRecords=[]}return e.raise=function(t,n,r,o){var i;if(e._isElement(t)){if(typeof document<"u"&&document.createEvent){var a=document.createEvent("HTMLEvents");a.initEvent(n,o||!1,!0),pc(a,r),i=t.dispatchEvent(a)}else if(typeof document<"u"&&document.createEventObject){var s=document.createEventObject(r);t.fireEvent("on"+n,s)}}else for(;t&&i!==!1;){var l=t.__events__,u=l?l[n]:null;if(u){for(var d in u)if(u.hasOwnProperty(d))for(var h=u[d],p=0;i!==!1&&p<h.length;p++){var m=h[p];m.objectCallback&&(i=m.objectCallback.call(m.parent,r))}}t=o?t.parent:null}return i},e.isObserved=function(t,n){var r=t&&t.__events__;return!!r&&!!r[n]},e.isDeclared=function(t,n){var r=t&&t.__declaredEvents;return!!r&&!!r[n]},e.stopPropagation=function(t){t.stopPropagation?t.stopPropagation():t.cancelBubble=!0},e._isElement=function(t){return!!t&&(!!t.addEventListener||typeof HTMLElement<"u"&&t instanceof HTMLElement)},e.prototype.dispose=function(){this._isDisposed||(this._isDisposed=!0,this.off(),this._parent=null)},e.prototype.onAll=function(t,n,r){for(var o in n)n.hasOwnProperty(o)&&this.on(t,o,n[o],r)},e.prototype.on=function(t,n,r,o){var i=this;if(n.indexOf(",")>-1)for(var a=n.split(/[ ,]+/),s=0;s<a.length;s++)this.on(t,a[s],r,o);else{var l=this._parent,u={target:t,eventName:n,parent:l,callback:r,options:o},a=t.__events__=t.__events__||{};if(a[n]=a[n]||{count:0},a[n][this._id]=a[n][this._id]||[],a[n][this._id].push(u),a[n].count++,e._isElement(t)){var d=function(){for(var m=[],v=0;v<arguments.length;v++)m[v]=arguments[v];if(!i._isDisposed){var _;try{if(_=r.apply(l,m),_===!1&&m[0]){var b=m[0];b.preventDefault&&b.preventDefault(),b.stopPropagation&&b.stopPropagation(),b.cancelBubble=!0}}catch{}return _}};u.elementCallback=d,t.addEventListener?t.addEventListener(n,d,o):t.attachEvent&&t.attachEvent("on"+n,d)}else{var h=function(){for(var m=[],v=0;v<arguments.length;v++)m[v]=arguments[v];if(!i._isDisposed)return r.apply(l,m)};u.objectCallback=h}this._eventRecords.push(u)}},e.prototype.off=function(t,n,r,o){for(var i=0;i<this._eventRecords.length;i++){var a=this._eventRecords[i];if((!t||t===a.target)&&(!n||n===a.eventName)&&(!r||r===a.callback)&&(typeof o!="boolean"||o===a.options)){var s=a.target.__events__,l=s[a.eventName],u=l?l[this._id]:null;u&&(u.length===1||!r?(l.count-=u.length,delete s[a.eventName][this._id]):(l.count--,u.splice(u.indexOf(a),1)),l.count||delete s[a.eventName]),a.elementCallback&&(a.target.removeEventListener?a.target.removeEventListener(a.eventName,a.elementCallback,a.options):a.target.detachEvent&&a.target.detachEvent("on"+a.eventName,a.elementCallback)),this._eventRecords.splice(i--,1)}}},e.prototype.raise=function(t,n,r){return e.raise(this._parent,t,n,r)},e.prototype.declare=function(t){var n=this._parent.__declaredEvents=this._parent.__declaredEvents||{};if(typeof t=="string")n[t]=!0;else for(var r=0;r<t.length;r++)n[t[r]]=!0},e._uniqueId=0,e}();function ss(e){if(!(typeof document>"u")){var t=e;return t&&t.ownerDocument?t.ownerDocument:document}}var Z5;Fo({overflow:"hidden !important"});function MG(){if(Z5===void 0){var e=document.createElement("div");e.style.setProperty("width","100px"),e.style.setProperty("height","100px"),e.style.setProperty("overflow","scroll"),e.style.setProperty("position","absolute"),e.style.setProperty("top","-9999px"),document.body.appendChild(e),Z5=e.offsetWidth-e.clientWidth,document.body.removeChild(e)}return Z5}var LG=void 0;function xF(e){console&&console.warn&&console.warn(e)}function CF(e,t,n,r,o){if(o===!0&&!1)for(var i,a;i<a.length;i++)var s}(function(e){yi(t,e);function t(n,r){var o=e.call(this,n,r)||this;return jG(o,t.prototype,["componentDidMount","shouldComponentUpdate","getSnapshotBeforeUpdate","render","componentDidUpdate","componentWillUnmount"]),o}return t.prototype.componentDidUpdate=function(n,r){this._updateComponentRef(n,this.props)},t.prototype.componentDidMount=function(){this._setComponentRef(this.props.componentRef,this)},t.prototype.componentWillUnmount=function(){if(this._setComponentRef(this.props.componentRef,null),this.__disposables){for(var n=0,r=this._disposables.length;n<r;n++){var o=this.__disposables[n];o.dispose&&o.dispose()}this.__disposables=null}},Object.defineProperty(t.prototype,"className",{get:function(){if(!this.__className){var n=/function (.{1,})\(/,r=n.exec(this.constructor.toString());this.__className=r&&r.length>1?r[1]:""}return this.__className},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"_disposables",{get:function(){return this.__disposables||(this.__disposables=[]),this.__disposables},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"_async",{get:function(){return this.__async||(this.__async=new _b(this),this._disposables.push(this.__async)),this.__async},enumerable:!1,configurable:!0}),Object.defineProperty(t.prototype,"_events",{get:function(){return this.__events||(this.__events=new Ws(this),this._disposables.push(this.__events)),this.__events},enumerable:!1,configurable:!0}),t.prototype._resolveRef=function(n){var r=this;return this.__resolves||(this.__resolves={}),this.__resolves[n]||(this.__resolves[n]=function(o){return r[n]=o}),this.__resolves[n]},t.prototype._updateComponentRef=function(n,r){r===void 0&&(r={}),n&&r&&n.componentRef!==r.componentRef&&(this._setComponentRef(n.componentRef,null),this._setComponentRef(r.componentRef,this))},t.prototype._warnDeprecations=function(n){this.className,this.props},t.prototype._warnMutuallyExclusive=function(n){this.className,this.props},t.prototype._warnConditionallyRequiredProps=function(n,r,o){CF(this.className,this.props,n,r,o)},t.prototype._setComponentRef=function(n,r){!this._skipComponentRefResolution&&n&&(typeof n=="function"&&n(r),typeof n=="object"&&(n.current=r))},t})(T.Component);function jG(e,t,n){for(var r=0,o=n.length;r<o;r++)zG(e,t,n[r])}function zG(e,t,n){var r=e[n],o=t[n];(r||o)&&(e[n]=function(){for(var i=[],a=0;a<arguments.length;a++)i[a]=arguments[a];var s;return o&&(s=o.apply(this,i)),r!==o&&(s=r.apply(this,i)),s})}function AF(){return null}var J5="__globalSettings__",w4="__callbacks__",HG=0,NF=function(){function e(){}return e.getValue=function(t,n){var r=vE();return r[t]===void 0&&(r[t]=typeof n=="function"?n():n),r[t]},e.setValue=function(t,n){var r=vE(),o=r[w4],i=r[t];if(n!==i){r[t]=n;var a={oldValue:i,value:n,key:t};for(var s in o)o.hasOwnProperty(s)&&o[s](a)}return n},e.addChangeListener=function(t){var n=t.__id__,r=tx();n||(n=t.__id__=String(HG++)),r[n]=t},e.removeChangeListener=function(t){var n=tx();delete n[t.__id__]},e}();function vE(){var e,t=ur(),n=t||{};return n[J5]||(n[J5]=(e={},e[w4]={},e)),n[J5]}function tx(){var e=vE();return e[w4]}var qt={backspace:8,tab:9,enter:13,shift:16,ctrl:17,alt:18,pauseBreak:19,capslock:20,escape:27,space:32,pageUp:33,pageDown:34,end:35,home:36,left:37,up:38,right:39,down:40,insert:45,del:46,zero:48,one:49,two:50,three:51,four:52,five:53,six:54,seven:55,eight:56,nine:57,colon:58,a:65,b:66,c:67,d:68,e:69,f:70,g:71,h:72,i:73,j:74,k:75,l:76,m:77,n:78,o:79,p:80,q:81,r:82,s:83,t:84,u:85,v:86,w:87,x:88,y:89,z:90,leftWindow:91,rightWindow:92,select:93,zero_numpad:96,one_numpad:97,two_numpad:98,three_numpad:99,four_numpad:100,five_numpad:101,six_numpad:102,seven_numpad:103,eight_numpad:104,nine_numpad:105,multiply:106,add:107,subtract:109,decimalPoint:110,divide:111,f1:112,f2:113,f3:114,f4:115,f5:116,f6:117,f7:118,f8:119,f9:120,f10:121,f11:122,f12:123,numlock:144,scrollLock:145,semicolon:186,equalSign:187,comma:188,dash:189,period:190,forwardSlash:191,graveAccent:192,openBracket:219,backSlash:220,closeBracket:221,singleQuote:222},ts=function(){function e(t,n,r,o){t===void 0&&(t=0),n===void 0&&(n=0),r===void 0&&(r=0),o===void 0&&(o=0),this.top=r,this.bottom=o,this.left=t,this.right=n}return Object.defineProperty(e.prototype,"width",{get:function(){return this.right-this.left},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"height",{get:function(){return this.bottom-this.top},enumerable:!1,configurable:!0}),e.prototype.equals=function(t){return parseFloat(this.top.toFixed(4))===parseFloat(t.top.toFixed(4))&&parseFloat(this.bottom.toFixed(4))===parseFloat(t.bottom.toFixed(4))&&parseFloat(this.left.toFixed(4))===parseFloat(t.left.toFixed(4))&&parseFloat(this.right.toFixed(4))===parseFloat(t.right.toFixed(4))},e}();function UG(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];return t.length<2?t[0]:function(){for(var r=[],o=0;o<arguments.length;o++)r[o]=arguments[o];t.forEach(function(i){return i&&i.apply(e,r)})}}function $0(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];var n=e.filter(function(r){return r}).join(" ").trim();return n===""?void 0:n}function qG(e,t,n){var r=e.slice();return r.splice(t,0,n),r}function $G(e,t){if(e.length!==t.length)return!1;for(var n=0;n<e.length;n++)if(e[n]!==t[n])return!1;return!0}function FF(e){var t=null;try{var n=ur();t=n?n.sessionStorage.getItem(e):null}catch{}return t}function WG(e,t){var n;try{(n=ur())===null||n===void 0||n.sessionStorage.setItem(e,t)}catch{}}var IF="isRTL",Hs;function ls(e){if(e===void 0&&(e={}),e.rtl!==void 0)return e.rtl;if(Hs===void 0){var t=FF(IF);t!==null&&(Hs=t==="1",GG(Hs));var n=ss();Hs===void 0&&n&&(Hs=(n.body&&n.body.getAttribute("dir")||n.documentElement.getAttribute("dir"))==="rtl",gF(Hs))}return!!Hs}function GG(e,t){t===void 0&&(t=!1);var n=ss();n&&n.documentElement.setAttribute("dir",e?"rtl":"ltr"),t&&WG(IF,e?"1":"0"),Hs=e,gF(Hs)}function KG(e){return e&&!!e._virtual}function VG(e){var t;return e&&KG(e)&&(t=e._virtual.parent),t}function BF(e,t){return t===void 0&&(t=!0),e&&(t&&VG(e)||e.parentNode&&e.parentNode)}function bE(e,t,n){n===void 0&&(n=!0);var r=!1;if(e&&t)if(n)if(e===t)r=!0;else for(r=!1;t;){var o=BF(t);if(o===e){r=!0;break}t=o}else e.contains&&(r=e.contains(t));return r}function k4(e,t){return!e||e===document.body?null:t(e)?e:k4(BF(e),t)}function YG(e,t){var n=k4(e,function(r){return r.hasAttribute(t)});return n&&n.getAttribute(t)}var yE="data-portal-element";function QG(e){e.setAttribute(yE,"true")}function XG(e,t){var n=k4(e,function(r){return t===r||r.hasAttribute(yE)});return n!==null&&n.hasAttribute(yE)}function ZG(e,t){var n=e,r=t;n._virtual||(n._virtual={children:[]});var o=n._virtual.parent;if(o&&o!==t){var i=o._virtual.children.indexOf(n);i>-1&&o._virtual.children.splice(i,1)}n._virtual.parent=r||void 0,r&&(r._virtual||(r._virtual={children:[]}),r._virtual.children.push(n))}var JG="data-is-focusable",eK="data-is-visible",tK="data-focuszone-id",nK="data-is-sub-focuszone";function rK(e,t,n){return xh(e,t,!0,!1,!1,n)}function oK(e,t,n){return jf(e,t,!0,!1,!0,n)}function iK(e){var t=xh(e,e,!0,!1,!1,!0);return t?(lK(t),!0):!1}function jf(e,t,n,r,o,i,a,s){if(!t||!a&&t===e)return null;var l=RF(t);if(o&&l&&(i||!(OF(t)||DF(t)))){var u=jf(e,t.lastElementChild,!0,!0,!0,i,a,s);if(u){if(s&&EE(u,!0)||!s)return u;var d=jf(e,u.previousElementSibling,!0,!0,!0,i,a,s);if(d)return d;for(var h=u.parentElement;h&&h!==t;){var p=jf(e,h.previousElementSibling,!0,!0,!0,i,a,s);if(p)return p;h=h.parentElement}}}if(n&&l&&EE(t,s))return t;var m=jf(e,t.previousElementSibling,!0,!0,!0,i,a,s);return m||(r?null:jf(e,t.parentElement,!0,!1,!1,i,a,s))}function xh(e,t,n,r,o,i,a,s){if(!t||t===e&&o&&!a)return null;var l=RF(t);if(n&&l&&EE(t,s))return t;if(!o&&l&&(i||!(OF(t)||DF(t)))){var u=xh(e,t.firstElementChild,!0,!0,!1,i,a,s);if(u)return u}if(t===e)return null;var d=xh(e,t.nextElementSibling,!0,!0,!1,i,a,s);return d||(r?null:xh(e,t.parentElement,!1,!1,!0,i,a,s))}function RF(e){if(!e||!e.getAttribute)return!1;var t=e.getAttribute(eK);return t!=null?t==="true":e.offsetHeight!==0||e.offsetParent!==null||e.isVisible===!0}function EE(e,t){if(!e||e.disabled)return!1;var n=0,r=null;e&&e.getAttribute&&(r=e.getAttribute("tabIndex"),r&&(n=parseInt(r,10)));var o=e.getAttribute?e.getAttribute(JG):null,i=r!==null&&n>=0,a=!!e&&o!=="false"&&(e.tagName==="A"||e.tagName==="BUTTON"||e.tagName==="INPUT"||e.tagName==="TEXTAREA"||e.tagName==="SELECT"||o==="true"||i);return t?n!==-1&&a:a}function OF(e){return!!(e&&e.getAttribute&&e.getAttribute(tK))}function DF(e){return!!(e&&e.getAttribute&&e.getAttribute(nK)==="true")}function aK(e){var t=ss(e),n=t&&t.activeElement;return!!(n&&bE(e,n))}function sK(e,t){return YG(e,t)!=="true"}var bf=void 0;function lK(e){if(e){if(bf){bf=e;return}bf=e;var t=ur(e);t&&t.requestAnimationFrame(function(){bf&&bf.focus(),bf=void 0})}}function zf(e,t,n,r){return e.addEventListener(t,n,r),function(){return e.removeEventListener(t,n,r)}}var uK=50,cK=5,yg=0,e2=Qi.getInstance();e2&&e2.onReset&&e2.onReset(function(){return yg++});var ym="__retval__";function ml(e){e===void 0&&(e={});var t=new Map,n=0,r=0,o=yg,i=function(a,s){var l;if(s===void 0&&(s={}),e.useStaticStyles&&typeof a=="function"&&a.__noStyleOverride__)return a(s);r++;var u=t,d=s.theme,h=d&&d.rtl!==void 0?d.rtl:ls(),p=e.disableCaching;if(o!==yg&&(o=yg,t=new Map,n=0),e.disableCaching||(u=nx(t,a),u=nx(u,s)),(p||!u[ym])&&(a===void 0?u[ym]={}:u[ym]=wF([typeof a=="function"?a(s):a],{rtl:!!h,specificityMultiplier:e.useStaticStyles?cK:void 0}),p||n++),n>(e.cacheSize||uK)){var m=ur();!((l=m==null?void 0:m.FabricConfig)===null||l===void 0)&&l.enableClassNameCacheFullWarning&&(console.warn("Styles are being recalculated too frequently. Cache miss rate is "+n+"/"+r+"."),console.trace()),t.clear(),n=0,e.disableCaching=!0}return u[ym]};return i}function t2(e,t){return t=fK(t),e.has(t)||e.set(t,new Map),e.get(t)}function nx(e,t){if(typeof t=="function"){var n=t.__cachedInputs__;if(n)for(var r=0,o=t.__cachedInputs__;r<o.length;r++){var i=o[r];e=t2(e,i)}else e=t2(e,t)}else if(typeof t=="object")for(var a in t)t.hasOwnProperty(a)&&(e=t2(e,t[a]));return e}function fK(e){switch(e){case void 0:return"__undefined__";case null:return"__null__";default:return e}}var rx=!1,Eg=0,dK={empty:!0},n2={},r0=typeof WeakMap>"u"?null:WeakMap;function hK(){Eg++}function Cr(e,t,n){if(t===void 0&&(t=100),n===void 0&&(n=!1),!r0)return e;if(!rx){var r=Qi.getInstance();r&&r.onReset&&Qi.getInstance().onReset(hK),rx=!0}var o,i=0,a=Eg;return function(){for(var l=[],u=0;u<arguments.length;u++)l[u]=arguments[u];var d=o;(o===void 0||a!==Eg||t>0&&i>t)&&(o=ox(),i=0,a=Eg),d=o;for(var h=0;h<l.length;h++){var p=pK(l[h]);d.map.has(p)||d.map.set(p,ox()),d=d.map.get(p)}return d.hasOwnProperty("value")||(d.value=e.apply(void 0,l),i++),n&&(d.value===null||d.value===void 0)&&(d.value=e.apply(void 0,l)),d.value}}function Od(e){if(!r0)return e;var t=new r0;function n(r){if(!r||typeof r!="function"&&typeof r!="object")return e(r);if(t.has(r))return t.get(r);var o=e(r);return t.set(r,o),o}return n}function pK(e){if(e){if(typeof e=="object"||typeof e=="function")return e;n2[e]||(n2[e]={val:e})}else return dK;return n2[e]}function ox(){return{map:r0?new r0:null}}function mK(e){var t=e,n=Od(function(r){if(e===r)throw new Error("Attempted to compose a component with itself.");var o=r,i=Od(function(s){var l=function(u){return T.createElement(o,oe({},u,{defaultRender:s}))};return l}),a=function(s){var l=s.defaultRender;return T.createElement(t,oe({},s,{defaultRender:l?i(l):o}))};return a});return n}var gK=Od(mK);function PF(e,t){return gK(e)(t)}function Ys(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];for(var n=[],r=0,o=e;r<o.length;r++){var i=o[r];if(i)if(typeof i=="string")n.push(i);else if(i.hasOwnProperty("toString")&&typeof i.toString=="function")n.push(i.toString());else for(var a in i)i[a]&&n.push(a)}return n.join(" ")}var vK="customizations",bK={settings:{},scopedSettings:{},inCustomizerContext:!1},Ol=NF.getValue(vK,{settings:{},scopedSettings:{},inCustomizerContext:!1}),Em=[],$i=function(){function e(){}return e.reset=function(){Ol.settings={},Ol.scopedSettings={}},e.applySettings=function(t){Ol.settings=oe(oe({},Ol.settings),t),e._raiseChange()},e.applyScopedSettings=function(t,n){Ol.scopedSettings[t]=oe(oe({},Ol.scopedSettings[t]),n),e._raiseChange()},e.getSettings=function(t,n,r){r===void 0&&(r=bK);for(var o={},i=n&&r.scopedSettings[n]||{},a=n&&Ol.scopedSettings[n]||{},s=0,l=t;s<l.length;s++){var u=l[s];o[u]=i[u]||r.settings[u]||a[u]||Ol.settings[u]}return o},e.applyBatchedUpdates=function(t,n){e._suppressUpdates=!0;try{t()}catch{}e._suppressUpdates=!1,n||e._raiseChange()},e.observe=function(t){Em.push(t)},e.unobserve=function(t){Em=Em.filter(function(n){return n!==t})},e._raiseChange=function(){e._suppressUpdates||Em.forEach(function(t){return t()})},e}(),o0=T.createContext({customizations:{inCustomizerContext:!1,settings:{},scopedSettings:{}}});function yK(e,t){e===void 0&&(e={});var n=MF(t)?t:_K(t);return n(e)}function EK(e,t){e===void 0&&(e={});var n=MF(t)?t:TK(t);return n(e)}function MF(e){return typeof e=="function"}function _K(e){return function(t){return e?oe(oe({},t),e):t}}function TK(e){return e===void 0&&(e={}),function(t){var n=oe({},t);for(var r in e)e.hasOwnProperty(r)&&(n[r]=oe(oe({},t[r]),e[r]));return n}}function wK(e,t){var n=(t||{}).customizations,r=n===void 0?{settings:{},scopedSettings:{}}:n;return{customizations:{settings:yK(r.settings,e.settings),scopedSettings:EK(r.scopedSettings,e.scopedSettings),inCustomizerContext:!0}}}var kK=function(e){yi(t,e);function t(){var n=e!==null&&e.apply(this,arguments)||this;return n._onCustomizationChange=function(){return n.forceUpdate()},n}return t.prototype.componentDidMount=function(){$i.observe(this._onCustomizationChange)},t.prototype.componentWillUnmount=function(){$i.unobserve(this._onCustomizationChange)},t.prototype.render=function(){var n=this,r=this.props.contextTransform;return T.createElement(o0.Consumer,null,function(o){var i=wK(n.props,o);return r&&(i=r(i)),T.createElement(o0.Provider,{value:i},n.props.children)})},t}(T.Component);function SK(e,t){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n]);return t}function xK(e,t,n){return function(o){var i,a=(i=function(s){yi(l,s);function l(u){var d=s.call(this,u)||this;return d._styleCache={},d._onSettingChanged=d._onSettingChanged.bind(d),d}return l.prototype.componentDidMount=function(){$i.observe(this._onSettingChanged)},l.prototype.componentWillUnmount=function(){$i.unobserve(this._onSettingChanged)},l.prototype.render=function(){var u=this;return T.createElement(o0.Consumer,null,function(d){var h=$i.getSettings(t,e,d.customizations),p=u.props;if(h.styles&&typeof h.styles=="function"&&(h.styles=h.styles(oe(oe({},h),p))),n&&h.styles){if(u._styleCache.default!==h.styles||u._styleCache.component!==p.styles){var m=jc(h.styles,p.styles);u._styleCache.default=h.styles,u._styleCache.component=p.styles,u._styleCache.merged=m}return T.createElement(o,oe({},h,p,{styles:u._styleCache.merged}))}return T.createElement(o,oe({},h,p))})},l.prototype._onSettingChanged=function(){this.forceUpdate()},l}(T.Component),i.displayName="Customized"+e,i);return SK(o,a)}}function CK(e,t){var n=AK(),r=T.useContext(o0).customizations,o=r.inCustomizerContext;return T.useEffect(function(){return o||$i.observe(n),function(){o||$i.unobserve(n)}},[o]),$i.getSettings(e,t,r)}function AK(){var e=T.useState(0),t=e[1];return function(){return t(function(n){return++n})}}function NK(e,t){for(var n in t)t.hasOwnProperty(n)&&(e[n]=UG(e,e[n],t[n]))}var ov="__currentId__",FK="id__",iv=ur()||{};iv[ov]===void 0&&(iv[ov]=0);var ix=!1;function cu(e){if(!ix){var t=Qi.getInstance();t&&t.onReset&&t.onReset(IK),ix=!0}var n=iv[ov]++;return(e===void 0?FK:e)+n}function IK(e){e===void 0&&(e=0),iv[ov]=e}var Xn=function(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];for(var n={},r=0,o=e;r<o.length;r++)for(var i=o[r],a=Array.isArray(i)?i:Object.keys(i),s=0,l=a;s<l.length;s++){var u=l[s];n[u]=1}return n},BK=Xn(["onCopy","onCut","onPaste","onCompositionEnd","onCompositionStart","onCompositionUpdate","onFocus","onFocusCapture","onBlur","onBlurCapture","onChange","onInput","onSubmit","onLoad","onError","onKeyDown","onKeyDownCapture","onKeyPress","onKeyUp","onAbort","onCanPlay","onCanPlayThrough","onDurationChange","onEmptied","onEncrypted","onEnded","onLoadedData","onLoadedMetadata","onLoadStart","onPause","onPlay","onPlaying","onProgress","onRateChange","onSeeked","onSeeking","onStalled","onSuspend","onTimeUpdate","onVolumeChange","onWaiting","onClick","onClickCapture","onContextMenu","onDoubleClick","onDrag","onDragEnd","onDragEnter","onDragExit","onDragLeave","onDragOver","onDragStart","onDrop","onMouseDown","onMouseDownCapture","onMouseEnter","onMouseLeave","onMouseMove","onMouseOut","onMouseOver","onMouseUp","onMouseUpCapture","onSelect","onTouchCancel","onTouchEnd","onTouchMove","onTouchStart","onScroll","onWheel","onPointerCancel","onPointerDown","onPointerEnter","onPointerLeave","onPointerMove","onPointerOut","onPointerOver","onPointerUp","onGotPointerCapture","onLostPointerCapture"]),RK=Xn(["accessKey","children","className","contentEditable","dir","draggable","hidden","htmlFor","id","lang","ref","role","style","tabIndex","title","translate","spellCheck","name"]),fr=Xn(RK,BK);Xn(fr,["form"]);var OK=Xn(fr,["height","loop","muted","preload","src","width"]);Xn(OK,["poster"]);Xn(fr,["start"]);Xn(fr,["value"]);var LF=Xn(fr,["download","href","hrefLang","media","rel","target","type"]),Oc=Xn(fr,["autoFocus","disabled","form","formAction","formEncType","formMethod","formNoValidate","formTarget","type","value"]);Xn(Oc,["accept","alt","autoCapitalize","autoComplete","checked","dirname","form","height","inputMode","list","max","maxLength","min","minLength","multiple","pattern","placeholder","readOnly","required","src","step","size","type","value","width"]);Xn(Oc,["autoCapitalize","cols","dirname","form","maxLength","minLength","placeholder","readOnly","required","rows","wrap"]);Xn(Oc,["form","multiple","required"]);Xn(fr,["selected","value"]);Xn(fr,["cellPadding","cellSpacing"]);Xn(fr,["rowSpan","scope"]);Xn(fr,["colSpan","headers","rowSpan","scope"]);Xn(fr,["span"]);Xn(fr,["span"]);Xn(fr,["acceptCharset","action","encType","encType","method","noValidate","target"]);Xn(fr,["allow","allowFullScreen","allowPaymentRequest","allowTransparency","csp","height","importance","referrerPolicy","sandbox","src","srcDoc","width"]);var DK=Xn(fr,["alt","crossOrigin","height","src","srcSet","useMap","width"]),W0=fr;function Zr(e,t,n){for(var r=Array.isArray(t),o={},i=Object.keys(e),a=0,s=i;a<s.length;a++){var l=s[a],u=!r&&t[l]||r&&t.indexOf(l)>=0||l.indexOf("data-")===0||l.indexOf("aria-")===0;u&&(!n||(n==null?void 0:n.indexOf(l))===-1)&&(o[l]=e[l])}return o}function Tb(e){NK(e,{componentDidMount:PK,componentDidUpdate:MK,componentWillUnmount:LK})}function PK(){av(this.props.componentRef,this)}function MK(e){e.componentRef!==this.props.componentRef&&(av(e.componentRef,null),av(this.props.componentRef,this))}function LK(){av(this.props.componentRef,null)}function av(e,t){e&&(typeof e=="object"?e.current=t:typeof e=="function"&&e(t))}var ca,jK=(ca={},ca[qt.up]=1,ca[qt.down]=1,ca[qt.left]=1,ca[qt.right]=1,ca[qt.home]=1,ca[qt.end]=1,ca[qt.tab]=1,ca[qt.pageUp]=1,ca[qt.pageDown]=1,ca);function zK(e){return!!jK[e]}var Go="ms-Fabric--isFocusVisible",ax="ms-Fabric--isFocusHidden";function dd(e,t){var n=t?ur(t):ur();if(n){var r=n.document.body.classList;r.add(e?Go:ax),r.remove(e?ax:Go)}}var sx=new WeakMap;function lx(e,t){var n,r=sx.get(e);return r?n=r+t:n=1,sx.set(e,n),n}function jF(e){T.useEffect(function(){var t,n=ur(e==null?void 0:e.current);if(!(!n||((t=n.FabricConfig)===null||t===void 0?void 0:t.disableFocusRects)===!0)){var r=lx(n,1);return r<=1&&(n.addEventListener("mousedown",ux,!0),n.addEventListener("pointerdown",cx,!0),n.addEventListener("keydown",fx,!0)),function(){var o;!n||((o=n.FabricConfig)===null||o===void 0?void 0:o.disableFocusRects)===!0||(r=lx(n,-1),r===0&&(n.removeEventListener("mousedown",ux,!0),n.removeEventListener("pointerdown",cx,!0),n.removeEventListener("keydown",fx,!0)))}}},[e])}var HK=function(e){return jF(e.rootRef),null};function ux(e){dd(!1,e.target)}function cx(e){e.pointerType!=="mouse"&&dd(!1,e.target)}function fx(e){zK(e.which)&&dd(!0,e.target)}function UK(e){var t=null;try{var n=ur();t=n?n.localStorage.getItem(e):null}catch{}return t}var tc,dx="language";function qK(e){if(e===void 0&&(e="sessionStorage"),tc===void 0){var t=ss(),n=e==="localStorage"?UK(dx):e==="sessionStorage"?FF(dx):void 0;n&&(tc=n),tc===void 0&&t&&(tc=t.documentElement.getAttribute("lang")),tc===void 0&&(tc="en")}return tc}function hx(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];for(var r=0,o=t;r<o.length;r++){var i=o[r];zF(e||{},i)}return e}function zF(e,t,n){n===void 0&&(n=[]),n.push(t);for(var r in t)if(t.hasOwnProperty(r)&&r!=="__proto__"&&r!=="constructor"&&r!=="prototype"){var o=t[r];if(typeof o=="object"&&o!==null&&!Array.isArray(o)){var i=n.indexOf(o)>-1;e[r]=i?o:zF(e[r]||{},o,n)}else e[r]=o}return n.pop(),e}var px=function(){return!window||!window.navigator||!window.navigator.userAgent?!1:/iPad|iPhone|iPod/i.test(window.navigator.userAgent)},$K=["TEMPLATE","STYLE","SCRIPT"];function WK(e){var t=ss(e);if(!t)return function(){};for(var n=[];e!==t.body&&e.parentElement;){for(var r=0,o=e.parentElement.children;r<o.length;r++){var i=o[r],a=i.getAttribute("aria-hidden");i!==e&&(a==null?void 0:a.toLowerCase())!=="true"&&$K.indexOf(i.tagName)===-1&&n.push([i,a])}e=e.parentElement}return n.forEach(function(s){var l=s[0];l.setAttribute("aria-hidden","true")}),function(){GK(n),n=[]}}function GK(e){e.forEach(function(t){var n=t[0],r=t[1];r?n.setAttribute("aria-hidden",r):n.removeAttribute("aria-hidden")})}var r2;function mx(e){var t;if(typeof r2>"u"||e){var n=ur(),r=(t=n==null?void 0:n.navigator)===null||t===void 0?void 0:t.userAgent;r2=!!r&&r.indexOf("Macintosh")!==-1}return!!r2}function KK(e){var t=Od(function(n){var r=Od(function(o){return function(i){return n(i,o)}});return function(o,i){return e(o,i?r(i):n)}});return t}var VK=Od(KK);function HF(e,t){return VK(e)(t)}var YK=["theme","styles"];function gl(e,t,n,r,o){r=r||{scope:"",fields:void 0};var i=r.scope,a=r.fields,s=a===void 0?YK:a,l=T.forwardRef(function(d,h){var p=T.useRef(),m=CK(s,i),v=m.styles;m.dir;var _=pl(m,["styles","dir"]),b=n?n(d):void 0,E=p.current&&p.current.__cachedInputs__||[],w=d.styles;if(!p.current||v!==E[1]||w!==E[2]){var k=function(y){return kF(y,t,v,w)};k.__cachedInputs__=[t,v,w],k.__noStyleOverride__=!v&&!w,p.current=k}return T.createElement(e,oe({ref:h},_,b,d,{styles:p.current}))});l.displayName="Styled"+(e.displayName||e.name);var u=o?T.memo(l):l;return l.displayName&&(u.displayName=l.displayName),u}function S4(e,t){for(var n=oe({},t),r=0,o=Object.keys(e);r<o.length;r++){var i=o[r];n[i]===void 0&&(n[i]=e[i])}return n}var QK=function(e){return function(t){for(var n=0,r=e.refs;n<r.length;n++){var o=r[n];typeof o=="function"?o(t):o&&(o.current=t)}}},XK=function(e){var t={refs:[]};return function(){for(var n=[],r=0;r<arguments.length;r++)n[r]=arguments[r];return(!t.resolver||!$G(t.refs,n))&&(t.resolver=QK(t)),t.refs=n,t.resolver}},i0=T.useLayoutEffect,ZK="icons",mi=NF.getValue(ZK,{__options:{disableWarnings:!1,warnOnMissingIcons:!0},__remapped:{}}),o2=Qi.getInstance();o2&&o2.onReset&&o2.onReset(function(){for(var e in mi)mi.hasOwnProperty(e)&&mi[e].subset&&(mi[e].subset.className=void 0)});var sv=function(e){return e.toLowerCase()};function Ar(e,t){var n=oe(oe({},e),{isRegistered:!1,className:void 0}),r=e.icons;t=t?oe(oe({},mi.__options),t):mi.__options;for(var o in r)if(r.hasOwnProperty(o)){var i=r[o],a=sv(o);mi[a]?eV(o):mi[a]={code:i,subset:n}}}function nc(e,t){mi.__remapped[sv(e)]=sv(t)}function JK(e){var t=void 0,n=mi.__options;if(e=e?sv(e):"",e=mi.__remapped[e]||e,e)if(t=mi[e],t){var r=t.subset;r&&r.fontFace&&(r.isRegistered||(SF(r.fontFace),r.isRegistered=!0),r.className||(r.className=Fo(r.style,{fontFamily:r.fontFace.fontFamily,fontWeight:r.fontFace.fontWeight||"normal",fontStyle:r.fontFace.fontStyle||"normal"})))}else!n.disableWarnings&&n.warnOnMissingIcons&&xF('The icon "'+e+'" was used but not registered. See https://github.com/microsoft/fluentui/wiki/Using-icons for more information.');return t}var z1=[],i2=void 0;function eV(e){var t=mi.__options,n=2e3,r=10;t.disableWarnings||(z1.push(e),i2===void 0&&(i2=setTimeout(function(){xF(`Some icons were re-registered. Applications should only call registerIcons for any given icon once. Redefining what an icon is may have unintended consequences. Duplicates include:
`+z1.slice(0,r).join(", ")+(z1.length>r?" (+ "+(z1.length-r)+" more)":"")),i2=void 0,z1=[]},n)))}function tV(e,t,n,r,o){o===void 0&&(o=!1);var i=oe({primaryButtonBorder:"transparent",errorText:r?"#F1707B":"#a4262c",messageText:r?"#F3F2F1":"#323130",messageLink:r?"#6CB8F6":"#005A9E",messageLinkHovered:r?"#82C7FF":"#004578",infoIcon:r?"#C8C6C4":"#605e5c",errorIcon:r?"#F1707B":"#A80000",blockingIcon:r?"#442726":"#FDE7E9",warningIcon:r?"#C8C6C4":"#797775",severeWarningIcon:r?"#FCE100":"#D83B01",successIcon:r?"#92C353":"#107C10",infoBackground:r?"#323130":"#f3f2f1",errorBackground:r?"#442726":"#FDE7E9",blockingBackground:r?"#442726":"#FDE7E9",warningBackground:r?"#433519":"#FFF4CE",severeWarningBackground:r?"#4F2A0F":"#FED9CC",successBackground:r?"#393D1B":"#DFF6DD",warningHighlight:r?"#fff100":"#ffb900",successText:r?"#92c353":"#107C10"},n),a=UF(e,t,i,r);return nV(a,o)}function UF(e,t,n,r,o){var i={},a=e||{},s=a.white,l=a.black,u=a.themePrimary,d=a.themeDark,h=a.themeDarker,p=a.themeDarkAlt,m=a.themeLighter,v=a.neutralLight,_=a.neutralLighter,b=a.neutralDark,E=a.neutralQuaternary,w=a.neutralQuaternaryAlt,k=a.neutralPrimary,y=a.neutralSecondary,F=a.neutralSecondaryAlt,C=a.neutralTertiary,A=a.neutralTertiaryAlt,P=a.neutralLighterAlt,I=a.accent;return s&&(i.bodyBackground=s,i.bodyFrameBackground=s,i.accentButtonText=s,i.buttonBackground=s,i.primaryButtonText=s,i.primaryButtonTextHovered=s,i.primaryButtonTextPressed=s,i.inputBackground=s,i.inputForegroundChecked=s,i.listBackground=s,i.menuBackground=s,i.cardStandoutBackground=s),l&&(i.bodyTextChecked=l,i.buttonTextCheckedHovered=l),u&&(i.link=u,i.primaryButtonBackground=u,i.inputBackgroundChecked=u,i.inputIcon=u,i.inputFocusBorderAlt=u,i.menuIcon=u,i.menuHeader=u,i.accentButtonBackground=u),d&&(i.primaryButtonBackgroundPressed=d,i.inputBackgroundCheckedHovered=d,i.inputIconHovered=d),h&&(i.linkHovered=h),p&&(i.primaryButtonBackgroundHovered=p),m&&(i.inputPlaceholderBackgroundChecked=m),v&&(i.bodyBackgroundChecked=v,i.bodyFrameDivider=v,i.bodyDivider=v,i.variantBorder=v,i.buttonBackgroundCheckedHovered=v,i.buttonBackgroundPressed=v,i.listItemBackgroundChecked=v,i.listHeaderBackgroundPressed=v,i.menuItemBackgroundPressed=v,i.menuItemBackgroundChecked=v),_&&(i.bodyBackgroundHovered=_,i.buttonBackgroundHovered=_,i.buttonBackgroundDisabled=_,i.buttonBorderDisabled=_,i.primaryButtonBackgroundDisabled=_,i.disabledBackground=_,i.listItemBackgroundHovered=_,i.listHeaderBackgroundHovered=_,i.menuItemBackgroundHovered=_),E&&(i.primaryButtonTextDisabled=E,i.disabledSubtext=E),w&&(i.listItemBackgroundCheckedHovered=w),C&&(i.disabledBodyText=C,i.variantBorderHovered=(n==null?void 0:n.variantBorderHovered)||C,i.buttonTextDisabled=C,i.inputIconDisabled=C,i.disabledText=C),k&&(i.bodyText=k,i.actionLink=k,i.buttonText=k,i.inputBorderHovered=k,i.inputText=k,i.listText=k,i.menuItemText=k),P&&(i.bodyStandoutBackground=P,i.defaultStateBackground=P),b&&(i.actionLinkHovered=b,i.buttonTextHovered=b,i.buttonTextChecked=b,i.buttonTextPressed=b,i.inputTextHovered=b,i.menuItemTextHovered=b),y&&(i.bodySubtext=y,i.focusBorder=y,i.inputBorder=y,i.smallInputBorder=y,i.inputPlaceholderText=y),F&&(i.buttonBorder=F),A&&(i.disabledBodySubtext=A,i.disabledBorder=A,i.buttonBackgroundChecked=A,i.menuDivider=A),I&&(i.accentButtonBackground=I),t!=null&&t.elevation4&&(i.cardShadow=t.elevation4),!r&&(t!=null&&t.elevation8)?i.cardShadowHovered=t.elevation8:i.variantBorderHovered&&(i.cardShadowHovered="0 0 1px "+i.variantBorderHovered),i=oe(oe({},i),n),i}function nV(e,t){var n="";return t===!0&&(n=" /* @deprecated */"),e.listTextColor=e.listText+n,e.menuItemBackgroundChecked+=n,e.warningHighlight+=n,e.warningText=e.messageText+n,e.successText+=n,e}function rV(e,t){var n,r,o;t===void 0&&(t={});var i=hx({},e,t,{semanticColors:UF(t.palette,t.effects,t.semanticColors,t.isInverted===void 0?e.isInverted:t.isInverted)});if(!((n=t.palette)===null||n===void 0)&&n.themePrimary&&!(!((r=t.palette)===null||r===void 0)&&r.accent)&&(i.palette.accent=t.palette.themePrimary),t.defaultFontStyle)for(var a=0,s=Object.keys(i.fonts);a<s.length;a++){var l=s[a];i.fonts[l]=hx(i.fonts[l],t.defaultFontStyle,(o=t==null?void 0:t.fonts)===null||o===void 0?void 0:o[l])}return i}var gx={themeDarker:"#004578",themeDark:"#005a9e",themeDarkAlt:"#106ebe",themePrimary:"#0078d4",themeSecondary:"#2b88d8",themeTertiary:"#71afe5",themeLight:"#c7e0f4",themeLighter:"#deecf9",themeLighterAlt:"#eff6fc",black:"#000000",blackTranslucent40:"rgba(0,0,0,.4)",neutralDark:"#201f1e",neutralPrimary:"#323130",neutralPrimaryAlt:"#3b3a39",neutralSecondary:"#605e5c",neutralSecondaryAlt:"#8a8886",neutralTertiary:"#a19f9d",neutralTertiaryAlt:"#c8c6c4",neutralQuaternary:"#d2d0ce",neutralQuaternaryAlt:"#e1dfdd",neutralLight:"#edebe9",neutralLighter:"#f3f2f1",neutralLighterAlt:"#faf9f8",accent:"#0078d4",white:"#ffffff",whiteTranslucent40:"rgba(255,255,255,.4)",yellowDark:"#d29200",yellow:"#ffb900",yellowLight:"#fff100",orange:"#d83b01",orangeLight:"#ea4300",orangeLighter:"#ff8c00",redDark:"#a4262c",red:"#e81123",magentaDark:"#5c005c",magenta:"#b4009e",magentaLight:"#e3008c",purpleDark:"#32145a",purple:"#5c2d91",purpleLight:"#b4a0ff",blueDark:"#002050",blueMid:"#00188f",blue:"#0078d4",blueLight:"#00bcf2",tealDark:"#004b50",teal:"#008272",tealLight:"#00b294",greenDark:"#004b1c",green:"#107c10",greenLight:"#bad80a"},Xf;(function(e){e.depth0="0 0 0 0 transparent",e.depth4="0 1.6px 3.6px 0 rgba(0, 0, 0, 0.132), 0 0.3px 0.9px 0 rgba(0, 0, 0, 0.108)",e.depth8="0 3.2px 7.2px 0 rgba(0, 0, 0, 0.132), 0 0.6px 1.8px 0 rgba(0, 0, 0, 0.108)",e.depth16="0 6.4px 14.4px 0 rgba(0, 0, 0, 0.132), 0 1.2px 3.6px 0 rgba(0, 0, 0, 0.108)",e.depth64="0 25.6px 57.6px 0 rgba(0, 0, 0, 0.22), 0 4.8px 14.4px 0 rgba(0, 0, 0, 0.18)"})(Xf||(Xf={}));var vx={elevation4:Xf.depth4,elevation8:Xf.depth8,elevation16:Xf.depth16,elevation64:Xf.depth64,roundedCorner2:"2px",roundedCorner4:"4px",roundedCorner6:"6px"},oV={s2:"4px",s1:"8px",m:"16px",l1:"20px",l2:"32px"},vn="cubic-bezier(.1,.9,.2,1)",Ri="cubic-bezier(.1,.25,.75,.9)",_m="0.167s",bx="0.267s",sn="0.367s",yx="0.467s",Br=Ji({from:{opacity:0},to:{opacity:1}}),Rr=Ji({from:{opacity:1},to:{opacity:0,visibility:"hidden"}}),iV=Fu(-10),aV=Fu(-20),sV=Fu(-40),lV=Fu(-400),uV=Fu(10),cV=Fu(20),fV=Fu(40),dV=Fu(400),hV=wb(10),pV=wb(20),mV=wb(-10),gV=wb(-20),vV=Iu(10),bV=Iu(20),yV=Iu(40),EV=Iu(400),_V=Iu(-10),TV=Iu(-20),wV=Iu(-40),kV=Iu(-400),SV=kb(-10),xV=kb(-20),CV=kb(10),AV=kb(20),NV=Ji({from:{transform:"scale3d(.98,.98,1)"},to:{transform:"scale3d(1,1,1)"}}),FV=Ji({from:{transform:"scale3d(1,1,1)"},to:{transform:"scale3d(.98,.98,1)"}}),IV=Ji({from:{transform:"scale3d(1.03,1.03,1)"},to:{transform:"scale3d(1,1,1)"}}),BV=Ji({from:{transform:"scale3d(1,1,1)"},to:{transform:"scale3d(1.03,1.03,1)"}}),RV=Ji({from:{transform:"rotateZ(0deg)"},to:{transform:"rotateZ(90deg)"}}),OV=Ji({from:{transform:"rotateZ(0deg)"},to:{transform:"rotateZ(-90deg)"}}),DV={slideRightIn10:Ct(Br+","+iV,sn,vn),slideRightIn20:Ct(Br+","+aV,sn,vn),slideRightIn40:Ct(Br+","+sV,sn,vn),slideRightIn400:Ct(Br+","+lV,sn,vn),slideLeftIn10:Ct(Br+","+uV,sn,vn),slideLeftIn20:Ct(Br+","+cV,sn,vn),slideLeftIn40:Ct(Br+","+fV,sn,vn),slideLeftIn400:Ct(Br+","+dV,sn,vn),slideUpIn10:Ct(Br+","+hV,sn,vn),slideUpIn20:Ct(Br+","+pV,sn,vn),slideDownIn10:Ct(Br+","+mV,sn,vn),slideDownIn20:Ct(Br+","+gV,sn,vn),slideRightOut10:Ct(Rr+","+vV,sn,vn),slideRightOut20:Ct(Rr+","+bV,sn,vn),slideRightOut40:Ct(Rr+","+yV,sn,vn),slideRightOut400:Ct(Rr+","+EV,sn,vn),slideLeftOut10:Ct(Rr+","+_V,sn,vn),slideLeftOut20:Ct(Rr+","+TV,sn,vn),slideLeftOut40:Ct(Rr+","+wV,sn,vn),slideLeftOut400:Ct(Rr+","+kV,sn,vn),slideUpOut10:Ct(Rr+","+SV,sn,vn),slideUpOut20:Ct(Rr+","+xV,sn,vn),slideDownOut10:Ct(Rr+","+CV,sn,vn),slideDownOut20:Ct(Rr+","+AV,sn,vn),scaleUpIn100:Ct(Br+","+NV,sn,vn),scaleDownIn100:Ct(Br+","+IV,sn,vn),scaleUpOut103:Ct(Rr+","+BV,_m,Ri),scaleDownOut98:Ct(Rr+","+FV,_m,Ri),fadeIn100:Ct(Br,_m,Ri),fadeIn200:Ct(Br,bx,Ri),fadeIn400:Ct(Br,sn,Ri),fadeIn500:Ct(Br,yx,Ri),fadeOut100:Ct(Rr,_m,Ri),fadeOut200:Ct(Rr,bx,Ri),fadeOut400:Ct(Rr,sn,Ri),fadeOut500:Ct(Rr,yx,Ri),rotate90deg:Ct(RV,"0.1s",Ri),rotateN90deg:Ct(OV,"0.1s",Ri)};function Ct(e,t,n){return{animationName:e,animationDuration:t,animationTimingFunction:n,animationFillMode:"both"}}function Fu(e){return Ji({from:{transform:"translate3d("+e+"px,0,0)",pointerEvents:"none"},to:{transform:"translate3d(0,0,0)",pointerEvents:"auto"}})}function wb(e){return Ji({from:{transform:"translate3d(0,"+e+"px,0)",pointerEvents:"none"},to:{transform:"translate3d(0,0,0)",pointerEvents:"auto"}})}function Iu(e){return Ji({from:{transform:"translate3d(0,0,0)"},to:{transform:"translate3d("+e+"px,0,0)"}})}function kb(e){return Ji({from:{transform:"translate3d(0,0,0)"},to:{transform:"translate3d(0,"+e+"px,0)"}})}var zn;(function(e){e.Arabic="Segoe UI Web (Arabic)",e.Cyrillic="Segoe UI Web (Cyrillic)",e.EastEuropean="Segoe UI Web (East European)",e.Greek="Segoe UI Web (Greek)",e.Hebrew="Segoe UI Web (Hebrew)",e.Thai="Leelawadee UI Web",e.Vietnamese="Segoe UI Web (Vietnamese)",e.WestEuropean="Segoe UI Web (West European)",e.Selawik="Selawik Web",e.Armenian="Segoe UI Web (Armenian)",e.Georgian="Segoe UI Web (Georgian)"})(zn||(zn={}));var rn;(function(e){e.Arabic="'"+zn.Arabic+"'",e.ChineseSimplified="'Microsoft Yahei UI', Verdana, Simsun",e.ChineseTraditional="'Microsoft Jhenghei UI', Pmingliu",e.Cyrillic="'"+zn.Cyrillic+"'",e.EastEuropean="'"+zn.EastEuropean+"'",e.Greek="'"+zn.Greek+"'",e.Hebrew="'"+zn.Hebrew+"'",e.Hindi="'Nirmala UI'",e.Japanese="'Yu Gothic UI', 'Meiryo UI', Meiryo, 'MS Pgothic', Osaka",e.Korean="'Malgun Gothic', Gulim",e.Selawik="'"+zn.Selawik+"'",e.Thai="'Leelawadee UI Web', 'Kmer UI'",e.Vietnamese="'"+zn.Vietnamese+"'",e.WestEuropean="'"+zn.WestEuropean+"'",e.Armenian="'"+zn.Armenian+"'",e.Georgian="'"+zn.Georgian+"'"})(rn||(rn={}));var So;(function(e){e.size10="10px",e.size12="12px",e.size14="14px",e.size16="16px",e.size18="18px",e.size20="20px",e.size24="24px",e.size28="28px",e.size32="32px",e.size42="42px",e.size68="68px",e.mini="10px",e.xSmall="10px",e.small="12px",e.smallPlus="12px",e.medium="14px",e.mediumPlus="16px",e.icon="16px",e.large="18px",e.xLarge="20px",e.xLargePlus="24px",e.xxLarge="28px",e.xxLargePlus="32px",e.superLarge="42px",e.mega="68px"})(So||(So={}));var Rn;(function(e){e.light=100,e.semilight=300,e.regular=400,e.semibold=600,e.bold=700})(Rn||(Rn={}));var Kl;(function(e){e.xSmall="10px",e.small="12px",e.medium="16px",e.large="20px"})(Kl||(Kl={}));var PV="'Segoe UI', -apple-system, BlinkMacSystemFont, 'Roboto', 'Helvetica Neue', sans-serif",MV="'Segoe UI', '"+zn.WestEuropean+"'",a2={ar:rn.Arabic,bg:rn.Cyrillic,cs:rn.EastEuropean,el:rn.Greek,et:rn.EastEuropean,he:rn.Hebrew,hi:rn.Hindi,hr:rn.EastEuropean,hu:rn.EastEuropean,ja:rn.Japanese,kk:rn.EastEuropean,ko:rn.Korean,lt:rn.EastEuropean,lv:rn.EastEuropean,pl:rn.EastEuropean,ru:rn.Cyrillic,sk:rn.EastEuropean,"sr-latn":rn.EastEuropean,th:rn.Thai,tr:rn.EastEuropean,uk:rn.Cyrillic,vi:rn.Vietnamese,"zh-hans":rn.ChineseSimplified,"zh-hant":rn.ChineseTraditional,hy:rn.Armenian,ka:rn.Georgian};function LV(e){return e+", "+PV}function jV(e){for(var t in a2)if(a2.hasOwnProperty(t)&&e&&t.indexOf(e)===0)return a2[t];return MV}function fi(e,t,n){return{fontFamily:n,MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontSize:e,fontWeight:t}}function zV(e){var t=jV(e),n=LV(t),r={tiny:fi(So.mini,Rn.regular,n),xSmall:fi(So.xSmall,Rn.regular,n),small:fi(So.small,Rn.regular,n),smallPlus:fi(So.smallPlus,Rn.regular,n),medium:fi(So.medium,Rn.regular,n),mediumPlus:fi(So.mediumPlus,Rn.regular,n),large:fi(So.large,Rn.regular,n),xLarge:fi(So.xLarge,Rn.semibold,n),xLargePlus:fi(So.xLargePlus,Rn.semibold,n),xxLarge:fi(So.xxLarge,Rn.semibold,n),xxLargePlus:fi(So.xxLargePlus,Rn.semibold,n),superLarge:fi(So.superLarge,Rn.semibold,n),mega:fi(So.mega,Rn.semibold,n)};return r}var HV="https://static2.sharepointonline.com/files/fabric/assets",UV=zV(qK());function mc(e,t,n,r){e="'"+e+"'";var o=r!==void 0?"local('"+r+"'),":"";SF({fontFamily:e,src:o+("url('"+t+".woff2') format('woff2'),")+("url('"+t+".woff') format('woff')"),fontWeight:n,fontStyle:"normal",fontDisplay:"swap"})}function fa(e,t,n,r,o){r===void 0&&(r="segoeui");var i=e+"/"+n+"/"+r;mc(t,i+"-light",Rn.light,o&&o+" Light"),mc(t,i+"-semilight",Rn.semilight,o&&o+" SemiLight"),mc(t,i+"-regular",Rn.regular,o),mc(t,i+"-semibold",Rn.semibold,o&&o+" SemiBold"),mc(t,i+"-bold",Rn.bold,o&&o+" Bold")}function qV(e){if(e){var t=e+"/fonts";fa(t,zn.Thai,"leelawadeeui-thai","leelawadeeui"),fa(t,zn.Arabic,"segoeui-arabic"),fa(t,zn.Cyrillic,"segoeui-cyrillic"),fa(t,zn.EastEuropean,"segoeui-easteuropean"),fa(t,zn.Greek,"segoeui-greek"),fa(t,zn.Hebrew,"segoeui-hebrew"),fa(t,zn.Vietnamese,"segoeui-vietnamese"),fa(t,zn.WestEuropean,"segoeui-westeuropean","segoeui","Segoe UI"),fa(t,rn.Selawik,"selawik","selawik"),fa(t,zn.Armenian,"segoeui-armenian"),fa(t,zn.Georgian,"segoeui-georgian"),mc("Leelawadee UI Web",t+"/leelawadeeui-thai/leelawadeeui-semilight",Rn.light),mc("Leelawadee UI Web",t+"/leelawadeeui-thai/leelawadeeui-bold",Rn.semibold)}}function $V(){var e,t,n=(e=ur())===null||e===void 0?void 0:e.FabricConfig;return(t=n==null?void 0:n.fontBaseUrl)!==null&&t!==void 0?t:HV}qV($V());function Sb(e,t){e===void 0&&(e={}),t===void 0&&(t=!1);var n=!!e.isInverted,r={palette:gx,effects:vx,fonts:UV,spacing:oV,isInverted:n,disableGlobalClassNames:!1,semanticColors:tV(gx,vx,void 0,n,t),rtl:void 0};return rV(r,e)}var Ao="@media screen and (-ms-high-contrast: active), (forced-colors: active)",WV=640,qF=WV-1;function $F(e,t){var n=typeof e=="number"?" and (min-width: "+e+"px)":"",r=typeof t=="number"?" and (max-width: "+t+"px)":"";return"@media only screen"+n+r}function WF(){return{forcedColorAdjust:"none",MsHighContrastAdjust:"none"}}var Dd;(function(e){e.Nav=1,e.ScrollablePane=1,e.FocusStyle=1,e.Coachmark=1e3,e.Layer=1e6,e.KeytipLayer=1000001})(Dd||(Dd={}));function Pd(e,t,n,r,o,i,a){return typeof t=="number"||!t?Ex(e,{inset:t,position:n,highContrastStyle:r,borderColor:o,outlineColor:i,isFocusedOnly:a}):Ex(e,t)}function Ex(e,t){var n,r;t===void 0&&(t={});var o=t.inset,i=o===void 0?0:o,a=t.width,s=a===void 0?1:a,l=t.position,u=l===void 0?"relative":l,d=t.highContrastStyle,h=t.borderColor,p=h===void 0?e.palette.white:h,m=t.outlineColor,v=m===void 0?e.palette.neutralSecondary:m,_=t.isFocusedOnly,b=_===void 0?!0:_;return{outline:"transparent",position:u,selectors:(n={"::-moz-focus-inner":{border:"0"}},n["."+Go+" &"+(b?":focus":"")+":after"]={content:'""',position:"absolute",left:i+1,top:i+1,bottom:i+1,right:i+1,border:s+"px solid "+p,outline:s+"px solid "+v,zIndex:Dd.FocusStyle,selectors:(r={},r[Ao]=d,r)},n)}}function GV(){return{selectors:{"&::-moz-focus-inner":{border:0},"&":{outline:"transparent"}}}}var GF={position:"absolute",width:1,height:1,margin:-1,padding:0,border:0,overflow:"hidden",whiteSpace:"nowrap"},KV=Cr(function(e,t){var n=Qi.getInstance();return t?Object.keys(e).reduce(function(r,o){return r[o]=n.getClassName(e[o]),r},{}):e});function hs(e,t,n){return KV(e,n!==void 0?n:t.disableGlobalClassNames)}var lv=globalThis&&globalThis.__assign||function(){return lv=Object.assign||function(e){for(var t,n=1,r=arguments.length;n<r;n++){t=arguments[n];for(var o in t)Object.prototype.hasOwnProperty.call(t,o)&&(e[o]=t[o])}return e},lv.apply(this,arguments)},Ch=typeof window>"u"?global:window,_x=Ch&&Ch.CSPSettings&&Ch.CSPSettings.nonce,gi=VV();function VV(){var e=Ch.__themeState__||{theme:void 0,lastStyleElement:void 0,registeredStyles:[]};return e.runState||(e=lv({},e,{perf:{count:0,duration:0},runState:{flushTimer:0,mode:0,buffer:[]}})),e.registeredThemableStyles||(e=lv({},e,{registeredThemableStyles:[]})),Ch.__themeState__=e,e}function YV(e,t){gi.loadStyles?gi.loadStyles(VF(e).styleString,e):ZV(e)}function KF(e){gi.theme=e,XV()}function QV(e){e===void 0&&(e=3),(e===3||e===2)&&(Tx(gi.registeredStyles),gi.registeredStyles=[]),(e===3||e===1)&&(Tx(gi.registeredThemableStyles),gi.registeredThemableStyles=[])}function Tx(e){e.forEach(function(t){var n=t&&t.styleElement;n&&n.parentElement&&n.parentElement.removeChild(n)})}function XV(){if(gi.theme){for(var e=[],t=0,n=gi.registeredThemableStyles;t<n.length;t++){var r=n[t];e.push(r.themableStyle)}e.length>0&&(QV(1),YV([].concat.apply([],e)))}}function VF(e){var t=gi.theme,n=!1,r=(e||[]).map(function(o){var i=o.theme;if(i){n=!0;var a=t?t[i]:void 0,s=o.defaultValue||"inherit";return t&&!a&&console&&!(i in t)&&typeof DEBUG<"u"&&DEBUG&&console.warn('Theming value not provided for "'+i+'". Falling back to "'+s+'".'),a||s}else return o.rawString});return{styleString:r.join(""),themable:n}}function ZV(e){if(!(typeof document>"u")){var t=document.getElementsByTagName("head")[0],n=document.createElement("style"),r=VF(e),o=r.styleString,i=r.themable;n.setAttribute("data-load-themed-styles","true"),_x&&n.setAttribute("nonce",_x),n.appendChild(document.createTextNode(o)),gi.perf.count++,t.appendChild(n);var a=document.createEvent("HTMLEvents");a.initEvent("styleinsert",!0,!1),a.args={newStyle:n},document.dispatchEvent(a);var s={styleElement:n,themableStyle:e};i?gi.registeredThemableStyles.push(s):gi.registeredStyles.push(s)}}var La=Sb({}),JV=[],_E="theme";function YF(){var e,t,n,r=ur();!((t=r==null?void 0:r.FabricConfig)===null||t===void 0)&&t.legacyTheme?eY(r.FabricConfig.legacyTheme):$i.getSettings([_E]).theme||(!((n=r==null?void 0:r.FabricConfig)===null||n===void 0)&&n.theme&&(La=Sb(r.FabricConfig.theme)),$i.applySettings((e={},e[_E]=La,e)))}YF();function eY(e,t){var n;return t===void 0&&(t=!1),La=Sb(e,t),KF(oe(oe(oe(oe({},La.palette),La.semanticColors),La.effects),tY(La))),$i.applySettings((n={},n[_E]=La,n)),JV.forEach(function(r){try{r(La)}catch{}}),La}function tY(e){for(var t={},n=0,r=Object.keys(e.fonts);n<r.length;n++)for(var o=r[n],i=e.fonts[o],a=0,s=Object.keys(i);a<s.length;a++){var l=s[a],u=o+l.charAt(0).toUpperCase()+l.slice(1),d=i[l];l==="fontSize"&&typeof d=="number"&&(d=d+"px"),t[u]=d}return t}var bc=DG(DV);yb("@fluentui/style-utilities","8.6.0");YF();var hr={topLeftEdge:0,topCenter:1,topRightEdge:2,topAutoEdge:3,bottomLeftEdge:4,bottomCenter:5,bottomRightEdge:6,bottomAutoEdge:7,leftTopEdge:8,leftCenter:9,leftBottomEdge:10,rightTopEdge:11,rightCenter:12,rightBottomEdge:13},Je;(function(e){e[e.top=1]="top",e[e.bottom=-1]="bottom",e[e.left=2]="left",e[e.right=-2]="right"})(Je||(Je={}));var wx;(function(e){e[e.top=0]="top",e[e.bottom=1]="bottom",e[e.start=2]="start",e[e.end=3]="end"})(wx||(wx={}));var oo;function Ho(e,t,n){return{targetEdge:e,alignmentEdge:t,isAuto:n}}var kx=(oo={},oo[hr.topLeftEdge]=Ho(Je.top,Je.left),oo[hr.topCenter]=Ho(Je.top),oo[hr.topRightEdge]=Ho(Je.top,Je.right),oo[hr.topAutoEdge]=Ho(Je.top,void 0,!0),oo[hr.bottomLeftEdge]=Ho(Je.bottom,Je.left),oo[hr.bottomCenter]=Ho(Je.bottom),oo[hr.bottomRightEdge]=Ho(Je.bottom,Je.right),oo[hr.bottomAutoEdge]=Ho(Je.bottom,void 0,!0),oo[hr.leftTopEdge]=Ho(Je.left,Je.top),oo[hr.leftCenter]=Ho(Je.left),oo[hr.leftBottomEdge]=Ho(Je.left,Je.bottom),oo[hr.rightTopEdge]=Ho(Je.right,Je.top),oo[hr.rightCenter]=Ho(Je.right),oo[hr.rightBottomEdge]=Ho(Je.right,Je.bottom),oo);function x4(e,t){return!(e.top<t.top||e.bottom>t.bottom||e.left<t.left||e.right>t.right)}function uv(e,t){var n=[];return e.top<t.top&&n.push(Je.top),e.bottom>t.bottom&&n.push(Je.bottom),e.left<t.left&&n.push(Je.left),e.right>t.right&&n.push(Je.right),n}function po(e,t){return e[Je[t]]}function Sx(e,t,n){return e[Je[t]]=n,e}function a0(e,t){var n=Xd(t);return(po(e,n.positiveEdge)+po(e,n.negativeEdge))/2}function xb(e,t){return e>0?t:t*-1}function TE(e,t){return xb(e,po(t,e))}function Qs(e,t,n){var r=po(e,n)-po(t,n);return xb(n,r)}function Md(e,t,n,r){r===void 0&&(r=!0);var o=po(e,t)-n,i=Sx(e,t,n);return r&&(i=Sx(e,t*-1,po(e,t*-1)-o)),i}function s0(e,t,n,r){return r===void 0&&(r=0),Md(e,n,po(t,n)+xb(n,r))}function nY(e,t,n,r){r===void 0&&(r=0);var o=n*-1,i=xb(o,r);return Md(e,n*-1,po(t,n)+i)}function cv(e,t,n){var r=TE(n,e);return r>TE(n,t)}function rY(e,t){for(var n=uv(e,t),r=0,o=0,i=n;o<i.length;o++){var a=i[o];r+=Math.pow(Qs(e,t,a),2)}return r}function oY(e,t,n,r,o){o===void 0&&(o=0);var i=[Je.left,Je.right,Je.bottom,Je.top];ls()&&(i[0]*=-1,i[1]*=-1);for(var a=e,s=r.targetEdge,l=r.alignmentEdge,u,d=s,h=l,p=0;p<4;p++){if(cv(a,n,s))return{elementRectangle:a,targetEdge:s,alignmentEdge:l};var m=rY(a,n);(!u||m<u)&&(u=m,d=s,h=l),i.splice(i.indexOf(s),1),i.length>0&&(i.indexOf(s*-1)>-1?s=s*-1:(l=s,s=i.slice(-1)[0]),a=fv(e,t,{targetEdge:s,alignmentEdge:l},o))}return a=fv(e,t,{targetEdge:d,alignmentEdge:h},o),{elementRectangle:a,targetEdge:d,alignmentEdge:h}}function iY(e,t,n,r){var o=e.alignmentEdge,i=e.targetEdge,a=e.elementRectangle,s=o*-1,l=fv(a,t,{targetEdge:i,alignmentEdge:s},n,r);return{elementRectangle:l,targetEdge:i,alignmentEdge:s}}function aY(e,t,n,r,o,i,a){o===void 0&&(o=0);var s=r.alignmentEdge,l=r.alignTargetEdge,u={elementRectangle:e,targetEdge:r.targetEdge,alignmentEdge:s};!i&&!a&&(u=oY(e,t,n,r,o));var d=uv(u.elementRectangle,n),h=i?-u.targetEdge:void 0;if(d.length>0)if(l)if(u.alignmentEdge&&d.indexOf(u.alignmentEdge*-1)>-1){var p=iY(u,t,o,a);if(x4(p.elementRectangle,n))return p;u=s2(uv(p.elementRectangle,n),u,n,h)}else u=s2(d,u,n,h);else u=s2(d,u,n,h);return u}function s2(e,t,n,r){for(var o=0,i=e;o<i.length;o++){var a=i[o],s=void 0;if(r&&r===a*-1)s=Md(t.elementRectangle,a,po(n,a),!1),t.forcedInBounds=!0;else{s=s0(t.elementRectangle,n,a);var l=cv(s,n,a*-1);l||(s=Md(s,a*-1,po(n,a*-1),!1),t.forcedInBounds=!0)}t.elementRectangle=s}return t}function QF(e,t,n){var r=Xd(t).positiveEdge,o=a0(e,t),i=o-po(e,r);return Md(e,r,n-i)}function fv(e,t,n,r,o){r===void 0&&(r=0);var i=new ts(e.left,e.right,e.top,e.bottom),a=n.alignmentEdge,s=n.targetEdge,l=o?s:s*-1;if(i=o?s0(i,t,s,r):nY(i,t,s,r),a)i=s0(i,t,a);else{var u=a0(t,s);i=QF(i,l,u)}return i}function Xd(e){return e===Je.top||e===Je.bottom?{positiveEdge:Je.left,negativeEdge:Je.right}:{positiveEdge:Je.top,negativeEdge:Je.bottom}}function XF(e,t,n){return n&&Math.abs(Qs(e,n,t))>Math.abs(Qs(e,n,t*-1))?t*-1:t}function sY(e,t,n){return n!==void 0&&po(e,t)===po(n,t)}function lY(e,t,n,r,o,i,a,s){var l={},u=C4(t),d=i?n:n*-1,h=o||Xd(n).positiveEdge;return(!a||sY(e,TY(h),r))&&(h=XF(e,h,r)),l[Je[d]]=Qs(e,u,d),l[Je[h]]=Qs(e,u,h),s&&(l[Je[d*-1]]=Qs(e,u,d*-1),l[Je[h*-1]]=Qs(e,u,h*-1)),l}function uY(e){return Math.sqrt(e*e*2)}function cY(e,t,n){if(e===void 0&&(e=hr.bottomAutoEdge),n)return{alignmentEdge:n.alignmentEdge,isAuto:n.isAuto,targetEdge:n.targetEdge};var r=oe({},kx[e]);return ls()?(r.alignmentEdge&&r.alignmentEdge%2===0&&(r.alignmentEdge=r.alignmentEdge*-1),t!==void 0?kx[t]:r):r}function fY(e,t,n,r,o){return e.isAuto&&(e.alignmentEdge=ZF(e.targetEdge,t,n)),e.alignTargetEdge=o,e}function ZF(e,t,n){var r=a0(t,e),o=a0(n,e),i=Xd(e),a=i.positiveEdge,s=i.negativeEdge;return r<=o?a:s}function dY(e,t,n,r,o,i,a){var s=fv(e,t,r,o,a);return x4(s,n)?{elementRectangle:s,targetEdge:r.targetEdge,alignmentEdge:r.alignmentEdge}:aY(s,t,n,r,o,i,a)}function hY(e,t,n){var r=e.targetEdge*-1,o=new ts(0,e.elementRectangle.width,0,e.elementRectangle.height),i={},a=XF(e.elementRectangle,e.alignmentEdge?e.alignmentEdge:Xd(r).positiveEdge,n),s=Qs(e.elementRectangle,e.targetRectangle,r),l=s>Math.abs(po(t,r));return i[Je[r]]=po(t,r),i[Je[a]]=Qs(t,o,a),{elementPosition:oe({},i),closestEdge:ZF(e.targetEdge,t,o),targetEdge:r,hideBeak:!l}}function pY(e,t){var n=t.targetRectangle,r=Xd(t.targetEdge),o=r.positiveEdge,i=r.negativeEdge,a=a0(n,t.targetEdge),s=new ts(e/2,t.elementRectangle.width-e/2,e/2,t.elementRectangle.height-e/2),l=new ts(0,e,0,e);return l=Md(l,t.targetEdge*-1,-e/2),l=QF(l,t.targetEdge*-1,a-TE(o,t.elementRectangle)),cv(l,s,o)?cv(l,s,i)||(l=s0(l,s,i)):l=s0(l,s,o),l}function C4(e){var t=e.getBoundingClientRect();return new ts(t.left,t.right,t.top,t.bottom)}function mY(e){return new ts(e.left,e.right,e.top,e.bottom)}function gY(e,t){var n;if(t){if(t.preventDefault){var r=t;n=new ts(r.clientX,r.clientX,r.clientY,r.clientY)}else if(t.getBoundingClientRect)n=C4(t);else{var o=t,i=o.left||o.x,a=o.top||o.y,s=o.right||i,l=o.bottom||a;n=new ts(i,s,a,l)}if(!x4(n,e))for(var u=uv(n,e),d=0,h=u;d<h.length;d++){var p=h[d];n[Je[p]]=e[Je[p]]}}else n=new ts(0,0,0,0);return n}function vY(e,t,n,r){var o=e.gapSpace?e.gapSpace:0,i=gY(n,e.target),a=fY(cY(e.directionalHint,e.directionalHintForRTL,r),i,n,e.coverTarget,e.alignTargetEdge),s=dY(C4(t),i,n,a,o,e.directionalHintFixed,e.coverTarget);return oe(oe({},s),{targetRectangle:i})}function bY(e,t,n,r,o){var i=lY(e.elementRectangle,t,e.targetEdge,n,e.alignmentEdge,r,o,e.forcedInBounds);return{elementPosition:i,targetEdge:e.targetEdge,alignmentEdge:e.alignmentEdge}}function JF(e,t,n,r,o){var i=e.isBeakVisible&&e.beakWidth||0,a=uY(i)/2+(e.gapSpace?e.gapSpace:0),s=e;s.gapSpace=a;var l=e.bounds?mY(e.bounds):new ts(0,window.innerWidth-MG(),0,window.innerHeight),u=vY(s,n,l,r),d=pY(i,u),h=hY(u,d,l);return oe(oe({},bY(u,t,l,e.coverTarget,o)),{beakPosition:h})}function yY(e,t,n,r){return JF(e,t,n,r,!0)}function EY(e,t,n,r){return JF(e,t,n,r)}function _Y(e,t,n,r){return yY(e,t,n,r)}function TY(e){return e*-1}function wY(e,t){var n=void 0;if(t.getWindowSegments&&(n=t.getWindowSegments()),n===void 0||n.length<=1)return{top:0,left:0,right:t.innerWidth,bottom:t.innerHeight,width:t.innerWidth,height:t.innerHeight};var r=0,o=0;if(e!==null&&e.getBoundingClientRect){var i=e.getBoundingClientRect();r=(i.left+i.right)/2,o=(i.top+i.bottom)/2}else e!==null&&(r=e.left||e.x,o=e.top||e.y);for(var a={top:0,left:0,right:0,bottom:0,width:0,height:0},s=0,l=n;s<l.length;s++){var u=l[s];r&&u.left<=r&&u.right>=r&&o&&u.top<=o&&u.bottom>=o&&(a={top:u.top,left:u.left,right:u.right,bottom:u.bottom,width:u.width,height:u.height})}return a}function kY(e,t){return wY(e,t)}function A4(e){var t=T.useRef();return t.current===void 0&&(t.current={value:typeof e=="function"?e():e}),t.current.value}function Zd(){var e=A4(function(){return new _b});return T.useEffect(function(){return function(){return e.dispose()}},[e]),e}function eI(e,t){var n=T.useRef(t);return n.current||(n.current=cu(e)),n.current}function G0(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];var n=T.useCallback(function(r){n.current=r;for(var o=0,i=e;o<i.length;o++){var a=i[o];typeof a=="function"?a(r):a&&(a.current=r)}},Yi([],e));return n}function l0(e,t,n,r){var o=T.useRef(n);o.current=n,T.useEffect(function(){var i=e&&"current"in e?e.current:e;if(i){var a=zf(i,t,function(s){return o.current(s)},r);return a}},[e,t,r])}function tI(e){var t=T.useRef();return T.useEffect(function(){t.current=e}),t.current}var nI=T.createContext({window:typeof window=="object"?window:void 0}),N4=function(){return T.useContext(nI).window},SY=function(){var e;return(e=T.useContext(nI).window)===null||e===void 0?void 0:e.document};function rI(e,t){var n=T.useRef(),r=T.useRef(null),o=N4();if(!e||e!==n.current||typeof e=="string"){var i=t==null?void 0:t.current;if(e)if(typeof e=="string"){var a=ss(i);r.current=a?a.querySelector(e):null}else"stopPropagation"in e||"getBoundingClientRect"in e?r.current=e:"current"in e?r.current=e.current:r.current=e;n.current=e}return[r,o]}function xY(e,t){var n=Zd(),r=T.useState(!1),o=r[0],i=r[1];return T.useEffect(function(){return n.requestAnimationFrame(function(){var a;if(!(e.style&&e.style.overflowY)){var s=!1;if(t&&t.current&&(!((a=t.current)===null||a===void 0)&&a.firstElementChild)){var l=t.current.clientHeight,u=t.current.firstElementChild.clientHeight;l>0&&u>l&&(s=u-l>1)}o!==s&&i(s)}}),function(){return n.dispose()}}),o}function CY(e){var t=e.originalElement,n=e.containsFocus;t&&n&&t!==ur()&&setTimeout(function(){var r;(r=t.focus)===null||r===void 0||r.call(t)},0)}function AY(e,t){var n=e.onRestoreFocus,r=n===void 0?CY:n,o=T.useRef(),i=T.useRef(!1);T.useEffect(function(){return o.current=ss().activeElement,aK(t.current)&&(i.current=!0),function(){var a;r==null||r({originalElement:o.current,containsFocus:i.current,documentContainsFocus:((a=ss())===null||a===void 0?void 0:a.hasFocus())||!1}),o.current=void 0}},[]),l0(t,"focus",T.useCallback(function(){i.current=!0},[]),!0),l0(t,"blur",T.useCallback(function(a){t.current&&a.relatedTarget&&!t.current.contains(a.relatedTarget)&&(i.current=!1)},[]),!0)}function NY(e,t){var n=String(e["aria-modal"]).toLowerCase()==="true"&&e.enableAriaHiddenSiblings;T.useEffect(function(){if(n&&t.current){var r=WK(t.current);return r}},[t,n])}var oI=T.forwardRef(function(e,t){var n=S4({shouldRestoreFocus:!0,enableAriaHiddenSiblings:!0},e),r=T.useRef(),o=G0(r,t);NY(n,r),AY(n,r);var i=n.role,a=n.className,s=n.ariaLabel,l=n.ariaLabelledBy,u=n.ariaDescribedBy,d=n.style,h=n.children,p=n.onDismiss,m=xY(n,r),v=T.useCallback(function(b){switch(b.which){case qt.escape:p&&(p(b),b.preventDefault(),b.stopPropagation());break}},[p]),_=N4();return l0(_,"keydown",v),T.createElement("div",oe({ref:o},Zr(n,W0),{className:a,role:i,"aria-label":s,"aria-labelledby":l,"aria-describedby":u,onKeyDown:v,style:oe({overflowY:m?"scroll":void 0,outline:"none"},d)}),h)});oI.displayName="Popup";var yf,FY="CalloutContentBase",IY=(yf={},yf[Je.top]=bc.slideUpIn10,yf[Je.bottom]=bc.slideDownIn10,yf[Je.left]=bc.slideLeftIn10,yf[Je.right]=bc.slideRightIn10,yf),xx={top:0,left:0},BY={opacity:0,filter:"opacity(0)",pointerEvents:"none"},RY=["role","aria-roledescription"],iI={preventDismissOnLostFocus:!1,preventDismissOnScroll:!1,preventDismissOnResize:!1,isBeakVisible:!0,beakWidth:16,gapSpace:0,minPagePadding:8,directionalHint:hr.bottomAutoEdge},OY=ml({disableCaching:!0});function DY(e,t,n){var r=e.bounds,o=e.minPagePadding,i=o===void 0?iI.minPagePadding:o,a=e.target,s=T.useState(!1),l=s[0],u=s[1],d=T.useRef(),h=T.useCallback(function(){if(!d.current||l){var m=typeof r=="function"?n?r(a,n):void 0:r;!m&&n&&(m=kY(t.current,n),m={top:m.top+i,left:m.left+i,right:m.right-i,bottom:m.bottom-i,width:m.width-i*2,height:m.height-i*2}),d.current=m,l&&u(!1)}return d.current},[r,i,a,t,n,l]),p=Zd();return l0(n,"resize",p.debounce(function(){u(!0)},500,{leading:!0})),h}function PY(e,t,n){var r,o=e.calloutMaxHeight,i=e.finalHeight,a=e.directionalHint,s=e.directionalHintFixed,l=e.hidden,u=T.useState(),d=u[0],h=u[1],p=(r=n==null?void 0:n.elementPosition)!==null&&r!==void 0?r:{},m=p.top,v=p.bottom;return T.useEffect(function(){var _,b=(_=t())!==null&&_!==void 0?_:{},E=b.top,w=b.bottom;!o&&!l?typeof m=="number"&&w?h(w-m):typeof v=="number"&&typeof E=="number"&&w&&h(w-E-v):h(o||void 0)},[v,o,i,a,s,t,l,n,m]),d}function MY(e,t,n,r,o){var i=T.useState(),a=i[0],s=i[1],l=T.useRef(0),u=T.useRef(),d=Zd(),h=e.hidden,p=e.target,m=e.finalHeight,v=e.calloutMaxHeight,_=e.onPositioned,b=e.directionalHint;return T.useEffect(function(){if(h)s(void 0),l.current=0;else{var E=d.requestAnimationFrame(function(){var w,k;if(t.current&&n){var y=oe(oe({},e),{target:r.current,bounds:o()}),F=n.cloneNode(!0);F.style.maxHeight=v?""+v:"",F.style.visibility="hidden",(w=n.parentElement)===null||w===void 0||w.appendChild(F);var C=u.current===p?a:void 0,A=m?_Y(y,t.current,F,C):EY(y,t.current,F,C);(k=n.parentElement)===null||k===void 0||k.removeChild(F),!a&&A||a&&A&&!HY(a,A)&&l.current<5?(l.current++,s(A)):l.current>0&&(l.current=0,_==null||_(a))}},n);return u.current=p,function(){d.cancelAnimationFrame(E),u.current=void 0}}},[h,b,d,n,v,t,r,m,o,_,a,e,p]),a}function LY(e,t,n){var r=e.hidden,o=e.setInitialFocus,i=Zd(),a=!!t;T.useEffect(function(){if(!r&&o&&a&&n){var s=i.requestAnimationFrame(function(){return iK(n)},n);return function(){return i.cancelAnimationFrame(s)}}},[r,a,i,n,o])}function jY(e,t,n,r,o){var i=e.hidden,a=e.onDismiss,s=e.preventDismissOnScroll,l=e.preventDismissOnResize,u=e.preventDismissOnLostFocus,d=e.dismissOnTargetClick,h=e.shouldDismissOnWindowFocus,p=e.preventDismissOnEvent,m=T.useRef(!1),v=Zd(),_=A4([function(){m.current=!0},function(){m.current=!1}]),b=!!t;return T.useEffect(function(){var E=function(A){b&&!s&&y(A)},w=function(A){!l&&!(p&&p(A))&&(a==null||a(A))},k=function(A){u||y(A)},y=function(A){var P=A.composedPath?A.composedPath():[],I=P.length>0?P[0]:A.target,j=n.current&&!bE(n.current,I);if(j&&m.current){m.current=!1;return}if(!r.current&&j||A.target!==o&&j&&(!r.current||"stopPropagation"in r.current||d||I!==r.current&&!bE(r.current,I))){if(p&&p(A))return;a==null||a(A)}},F=function(A){h&&(p&&!p(A)||!p&&!u)&&!(o!=null&&o.document.hasFocus())&&A.relatedTarget===null&&(a==null||a(A))},C=new Promise(function(A){v.setTimeout(function(){if(!i&&o){var P=[zf(o,"scroll",E,!0),zf(o,"resize",w,!0),zf(o.document.documentElement,"focus",k,!0),zf(o.document.documentElement,"click",k,!0),zf(o,"blur",F,!0)];A(function(){P.forEach(function(I){return I()})})}},0)});return function(){C.then(function(A){return A()})}},[i,v,n,r,o,a,h,d,u,l,s,b,p]),_}var aI=T.memo(T.forwardRef(function(e,t){var n=S4(iI,e),r=n.styles,o=n.style,i=n.ariaLabel,a=n.ariaDescribedBy,s=n.ariaLabelledBy,l=n.className,u=n.isBeakVisible,d=n.children,h=n.beakWidth,p=n.calloutWidth,m=n.calloutMaxWidth,v=n.calloutMinWidth,_=n.doNotLayer,b=n.finalHeight,E=n.hideOverflow,w=E===void 0?!!b:E,k=n.backgroundColor,y=n.calloutMaxHeight,F=n.onScroll,C=n.shouldRestoreFocus,A=C===void 0?!0:C,P=n.target,I=n.hidden,j=n.onLayerMounted,H=T.useRef(null),K=T.useState(null),U=K[0],pe=K[1],se=T.useCallback(function(tr){pe(tr)},[]),J=G0(H,t),$=rI(n.target,{current:U}),_e=$[0],ve=$[1],fe=DY(n,_e,ve),R=MY(n,H,U,_e,fe),L=PY(n,fe,R),Ae=jY(n,R,H,_e,ve),Ue=Ae[0],Ve=Ae[1],Le=(R==null?void 0:R.elementPosition.top)&&(R==null?void 0:R.elementPosition.bottom),st=oe(oe({},R==null?void 0:R.elementPosition),{maxHeight:L});if(Le&&(st.bottom=void 0),LY(n,R,U),T.useEffect(function(){I||j==null||j()},[I]),!ve)return null;var We=w,rt=u&&!!P,Zt=OY(r,{theme:n.theme,className:l,overflowYHidden:We,calloutWidth:p,positions:R,beakWidth:h,backgroundColor:k,calloutMaxWidth:m,calloutMinWidth:v,doNotLayer:_}),qn=oe(oe({maxHeight:y||"100%"},o),We&&{overflowY:"hidden"}),er=n.hidden?{visibility:"hidden"}:void 0;return T.createElement("div",{ref:J,className:Zt.container,style:er},T.createElement("div",oe({},Zr(n,W0,RY),{className:Ys(Zt.root,R&&R.targetEdge&&IY[R.targetEdge]),style:R?oe({},st):BY,tabIndex:-1,ref:se}),rt&&T.createElement("div",{className:Zt.beak,style:zY(R)}),rt&&T.createElement("div",{className:Zt.beakCurtain}),T.createElement(oI,{role:n.role,"aria-roledescription":n["aria-roledescription"],ariaDescribedBy:a,ariaLabel:i,ariaLabelledBy:s,className:Zt.calloutMain,onDismiss:n.onDismiss,onMouseDown:Ue,onMouseUp:Ve,onRestoreFocus:n.onRestoreFocus,onScroll:F,shouldRestoreFocus:A,style:qn},d)))}),function(e,t){return!t.shouldUpdateWhenHidden&&e.hidden&&t.hidden?!0:T4(e,t)});function zY(e){var t,n,r=oe(oe({},(t=e==null?void 0:e.beakPosition)===null||t===void 0?void 0:t.elementPosition),{display:!((n=e==null?void 0:e.beakPosition)===null||n===void 0)&&n.hideBeak?"none":void 0});return!r.top&&!r.bottom&&!r.left&&!r.right&&(r.left=xx.left,r.top=xx.top),r}function HY(e,t){return Cx(e.elementPosition,t.elementPosition)&&Cx(e.beakPosition.elementPosition,t.beakPosition.elementPosition)}function Cx(e,t){for(var n in t)if(t.hasOwnProperty(n)){var r=e[n],o=t[n];if(r!==void 0&&o!==void 0){if(r.toFixed(2)!==o.toFixed(2))return!1}else return!1}return!0}aI.displayName=FY;function UY(e){return{height:e,width:e}}var qY={container:"ms-Callout-container",root:"ms-Callout",beak:"ms-Callout-beak",beakCurtain:"ms-Callout-beakCurtain",calloutMain:"ms-Callout-main"},$Y=function(e){var t,n=e.theme,r=e.className,o=e.overflowYHidden,i=e.calloutWidth,a=e.beakWidth,s=e.backgroundColor,l=e.calloutMaxWidth,u=e.calloutMinWidth,d=e.doNotLayer,h=hs(qY,n),p=n.semanticColors,m=n.effects;return{container:[h.container,{position:"relative"}],root:[h.root,n.fonts.medium,{position:"absolute",display:"flex",zIndex:d?Dd.Layer:void 0,boxSizing:"border-box",borderRadius:m.roundedCorner2,boxShadow:m.elevation16,selectors:(t={},t[Ao]={borderWidth:1,borderStyle:"solid",borderColor:"WindowText"},t)},GV(),r,!!i&&{width:i},!!l&&{maxWidth:l},!!u&&{minWidth:u}],beak:[h.beak,{position:"absolute",backgroundColor:p.menuBackground,boxShadow:"inherit",border:"inherit",boxSizing:"border-box",transform:"rotate(45deg)"},UY(a),s&&{backgroundColor:s}],beakCurtain:[h.beakCurtain,{position:"absolute",top:0,right:0,bottom:0,left:0,backgroundColor:p.menuBackground,borderRadius:m.roundedCorner2}],calloutMain:[h.calloutMain,{backgroundColor:p.menuBackground,overflowX:"hidden",overflowY:"auto",position:"relative",width:"100%",borderRadius:m.roundedCorner2},o&&{overflowY:"hidden"},s&&{backgroundColor:s}]}},WY=gl(aI,$Y,void 0,{scope:"CalloutContent"}),sI={exports:{}},ea={},lI={exports:{}},uI={};/** @license React v0.20.2
* scheduler.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/(function(e){var t,n,r,o;if(typeof performance=="object"&&typeof performance.now=="function"){var i=performance;e.unstable_now=function(){return i.now()}}else{var a=Date,s=a.now();e.unstable_now=function(){return a.now()-s}}if(typeof window>"u"||typeof MessageChannel!="function"){var l=null,u=null,d=function(){if(l!==null)try{var R=e.unstable_now();l(!0,R),l=null}catch(L){throw setTimeout(d,0),L}};t=function(R){l!==null?setTimeout(t,0,R):(l=R,setTimeout(d,0))},n=function(R,L){u=setTimeout(R,L)},r=function(){clearTimeout(u)},e.unstable_shouldYield=function(){return!1},o=e.unstable_forceFrameRate=function(){}}else{var h=window.setTimeout,p=window.clearTimeout;if(typeof console<"u"){var m=window.cancelAnimationFrame;typeof window.requestAnimationFrame!="function"&&console.error("This browser doesn't support requestAnimationFrame. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills"),typeof m!="function"&&console.error("This browser doesn't support cancelAnimationFrame. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills")}var v=!1,_=null,b=-1,E=5,w=0;e.unstable_shouldYield=function(){return e.unstable_now()>=w},o=function(){},e.unstable_forceFrameRate=function(R){0>R||125<R?console.error("forceFrameRate takes a positive int between 0 and 125, forcing frame rates higher than 125 fps is not supported"):E=0<R?Math.floor(1e3/R):5};var k=new MessageChannel,y=k.port2;k.port1.onmessage=function(){if(_!==null){var R=e.unstable_now();w=R+E;try{_(!0,R)?y.postMessage(null):(v=!1,_=null)}catch(L){throw y.postMessage(null),L}}else v=!1},t=function(R){_=R,v||(v=!0,y.postMessage(null))},n=function(R,L){b=h(function(){R(e.unstable_now())},L)},r=function(){p(b),b=-1}}function F(R,L){var Ae=R.length;R.push(L);e:for(;;){var Ue=Ae-1>>>1,Ve=R[Ue];if(Ve!==void 0&&0<P(Ve,L))R[Ue]=L,R[Ae]=Ve,Ae=Ue;else break e}}function C(R){return R=R[0],R===void 0?null:R}function A(R){var L=R[0];if(L!==void 0){var Ae=R.pop();if(Ae!==L){R[0]=Ae;e:for(var Ue=0,Ve=R.length;Ue<Ve;){var Le=2*(Ue+1)-1,st=R[Le],We=Le+1,rt=R[We];if(st!==void 0&&0>P(st,Ae))rt!==void 0&&0>P(rt,st)?(R[Ue]=rt,R[We]=Ae,Ue=We):(R[Ue]=st,R[Le]=Ae,Ue=Le);else if(rt!==void 0&&0>P(rt,Ae))R[Ue]=rt,R[We]=Ae,Ue=We;else break e}}return L}return null}function P(R,L){var Ae=R.sortIndex-L.sortIndex;return Ae!==0?Ae:R.id-L.id}var I=[],j=[],H=1,K=null,U=3,pe=!1,se=!1,J=!1;function $(R){for(var L=C(j);L!==null;){if(L.callback===null)A(j);else if(L.startTime<=R)A(j),L.sortIndex=L.expirationTime,F(I,L);else break;L=C(j)}}function _e(R){if(J=!1,$(R),!se)if(C(I)!==null)se=!0,t(ve);else{var L=C(j);L!==null&&n(_e,L.startTime-R)}}function ve(R,L){se=!1,J&&(J=!1,r()),pe=!0;var Ae=U;try{for($(L),K=C(I);K!==null&&(!(K.expirationTime>L)||R&&!e.unstable_shouldYield());){var Ue=K.callback;if(typeof Ue=="function"){K.callback=null,U=K.priorityLevel;var Ve=Ue(K.expirationTime<=L);L=e.unstable_now(),typeof Ve=="function"?K.callback=Ve:K===C(I)&&A(I),$(L)}else A(I);K=C(I)}if(K!==null)var Le=!0;else{var st=C(j);st!==null&&n(_e,st.startTime-L),Le=!1}return Le}finally{K=null,U=Ae,pe=!1}}var fe=o;e.unstable_IdlePriority=5,e.unstable_ImmediatePriority=1,e.unstable_LowPriority=4,e.unstable_NormalPriority=3,e.unstable_Profiling=null,e.unstable_UserBlockingPriority=2,e.unstable_cancelCallback=function(R){R.callback=null},e.unstable_continueExecution=function(){se||pe||(se=!0,t(ve))},e.unstable_getCurrentPriorityLevel=function(){return U},e.unstable_getFirstCallbackNode=function(){return C(I)},e.unstable_next=function(R){switch(U){case 1:case 2:case 3:var L=3;break;default:L=U}var Ae=U;U=L;try{return R()}finally{U=Ae}},e.unstable_pauseExecution=function(){},e.unstable_requestPaint=fe,e.unstable_runWithPriority=function(R,L){switch(R){case 1:case 2:case 3:case 4:case 5:break;default:R=3}var Ae=U;U=R;try{return L()}finally{U=Ae}},e.unstable_scheduleCallback=function(R,L,Ae){var Ue=e.unstable_now();switch(typeof Ae=="object"&&Ae!==null?(Ae=Ae.delay,Ae=typeof Ae=="number"&&0<Ae?Ue+Ae:Ue):Ae=Ue,R){case 1:var Ve=-1;break;case 2:Ve=250;break;case 5:Ve=1073741823;break;case 4:Ve=1e4;break;default:Ve=5e3}return Ve=Ae+Ve,R={id:H++,callback:L,priorityLevel:R,startTime:Ae,expirationTime:Ve,sortIndex:-1},Ae>Ue?(R.sortIndex=Ae,F(j,R),C(I)===null&&R===C(j)&&(J?r():J=!0,n(_e,Ae-Ue))):(R.sortIndex=Ve,F(I,R),se||pe||(se=!0,t(ve))),R},e.unstable_wrapCallback=function(R){var L=U;return function(){var Ae=U;U=L;try{return R.apply(this,arguments)}finally{U=Ae}}}})(uI);lI.exports=uI;var wE=lI.exports;/** @license React v17.0.2
* react-dom.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var Cb=T,Pn=ZN,Lr=wE;function Ie(e){for(var t="https://reactjs.org/docs/error-decoder.html?invariant="+e,n=1;n<arguments.length;n++)t+="&args[]="+encodeURIComponent(arguments[n]);return"Minified React error #"+e+"; visit "+t+" for the full message or use the non-minified dev environment for full errors and additional helpful warnings."}if(!Cb)throw Error(Ie(227));var cI=new Set,u0={};function zc(e,t){Ld(e,t),Ld(e+"Capture",t)}function Ld(e,t){for(u0[e]=t,e=0;e<t.length;e++)cI.add(t[e])}var al=!(typeof window>"u"||typeof window.document>"u"||typeof window.document.createElement>"u"),GY=/^[:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD][:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD\-.0-9\u00B7\u0300-\u036F\u203F-\u2040]*$/,Ax=Object.prototype.hasOwnProperty,Nx={},Fx={};function KY(e){return Ax.call(Fx,e)?!0:Ax.call(Nx,e)?!1:GY.test(e)?Fx[e]=!0:(Nx[e]=!0,!1)}function VY(e,t,n,r){if(n!==null&&n.type===0)return!1;switch(typeof t){case"function":case"symbol":return!0;case"boolean":return r?!1:n!==null?!n.acceptsBooleans:(e=e.toLowerCase().slice(0,5),e!=="data-"&&e!=="aria-");default:return!1}}function YY(e,t,n,r){if(t===null||typeof t>"u"||VY(e,t,n,r))return!0;if(r)return!1;if(n!==null)switch(n.type){case 3:return!t;case 4:return t===!1;case 5:return isNaN(t);case 6:return isNaN(t)||1>t}return!1}function Ro(e,t,n,r,o,i,a){this.acceptsBooleans=t===2||t===3||t===4,this.attributeName=r,this.attributeNamespace=o,this.mustUseProperty=n,this.propertyName=e,this.type=t,this.sanitizeURL=i,this.removeEmptyString=a}var Jr={};"children dangerouslySetInnerHTML defaultValue defaultChecked innerHTML suppressContentEditableWarning suppressHydrationWarning style".split(" ").forEach(function(e){Jr[e]=new Ro(e,0,!1,e,null,!1,!1)});[["acceptCharset","accept-charset"],["className","class"],["htmlFor","for"],["httpEquiv","http-equiv"]].forEach(function(e){var t=e[0];Jr[t]=new Ro(t,1,!1,e[1],null,!1,!1)});["contentEditable","draggable","spellCheck","value"].forEach(function(e){Jr[e]=new Ro(e,2,!1,e.toLowerCase(),null,!1,!1)});["autoReverse","externalResourcesRequired","focusable","preserveAlpha"].forEach(function(e){Jr[e]=new Ro(e,2,!1,e,null,!1,!1)});"allowFullScreen async autoFocus autoPlay controls default defer disabled disablePictureInPicture disableRemotePlayback formNoValidate hidden loop noModule noValidate open playsInline readOnly required reversed scoped seamless itemScope".split(" ").forEach(function(e){Jr[e]=new Ro(e,3,!1,e.toLowerCase(),null,!1,!1)});["checked","multiple","muted","selected"].forEach(function(e){Jr[e]=new Ro(e,3,!0,e,null,!1,!1)});["capture","download"].forEach(function(e){Jr[e]=new Ro(e,4,!1,e,null,!1,!1)});["cols","rows","size","span"].forEach(function(e){Jr[e]=new Ro(e,6,!1,e,null,!1,!1)});["rowSpan","start"].forEach(function(e){Jr[e]=new Ro(e,5,!1,e.toLowerCase(),null,!1,!1)});var F4=/[\-:]([a-z])/g;function I4(e){return e[1].toUpperCase()}"accent-height alignment-baseline arabic-form baseline-shift cap-height clip-path clip-rule color-interpolation color-interpolation-filters color-profile color-rendering dominant-baseline enable-background fill-opacity fill-rule flood-color flood-opacity font-family font-size font-size-adjust font-stretch font-style font-variant font-weight glyph-name glyph-orientation-horizontal glyph-orientation-vertical horiz-adv-x horiz-origin-x image-rendering letter-spacing lighting-color marker-end marker-mid marker-start overline-position overline-thickness paint-order panose-1 pointer-events rendering-intent shape-rendering stop-color stop-opacity strikethrough-position strikethrough-thickness stroke-dasharray stroke-dashoffset stroke-linecap stroke-linejoin stroke-miterlimit stroke-opacity stroke-width text-anchor text-decoration text-rendering underline-position underline-thickness unicode-bidi unicode-range units-per-em v-alphabetic v-hanging v-ideographic v-mathematical vector-effect vert-adv-y vert-origin-x vert-origin-y word-spacing writing-mode xmlns:xlink x-height".split(" ").forEach(function(e){var t=e.replace(F4,I4);Jr[t]=new Ro(t,1,!1,e,null,!1,!1)});"xlink:actuate xlink:arcrole xlink:role xlink:show xlink:title xlink:type".split(" ").forEach(function(e){var t=e.replace(F4,I4);Jr[t]=new Ro(t,1,!1,e,"http://www.w3.org/1999/xlink",!1,!1)});["xml:base","xml:lang","xml:space"].forEach(function(e){var t=e.replace(F4,I4);Jr[t]=new Ro(t,1,!1,e,"http://www.w3.org/XML/1998/namespace",!1,!1)});["tabIndex","crossOrigin"].forEach(function(e){Jr[e]=new Ro(e,1,!1,e.toLowerCase(),null,!1,!1)});Jr.xlinkHref=new Ro("xlinkHref",1,!1,"xlink:href","http://www.w3.org/1999/xlink",!0,!1);["src","href","action","formAction"].forEach(function(e){Jr[e]=new Ro(e,1,!1,e.toLowerCase(),null,!0,!0)});function B4(e,t,n,r){var o=Jr.hasOwnProperty(t)?Jr[t]:null,i=o!==null?o.type===0:r?!1:!(!(2<t.length)||t[0]!=="o"&&t[0]!=="O"||t[1]!=="n"&&t[1]!=="N");i||(YY(t,n,o,r)&&(n=null),r||o===null?KY(t)&&(n===null?e.removeAttribute(t):e.setAttribute(t,""+n)):o.mustUseProperty?e[o.propertyName]=n===null?o.type===3?!1:"":n:(t=o.attributeName,r=o.attributeNamespace,n===null?e.removeAttribute(t):(o=o.type,n=o===3||o===4&&n===!0?"":""+n,r?e.setAttributeNS(r,t,n):e.setAttribute(t,n))))}var Hc=Cb.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED,bh=60103,yc=60106,tu=60107,R4=60108,Ah=60114,O4=60109,D4=60110,Ab=60112,Nh=60113,dv=60120,Nb=60115,P4=60116,M4=60121,L4=60128,fI=60129,j4=60130,kE=60131;if(typeof Symbol=="function"&&Symbol.for){var Or=Symbol.for;bh=Or("react.element"),yc=Or("react.portal"),tu=Or("react.fragment"),R4=Or("react.strict_mode"),Ah=Or("react.profiler"),O4=Or("react.provider"),D4=Or("react.context"),Ab=Or("react.forward_ref"),Nh=Or("react.suspense"),dv=Or("react.suspense_list"),Nb=Or("react.memo"),P4=Or("react.lazy"),M4=Or("react.block"),Or("react.scope"),L4=Or("react.opaque.id"),fI=Or("react.debug_trace_mode"),j4=Or("react.offscreen"),kE=Or("react.legacy_hidden")}var Ix=typeof Symbol=="function"&&Symbol.iterator;function H1(e){return e===null||typeof e!="object"?null:(e=Ix&&e[Ix]||e["@@iterator"],typeof e=="function"?e:null)}var l2;function yh(e){if(l2===void 0)try{throw Error()}catch(n){var t=n.stack.trim().match(/\n( *(at )?)/);l2=t&&t[1]||""}return`
`+l2+e}var u2=!1;function Tm(e,t){if(!e||u2)return"";u2=!0;var n=Error.prepareStackTrace;Error.prepareStackTrace=void 0;try{if(t)if(t=function(){throw Error()},Object.defineProperty(t.prototype,"props",{set:function(){throw Error()}}),typeof Reflect=="object"&&Reflect.construct){try{Reflect.construct(t,[])}catch(l){var r=l}Reflect.construct(e,[],t)}else{try{t.call()}catch(l){r=l}e.call(t.prototype)}else{try{throw Error()}catch(l){r=l}e()}}catch(l){if(l&&r&&typeof l.stack=="string"){for(var o=l.stack.split(`
`),i=r.stack.split(`
`),a=o.length-1,s=i.length-1;1<=a&&0<=s&&o[a]!==i[s];)s--;for(;1<=a&&0<=s;a--,s--)if(o[a]!==i[s]){if(a!==1||s!==1)do if(a--,s--,0>s||o[a]!==i[s])return`
`+o[a].replace(" at new "," at ");while(1<=a&&0<=s);break}}}finally{u2=!1,Error.prepareStackTrace=n}return(e=e?e.displayName||e.name:"")?yh(e):""}function QY(e){switch(e.tag){case 5:return yh(e.type);case 16:return yh("Lazy");case 13:return yh("Suspense");case 19:return yh("SuspenseList");case 0:case 2:case 15:return e=Tm(e.type,!1),e;case 11:return e=Tm(e.type.render,!1),e;case 22:return e=Tm(e.type._render,!1),e;case 1:return e=Tm(e.type,!0),e;default:return""}}function hd(e){if(e==null)return null;if(typeof e=="function")return e.displayName||e.name||null;if(typeof e=="string")return e;switch(e){case tu:return"Fragment";case yc:return"Portal";case Ah:return"Profiler";case R4:return"StrictMode";case Nh:return"Suspense";case dv:return"SuspenseList"}if(typeof e=="object")switch(e.$$typeof){case D4:return(e.displayName||"Context")+".Consumer";case O4:return(e._context.displayName||"Context")+".Provider";case Ab:var t=e.render;return t=t.displayName||t.name||"",e.displayName||(t!==""?"ForwardRef("+t+")":"ForwardRef");case Nb:return hd(e.type);case M4:return hd(e._render);case P4:t=e._payload,e=e._init;try{return hd(e(t))}catch{}}return null}function wu(e){switch(typeof e){case"boolean":case"number":case"object":case"string":case"undefined":return e;default:return""}}function dI(e){var t=e.type;return(e=e.nodeName)&&e.toLowerCase()==="input"&&(t==="checkbox"||t==="radio")}function XY(e){var t=dI(e)?"checked":"value",n=Object.getOwnPropertyDescriptor(e.constructor.prototype,t),r=""+e[t];if(!e.hasOwnProperty(t)&&typeof n<"u"&&typeof n.get=="function"&&typeof n.set=="function"){var o=n.get,i=n.set;return Object.defineProperty(e,t,{configurable:!0,get:function(){return o.call(this)},set:function(a){r=""+a,i.call(this,a)}}),Object.defineProperty(e,t,{enumerable:n.enumerable}),{getValue:function(){return r},setValue:function(a){r=""+a},stopTracking:function(){e._valueTracker=null,delete e[t]}}}}function wm(e){e._valueTracker||(e._valueTracker=XY(e))}function hI(e){if(!e)return!1;var t=e._valueTracker;if(!t)return!0;var n=t.getValue(),r="";return e&&(r=dI(e)?e.checked?"true":"false":e.value),e=r,e!==n?(t.setValue(e),!0):!1}function hv(e){if(e=e||(typeof document<"u"?document:void 0),typeof e>"u")return null;try{return e.activeElement||e.body}catch{return e.body}}function SE(e,t){var n=t.checked;return Pn({},t,{defaultChecked:void 0,defaultValue:void 0,value:void 0,checked:n??e._wrapperState.initialChecked})}function Bx(e,t){var n=t.defaultValue==null?"":t.defaultValue,r=t.checked!=null?t.checked:t.defaultChecked;n=wu(t.value!=null?t.value:n),e._wrapperState={initialChecked:r,initialValue:n,controlled:t.type==="checkbox"||t.type==="radio"?t.checked!=null:t.value!=null}}function pI(e,t){t=t.checked,t!=null&&B4(e,"checked",t,!1)}function xE(e,t){pI(e,t);var n=wu(t.value),r=t.type;if(n!=null)r==="number"?(n===0&&e.value===""||e.value!=n)&&(e.value=""+n):e.value!==""+n&&(e.value=""+n);else if(r==="submit"||r==="reset"){e.removeAttribute("value");return}t.hasOwnProperty("value")?CE(e,t.type,n):t.hasOwnProperty("defaultValue")&&CE(e,t.type,wu(t.defaultValue)),t.checked==null&&t.defaultChecked!=null&&(e.defaultChecked=!!t.defaultChecked)}function Rx(e,t,n){if(t.hasOwnProperty("value")||t.hasOwnProperty("defaultValue")){var r=t.type;if(!(r!=="submit"&&r!=="reset"||t.value!==void 0&&t.value!==null))return;t=""+e._wrapperState.initialValue,n||t===e.value||(e.value=t),e.defaultValue=t}n=e.name,n!==""&&(e.name=""),e.defaultChecked=!!e._wrapperState.initialChecked,n!==""&&(e.name=n)}function CE(e,t,n){(t!=="number"||hv(e.ownerDocument)!==e)&&(n==null?e.defaultValue=""+e._wrapperState.initialValue:e.defaultValue!==""+n&&(e.defaultValue=""+n))}function ZY(e){var t="";return Cb.Children.forEach(e,function(n){n!=null&&(t+=n)}),t}function AE(e,t){return e=Pn({children:void 0},t),(t=ZY(t.children))&&(e.children=t),e}function pd(e,t,n,r){if(e=e.options,t){t={};for(var o=0;o<n.length;o++)t["$"+n[o]]=!0;for(n=0;n<e.length;n++)o=t.hasOwnProperty("$"+e[n].value),e[n].selected!==o&&(e[n].selected=o),o&&r&&(e[n].defaultSelected=!0)}else{for(n=""+wu(n),t=null,o=0;o<e.length;o++){if(e[o].value===n){e[o].selected=!0,r&&(e[o].defaultSelected=!0);return}t!==null||e[o].disabled||(t=e[o])}t!==null&&(t.selected=!0)}}function NE(e,t){if(t.dangerouslySetInnerHTML!=null)throw Error(Ie(91));return Pn({},t,{value:void 0,defaultValue:void 0,children:""+e._wrapperState.initialValue})}function Ox(e,t){var n=t.value;if(n==null){if(n=t.children,t=t.defaultValue,n!=null){if(t!=null)throw Error(Ie(92));if(Array.isArray(n)){if(!(1>=n.length))throw Error(Ie(93));n=n[0]}t=n}t==null&&(t=""),n=t}e._wrapperState={initialValue:wu(n)}}function mI(e,t){var n=wu(t.value),r=wu(t.defaultValue);n!=null&&(n=""+n,n!==e.value&&(e.value=n),t.defaultValue==null&&e.defaultValue!==n&&(e.defaultValue=n)),r!=null&&(e.defaultValue=""+r)}function Dx(e){var t=e.textContent;t===e._wrapperState.initialValue&&t!==""&&t!==null&&(e.value=t)}var FE={html:"http://www.w3.org/1999/xhtml",mathml:"http://www.w3.org/1998/Math/MathML",svg:"http://www.w3.org/2000/svg"};function gI(e){switch(e){case"svg":return"http://www.w3.org/2000/svg";case"math":return"http://www.w3.org/1998/Math/MathML";default:return"http://www.w3.org/1999/xhtml"}}function IE(e,t){return e==null||e==="http://www.w3.org/1999/xhtml"?gI(t):e==="http://www.w3.org/2000/svg"&&t==="foreignObject"?"http://www.w3.org/1999/xhtml":e}var km,vI=function(e){return typeof MSApp<"u"&&MSApp.execUnsafeLocalFunction?function(t,n,r,o){MSApp.execUnsafeLocalFunction(function(){return e(t,n,r,o)})}:e}(function(e,t){if(e.namespaceURI!==FE.svg||"innerHTML"in e)e.innerHTML=t;else{for(km=km||document.createElement("div"),km.innerHTML="<svg>"+t.valueOf().toString()+"</svg>",t=km.firstChild;e.firstChild;)e.removeChild(e.firstChild);for(;t.firstChild;)e.appendChild(t.firstChild)}});function c0(e,t){if(t){var n=e.firstChild;if(n&&n===e.lastChild&&n.nodeType===3){n.nodeValue=t;return}}e.textContent=t}var Fh={animationIterationCount:!0,borderImageOutset:!0,borderImageSlice:!0,borderImageWidth:!0,boxFlex:!0,boxFlexGroup:!0,boxOrdinalGroup:!0,columnCount:!0,columns:!0,flex:!0,flexGrow:!0,flexPositive:!0,flexShrink:!0,flexNegative:!0,flexOrder:!0,gridArea:!0,gridRow:!0,gridRowEnd:!0,gridRowSpan:!0,gridRowStart:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnSpan:!0,gridColumnStart:!0,fontWeight:!0,lineClamp:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,tabSize:!0,widows:!0,zIndex:!0,zoom:!0,fillOpacity:!0,floodOpacity:!0,stopOpacity:!0,strokeDasharray:!0,strokeDashoffset:!0,strokeMiterlimit:!0,strokeOpacity:!0,strokeWidth:!0},JY=["Webkit","ms","Moz","O"];Object.keys(Fh).forEach(function(e){JY.forEach(function(t){t=t+e.charAt(0).toUpperCase()+e.substring(1),Fh[t]=Fh[e]})});function bI(e,t,n){return t==null||typeof t=="boolean"||t===""?"":n||typeof t!="number"||t===0||Fh.hasOwnProperty(e)&&Fh[e]?(""+t).trim():t+"px"}function yI(e,t){e=e.style;for(var n in t)if(t.hasOwnProperty(n)){var r=n.indexOf("--")===0,o=bI(n,t[n],r);n==="float"&&(n="cssFloat"),r?e.setProperty(n,o):e[n]=o}}var eQ=Pn({menuitem:!0},{area:!0,base:!0,br:!0,col:!0,embed:!0,hr:!0,img:!0,input:!0,keygen:!0,link:!0,meta:!0,param:!0,source:!0,track:!0,wbr:!0});function BE(e,t){if(t){if(eQ[e]&&(t.children!=null||t.dangerouslySetInnerHTML!=null))throw Error(Ie(137,e));if(t.dangerouslySetInnerHTML!=null){if(t.children!=null)throw Error(Ie(60));if(!(typeof t.dangerouslySetInnerHTML=="object"&&"__html"in t.dangerouslySetInnerHTML))throw Error(Ie(61))}if(t.style!=null&&typeof t.style!="object")throw Error(Ie(62))}}function RE(e,t){if(e.indexOf("-")===-1)return typeof t.is=="string";switch(e){case"annotation-xml":case"color-profile":case"font-face":case"font-face-src":case"font-face-uri":case"font-face-format":case"font-face-name":case"missing-glyph":return!1;default:return!0}}function z4(e){return e=e.target||e.srcElement||window,e.correspondingUseElement&&(e=e.correspondingUseElement),e.nodeType===3?e.parentNode:e}var OE=null,md=null,gd=null;function Px(e){if(e=V0(e)){if(typeof OE!="function")throw Error(Ie(280));var t=e.stateNode;t&&(t=Db(t),OE(e.stateNode,e.type,t))}}function EI(e){md?gd?gd.push(e):gd=[e]:md=e}function _I(){if(md){var e=md,t=gd;if(gd=md=null,Px(e),t)for(e=0;e<t.length;e++)Px(t[e])}}function H4(e,t){return e(t)}function TI(e,t,n,r,o){return e(t,n,r,o)}function U4(){}var wI=H4,Ec=!1,c2=!1;function q4(){(md!==null||gd!==null)&&(U4(),_I())}function tQ(e,t,n){if(c2)return e(t,n);c2=!0;try{return wI(e,t,n)}finally{c2=!1,q4()}}function f0(e,t){var n=e.stateNode;if(n===null)return null;var r=Db(n);if(r===null)return null;n=r[t];e:switch(t){case"onClick":case"onClickCapture":case"onDoubleClick":case"onDoubleClickCapture":case"onMouseDown":case"onMouseDownCapture":case"onMouseMove":case"onMouseMoveCapture":case"onMouseUp":case"onMouseUpCapture":case"onMouseEnter":(r=!r.disabled)||(e=e.type,r=!(e==="button"||e==="input"||e==="select"||e==="textarea")),e=!r;break e;default:e=!1}if(e)return null;if(n&&typeof n!="function")throw Error(Ie(231,t,typeof n));return n}var DE=!1;if(al)try{var U1={};Object.defineProperty(U1,"passive",{get:function(){DE=!0}}),window.addEventListener("test",U1,U1),window.removeEventListener("test",U1,U1)}catch{DE=!1}function nQ(e,t,n,r,o,i,a,s,l){var u=Array.prototype.slice.call(arguments,3);try{t.apply(n,u)}catch(d){this.onError(d)}}var Ih=!1,pv=null,mv=!1,PE=null,rQ={onError:function(e){Ih=!0,pv=e}};function oQ(e,t,n,r,o,i,a,s,l){Ih=!1,pv=null,nQ.apply(rQ,arguments)}function iQ(e,t,n,r,o,i,a,s,l){if(oQ.apply(this,arguments),Ih){if(Ih){var u=pv;Ih=!1,pv=null}else throw Error(Ie(198));mv||(mv=!0,PE=u)}}function Uc(e){var t=e,n=e;if(e.alternate)for(;t.return;)t=t.return;else{e=t;do t=e,t.flags&1026&&(n=t.return),e=t.return;while(e)}return t.tag===3?n:null}function kI(e){if(e.tag===13){var t=e.memoizedState;if(t===null&&(e=e.alternate,e!==null&&(t=e.memoizedState)),t!==null)return t.dehydrated}return null}function Mx(e){if(Uc(e)!==e)throw Error(Ie(188))}function aQ(e){var t=e.alternate;if(!t){if(t=Uc(e),t===null)throw Error(Ie(188));return t!==e?null:e}for(var n=e,r=t;;){var o=n.return;if(o===null)break;var i=o.alternate;if(i===null){if(r=o.return,r!==null){n=r;continue}break}if(o.child===i.child){for(i=o.child;i;){if(i===n)return Mx(o),e;if(i===r)return Mx(o),t;i=i.sibling}throw Error(Ie(188))}if(n.return!==r.return)n=o,r=i;else{for(var a=!1,s=o.child;s;){if(s===n){a=!0,n=o,r=i;break}if(s===r){a=!0,r=o,n=i;break}s=s.sibling}if(!a){for(s=i.child;s;){if(s===n){a=!0,n=i,r=o;break}if(s===r){a=!0,r=i,n=o;break}s=s.sibling}if(!a)throw Error(Ie(189))}}if(n.alternate!==r)throw Error(Ie(190))}if(n.tag!==3)throw Error(Ie(188));return n.stateNode.current===n?e:t}function SI(e){if(e=aQ(e),!e)return null;for(var t=e;;){if(t.tag===5||t.tag===6)return t;if(t.child)t.child.return=t,t=t.child;else{if(t===e)break;for(;!t.sibling;){if(!t.return||t.return===e)return null;t=t.return}t.sibling.return=t.return,t=t.sibling}}return null}function Lx(e,t){for(var n=e.alternate;t!==null;){if(t===e||t===n)return!0;t=t.return}return!1}var xI,$4,CI,AI,ME=!1,Qa=[],fu=null,du=null,hu=null,d0=new Map,h0=new Map,q1=[],jx="mousedown mouseup touchcancel touchend touchstart auxclick dblclick pointercancel pointerdown pointerup dragend dragstart drop compositionend compositionstart keydown keypress keyup input textInput copy cut paste click change contextmenu reset submit".split(" ");function LE(e,t,n,r,o){return{blockedOn:e,domEventName:t,eventSystemFlags:n|16,nativeEvent:o,targetContainers:[r]}}function zx(e,t){switch(e){case"focusin":case"focusout":fu=null;break;case"dragenter":case"dragleave":du=null;break;case"mouseover":case"mouseout":hu=null;break;case"pointerover":case"pointerout":d0.delete(t.pointerId);break;case"gotpointercapture":case"lostpointercapture":h0.delete(t.pointerId)}}function $1(e,t,n,r,o,i){return e===null||e.nativeEvent!==i?(e=LE(t,n,r,o,i),t!==null&&(t=V0(t),t!==null&&$4(t)),e):(e.eventSystemFlags|=r,t=e.targetContainers,o!==null&&t.indexOf(o)===-1&&t.push(o),e)}function sQ(e,t,n,r,o){switch(t){case"focusin":return fu=$1(fu,e,t,n,r,o),!0;case"dragenter":return du=$1(du,e,t,n,r,o),!0;case"mouseover":return hu=$1(hu,e,t,n,r,o),!0;case"pointerover":var i=o.pointerId;return d0.set(i,$1(d0.get(i)||null,e,t,n,r,o)),!0;case"gotpointercapture":return i=o.pointerId,h0.set(i,$1(h0.get(i)||null,e,t,n,r,o)),!0}return!1}function lQ(e){var t=_c(e.target);if(t!==null){var n=Uc(t);if(n!==null){if(t=n.tag,t===13){if(t=kI(n),t!==null){e.blockedOn=t,AI(e.lanePriority,function(){Lr.unstable_runWithPriority(e.priority,function(){CI(n)})});return}}else if(t===3&&n.stateNode.hydrate){e.blockedOn=n.tag===3?n.stateNode.containerInfo:null;return}}}e.blockedOn=null}function _g(e){if(e.blockedOn!==null)return!1;for(var t=e.targetContainers;0<t.length;){var n=V4(e.domEventName,e.eventSystemFlags,t[0],e.nativeEvent);if(n!==null)return t=V0(n),t!==null&&$4(t),e.blockedOn=n,!1;t.shift()}return!0}function Hx(e,t,n){_g(e)&&n.delete(t)}function uQ(){for(ME=!1;0<Qa.length;){var e=Qa[0];if(e.blockedOn!==null){e=V0(e.blockedOn),e!==null&&xI(e);break}for(var t=e.targetContainers;0<t.length;){var n=V4(e.domEventName,e.eventSystemFlags,t[0],e.nativeEvent);if(n!==null){e.blockedOn=n;break}t.shift()}e.blockedOn===null&&Qa.shift()}fu!==null&&_g(fu)&&(fu=null),du!==null&&_g(du)&&(du=null),hu!==null&&_g(hu)&&(hu=null),d0.forEach(Hx),h0.forEach(Hx)}function W1(e,t){e.blockedOn===t&&(e.blockedOn=null,ME||(ME=!0,Lr.unstable_scheduleCallback(Lr.unstable_NormalPriority,uQ)))}function NI(e){function t(o){return W1(o,e)}if(0<Qa.length){W1(Qa[0],e);for(var n=1;n<Qa.length;n++){var r=Qa[n];r.blockedOn===e&&(r.blockedOn=null)}}for(fu!==null&&W1(fu,e),du!==null&&W1(du,e),hu!==null&&W1(hu,e),d0.forEach(t),h0.forEach(t),n=0;n<q1.length;n++)r=q1[n],r.blockedOn===e&&(r.blockedOn=null);for(;0<q1.length&&(n=q1[0],n.blockedOn===null);)lQ(n),n.blockedOn===null&&q1.shift()}function Sm(e,t){var n={};return n[e.toLowerCase()]=t.toLowerCase(),n["Webkit"+e]="webkit"+t,n["Moz"+e]="moz"+t,n}var Zf={animationend:Sm("Animation","AnimationEnd"),animationiteration:Sm("Animation","AnimationIteration"),animationstart:Sm("Animation","AnimationStart"),transitionend:Sm("Transition","TransitionEnd")},f2={},FI={};al&&(FI=document.createElement("div").style,"AnimationEvent"in window||(delete Zf.animationend.animation,delete Zf.animationiteration.animation,delete Zf.animationstart.animation),"TransitionEvent"in window||delete Zf.transitionend.transition);function Fb(e){if(f2[e])return f2[e];if(!Zf[e])return e;var t=Zf[e],n;for(n in t)if(t.hasOwnProperty(n)&&n in FI)return f2[e]=t[n];return e}var II=Fb("animationend"),BI=Fb("animationiteration"),RI=Fb("animationstart"),OI=Fb("transitionend"),DI=new Map,W4=new Map,cQ=["abort","abort",II,"animationEnd",BI,"animationIteration",RI,"animationStart","canplay","canPlay","canplaythrough","canPlayThrough","durationchange","durationChange","emptied","emptied","encrypted","encrypted","ended","ended","error","error","gotpointercapture","gotPointerCapture","load","load","loadeddata","loadedData","loadedmetadata","loadedMetadata","loadstart","loadStart","lostpointercapture","lostPointerCapture","playing","playing","progress","progress","seeking","seeking","stalled","stalled","suspend","suspend","timeupdate","timeUpdate",OI,"transitionEnd","waiting","waiting"];function G4(e,t){for(var n=0;n<e.length;n+=2){var r=e[n],o=e[n+1];o="on"+(o[0].toUpperCase()+o.slice(1)),W4.set(r,t),DI.set(r,o),zc(o,[r])}}var fQ=Lr.unstable_now;fQ();var yn=8;function Hf(e){if(1&e)return yn=15,1;if(2&e)return yn=14,2;if(4&e)return yn=13,4;var t=24&e;return t!==0?(yn=12,t):e&32?(yn=11,32):(t=192&e,t!==0?(yn=10,t):e&256?(yn=9,256):(t=3584&e,t!==0?(yn=8,t):e&4096?(yn=7,4096):(t=4186112&e,t!==0?(yn=6,t):(t=62914560&e,t!==0?(yn=5,t):e&67108864?(yn=4,67108864):e&134217728?(yn=3,134217728):(t=805306368&e,t!==0?(yn=2,t):1073741824&e?(yn=1,1073741824):(yn=8,e))))))}function dQ(e){switch(e){case 99:return 15;case 98:return 10;case 97:case 96:return 8;case 95:return 2;default:return 0}}function hQ(e){switch(e){case 15:case 14:return 99;case 13:case 12:case 11:case 10:return 98;case 9:case 8:case 7:case 6:case 4:case 5:return 97;case 3:case 2:case 1:return 95;case 0:return 90;default:throw Error(Ie(358,e))}}function p0(e,t){var n=e.pendingLanes;if(n===0)return yn=0;var r=0,o=0,i=e.expiredLanes,a=e.suspendedLanes,s=e.pingedLanes;if(i!==0)r=i,o=yn=15;else if(i=n&134217727,i!==0){var l=i&~a;l!==0?(r=Hf(l),o=yn):(s&=i,s!==0&&(r=Hf(s),o=yn))}else i=n&~a,i!==0?(r=Hf(i),o=yn):s!==0&&(r=Hf(s),o=yn);if(r===0)return 0;if(r=31-ku(r),r=n&((0>r?0:1<<r)<<1)-1,t!==0&&t!==r&&!(t&a)){if(Hf(t),o<=yn)return t;yn=o}if(t=e.entangledLanes,t!==0)for(e=e.entanglements,t&=r;0<t;)n=31-ku(t),o=1<<n,r|=e[n],t&=~o;return r}function PI(e){return e=e.pendingLanes&-1073741825,e!==0?e:e&1073741824?1073741824:0}function gv(e,t){switch(e){case 15:return 1;case 14:return 2;case 12:return e=Uf(24&~t),e===0?gv(10,t):e;case 10:return e=Uf(192&~t),e===0?gv(8,t):e;case 8:return e=Uf(3584&~t),e===0&&(e=Uf(4186112&~t),e===0&&(e=512)),e;case 2:return t=Uf(805306368&~t),t===0&&(t=268435456),t}throw Error(Ie(358,e))}function Uf(e){return e&-e}function d2(e){for(var t=[],n=0;31>n;n++)t.push(e);return t}function Ib(e,t,n){e.pendingLanes|=t;var r=t-1;e.suspendedLanes&=r,e.pingedLanes&=r,e=e.eventTimes,t=31-ku(t),e[t]=n}var ku=Math.clz32?Math.clz32:gQ,pQ=Math.log,mQ=Math.LN2;function gQ(e){return e===0?32:31-(pQ(e)/mQ|0)|0}var vQ=Lr.unstable_UserBlockingPriority,bQ=Lr.unstable_runWithPriority,Tg=!0;function yQ(e,t,n,r){Ec||U4();var o=K4,i=Ec;Ec=!0;try{TI(o,e,t,n,r)}finally{(Ec=i)||q4()}}function EQ(e,t,n,r){bQ(vQ,K4.bind(null,e,t,n,r))}function K4(e,t,n,r){if(Tg){var o;if((o=(t&4)===0)&&0<Qa.length&&-1<jx.indexOf(e))e=LE(null,e,t,n,r),Qa.push(e);else{var i=V4(e,t,n,r);if(i===null)o&&zx(e,r);else{if(o){if(-1<jx.indexOf(e)){e=LE(i,e,t,n,r),Qa.push(e);return}if(sQ(i,e,t,n,r))return;zx(e,r)}YI(e,t,r,null,n)}}}}function V4(e,t,n,r){var o=z4(r);if(o=_c(o),o!==null){var i=Uc(o);if(i===null)o=null;else{var a=i.tag;if(a===13){if(o=kI(i),o!==null)return o;o=null}else if(a===3){if(i.stateNode.hydrate)return i.tag===3?i.stateNode.containerInfo:null;o=null}else i!==o&&(o=null)}}return YI(e,t,r,o,n),null}var ru=null,Y4=null,wg=null;function MI(){if(wg)return wg;var e,t=Y4,n=t.length,r,o="value"in ru?ru.value:ru.textContent,i=o.length;for(e=0;e<n&&t[e]===o[e];e++);var a=n-e;for(r=1;r<=a&&t[n-r]===o[i-r];r++);return wg=o.slice(e,1<r?1-r:void 0)}function kg(e){var t=e.keyCode;return"charCode"in e?(e=e.charCode,e===0&&t===13&&(e=13)):e=t,e===10&&(e=13),32<=e||e===13?e:0}function xm(){return!0}function Ux(){return!1}function Ei(e){function t(n,r,o,i,a){this._reactName=n,this._targetInst=o,this.type=r,this.nativeEvent=i,this.target=a,this.currentTarget=null;for(var s in e)e.hasOwnProperty(s)&&(n=e[s],this[s]=n?n(i):i[s]);return this.isDefaultPrevented=(i.defaultPrevented!=null?i.defaultPrevented:i.returnValue===!1)?xm:Ux,this.isPropagationStopped=Ux,this}return Pn(t.prototype,{preventDefault:function(){this.defaultPrevented=!0;var n=this.nativeEvent;n&&(n.preventDefault?n.preventDefault():typeof n.returnValue!="unknown"&&(n.returnValue=!1),this.isDefaultPrevented=xm)},stopPropagation:function(){var n=this.nativeEvent;n&&(n.stopPropagation?n.stopPropagation():typeof n.cancelBubble!="unknown"&&(n.cancelBubble=!0),this.isPropagationStopped=xm)},persist:function(){},isPersistent:xm}),t}var Jd={eventPhase:0,bubbles:0,cancelable:0,timeStamp:function(e){return e.timeStamp||Date.now()},defaultPrevented:0,isTrusted:0},Q4=Ei(Jd),K0=Pn({},Jd,{view:0,detail:0}),_Q=Ei(K0),h2,p2,G1,Bb=Pn({},K0,{screenX:0,screenY:0,clientX:0,clientY:0,pageX:0,pageY:0,ctrlKey:0,shiftKey:0,altKey:0,metaKey:0,getModifierState:X4,button:0,buttons:0,relatedTarget:function(e){return e.relatedTarget===void 0?e.fromElement===e.srcElement?e.toElement:e.fromElement:e.relatedTarget},movementX:function(e){return"movementX"in e?e.movementX:(e!==G1&&(G1&&e.type==="mousemove"?(h2=e.screenX-G1.screenX,p2=e.screenY-G1.screenY):p2=h2=0,G1=e),h2)},movementY:function(e){return"movementY"in e?e.movementY:p2}}),qx=Ei(Bb),TQ=Pn({},Bb,{dataTransfer:0}),wQ=Ei(TQ),kQ=Pn({},K0,{relatedTarget:0}),m2=Ei(kQ),SQ=Pn({},Jd,{animationName:0,elapsedTime:0,pseudoElement:0}),xQ=Ei(SQ),CQ=Pn({},Jd,{clipboardData:function(e){return"clipboardData"in e?e.clipboardData:window.clipboardData}}),AQ=Ei(CQ),NQ=Pn({},Jd,{data:0}),$x=Ei(NQ),FQ={Esc:"Escape",Spacebar:" ",Left:"ArrowLeft",Up:"ArrowUp",Right:"ArrowRight",Down:"ArrowDown",Del:"Delete",Win:"OS",Menu:"ContextMenu",Apps:"ContextMenu",Scroll:"ScrollLock",MozPrintableKey:"Unidentified"},IQ={8:"Backspace",9:"Tab",12:"Clear",13:"Enter",16:"Shift",17:"Control",18:"Alt",19:"Pause",20:"CapsLock",27:"Escape",32:" ",33:"PageUp",34:"PageDown",35:"End",36:"Home",37:"ArrowLeft",38:"ArrowUp",39:"ArrowRight",40:"ArrowDown",45:"Insert",46:"Delete",112:"F1",113:"F2",114:"F3",115:"F4",116:"F5",117:"F6",118:"F7",119:"F8",120:"F9",121:"F10",122:"F11",123:"F12",144:"NumLock",145:"ScrollLock",224:"Meta"},BQ={Alt:"altKey",Control:"ctrlKey",Meta:"metaKey",Shift:"shiftKey"};function RQ(e){var t=this.nativeEvent;return t.getModifierState?t.getModifierState(e):(e=BQ[e])?!!t[e]:!1}function X4(){return RQ}var OQ=Pn({},K0,{key:function(e){if(e.key){var t=FQ[e.key]||e.key;if(t!=="Unidentified")return t}return e.type==="keypress"?(e=kg(e),e===13?"Enter":String.fromCharCode(e)):e.type==="keydown"||e.type==="keyup"?IQ[e.keyCode]||"Unidentified":""},code:0,location:0,ctrlKey:0,shiftKey:0,altKey:0,metaKey:0,repeat:0,locale:0,getModifierState:X4,charCode:function(e){return e.type==="keypress"?kg(e):0},keyCode:function(e){return e.type==="keydown"||e.type==="keyup"?e.keyCode:0},which:function(e){return e.type==="keypress"?kg(e):e.type==="keydown"||e.type==="keyup"?e.keyCode:0}}),DQ=Ei(OQ),PQ=Pn({},Bb,{pointerId:0,width:0,height:0,pressure:0,tangentialPressure:0,tiltX:0,tiltY:0,twist:0,pointerType:0,isPrimary:0}),Wx=Ei(PQ),MQ=Pn({},K0,{touches:0,targetTouches:0,changedTouches:0,altKey:0,metaKey:0,ctrlKey:0,shiftKey:0,getModifierState:X4}),LQ=Ei(MQ),jQ=Pn({},Jd,{propertyName:0,elapsedTime:0,pseudoElement:0}),zQ=Ei(jQ),HQ=Pn({},Bb,{deltaX:function(e){return"deltaX"in e?e.deltaX:"wheelDeltaX"in e?-e.wheelDeltaX:0},deltaY:function(e){return"deltaY"in e?e.deltaY:"wheelDeltaY"in e?-e.wheelDeltaY:"wheelDelta"in e?-e.wheelDelta:0},deltaZ:0,deltaMode:0}),UQ=Ei(HQ),qQ=[9,13,27,32],Z4=al&&"CompositionEvent"in window,Bh=null;al&&"documentMode"in document&&(Bh=document.documentMode);var $Q=al&&"TextEvent"in window&&!Bh,LI=al&&(!Z4||Bh&&8<Bh&&11>=Bh),Gx=String.fromCharCode(32),Kx=!1;function jI(e,t){switch(e){case"keyup":return qQ.indexOf(t.keyCode)!==-1;case"keydown":return t.keyCode!==229;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function zI(e){return e=e.detail,typeof e=="object"&&"data"in e?e.data:null}var Jf=!1;function WQ(e,t){switch(e){case"compositionend":return zI(t);case"keypress":return t.which!==32?null:(Kx=!0,Gx);case"textInput":return e=t.data,e===Gx&&Kx?null:e;default:return null}}function GQ(e,t){if(Jf)return e==="compositionend"||!Z4&&jI(e,t)?(e=MI(),wg=Y4=ru=null,Jf=!1,e):null;switch(e){case"paste":return null;case"keypress":if(!(t.ctrlKey||t.altKey||t.metaKey)||t.ctrlKey&&t.altKey){if(t.char&&1<t.char.length)return t.char;if(t.which)return String.fromCharCode(t.which)}return null;case"compositionend":return LI&&t.locale!=="ko"?null:t.data;default:return null}}var KQ={color:!0,date:!0,datetime:!0,"datetime-local":!0,email:!0,month:!0,number:!0,password:!0,range:!0,search:!0,tel:!0,text:!0,time:!0,url:!0,week:!0};function Vx(e){var t=e&&e.nodeName&&e.nodeName.toLowerCase();return t==="input"?!!KQ[e.type]:t==="textarea"}function HI(e,t,n,r){EI(r),t=vv(t,"onChange"),0<t.length&&(n=new Q4("onChange","change",null,n,r),e.push({event:n,listeners:t}))}var Rh=null,m0=null;function VQ(e){GI(e,0)}function Rb(e){var t=td(e);if(hI(t))return e}function YQ(e,t){if(e==="change")return t}var UI=!1;if(al){var g2;if(al){var v2="oninput"in document;if(!v2){var Yx=document.createElement("div");Yx.setAttribute("oninput","return;"),v2=typeof Yx.oninput=="function"}g2=v2}else g2=!1;UI=g2&&(!document.documentMode||9<document.documentMode)}function Qx(){Rh&&(Rh.detachEvent("onpropertychange",qI),m0=Rh=null)}function qI(e){if(e.propertyName==="value"&&Rb(m0)){var t=[];if(HI(t,m0,e,z4(e)),e=VQ,Ec)e(t);else{Ec=!0;try{H4(e,t)}finally{Ec=!1,q4()}}}}function QQ(e,t,n){e==="focusin"?(Qx(),Rh=t,m0=n,Rh.attachEvent("onpropertychange",qI)):e==="focusout"&&Qx()}function XQ(e){if(e==="selectionchange"||e==="keyup"||e==="keydown")return Rb(m0)}function ZQ(e,t){if(e==="click")return Rb(t)}function JQ(e,t){if(e==="input"||e==="change")return Rb(t)}function eX(e,t){return e===t&&(e!==0||1/e===1/t)||e!==e&&t!==t}var Hi=typeof Object.is=="function"?Object.is:eX,tX=Object.prototype.hasOwnProperty;function g0(e,t){if(Hi(e,t))return!0;if(typeof e!="object"||e===null||typeof t!="object"||t===null)return!1;var n=Object.keys(e),r=Object.keys(t);if(n.length!==r.length)return!1;for(r=0;r<n.length;r++)if(!tX.call(t,n[r])||!Hi(e[n[r]],t[n[r]]))return!1;return!0}function Xx(e){for(;e&&e.firstChild;)e=e.firstChild;return e}function Zx(e,t){var n=Xx(e);e=0;for(var r;n;){if(n.nodeType===3){if(r=e+n.textContent.length,e<=t&&r>=t)return{node:n,offset:t-e};e=r}e:{for(;n;){if(n.nextSibling){n=n.nextSibling;break e}n=n.parentNode}n=void 0}n=Xx(n)}}function $I(e,t){return e&&t?e===t?!0:e&&e.nodeType===3?!1:t&&t.nodeType===3?$I(e,t.parentNode):"contains"in e?e.contains(t):e.compareDocumentPosition?!!(e.compareDocumentPosition(t)&16):!1:!1}function Jx(){for(var e=window,t=hv();t instanceof e.HTMLIFrameElement;){try{var n=typeof t.contentWindow.location.href=="string"}catch{n=!1}if(n)e=t.contentWindow;else break;t=hv(e.document)}return t}function jE(e){var t=e&&e.nodeName&&e.nodeName.toLowerCase();return t&&(t==="input"&&(e.type==="text"||e.type==="search"||e.type==="tel"||e.type==="url"||e.type==="password")||t==="textarea"||e.contentEditable==="true")}var nX=al&&"documentMode"in document&&11>=document.documentMode,ed=null,zE=null,Oh=null,HE=!1;function e3(e,t,n){var r=n.window===n?n.document:n.nodeType===9?n:n.ownerDocument;HE||ed==null||ed!==hv(r)||(r=ed,"selectionStart"in r&&jE(r)?r={start:r.selectionStart,end:r.selectionEnd}:(r=(r.ownerDocument&&r.ownerDocument.defaultView||window).getSelection(),r={anchorNode:r.anchorNode,anchorOffset:r.anchorOffset,focusNode:r.focusNode,focusOffset:r.focusOffset}),Oh&&g0(Oh,r)||(Oh=r,r=vv(zE,"onSelect"),0<r.length&&(t=new Q4("onSelect","select",null,t,n),e.push({event:t,listeners:r}),t.target=ed)))}G4("cancel cancel click click close close contextmenu contextMenu copy copy cut cut auxclick auxClick dblclick doubleClick dragend dragEnd dragstart dragStart drop drop focusin focus focusout blur input input invalid invalid keydown keyDown keypress keyPress keyup keyUp mousedown mouseDown mouseup mouseUp paste paste pause pause play play pointercancel pointerCancel pointerdown pointerDown pointerup pointerUp ratechange rateChange reset reset seeked seeked submit submit touchcancel touchCancel touchend touchEnd touchstart touchStart volumechange volumeChange".split(" "),0);G4("drag drag dragenter dragEnter dragexit dragExit dragleave dragLeave dragover dragOver mousemove mouseMove mouseout mouseOut mouseover mouseOver pointermove pointerMove pointerout pointerOut pointerover pointerOver scroll scroll toggle toggle touchmove touchMove wheel wheel".split(" "),1);G4(cQ,2);for(var t3="change selectionchange textInput compositionstart compositionend compositionupdate".split(" "),b2=0;b2<t3.length;b2++)W4.set(t3[b2],0);Ld("onMouseEnter",["mouseout","mouseover"]);Ld("onMouseLeave",["mouseout","mouseover"]);Ld("onPointerEnter",["pointerout","pointerover"]);Ld("onPointerLeave",["pointerout","pointerover"]);zc("onChange","change click focusin focusout input keydown keyup selectionchange".split(" "));zc("onSelect","focusout contextmenu dragend focusin keydown keyup mousedown mouseup selectionchange".split(" "));zc("onBeforeInput",["compositionend","keypress","textInput","paste"]);zc("onCompositionEnd","compositionend focusout keydown keypress keyup mousedown".split(" "));zc("onCompositionStart","compositionstart focusout keydown keypress keyup mousedown".split(" "));zc("onCompositionUpdate","compositionupdate focusout keydown keypress keyup mousedown".split(" "));var Eh="abort canplay canplaythrough durationchange emptied encrypted ended error loadeddata loadedmetadata loadstart pause play playing progress ratechange seeked seeking stalled suspend timeupdate volumechange waiting".split(" "),WI=new Set("cancel close invalid load scroll toggle".split(" ").concat(Eh));function n3(e,t,n){var r=e.type||"unknown-event";e.currentTarget=n,iQ(r,t,void 0,e),e.currentTarget=null}function GI(e,t){t=(t&4)!==0;for(var n=0;n<e.length;n++){var r=e[n],o=r.event;r=r.listeners;e:{var i=void 0;if(t)for(var a=r.length-1;0<=a;a--){var s=r[a],l=s.instance,u=s.currentTarget;if(s=s.listener,l!==i&&o.isPropagationStopped())break e;n3(o,s,u),i=l}else for(a=0;a<r.length;a++){if(s=r[a],l=s.instance,u=s.currentTarget,s=s.listener,l!==i&&o.isPropagationStopped())break e;n3(o,s,u),i=l}}}if(mv)throw e=PE,mv=!1,PE=null,e}function xn(e,t){var n=XI(t),r=e+"__bubble";n.has(r)||(VI(t,e,2,!1),n.add(r))}var r3="_reactListening"+Math.random().toString(36).slice(2);function KI(e){e[r3]||(e[r3]=!0,cI.forEach(function(t){WI.has(t)||o3(t,!1,e,null),o3(t,!0,e,null)}))}function o3(e,t,n,r){var o=4<arguments.length&&arguments[4]!==void 0?arguments[4]:0,i=n;if(e==="selectionchange"&&n.nodeType!==9&&(i=n.ownerDocument),r!==null&&!t&&WI.has(e)){if(e!=="scroll")return;o|=2,i=r}var a=XI(i),s=e+"__"+(t?"capture":"bubble");a.has(s)||(t&&(o|=4),VI(i,e,o,t),a.add(s))}function VI(e,t,n,r){var o=W4.get(t);switch(o===void 0?2:o){case 0:o=yQ;break;case 1:o=EQ;break;default:o=K4}n=o.bind(null,t,n,e),o=void 0,!DE||t!=="touchstart"&&t!=="touchmove"&&t!=="wheel"||(o=!0),r?o!==void 0?e.addEventListener(t,n,{capture:!0,passive:o}):e.addEventListener(t,n,!0):o!==void 0?e.addEventListener(t,n,{passive:o}):e.addEventListener(t,n,!1)}function YI(e,t,n,r,o){var i=r;if(!(t&1)&&!(t&2)&&r!==null)e:for(;;){if(r===null)return;var a=r.tag;if(a===3||a===4){var s=r.stateNode.containerInfo;if(s===o||s.nodeType===8&&s.parentNode===o)break;if(a===4)for(a=r.return;a!==null;){var l=a.tag;if((l===3||l===4)&&(l=a.stateNode.containerInfo,l===o||l.nodeType===8&&l.parentNode===o))return;a=a.return}for(;s!==null;){if(a=_c(s),a===null)return;if(l=a.tag,l===5||l===6){r=i=a;continue e}s=s.parentNode}}r=r.return}tQ(function(){var u=i,d=z4(n),h=[];e:{var p=DI.get(e);if(p!==void 0){var m=Q4,v=e;switch(e){case"keypress":if(kg(n)===0)break e;case"keydown":case"keyup":m=DQ;break;case"focusin":v="focus",m=m2;break;case"focusout":v="blur",m=m2;break;case"beforeblur":case"afterblur":m=m2;break;case"click":if(n.button===2)break e;case"auxclick":case"dblclick":case"mousedown":case"mousemove":case"mouseup":case"mouseout":case"mouseover":case"contextmenu":m=qx;break;case"drag":case"dragend":case"dragenter":case"dragexit":case"dragleave":case"dragover":case"dragstart":case"drop":m=wQ;break;case"touchcancel":case"touchend":case"touchmove":case"touchstart":m=LQ;break;case II:case BI:case RI:m=xQ;break;case OI:m=zQ;break;case"scroll":m=_Q;break;case"wheel":m=UQ;break;case"copy":case"cut":case"paste":m=AQ;break;case"gotpointercapture":case"lostpointercapture":case"pointercancel":case"pointerdown":case"pointermove":case"pointerout":case"pointerover":case"pointerup":m=Wx}var _=(t&4)!==0,b=!_&&e==="scroll",E=_?p!==null?p+"Capture":null:p;_=[];for(var w=u,k;w!==null;){k=w;var y=k.stateNode;if(k.tag===5&&y!==null&&(k=y,E!==null&&(y=f0(w,E),y!=null&&_.push(v0(w,y,k)))),b)break;w=w.return}0<_.length&&(p=new m(p,v,null,n,d),h.push({event:p,listeners:_}))}}if(!(t&7)){e:{if(p=e==="mouseover"||e==="pointerover",m=e==="mouseout"||e==="pointerout",p&&!(t&16)&&(v=n.relatedTarget||n.fromElement)&&(_c(v)||v[e1]))break e;if((m||p)&&(p=d.window===d?d:(p=d.ownerDocument)?p.defaultView||p.parentWindow:window,m?(v=n.relatedTarget||n.toElement,m=u,v=v?_c(v):null,v!==null&&(b=Uc(v),v!==b||v.tag!==5&&v.tag!==6)&&(v=null)):(m=null,v=u),m!==v)){if(_=qx,y="onMouseLeave",E="onMouseEnter",w="mouse",(e==="pointerout"||e==="pointerover")&&(_=Wx,y="onPointerLeave",E="onPointerEnter",w="pointer"),b=m==null?p:td(m),k=v==null?p:td(v),p=new _(y,w+"leave",m,n,d),p.target=b,p.relatedTarget=k,y=null,_c(d)===u&&(_=new _(E,w+"enter",v,n,d),_.target=k,_.relatedTarget=b,y=_),b=y,m&&v)t:{for(_=m,E=v,w=0,k=_;k;k=Ef(k))w++;for(k=0,y=E;y;y=Ef(y))k++;for(;0<w-k;)_=Ef(_),w--;for(;0<k-w;)E=Ef(E),k--;for(;w--;){if(_===E||E!==null&&_===E.alternate)break t;_=Ef(_),E=Ef(E)}_=null}else _=null;m!==null&&i3(h,p,m,_,!1),v!==null&&b!==null&&i3(h,b,v,_,!0)}}e:{if(p=u?td(u):window,m=p.nodeName&&p.nodeName.toLowerCase(),m==="select"||m==="input"&&p.type==="file")var F=YQ;else if(Vx(p))if(UI)F=JQ;else{F=XQ;var C=QQ}else(m=p.nodeName)&&m.toLowerCase()==="input"&&(p.type==="checkbox"||p.type==="radio")&&(F=ZQ);if(F&&(F=F(e,u))){HI(h,F,n,d);break e}C&&C(e,p,u),e==="focusout"&&(C=p._wrapperState)&&C.controlled&&p.type==="number"&&CE(p,"number",p.value)}switch(C=u?td(u):window,e){case"focusin":(Vx(C)||C.contentEditable==="true")&&(ed=C,zE=u,Oh=null);break;case"focusout":Oh=zE=ed=null;break;case"mousedown":HE=!0;break;case"contextmenu":case"mouseup":case"dragend":HE=!1,e3(h,n,d);break;case"selectionchange":if(nX)break;case"keydown":case"keyup":e3(h,n,d)}var A;if(Z4)e:{switch(e){case"compositionstart":var P="onCompositionStart";break e;case"compositionend":P="onCompositionEnd";break e;case"compositionupdate":P="onCompositionUpdate";break e}P=void 0}else Jf?jI(e,n)&&(P="onCompositionEnd"):e==="keydown"&&n.keyCode===229&&(P="onCompositionStart");P&&(LI&&n.locale!=="ko"&&(Jf||P!=="onCompositionStart"?P==="onCompositionEnd"&&Jf&&(A=MI()):(ru=d,Y4="value"in ru?ru.value:ru.textContent,Jf=!0)),C=vv(u,P),0<C.length&&(P=new $x(P,e,null,n,d),h.push({event:P,listeners:C}),A?P.data=A:(A=zI(n),A!==null&&(P.data=A)))),(A=$Q?WQ(e,n):GQ(e,n))&&(u=vv(u,"onBeforeInput"),0<u.length&&(d=new $x("onBeforeInput","beforeinput",null,n,d),h.push({event:d,listeners:u}),d.data=A))}GI(h,t)})}function v0(e,t,n){return{instance:e,listener:t,currentTarget:n}}function vv(e,t){for(var n=t+"Capture",r=[];e!==null;){var o=e,i=o.stateNode;o.tag===5&&i!==null&&(o=i,i=f0(e,n),i!=null&&r.unshift(v0(e,i,o)),i=f0(e,t),i!=null&&r.push(v0(e,i,o))),e=e.return}return r}function Ef(e){if(e===null)return null;do e=e.return;while(e&&e.tag!==5);return e||null}function i3(e,t,n,r,o){for(var i=t._reactName,a=[];n!==null&&n!==r;){var s=n,l=s.alternate,u=s.stateNode;if(l!==null&&l===r)break;s.tag===5&&u!==null&&(s=u,o?(l=f0(n,i),l!=null&&a.unshift(v0(n,l,s))):o||(l=f0(n,i),l!=null&&a.push(v0(n,l,s)))),n=n.return}a.length!==0&&e.push({event:t,listeners:a})}function bv(){}var y2=null,E2=null;function QI(e,t){switch(e){case"button":case"input":case"select":case"textarea":return!!t.autoFocus}return!1}function UE(e,t){return e==="textarea"||e==="option"||e==="noscript"||typeof t.children=="string"||typeof t.children=="number"||typeof t.dangerouslySetInnerHTML=="object"&&t.dangerouslySetInnerHTML!==null&&t.dangerouslySetInnerHTML.__html!=null}var a3=typeof setTimeout=="function"?setTimeout:void 0,rX=typeof clearTimeout=="function"?clearTimeout:void 0;function J4(e){e.nodeType===1?e.textContent="":e.nodeType===9&&(e=e.body,e!=null&&(e.textContent=""))}function vd(e){for(;e!=null;e=e.nextSibling){var t=e.nodeType;if(t===1||t===3)break}return e}function s3(e){e=e.previousSibling;for(var t=0;e;){if(e.nodeType===8){var n=e.data;if(n==="$"||n==="$!"||n==="$?"){if(t===0)return e;t--}else n==="/$"&&t++}e=e.previousSibling}return null}var _2=0;function oX(e){return{$$typeof:L4,toString:e,valueOf:e}}var Ob=Math.random().toString(36).slice(2),ou="__reactFiber$"+Ob,yv="__reactProps$"+Ob,e1="__reactContainer$"+Ob,l3="__reactEvents$"+Ob;function _c(e){var t=e[ou];if(t)return t;for(var n=e.parentNode;n;){if(t=n[e1]||n[ou]){if(n=t.alternate,t.child!==null||n!==null&&n.child!==null)for(e=s3(e);e!==null;){if(n=e[ou])return n;e=s3(e)}return t}e=n,n=e.parentNode}return null}function V0(e){return e=e[ou]||e[e1],!e||e.tag!==5&&e.tag!==6&&e.tag!==13&&e.tag!==3?null:e}function td(e){if(e.tag===5||e.tag===6)return e.stateNode;throw Error(Ie(33))}function Db(e){return e[yv]||null}function XI(e){var t=e[l3];return t===void 0&&(t=e[l3]=new Set),t}var qE=[],nd=-1;function Bu(e){return{current:e}}function An(e){0>nd||(e.current=qE[nd],qE[nd]=null,nd--)}function Qn(e,t){nd++,qE[nd]=e.current,e.current=t}var Su={},mo=Bu(Su),Jo=Bu(!1),Dc=Su;function jd(e,t){var n=e.type.contextTypes;if(!n)return Su;var r=e.stateNode;if(r&&r.__reactInternalMemoizedUnmaskedChildContext===t)return r.__reactInternalMemoizedMaskedChildContext;var o={},i;for(i in n)o[i]=t[i];return r&&(e=e.stateNode,e.__reactInternalMemoizedUnmaskedChildContext=t,e.__reactInternalMemoizedMaskedChildContext=o),o}function ei(e){return e=e.childContextTypes,e!=null}function Ev(){An(Jo),An(mo)}function u3(e,t,n){if(mo.current!==Su)throw Error(Ie(168));Qn(mo,t),Qn(Jo,n)}function ZI(e,t,n){var r=e.stateNode;if(e=t.childContextTypes,typeof r.getChildContext!="function")return n;r=r.getChildContext();for(var o in r)if(!(o in e))throw Error(Ie(108,hd(t)||"Unknown",o));return Pn({},n,r)}function Sg(e){return e=(e=e.stateNode)&&e.__reactInternalMemoizedMergedChildContext||Su,Dc=mo.current,Qn(mo,e),Qn(Jo,Jo.current),!0}function c3(e,t,n){var r=e.stateNode;if(!r)throw Error(Ie(169));n?(e=ZI(e,t,Dc),r.__reactInternalMemoizedMergedChildContext=e,An(Jo),An(mo),Qn(mo,e)):An(Jo),Qn(Jo,n)}var eT=null,Ac=null,iX=Lr.unstable_runWithPriority,tT=Lr.unstable_scheduleCallback,$E=Lr.unstable_cancelCallback,aX=Lr.unstable_shouldYield,f3=Lr.unstable_requestPaint,WE=Lr.unstable_now,sX=Lr.unstable_getCurrentPriorityLevel,Pb=Lr.unstable_ImmediatePriority,JI=Lr.unstable_UserBlockingPriority,eB=Lr.unstable_NormalPriority,tB=Lr.unstable_LowPriority,nB=Lr.unstable_IdlePriority,T2={},lX=f3!==void 0?f3:function(){},Gs=null,xg=null,w2=!1,d3=WE(),co=1e4>d3?WE:function(){return WE()-d3};function zd(){switch(sX()){case Pb:return 99;case JI:return 98;case eB:return 97;case tB:return 96;case nB:return 95;default:throw Error(Ie(332))}}function rB(e){switch(e){case 99:return Pb;case 98:return JI;case 97:return eB;case 96:return tB;case 95:return nB;default:throw Error(Ie(332))}}function Pc(e,t){return e=rB(e),iX(e,t)}function b0(e,t,n){return e=rB(e),tT(e,t,n)}function ps(){if(xg!==null){var e=xg;xg=null,$E(e)}oB()}function oB(){if(!w2&&Gs!==null){w2=!0;var e=0;try{var t=Gs;Pc(99,function(){for(;e<t.length;e++){var n=t[e];do n=n(!0);while(n!==null)}}),Gs=null}catch(n){throw Gs!==null&&(Gs=Gs.slice(e+1)),tT(Pb,ps),n}finally{w2=!1}}}var uX=Hc.ReactCurrentBatchConfig;function ga(e,t){if(e&&e.defaultProps){t=Pn({},t),e=e.defaultProps;for(var n in e)t[n]===void 0&&(t[n]=e[n]);return t}return t}var _v=Bu(null),Tv=null,rd=null,wv=null;function nT(){wv=rd=Tv=null}function rT(e){var t=_v.current;An(_v),e.type._context._currentValue=t}function iB(e,t){for(;e!==null;){var n=e.alternate;if((e.childLanes&t)===t){if(n===null||(n.childLanes&t)===t)break;n.childLanes|=t}else e.childLanes|=t,n!==null&&(n.childLanes|=t);e=e.return}}function bd(e,t){Tv=e,wv=rd=null,e=e.dependencies,e!==null&&e.firstContext!==null&&(e.lanes&t&&(Ea=!0),e.firstContext=null)}function Xi(e,t){if(wv!==e&&t!==!1&&t!==0)if((typeof t!="number"||t===1073741823)&&(wv=e,t=1073741823),t={context:e,observedBits:t,next:null},rd===null){if(Tv===null)throw Error(Ie(308));rd=t,Tv.dependencies={lanes:0,firstContext:t,responders:null}}else rd=rd.next=t;return e._currentValue}var Vl=!1;function oT(e){e.updateQueue={baseState:e.memoizedState,firstBaseUpdate:null,lastBaseUpdate:null,shared:{pending:null},effects:null}}function aB(e,t){e=e.updateQueue,t.updateQueue===e&&(t.updateQueue={baseState:e.baseState,firstBaseUpdate:e.firstBaseUpdate,lastBaseUpdate:e.lastBaseUpdate,shared:e.shared,effects:e.effects})}function pu(e,t){return{eventTime:e,lane:t,tag:0,payload:null,callback:null,next:null}}function mu(e,t){if(e=e.updateQueue,e!==null){e=e.shared;var n=e.pending;n===null?t.next=t:(t.next=n.next,n.next=t),e.pending=t}}function h3(e,t){var n=e.updateQueue,r=e.alternate;if(r!==null&&(r=r.updateQueue,n===r)){var o=null,i=null;if(n=n.firstBaseUpdate,n!==null){do{var a={eventTime:n.eventTime,lane:n.lane,tag:n.tag,payload:n.payload,callback:n.callback,next:null};i===null?o=i=a:i=i.next=a,n=n.next}while(n!==null);i===null?o=i=t:i=i.next=t}else o=i=t;n={baseState:r.baseState,firstBaseUpdate:o,lastBaseUpdate:i,shared:r.shared,effects:r.effects},e.updateQueue=n;return}e=n.lastBaseUpdate,e===null?n.firstBaseUpdate=t:e.next=t,n.lastBaseUpdate=t}function y0(e,t,n,r){var o=e.updateQueue;Vl=!1;var i=o.firstBaseUpdate,a=o.lastBaseUpdate,s=o.shared.pending;if(s!==null){o.shared.pending=null;var l=s,u=l.next;l.next=null,a===null?i=u:a.next=u,a=l;var d=e.alternate;if(d!==null){d=d.updateQueue;var h=d.lastBaseUpdate;h!==a&&(h===null?d.firstBaseUpdate=u:h.next=u,d.lastBaseUpdate=l)}}if(i!==null){h=o.baseState,a=0,d=u=l=null;do{s=i.lane;var p=i.eventTime;if((r&s)===s){d!==null&&(d=d.next={eventTime:p,lane:0,tag:i.tag,payload:i.payload,callback:i.callback,next:null});e:{var m=e,v=i;switch(s=t,p=n,v.tag){case 1:if(m=v.payload,typeof m=="function"){h=m.call(p,h,s);break e}h=m;break e;case 3:m.flags=m.flags&-4097|64;case 0:if(m=v.payload,s=typeof m=="function"?m.call(p,h,s):m,s==null)break e;h=Pn({},h,s);break e;case 2:Vl=!0}}i.callback!==null&&(e.flags|=32,s=o.effects,s===null?o.effects=[i]:s.push(i))}else p={eventTime:p,lane:s,tag:i.tag,payload:i.payload,callback:i.callback,next:null},d===null?(u=d=p,l=h):d=d.next=p,a|=s;if(i=i.next,i===null){if(s=o.shared.pending,s===null)break;i=s.next,s.next=null,o.lastBaseUpdate=s,o.shared.pending=null}}while(1);d===null&&(l=h),o.baseState=l,o.firstBaseUpdate=u,o.lastBaseUpdate=d,Q0|=a,e.lanes=a,e.memoizedState=h}}function p3(e,t,n){if(e=t.effects,t.effects=null,e!==null)for(t=0;t<e.length;t++){var r=e[t],o=r.callback;if(o!==null){if(r.callback=null,r=n,typeof o!="function")throw Error(Ie(191,o));o.call(r)}}}var sB=new Cb.Component().refs;function kv(e,t,n,r){t=e.memoizedState,n=n(r,t),n=n==null?t:Pn({},t,n),e.memoizedState=n,e.lanes===0&&(e.updateQueue.baseState=n)}var Mb={isMounted:function(e){return(e=e._reactInternals)?Uc(e)===e:!1},enqueueSetState:function(e,t,n){e=e._reactInternals;var r=vi(),o=gu(e),i=pu(r,o);i.payload=t,n!=null&&(i.callback=n),mu(e,i),vu(e,o,r)},enqueueReplaceState:function(e,t,n){e=e._reactInternals;var r=vi(),o=gu(e),i=pu(r,o);i.tag=1,i.payload=t,n!=null&&(i.callback=n),mu(e,i),vu(e,o,r)},enqueueForceUpdate:function(e,t){e=e._reactInternals;var n=vi(),r=gu(e),o=pu(n,r);o.tag=2,t!=null&&(o.callback=t),mu(e,o),vu(e,r,n)}};function m3(e,t,n,r,o,i,a){return e=e.stateNode,typeof e.shouldComponentUpdate=="function"?e.shouldComponentUpdate(r,i,a):t.prototype&&t.prototype.isPureReactComponent?!g0(n,r)||!g0(o,i):!0}function lB(e,t,n){var r=!1,o=Su,i=t.contextType;return typeof i=="object"&&i!==null?i=Xi(i):(o=ei(t)?Dc:mo.current,r=t.contextTypes,i=(r=r!=null)?jd(e,o):Su),t=new t(n,i),e.memoizedState=t.state!==null&&t.state!==void 0?t.state:null,t.updater=Mb,e.stateNode=t,t._reactInternals=e,r&&(e=e.stateNode,e.__reactInternalMemoizedUnmaskedChildContext=o,e.__reactInternalMemoizedMaskedChildContext=i),t}function g3(e,t,n,r){e=t.state,typeof t.componentWillReceiveProps=="function"&&t.componentWillReceiveProps(n,r),typeof t.UNSAFE_componentWillReceiveProps=="function"&&t.UNSAFE_componentWillReceiveProps(n,r),t.state!==e&&Mb.enqueueReplaceState(t,t.state,null)}function GE(e,t,n,r){var o=e.stateNode;o.props=n,o.state=e.memoizedState,o.refs=sB,oT(e);var i=t.contextType;typeof i=="object"&&i!==null?o.context=Xi(i):(i=ei(t)?Dc:mo.current,o.context=jd(e,i)),y0(e,n,o,r),o.state=e.memoizedState,i=t.getDerivedStateFromProps,typeof i=="function"&&(kv(e,t,i,n),o.state=e.memoizedState),typeof t.getDerivedStateFromProps=="function"||typeof o.getSnapshotBeforeUpdate=="function"||typeof o.UNSAFE_componentWillMount!="function"&&typeof o.componentWillMount!="function"||(t=o.state,typeof o.componentWillMount=="function"&&o.componentWillMount(),typeof o.UNSAFE_componentWillMount=="function"&&o.UNSAFE_componentWillMount(),t!==o.state&&Mb.enqueueReplaceState(o,o.state,null),y0(e,n,o,r),o.state=e.memoizedState),typeof o.componentDidMount=="function"&&(e.flags|=4)}var Cm=Array.isArray;function K1(e,t,n){if(e=n.ref,e!==null&&typeof e!="function"&&typeof e!="object"){if(n._owner){if(n=n._owner,n){if(n.tag!==1)throw Error(Ie(309));var r=n.stateNode}if(!r)throw Error(Ie(147,e));var o=""+e;return t!==null&&t.ref!==null&&typeof t.ref=="function"&&t.ref._stringRef===o?t.ref:(t=function(i){var a=r.refs;a===sB&&(a=r.refs={}),i===null?delete a[o]:a[o]=i},t._stringRef=o,t)}if(typeof e!="string")throw Error(Ie(284));if(!n._owner)throw Error(Ie(290,e))}return e}function Am(e,t){if(e.type!=="textarea")throw Error(Ie(31,Object.prototype.toString.call(t)==="[object Object]"?"object with keys {"+Object.keys(t).join(", ")+"}":t))}function uB(e){function t(b,E){if(e){var w=b.lastEffect;w!==null?(w.nextEffect=E,b.lastEffect=E):b.firstEffect=b.lastEffect=E,E.nextEffect=null,E.flags=8}}function n(b,E){if(!e)return null;for(;E!==null;)t(b,E),E=E.sibling;return null}function r(b,E){for(b=new Map;E!==null;)E.key!==null?b.set(E.key,E):b.set(E.index,E),E=E.sibling;return b}function o(b,E){return b=Cu(b,E),b.index=0,b.sibling=null,b}function i(b,E,w){return b.index=w,e?(w=b.alternate,w!==null?(w=w.index,w<E?(b.flags=2,E):w):(b.flags=2,E)):E}function a(b){return e&&b.alternate===null&&(b.flags=2),b}function s(b,E,w,k){return E===null||E.tag!==6?(E=A2(w,b.mode,k),E.return=b,E):(E=o(E,w),E.return=b,E)}function l(b,E,w,k){return E!==null&&E.elementType===w.type?(k=o(E,w.props),k.ref=K1(b,E,w),k.return=b,k):(k=Fg(w.type,w.key,w.props,null,b.mode,k),k.ref=K1(b,E,w),k.return=b,k)}function u(b,E,w,k){return E===null||E.tag!==4||E.stateNode.containerInfo!==w.containerInfo||E.stateNode.implementation!==w.implementation?(E=N2(w,b.mode,k),E.return=b,E):(E=o(E,w.children||[]),E.return=b,E)}function d(b,E,w,k,y){return E===null||E.tag!==7?(E=Td(w,b.mode,k,y),E.return=b,E):(E=o(E,w),E.return=b,E)}function h(b,E,w){if(typeof E=="string"||typeof E=="number")return E=A2(""+E,b.mode,w),E.return=b,E;if(typeof E=="object"&&E!==null){switch(E.$$typeof){case bh:return w=Fg(E.type,E.key,E.props,null,b.mode,w),w.ref=K1(b,null,E),w.return=b,w;case yc:return E=N2(E,b.mode,w),E.return=b,E}if(Cm(E)||H1(E))return E=Td(E,b.mode,w,null),E.return=b,E;Am(b,E)}return null}function p(b,E,w,k){var y=E!==null?E.key:null;if(typeof w=="string"||typeof w=="number")return y!==null?null:s(b,E,""+w,k);if(typeof w=="object"&&w!==null){switch(w.$$typeof){case bh:return w.key===y?w.type===tu?d(b,E,w.props.children,k,y):l(b,E,w,k):null;case yc:return w.key===y?u(b,E,w,k):null}if(Cm(w)||H1(w))return y!==null?null:d(b,E,w,k,null);Am(b,w)}return null}function m(b,E,w,k,y){if(typeof k=="string"||typeof k=="number")return b=b.get(w)||null,s(E,b,""+k,y);if(typeof k=="object"&&k!==null){switch(k.$$typeof){case bh:return b=b.get(k.key===null?w:k.key)||null,k.type===tu?d(E,b,k.props.children,y,k.key):l(E,b,k,y);case yc:return b=b.get(k.key===null?w:k.key)||null,u(E,b,k,y)}if(Cm(k)||H1(k))return b=b.get(w)||null,d(E,b,k,y,null);Am(E,k)}return null}function v(b,E,w,k){for(var y=null,F=null,C=E,A=E=0,P=null;C!==null&&A<w.length;A++){C.index>A?(P=C,C=null):P=C.sibling;var I=p(b,C,w[A],k);if(I===null){C===null&&(C=P);break}e&&C&&I.alternate===null&&t(b,C),E=i(I,E,A),F===null?y=I:F.sibling=I,F=I,C=P}if(A===w.length)return n(b,C),y;if(C===null){for(;A<w.length;A++)C=h(b,w[A],k),C!==null&&(E=i(C,E,A),F===null?y=C:F.sibling=C,F=C);return y}for(C=r(b,C);A<w.length;A++)P=m(C,b,A,w[A],k),P!==null&&(e&&P.alternate!==null&&C.delete(P.key===null?A:P.key),E=i(P,E,A),F===null?y=P:F.sibling=P,F=P);return e&&C.forEach(function(j){return t(b,j)}),y}function _(b,E,w,k){var y=H1(w);if(typeof y!="function")throw Error(Ie(150));if(w=y.call(w),w==null)throw Error(Ie(151));for(var F=y=null,C=E,A=E=0,P=null,I=w.next();C!==null&&!I.done;A++,I=w.next()){C.index>A?(P=C,C=null):P=C.sibling;var j=p(b,C,I.value,k);if(j===null){C===null&&(C=P);break}e&&C&&j.alternate===null&&t(b,C),E=i(j,E,A),F===null?y=j:F.sibling=j,F=j,C=P}if(I.done)return n(b,C),y;if(C===null){for(;!I.done;A++,I=w.next())I=h(b,I.value,k),I!==null&&(E=i(I,E,A),F===null?y=I:F.sibling=I,F=I);return y}for(C=r(b,C);!I.done;A++,I=w.next())I=m(C,b,A,I.value,k),I!==null&&(e&&I.alternate!==null&&C.delete(I.key===null?A:I.key),E=i(I,E,A),F===null?y=I:F.sibling=I,F=I);return e&&C.forEach(function(H){return t(b,H)}),y}return function(b,E,w,k){var y=typeof w=="object"&&w!==null&&w.type===tu&&w.key===null;y&&(w=w.props.children);var F=typeof w=="object"&&w!==null;if(F)switch(w.$$typeof){case bh:e:{for(F=w.key,y=E;y!==null;){if(y.key===F){switch(y.tag){case 7:if(w.type===tu){n(b,y.sibling),E=o(y,w.props.children),E.return=b,b=E;break e}break;default:if(y.elementType===w.type){n(b,y.sibling),E=o(y,w.props),E.ref=K1(b,y,w),E.return=b,b=E;break e}}n(b,y);break}else t(b,y);y=y.sibling}w.type===tu?(E=Td(w.props.children,b.mode,k,w.key),E.return=b,b=E):(k=Fg(w.type,w.key,w.props,null,b.mode,k),k.ref=K1(b,E,w),k.return=b,b=k)}return a(b);case yc:e:{for(y=w.key;E!==null;){if(E.key===y)if(E.tag===4&&E.stateNode.containerInfo===w.containerInfo&&E.stateNode.implementation===w.implementation){n(b,E.sibling),E=o(E,w.children||[]),E.return=b,b=E;break e}else{n(b,E);break}else t(b,E);E=E.sibling}E=N2(w,b.mode,k),E.return=b,b=E}return a(b)}if(typeof w=="string"||typeof w=="number")return w=""+w,E!==null&&E.tag===6?(n(b,E.sibling),E=o(E,w),E.return=b,b=E):(n(b,E),E=A2(w,b.mode,k),E.return=b,b=E),a(b);if(Cm(w))return v(b,E,w,k);if(H1(w))return _(b,E,w,k);if(F&&Am(b,w),typeof w>"u"&&!y)switch(b.tag){case 1:case 22:case 0:case 11:case 15:throw Error(Ie(152,hd(b.type)||"Component"))}return n(b,E)}}var Sv=uB(!0),cB=uB(!1),Y0={},ns=Bu(Y0),E0=Bu(Y0),_0=Bu(Y0);function Tc(e){if(e===Y0)throw Error(Ie(174));return e}function KE(e,t){switch(Qn(_0,t),Qn(E0,e),Qn(ns,Y0),e=t.nodeType,e){case 9:case 11:t=(t=t.documentElement)?t.namespaceURI:IE(null,"");break;default:e=e===8?t.parentNode:t,t=e.namespaceURI||null,e=e.tagName,t=IE(t,e)}An(ns),Qn(ns,t)}function Hd(){An(ns),An(E0),An(_0)}function v3(e){Tc(_0.current);var t=Tc(ns.current),n=IE(t,e.type);t!==n&&(Qn(E0,e),Qn(ns,n))}function iT(e){E0.current===e&&(An(ns),An(E0))}var Yn=Bu(0);function xv(e){for(var t=e;t!==null;){if(t.tag===13){var n=t.memoizedState;if(n!==null&&(n=n.dehydrated,n===null||n.data==="$?"||n.data==="$!"))return t}else if(t.tag===19&&t.memoizedProps.revealOrder!==void 0){if(t.flags&64)return t}else if(t.child!==null){t.child.return=t,t=t.child;continue}if(t===e)break;for(;t.sibling===null;){if(t.return===null||t.return===e)return null;t=t.return}t.sibling.return=t.return,t=t.sibling}return null}var Xs=null,iu=null,rs=!1;function fB(e,t){var n=Ui(5,null,null,0);n.elementType="DELETED",n.type="DELETED",n.stateNode=t,n.return=e,n.flags=8,e.lastEffect!==null?(e.lastEffect.nextEffect=n,e.lastEffect=n):e.firstEffect=e.lastEffect=n}function b3(e,t){switch(e.tag){case 5:var n=e.type;return t=t.nodeType!==1||n.toLowerCase()!==t.nodeName.toLowerCase()?null:t,t!==null?(e.stateNode=t,!0):!1;case 6:return t=e.pendingProps===""||t.nodeType!==3?null:t,t!==null?(e.stateNode=t,!0):!1;case 13:return!1;default:return!1}}function VE(e){if(rs){var t=iu;if(t){var n=t;if(!b3(e,t)){if(t=vd(n.nextSibling),!t||!b3(e,t)){e.flags=e.flags&-1025|2,rs=!1,Xs=e;return}fB(Xs,n)}Xs=e,iu=vd(t.firstChild)}else e.flags=e.flags&-1025|2,rs=!1,Xs=e}}function y3(e){for(e=e.return;e!==null&&e.tag!==5&&e.tag!==3&&e.tag!==13;)e=e.return;Xs=e}function Nm(e){if(e!==Xs)return!1;if(!rs)return y3(e),rs=!0,!1;var t=e.type;if(e.tag!==5||t!=="head"&&t!=="body"&&!UE(t,e.memoizedProps))for(t=iu;t;)fB(e,t),t=vd(t.nextSibling);if(y3(e),e.tag===13){if(e=e.memoizedState,e=e!==null?e.dehydrated:null,!e)throw Error(Ie(317));e:{for(e=e.nextSibling,t=0;e;){if(e.nodeType===8){var n=e.data;if(n==="/$"){if(t===0){iu=vd(e.nextSibling);break e}t--}else n!=="$"&&n!=="$!"&&n!=="$?"||t++}e=e.nextSibling}iu=null}}else iu=Xs?vd(e.stateNode.nextSibling):null;return!0}function k2(){iu=Xs=null,rs=!1}var yd=[];function aT(){for(var e=0;e<yd.length;e++)yd[e]._workInProgressVersionPrimary=null;yd.length=0}var Dh=Hc.ReactCurrentDispatcher,Wi=Hc.ReactCurrentBatchConfig,T0=0,cr=null,so=null,Yr=null,Cv=!1,Ph=!1;function Uo(){throw Error(Ie(321))}function sT(e,t){if(t===null)return!1;for(var n=0;n<t.length&&n<e.length;n++)if(!Hi(e[n],t[n]))return!1;return!0}function lT(e,t,n,r,o,i){if(T0=i,cr=t,t.memoizedState=null,t.updateQueue=null,t.lanes=0,Dh.current=e===null||e.memoizedState===null?fX:dX,e=n(r,o),Ph){i=0;do{if(Ph=!1,!(25>i))throw Error(Ie(301));i+=1,Yr=so=null,t.updateQueue=null,Dh.current=hX,e=n(r,o)}while(Ph)}if(Dh.current=Iv,t=so!==null&&so.next!==null,T0=0,Yr=so=cr=null,Cv=!1,t)throw Error(Ie(300));return e}function wc(){var e={memoizedState:null,baseState:null,baseQueue:null,queue:null,next:null};return Yr===null?cr.memoizedState=Yr=e:Yr=Yr.next=e,Yr}function qc(){if(so===null){var e=cr.alternate;e=e!==null?e.memoizedState:null}else e=so.next;var t=Yr===null?cr.memoizedState:Yr.next;if(t!==null)Yr=t,so=e;else{if(e===null)throw Error(Ie(310));so=e,e={memoizedState:so.memoizedState,baseState:so.baseState,baseQueue:so.baseQueue,queue:so.queue,next:null},Yr===null?cr.memoizedState=Yr=e:Yr=Yr.next=e}return Yr}function Xa(e,t){return typeof t=="function"?t(e):t}function V1(e){var t=qc(),n=t.queue;if(n===null)throw Error(Ie(311));n.lastRenderedReducer=e;var r=so,o=r.baseQueue,i=n.pending;if(i!==null){if(o!==null){var a=o.next;o.next=i.next,i.next=a}r.baseQueue=o=i,n.pending=null}if(o!==null){o=o.next,r=r.baseState;var s=a=i=null,l=o;do{var u=l.lane;if((T0&u)===u)s!==null&&(s=s.next={lane:0,action:l.action,eagerReducer:l.eagerReducer,eagerState:l.eagerState,next:null}),r=l.eagerReducer===e?l.eagerState:e(r,l.action);else{var d={lane:u,action:l.action,eagerReducer:l.eagerReducer,eagerState:l.eagerState,next:null};s===null?(a=s=d,i=r):s=s.next=d,cr.lanes|=u,Q0|=u}l=l.next}while(l!==null&&l!==o);s===null?i=r:s.next=a,Hi(r,t.memoizedState)||(Ea=!0),t.memoizedState=r,t.baseState=i,t.baseQueue=s,n.lastRenderedState=r}return[t.memoizedState,n.dispatch]}function Y1(e){var t=qc(),n=t.queue;if(n===null)throw Error(Ie(311));n.lastRenderedReducer=e;var r=n.dispatch,o=n.pending,i=t.memoizedState;if(o!==null){n.pending=null;var a=o=o.next;do i=e(i,a.action),a=a.next;while(a!==o);Hi(i,t.memoizedState)||(Ea=!0),t.memoizedState=i,t.baseQueue===null&&(t.baseState=i),n.lastRenderedState=i}return[i,r]}function E3(e,t,n){var r=t._getVersion;r=r(t._source);var o=t._workInProgressVersionPrimary;if(o!==null?e=o===r:(e=e.mutableReadLanes,(e=(T0&e)===e)&&(t._workInProgressVersionPrimary=r,yd.push(t))),e)return n(t._source);throw yd.push(t),Error(Ie(350))}function dB(e,t,n,r){var o=Bo;if(o===null)throw Error(Ie(349));var i=t._getVersion,a=i(t._source),s=Dh.current,l=s.useState(function(){return E3(o,t,n)}),u=l[1],d=l[0];l=Yr;var h=e.memoizedState,p=h.refs,m=p.getSnapshot,v=h.source;h=h.subscribe;var _=cr;return e.memoizedState={refs:p,source:t,subscribe:r},s.useEffect(function(){p.getSnapshot=n,p.setSnapshot=u;var b=i(t._source);if(!Hi(a,b)){b=n(t._source),Hi(d,b)||(u(b),b=gu(_),o.mutableReadLanes|=b&o.pendingLanes),b=o.mutableReadLanes,o.entangledLanes|=b;for(var E=o.entanglements,w=b;0<w;){var k=31-ku(w),y=1<<k;E[k]|=b,w&=~y}}},[n,t,r]),s.useEffect(function(){return r(t._source,function(){var b=p.getSnapshot,E=p.setSnapshot;try{E(b(t._source));var w=gu(_);o.mutableReadLanes|=w&o.pendingLanes}catch(k){E(function(){throw k})}})},[t,r]),Hi(m,n)&&Hi(v,t)&&Hi(h,r)||(e={pending:null,dispatch:null,lastRenderedReducer:Xa,lastRenderedState:d},e.dispatch=u=fT.bind(null,cr,e),l.queue=e,l.baseQueue=null,d=E3(o,t,n),l.memoizedState=l.baseState=d),d}function hB(e,t,n){var r=qc();return dB(r,e,t,n)}function Q1(e){var t=wc();return typeof e=="function"&&(e=e()),t.memoizedState=t.baseState=e,e=t.queue={pending:null,dispatch:null,lastRenderedReducer:Xa,lastRenderedState:e},e=e.dispatch=fT.bind(null,cr,e),[t.memoizedState,e]}function Av(e,t,n,r){return e={tag:e,create:t,destroy:n,deps:r,next:null},t=cr.updateQueue,t===null?(t={lastEffect:null},cr.updateQueue=t,t.lastEffect=e.next=e):(n=t.lastEffect,n===null?t.lastEffect=e.next=e:(r=n.next,n.next=e,e.next=r,t.lastEffect=e)),e}function _3(e){var t=wc();return e={current:e},t.memoizedState=e}function Nv(){return qc().memoizedState}function YE(e,t,n,r){var o=wc();cr.flags|=e,o.memoizedState=Av(1|t,n,void 0,r===void 0?null:r)}function uT(e,t,n,r){var o=qc();r=r===void 0?null:r;var i=void 0;if(so!==null){var a=so.memoizedState;if(i=a.destroy,r!==null&&sT(r,a.deps)){Av(t,n,i,r);return}}cr.flags|=e,o.memoizedState=Av(1|t,n,i,r)}function T3(e,t){return YE(516,4,e,t)}function Fv(e,t){return uT(516,4,e,t)}function pB(e,t){return uT(4,2,e,t)}function mB(e,t){if(typeof t=="function")return e=e(),t(e),function(){t(null)};if(t!=null)return e=e(),t.current=e,function(){t.current=null}}function gB(e,t,n){return n=n!=null?n.concat([e]):null,uT(4,2,mB.bind(null,t,e),n)}function cT(){}function vB(e,t){var n=qc();t=t===void 0?null:t;var r=n.memoizedState;return r!==null&&t!==null&&sT(t,r[1])?r[0]:(n.memoizedState=[e,t],e)}function bB(e,t){var n=qc();t=t===void 0?null:t;var r=n.memoizedState;return r!==null&&t!==null&&sT(t,r[1])?r[0]:(e=e(),n.memoizedState=[e,t],e)}function cX(e,t){var n=zd();Pc(98>n?98:n,function(){e(!0)}),Pc(97<n?97:n,function(){var r=Wi.transition;Wi.transition=1;try{e(!1),t()}finally{Wi.transition=r}})}function fT(e,t,n){var r=vi(),o=gu(e),i={lane:o,action:n,eagerReducer:null,eagerState:null,next:null},a=t.pending;if(a===null?i.next=i:(i.next=a.next,a.next=i),t.pending=i,a=e.alternate,e===cr||a!==null&&a===cr)Ph=Cv=!0;else{if(e.lanes===0&&(a===null||a.lanes===0)&&(a=t.lastRenderedReducer,a!==null))try{var s=t.lastRenderedState,l=a(s,n);if(i.eagerReducer=a,i.eagerState=l,Hi(l,s))return}catch{}finally{}vu(e,o,r)}}var Iv={readContext:Xi,useCallback:Uo,useContext:Uo,useEffect:Uo,useImperativeHandle:Uo,useLayoutEffect:Uo,useMemo:Uo,useReducer:Uo,useRef:Uo,useState:Uo,useDebugValue:Uo,useDeferredValue:Uo,useTransition:Uo,useMutableSource:Uo,useOpaqueIdentifier:Uo,unstable_isNewReconciler:!1},fX={readContext:Xi,useCallback:function(e,t){return wc().memoizedState=[e,t===void 0?null:t],e},useContext:Xi,useEffect:T3,useImperativeHandle:function(e,t,n){return n=n!=null?n.concat([e]):null,YE(4,2,mB.bind(null,t,e),n)},useLayoutEffect:function(e,t){return YE(4,2,e,t)},useMemo:function(e,t){var n=wc();return t=t===void 0?null:t,e=e(),n.memoizedState=[e,t],e},useReducer:function(e,t,n){var r=wc();return t=n!==void 0?n(t):t,r.memoizedState=r.baseState=t,e=r.queue={pending:null,dispatch:null,lastRenderedReducer:e,lastRenderedState:t},e=e.dispatch=fT.bind(null,cr,e),[r.memoizedState,e]},useRef:_3,useState:Q1,useDebugValue:cT,useDeferredValue:function(e){var t=Q1(e),n=t[0],r=t[1];return T3(function(){var o=Wi.transition;Wi.transition=1;try{r(e)}finally{Wi.transition=o}},[e]),n},useTransition:function(){var e=Q1(!1),t=e[0];return e=cX.bind(null,e[1]),_3(e),[e,t]},useMutableSource:function(e,t,n){var r=wc();return r.memoizedState={refs:{getSnapshot:t,setSnapshot:null},source:e,subscribe:n},dB(r,e,t,n)},useOpaqueIdentifier:function(){if(rs){var e=!1,t=oX(function(){throw e||(e=!0,n("r:"+(_2++).toString(36))),Error(Ie(355))}),n=Q1(t)[1];return!(cr.mode&2)&&(cr.flags|=516,Av(5,function(){n("r:"+(_2++).toString(36))},void 0,null)),t}return t="r:"+(_2++).toString(36),Q1(t),t},unstable_isNewReconciler:!1},dX={readContext:Xi,useCallback:vB,useContext:Xi,useEffect:Fv,useImperativeHandle:gB,useLayoutEffect:pB,useMemo:bB,useReducer:V1,useRef:Nv,useState:function(){return V1(Xa)},useDebugValue:cT,useDeferredValue:function(e){var t=V1(Xa),n=t[0],r=t[1];return Fv(function(){var o=Wi.transition;Wi.transition=1;try{r(e)}finally{Wi.transition=o}},[e]),n},useTransition:function(){var e=V1(Xa)[0];return[Nv().current,e]},useMutableSource:hB,useOpaqueIdentifier:function(){return V1(Xa)[0]},unstable_isNewReconciler:!1},hX={readContext:Xi,useCallback:vB,useContext:Xi,useEffect:Fv,useImperativeHandle:gB,useLayoutEffect:pB,useMemo:bB,useReducer:Y1,useRef:Nv,useState:function(){return Y1(Xa)},useDebugValue:cT,useDeferredValue:function(e){var t=Y1(Xa),n=t[0],r=t[1];return Fv(function(){var o=Wi.transition;Wi.transition=1;try{r(e)}finally{Wi.transition=o}},[e]),n},useTransition:function(){var e=Y1(Xa)[0];return[Nv().current,e]},useMutableSource:hB,useOpaqueIdentifier:function(){return Y1(Xa)[0]},unstable_isNewReconciler:!1},pX=Hc.ReactCurrentOwner,Ea=!1;function Yo(e,t,n,r){t.child=e===null?cB(t,null,n,r):Sv(t,e.child,n,r)}function w3(e,t,n,r,o){n=n.render;var i=t.ref;return bd(t,o),r=lT(e,t,n,r,i,o),e!==null&&!Ea?(t.updateQueue=e.updateQueue,t.flags&=-517,e.lanes&=~o,Zs(e,t,o)):(t.flags|=1,Yo(e,t,r,o),t.child)}function k3(e,t,n,r,o,i){if(e===null){var a=n.type;return typeof a=="function"&&!vT(a)&&a.defaultProps===void 0&&n.compare===null&&n.defaultProps===void 0?(t.tag=15,t.type=a,yB(e,t,a,r,o,i)):(e=Fg(n.type,null,r,t,t.mode,i),e.ref=t.ref,e.return=t,t.child=e)}return a=e.child,!(o&i)&&(o=a.memoizedProps,n=n.compare,n=n!==null?n:g0,n(o,r)&&e.ref===t.ref)?Zs(e,t,i):(t.flags|=1,e=Cu(a,r),e.ref=t.ref,e.return=t,t.child=e)}function yB(e,t,n,r,o,i){if(e!==null&&g0(e.memoizedProps,r)&&e.ref===t.ref)if(Ea=!1,(i&o)!==0)e.flags&16384&&(Ea=!0);else return t.lanes=e.lanes,Zs(e,t,i);return QE(e,t,n,r,i)}function S2(e,t,n){var r=t.pendingProps,o=r.children,i=e!==null?e.memoizedState:null;if(r.mode==="hidden"||r.mode==="unstable-defer-without-hiding")if(!(t.mode&4))t.memoizedState={baseLanes:0},Im(t,n);else if(n&1073741824)t.memoizedState={baseLanes:0},Im(t,i!==null?i.baseLanes:n);else return e=i!==null?i.baseLanes|n:n,t.lanes=t.childLanes=1073741824,t.memoizedState={baseLanes:e},Im(t,e),null;else i!==null?(r=i.baseLanes|n,t.memoizedState=null):r=n,Im(t,r);return Yo(e,t,o,n),t.child}function EB(e,t){var n=t.ref;(e===null&&n!==null||e!==null&&e.ref!==n)&&(t.flags|=128)}function QE(e,t,n,r,o){var i=ei(n)?Dc:mo.current;return i=jd(t,i),bd(t,o),n=lT(e,t,n,r,i,o),e!==null&&!Ea?(t.updateQueue=e.updateQueue,t.flags&=-517,e.lanes&=~o,Zs(e,t,o)):(t.flags|=1,Yo(e,t,n,o),t.child)}function S3(e,t,n,r,o){if(ei(n)){var i=!0;Sg(t)}else i=!1;if(bd(t,o),t.stateNode===null)e!==null&&(e.alternate=null,t.alternate=null,t.flags|=2),lB(t,n,r),GE(t,n,r,o),r=!0;else if(e===null){var a=t.stateNode,s=t.memoizedProps;a.props=s;var l=a.context,u=n.contextType;typeof u=="object"&&u!==null?u=Xi(u):(u=ei(n)?Dc:mo.current,u=jd(t,u));var d=n.getDerivedStateFromProps,h=typeof d=="function"||typeof a.getSnapshotBeforeUpdate=="function";h||typeof a.UNSAFE_componentWillReceiveProps!="function"&&typeof a.componentWillReceiveProps!="function"||(s!==r||l!==u)&&g3(t,a,r,u),Vl=!1;var p=t.memoizedState;a.state=p,y0(t,r,a,o),l=t.memoizedState,s!==r||p!==l||Jo.current||Vl?(typeof d=="function"&&(kv(t,n,d,r),l=t.memoizedState),(s=Vl||m3(t,n,s,r,p,l,u))?(h||typeof a.UNSAFE_componentWillMount!="function"&&typeof a.componentWillMount!="function"||(typeof a.componentWillMount=="function"&&a.componentWillMount(),typeof a.UNSAFE_componentWillMount=="function"&&a.UNSAFE_componentWillMount()),typeof a.componentDidMount=="function"&&(t.flags|=4)):(typeof a.componentDidMount=="function"&&(t.flags|=4),t.memoizedProps=r,t.memoizedState=l),a.props=r,a.state=l,a.context=u,r=s):(typeof a.componentDidMount=="function"&&(t.flags|=4),r=!1)}else{a=t.stateNode,aB(e,t),s=t.memoizedProps,u=t.type===t.elementType?s:ga(t.type,s),a.props=u,h=t.pendingProps,p=a.context,l=n.contextType,typeof l=="object"&&l!==null?l=Xi(l):(l=ei(n)?Dc:mo.current,l=jd(t,l));var m=n.getDerivedStateFromProps;(d=typeof m=="function"||typeof a.getSnapshotBeforeUpdate=="function")||typeof a.UNSAFE_componentWillReceiveProps!="function"&&typeof a.componentWillReceiveProps!="function"||(s!==h||p!==l)&&g3(t,a,r,l),Vl=!1,p=t.memoizedState,a.state=p,y0(t,r,a,o);var v=t.memoizedState;s!==h||p!==v||Jo.current||Vl?(typeof m=="function"&&(kv(t,n,m,r),v=t.memoizedState),(u=Vl||m3(t,n,u,r,p,v,l))?(d||typeof a.UNSAFE_componentWillUpdate!="function"&&typeof a.componentWillUpdate!="function"||(typeof a.componentWillUpdate=="function"&&a.componentWillUpdate(r,v,l),typeof a.UNSAFE_componentWillUpdate=="function"&&a.UNSAFE_componentWillUpdate(r,v,l)),typeof a.componentDidUpdate=="function"&&(t.flags|=4),typeof a.getSnapshotBeforeUpdate=="function"&&(t.flags|=256)):(typeof a.componentDidUpdate!="function"||s===e.memoizedProps&&p===e.memoizedState||(t.flags|=4),typeof a.getSnapshotBeforeUpdate!="function"||s===e.memoizedProps&&p===e.memoizedState||(t.flags|=256),t.memoizedProps=r,t.memoizedState=v),a.props=r,a.state=v,a.context=l,r=u):(typeof a.componentDidUpdate!="function"||s===e.memoizedProps&&p===e.memoizedState||(t.flags|=4),typeof a.getSnapshotBeforeUpdate!="function"||s===e.memoizedProps&&p===e.memoizedState||(t.flags|=256),r=!1)}return XE(e,t,n,r,i,o)}function XE(e,t,n,r,o,i){EB(e,t);var a=(t.flags&64)!==0;if(!r&&!a)return o&&c3(t,n,!1),Zs(e,t,i);r=t.stateNode,pX.current=t;var s=a&&typeof n.getDerivedStateFromError!="function"?null:r.render();return t.flags|=1,e!==null&&a?(t.child=Sv(t,e.child,null,i),t.child=Sv(t,null,s,i)):Yo(e,t,s,i),t.memoizedState=r.state,o&&c3(t,n,!0),t.child}function x3(e){var t=e.stateNode;t.pendingContext?u3(e,t.pendingContext,t.pendingContext!==t.context):t.context&&u3(e,t.context,!1),KE(e,t.containerInfo)}var Fm={dehydrated:null,retryLane:0};function C3(e,t,n){var r=t.pendingProps,o=Yn.current,i=!1,a;return(a=(t.flags&64)!==0)||(a=e!==null&&e.memoizedState===null?!1:(o&2)!==0),a?(i=!0,t.flags&=-65):e!==null&&e.memoizedState===null||r.fallback===void 0||r.unstable_avoidThisFallback===!0||(o|=1),Qn(Yn,o&1),e===null?(r.fallback!==void 0&&VE(t),e=r.children,o=r.fallback,i?(e=A3(t,e,o,n),t.child.memoizedState={baseLanes:n},t.memoizedState=Fm,e):typeof r.unstable_expectedLoadTime=="number"?(e=A3(t,e,o,n),t.child.memoizedState={baseLanes:n},t.memoizedState=Fm,t.lanes=33554432,e):(n=bT({mode:"visible",children:e},t.mode,n,null),n.return=t,t.child=n)):e.memoizedState!==null?i?(r=F3(e,t,r.children,r.fallback,n),i=t.child,o=e.child.memoizedState,i.memoizedState=o===null?{baseLanes:n}:{baseLanes:o.baseLanes|n},i.childLanes=e.childLanes&~n,t.memoizedState=Fm,r):(n=N3(e,t,r.children,n),t.memoizedState=null,n):i?(r=F3(e,t,r.children,r.fallback,n),i=t.child,o=e.child.memoizedState,i.memoizedState=o===null?{baseLanes:n}:{baseLanes:o.baseLanes|n},i.childLanes=e.childLanes&~n,t.memoizedState=Fm,r):(n=N3(e,t,r.children,n),t.memoizedState=null,n)}function A3(e,t,n,r){var o=e.mode,i=e.child;return t={mode:"hidden",children:t},!(o&2)&&i!==null?(i.childLanes=0,i.pendingProps=t):i=bT(t,o,0,null),n=Td(n,o,r,null),i.return=e,n.return=e,i.sibling=n,e.child=i,n}function N3(e,t,n,r){var o=e.child;return e=o.sibling,n=Cu(o,{mode:"visible",children:n}),!(t.mode&2)&&(n.lanes=r),n.return=t,n.sibling=null,e!==null&&(e.nextEffect=null,e.flags=8,t.firstEffect=t.lastEffect=e),t.child=n}function F3(e,t,n,r,o){var i=t.mode,a=e.child;e=a.sibling;var s={mode:"hidden",children:n};return!(i&2)&&t.child!==a?(n=t.child,n.childLanes=0,n.pendingProps=s,a=n.lastEffect,a!==null?(t.firstEffect=n.firstEffect,t.lastEffect=a,a.nextEffect=null):t.firstEffect=t.lastEffect=null):n=Cu(a,s),e!==null?r=Cu(e,r):(r=Td(r,i,o,null),r.flags|=2),r.return=t,n.return=t,n.sibling=r,t.child=n,r}function I3(e,t){e.lanes|=t;var n=e.alternate;n!==null&&(n.lanes|=t),iB(e.return,t)}function x2(e,t,n,r,o,i){var a=e.memoizedState;a===null?e.memoizedState={isBackwards:t,rendering:null,renderingStartTime:0,last:r,tail:n,tailMode:o,lastEffect:i}:(a.isBackwards=t,a.rendering=null,a.renderingStartTime=0,a.last=r,a.tail=n,a.tailMode=o,a.lastEffect=i)}function B3(e,t,n){var r=t.pendingProps,o=r.revealOrder,i=r.tail;if(Yo(e,t,r.children,n),r=Yn.current,r&2)r=r&1|2,t.flags|=64;else{if(e!==null&&e.flags&64)e:for(e=t.child;e!==null;){if(e.tag===13)e.memoizedState!==null&&I3(e,n);else if(e.tag===19)I3(e,n);else if(e.child!==null){e.child.return=e,e=e.child;continue}if(e===t)break e;for(;e.sibling===null;){if(e.return===null||e.return===t)break e;e=e.return}e.sibling.return=e.return,e=e.sibling}r&=1}if(Qn(Yn,r),!(t.mode&2))t.memoizedState=null;else switch(o){case"forwards":for(n=t.child,o=null;n!==null;)e=n.alternate,e!==null&&xv(e)===null&&(o=n),n=n.sibling;n=o,n===null?(o=t.child,t.child=null):(o=n.sibling,n.sibling=null),x2(t,!1,o,n,i,t.lastEffect);break;case"backwards":for(n=null,o=t.child,t.child=null;o!==null;){if(e=o.alternate,e!==null&&xv(e)===null){t.child=o;break}e=o.sibling,o.sibling=n,n=o,o=e}x2(t,!0,n,null,i,t.lastEffect);break;case"together":x2(t,!1,null,null,void 0,t.lastEffect);break;default:t.memoizedState=null}return t.child}function Zs(e,t,n){if(e!==null&&(t.dependencies=e.dependencies),Q0|=t.lanes,n&t.childLanes){if(e!==null&&t.child!==e.child)throw Error(Ie(153));if(t.child!==null){for(e=t.child,n=Cu(e,e.pendingProps),t.child=n,n.return=t;e.sibling!==null;)e=e.sibling,n=n.sibling=Cu(e,e.pendingProps),n.return=t;n.sibling=null}return t.child}return null}var _B,ZE,TB,wB;_B=function(e,t){for(var n=t.child;n!==null;){if(n.tag===5||n.tag===6)e.appendChild(n.stateNode);else if(n.tag!==4&&n.child!==null){n.child.return=n,n=n.child;continue}if(n===t)break;for(;n.sibling===null;){if(n.return===null||n.return===t)return;n=n.return}n.sibling.return=n.return,n=n.sibling}};ZE=function(){};TB=function(e,t,n,r){var o=e.memoizedProps;if(o!==r){e=t.stateNode,Tc(ns.current);var i=null;switch(n){case"input":o=SE(e,o),r=SE(e,r),i=[];break;case"option":o=AE(e,o),r=AE(e,r),i=[];break;case"select":o=Pn({},o,{value:void 0}),r=Pn({},r,{value:void 0}),i=[];break;case"textarea":o=NE(e,o),r=NE(e,r),i=[];break;default:typeof o.onClick!="function"&&typeof r.onClick=="function"&&(e.onclick=bv)}BE(n,r);var a;n=null;for(u in o)if(!r.hasOwnProperty(u)&&o.hasOwnProperty(u)&&o[u]!=null)if(u==="style"){var s=o[u];for(a in s)s.hasOwnProperty(a)&&(n||(n={}),n[a]="")}else u!=="dangerouslySetInnerHTML"&&u!=="children"&&u!=="suppressContentEditableWarning"&&u!=="suppressHydrationWarning"&&u!=="autoFocus"&&(u0.hasOwnProperty(u)?i||(i=[]):(i=i||[]).push(u,null));for(u in r){var l=r[u];if(s=o!=null?o[u]:void 0,r.hasOwnProperty(u)&&l!==s&&(l!=null||s!=null))if(u==="style")if(s){for(a in s)!s.hasOwnProperty(a)||l&&l.hasOwnProperty(a)||(n||(n={}),n[a]="");for(a in l)l.hasOwnProperty(a)&&s[a]!==l[a]&&(n||(n={}),n[a]=l[a])}else n||(i||(i=[]),i.push(u,n)),n=l;else u==="dangerouslySetInnerHTML"?(l=l?l.__html:void 0,s=s?s.__html:void 0,l!=null&&s!==l&&(i=i||[]).push(u,l)):u==="children"?typeof l!="string"&&typeof l!="number"||(i=i||[]).push(u,""+l):u!=="suppressContentEditableWarning"&&u!=="suppressHydrationWarning"&&(u0.hasOwnProperty(u)?(l!=null&&u==="onScroll"&&xn("scroll",e),i||s===l||(i=[])):typeof l=="object"&&l!==null&&l.$$typeof===L4?l.toString():(i=i||[]).push(u,l))}n&&(i=i||[]).push("style",n);var u=i;(t.updateQueue=u)&&(t.flags|=4)}};wB=function(e,t,n,r){n!==r&&(t.flags|=4)};function X1(e,t){if(!rs)switch(e.tailMode){case"hidden":t=e.tail;for(var n=null;t!==null;)t.alternate!==null&&(n=t),t=t.sibling;n===null?e.tail=null:n.sibling=null;break;case"collapsed":n=e.tail;for(var r=null;n!==null;)n.alternate!==null&&(r=n),n=n.sibling;r===null?t||e.tail===null?e.tail=null:e.tail.sibling=null:r.sibling=null}}function mX(e,t,n){var r=t.pendingProps;switch(t.tag){case 2:case 16:case 15:case 0:case 11:case 7:case 8:case 12:case 9:case 14:return null;case 1:return ei(t.type)&&Ev(),null;case 3:return Hd(),An(Jo),An(mo),aT(),r=t.stateNode,r.pendingContext&&(r.context=r.pendingContext,r.pendingContext=null),(e===null||e.child===null)&&(Nm(t)?t.flags|=4:r.hydrate||(t.flags|=256)),ZE(t),null;case 5:iT(t);var o=Tc(_0.current);if(n=t.type,e!==null&&t.stateNode!=null)TB(e,t,n,r,o),e.ref!==t.ref&&(t.flags|=128);else{if(!r){if(t.stateNode===null)throw Error(Ie(166));return null}if(e=Tc(ns.current),Nm(t)){r=t.stateNode,n=t.type;var i=t.memoizedProps;switch(r[ou]=t,r[yv]=i,n){case"dialog":xn("cancel",r),xn("close",r);break;case"iframe":case"object":case"embed":xn("load",r);break;case"video":case"audio":for(e=0;e<Eh.length;e++)xn(Eh[e],r);break;case"source":xn("error",r);break;case"img":case"image":case"link":xn("error",r),xn("load",r);break;case"details":xn("toggle",r);break;case"input":Bx(r,i),xn("invalid",r);break;case"select":r._wrapperState={wasMultiple:!!i.multiple},xn("invalid",r);break;case"textarea":Ox(r,i),xn("invalid",r)}BE(n,i),e=null;for(var a in i)i.hasOwnProperty(a)&&(o=i[a],a==="children"?typeof o=="string"?r.textContent!==o&&(e=["children",o]):typeof o=="number"&&r.textContent!==""+o&&(e=["children",""+o]):u0.hasOwnProperty(a)&&o!=null&&a==="onScroll"&&xn("scroll",r));switch(n){case"input":wm(r),Rx(r,i,!0);break;case"textarea":wm(r),Dx(r);break;case"select":case"option":break;default:typeof i.onClick=="function"&&(r.onclick=bv)}r=e,t.updateQueue=r,r!==null&&(t.flags|=4)}else{switch(a=o.nodeType===9?o:o.ownerDocument,e===FE.html&&(e=gI(n)),e===FE.html?n==="script"?(e=a.createElement("div"),e.innerHTML="<script><\/script>",e=e.removeChild(e.firstChild)):typeof r.is=="string"?e=a.createElement(n,{is:r.is}):(e=a.createElement(n),n==="select"&&(a=e,r.multiple?a.multiple=!0:r.size&&(a.size=r.size))):e=a.createElementNS(e,n),e[ou]=t,e[yv]=r,_B(e,t,!1,!1),t.stateNode=e,a=RE(n,r),n){case"dialog":xn("cancel",e),xn("close",e),o=r;break;case"iframe":case"object":case"embed":xn("load",e),o=r;break;case"video":case"audio":for(o=0;o<Eh.length;o++)xn(Eh[o],e);o=r;break;case"source":xn("error",e),o=r;break;case"img":case"image":case"link":xn("error",e),xn("load",e),o=r;break;case"details":xn("toggle",e),o=r;break;case"input":Bx(e,r),o=SE(e,r),xn("invalid",e);break;case"option":o=AE(e,r);break;case"select":e._wrapperState={wasMultiple:!!r.multiple},o=Pn({},r,{value:void 0}),xn("invalid",e);break;case"textarea":Ox(e,r),o=NE(e,r),xn("invalid",e);break;default:o=r}BE(n,o);var s=o;for(i in s)if(s.hasOwnProperty(i)){var l=s[i];i==="style"?yI(e,l):i==="dangerouslySetInnerHTML"?(l=l?l.__html:void 0,l!=null&&vI(e,l)):i==="children"?typeof l=="string"?(n!=="textarea"||l!=="")&&c0(e,l):typeof l=="number"&&c0(e,""+l):i!=="suppressContentEditableWarning"&&i!=="suppressHydrationWarning"&&i!=="autoFocus"&&(u0.hasOwnProperty(i)?l!=null&&i==="onScroll"&&xn("scroll",e):l!=null&&B4(e,i,l,a))}switch(n){case"input":wm(e),Rx(e,r,!1);break;case"textarea":wm(e),Dx(e);break;case"option":r.value!=null&&e.setAttribute("value",""+wu(r.value));break;case"select":e.multiple=!!r.multiple,i=r.value,i!=null?pd(e,!!r.multiple,i,!1):r.defaultValue!=null&&pd(e,!!r.multiple,r.defaultValue,!0);break;default:typeof o.onClick=="function"&&(e.onclick=bv)}QI(n,r)&&(t.flags|=4)}t.ref!==null&&(t.flags|=128)}return null;case 6:if(e&&t.stateNode!=null)wB(e,t,e.memoizedProps,r);else{if(typeof r!="string"&&t.stateNode===null)throw Error(Ie(166));n=Tc(_0.current),Tc(ns.current),Nm(t)?(r=t.stateNode,n=t.memoizedProps,r[ou]=t,r.nodeValue!==n&&(t.flags|=4)):(r=(n.nodeType===9?n:n.ownerDocument).createTextNode(r),r[ou]=t,t.stateNode=r)}return null;case 13:return An(Yn),r=t.memoizedState,t.flags&64?(t.lanes=n,t):(r=r!==null,n=!1,e===null?t.memoizedProps.fallback!==void 0&&Nm(t):n=e.memoizedState!==null,r&&!n&&t.mode&2&&(e===null&&t.memoizedProps.unstable_avoidThisFallback!==!0||Yn.current&1?Qr===0&&(Qr=3):((Qr===0||Qr===3)&&(Qr=4),Bo===null||!(Q0&134217727)&&!(n1&134217727)||Ed(Bo,fo))),(r||n)&&(t.flags|=4),null);case 4:return Hd(),ZE(t),e===null&&KI(t.stateNode.containerInfo),null;case 10:return rT(t),null;case 17:return ei(t.type)&&Ev(),null;case 19:if(An(Yn),r=t.memoizedState,r===null)return null;if(i=(t.flags&64)!==0,a=r.rendering,a===null)if(i)X1(r,!1);else{if(Qr!==0||e!==null&&e.flags&64)for(e=t.child;e!==null;){if(a=xv(e),a!==null){for(t.flags|=64,X1(r,!1),i=a.updateQueue,i!==null&&(t.updateQueue=i,t.flags|=4),r.lastEffect===null&&(t.firstEffect=null),t.lastEffect=r.lastEffect,r=n,n=t.child;n!==null;)i=n,e=r,i.flags&=2,i.nextEffect=null,i.firstEffect=null,i.lastEffect=null,a=i.alternate,a===null?(i.childLanes=0,i.lanes=e,i.child=null,i.memoizedProps=null,i.memoizedState=null,i.updateQueue=null,i.dependencies=null,i.stateNode=null):(i.childLanes=a.childLanes,i.lanes=a.lanes,i.child=a.child,i.memoizedProps=a.memoizedProps,i.memoizedState=a.memoizedState,i.updateQueue=a.updateQueue,i.type=a.type,e=a.dependencies,i.dependencies=e===null?null:{lanes:e.lanes,firstContext:e.firstContext}),n=n.sibling;return Qn(Yn,Yn.current&1|2),t.child}e=e.sibling}r.tail!==null&&co()>o_&&(t.flags|=64,i=!0,X1(r,!1),t.lanes=33554432)}else{if(!i)if(e=xv(a),e!==null){if(t.flags|=64,i=!0,n=e.updateQueue,n!==null&&(t.updateQueue=n,t.flags|=4),X1(r,!0),r.tail===null&&r.tailMode==="hidden"&&!a.alternate&&!rs)return t=t.lastEffect=r.lastEffect,t!==null&&(t.nextEffect=null),null}else 2*co()-r.renderingStartTime>o_&&n!==1073741824&&(t.flags|=64,i=!0,X1(r,!1),t.lanes=33554432);r.isBackwards?(a.sibling=t.child,t.child=a):(n=r.last,n!==null?n.sibling=a:t.child=a,r.last=a)}return r.tail!==null?(n=r.tail,r.rendering=n,r.tail=n.sibling,r.lastEffect=t.lastEffect,r.renderingStartTime=co(),n.sibling=null,t=Yn.current,Qn(Yn,i?t&1|2:t&1),n):null;case 23:case 24:return gT(),e!==null&&e.memoizedState!==null!=(t.memoizedState!==null)&&r.mode!=="unstable-defer-without-hiding"&&(t.flags|=4),null}throw Error(Ie(156,t.tag))}function gX(e){switch(e.tag){case 1:ei(e.type)&&Ev();var t=e.flags;return t&4096?(e.flags=t&-4097|64,e):null;case 3:if(Hd(),An(Jo),An(mo),aT(),t=e.flags,t&64)throw Error(Ie(285));return e.flags=t&-4097|64,e;case 5:return iT(e),null;case 13:return An(Yn),t=e.flags,t&4096?(e.flags=t&-4097|64,e):null;case 19:return An(Yn),null;case 4:return Hd(),null;case 10:return rT(e),null;case 23:case 24:return gT(),null;default:return null}}function dT(e,t){try{var n="",r=t;do n+=QY(r),r=r.return;while(r);var o=n}catch(i){o=`
Error generating stack: `+i.message+`
`+i.stack}return{value:e,source:t,stack:o}}function JE(e,t){try{console.error(t.value)}catch(n){setTimeout(function(){throw n})}}var vX=typeof WeakMap=="function"?WeakMap:Map;function kB(e,t,n){n=pu(-1,n),n.tag=3,n.payload={element:null};var r=t.value;return n.callback=function(){Rv||(Rv=!0,i_=r),JE(e,t)},n}function SB(e,t,n){n=pu(-1,n),n.tag=3;var r=e.type.getDerivedStateFromError;if(typeof r=="function"){var o=t.value;n.payload=function(){return JE(e,t),r(o)}}var i=e.stateNode;return i!==null&&typeof i.componentDidCatch=="function"&&(n.callback=function(){typeof r!="function"&&(Za===null?Za=new Set([this]):Za.add(this),JE(e,t));var a=t.stack;this.componentDidCatch(t.value,{componentStack:a!==null?a:""})}),n}var bX=typeof WeakSet=="function"?WeakSet:Set;function R3(e){var t=e.ref;if(t!==null)if(typeof t=="function")try{t(null)}catch(n){bu(e,n)}else t.current=null}function yX(e,t){switch(t.tag){case 0:case 11:case 15:case 22:return;case 1:if(t.flags&256&&e!==null){var n=e.memoizedProps,r=e.memoizedState;e=t.stateNode,t=e.getSnapshotBeforeUpdate(t.elementType===t.type?n:ga(t.type,n),r),e.__reactInternalSnapshotBeforeUpdate=t}return;case 3:t.flags&256&&J4(t.stateNode.containerInfo);return;case 5:case 6:case 4:case 17:return}throw Error(Ie(163))}function EX(e,t,n){switch(n.tag){case 0:case 11:case 15:case 22:if(t=n.updateQueue,t=t!==null?t.lastEffect:null,t!==null){e=t=t.next;do{if((e.tag&3)===3){var r=e.create;e.destroy=r()}e=e.next}while(e!==t)}if(t=n.updateQueue,t=t!==null?t.lastEffect:null,t!==null){e=t=t.next;do{var o=e;r=o.next,o=o.tag,o&4&&o&1&&(OB(n,e),AX(n,e)),e=r}while(e!==t)}return;case 1:e=n.stateNode,n.flags&4&&(t===null?e.componentDidMount():(r=n.elementType===n.type?t.memoizedProps:ga(n.type,t.memoizedProps),e.componentDidUpdate(r,t.memoizedState,e.__reactInternalSnapshotBeforeUpdate))),t=n.updateQueue,t!==null&&p3(n,t,e);return;case 3:if(t=n.updateQueue,t!==null){if(e=null,n.child!==null)switch(n.child.tag){case 5:e=n.child.stateNode;break;case 1:e=n.child.stateNode}p3(n,t,e)}return;case 5:e=n.stateNode,t===null&&n.flags&4&&QI(n.type,n.memoizedProps)&&e.focus();return;case 6:return;case 4:return;case 12:return;case 13:n.memoizedState===null&&(n=n.alternate,n!==null&&(n=n.memoizedState,n!==null&&(n=n.dehydrated,n!==null&&NI(n))));return;case 19:case 17:case 20:case 21:case 23:case 24:return}throw Error(Ie(163))}function O3(e,t){for(var n=e;;){if(n.tag===5){var r=n.stateNode;if(t)r=r.style,typeof r.setProperty=="function"?r.setProperty("display","none","important"):r.display="none";else{r=n.stateNode;var o=n.memoizedProps.style;o=o!=null&&o.hasOwnProperty("display")?o.display:null,r.style.display=bI("display",o)}}else if(n.tag===6)n.stateNode.nodeValue=t?"":n.memoizedProps;else if((n.tag!==23&&n.tag!==24||n.memoizedState===null||n===e)&&n.child!==null){n.child.return=n,n=n.child;continue}if(n===e)break;for(;n.sibling===null;){if(n.return===null||n.return===e)return;n=n.return}n.sibling.return=n.return,n=n.sibling}}function D3(e,t){if(Ac&&typeof Ac.onCommitFiberUnmount=="function")try{Ac.onCommitFiberUnmount(eT,t)}catch{}switch(t.tag){case 0:case 11:case 14:case 15:case 22:if(e=t.updateQueue,e!==null&&(e=e.lastEffect,e!==null)){var n=e=e.next;do{var r=n,o=r.destroy;if(r=r.tag,o!==void 0)if(r&4)OB(t,n);else{r=t;try{o()}catch(i){bu(r,i)}}n=n.next}while(n!==e)}break;case 1:if(R3(t),e=t.stateNode,typeof e.componentWillUnmount=="function")try{e.props=t.memoizedProps,e.state=t.memoizedState,e.componentWillUnmount()}catch(i){bu(t,i)}break;case 5:R3(t);break;case 4:xB(e,t)}}function P3(e){e.alternate=null,e.child=null,e.dependencies=null,e.firstEffect=null,e.lastEffect=null,e.memoizedProps=null,e.memoizedState=null,e.pendingProps=null,e.return=null,e.updateQueue=null}function M3(e){return e.tag===5||e.tag===3||e.tag===4}function L3(e){e:{for(var t=e.return;t!==null;){if(M3(t))break e;t=t.return}throw Error(Ie(160))}var n=t;switch(t=n.stateNode,n.tag){case 5:var r=!1;break;case 3:t=t.containerInfo,r=!0;break;case 4:t=t.containerInfo,r=!0;break;default:throw Error(Ie(161))}n.flags&16&&(c0(t,""),n.flags&=-17);e:t:for(n=e;;){for(;n.sibling===null;){if(n.return===null||M3(n.return)){n=null;break e}n=n.return}for(n.sibling.return=n.return,n=n.sibling;n.tag!==5&&n.tag!==6&&n.tag!==18;){if(n.flags&2||n.child===null||n.tag===4)continue t;n.child.return=n,n=n.child}if(!(n.flags&2)){n=n.stateNode;break e}}r?e_(e,n,t):t_(e,n,t)}function e_(e,t,n){var r=e.tag,o=r===5||r===6;if(o)e=o?e.stateNode:e.stateNode.instance,t?n.nodeType===8?n.parentNode.insertBefore(e,t):n.insertBefore(e,t):(n.nodeType===8?(t=n.parentNode,t.insertBefore(e,n)):(t=n,t.appendChild(e)),n=n._reactRootContainer,n!=null||t.onclick!==null||(t.onclick=bv));else if(r!==4&&(e=e.child,e!==null))for(e_(e,t,n),e=e.sibling;e!==null;)e_(e,t,n),e=e.sibling}function t_(e,t,n){var r=e.tag,o=r===5||r===6;if(o)e=o?e.stateNode:e.stateNode.instance,t?n.insertBefore(e,t):n.appendChild(e);else if(r!==4&&(e=e.child,e!==null))for(t_(e,t,n),e=e.sibling;e!==null;)t_(e,t,n),e=e.sibling}function xB(e,t){for(var n=t,r=!1,o,i;;){if(!r){r=n.return;e:for(;;){if(r===null)throw Error(Ie(160));switch(o=r.stateNode,r.tag){case 5:i=!1;break e;case 3:o=o.containerInfo,i=!0;break e;case 4:o=o.containerInfo,i=!0;break e}r=r.return}r=!0}if(n.tag===5||n.tag===6){e:for(var a=e,s=n,l=s;;)if(D3(a,l),l.child!==null&&l.tag!==4)l.child.return=l,l=l.child;else{if(l===s)break e;for(;l.sibling===null;){if(l.return===null||l.return===s)break e;l=l.return}l.sibling.return=l.return,l=l.sibling}i?(a=o,s=n.stateNode,a.nodeType===8?a.parentNode.removeChild(s):a.removeChild(s)):o.removeChild(n.stateNode)}else if(n.tag===4){if(n.child!==null){o=n.stateNode.containerInfo,i=!0,n.child.return=n,n=n.child;continue}}else if(D3(e,n),n.child!==null){n.child.return=n,n=n.child;continue}if(n===t)break;for(;n.sibling===null;){if(n.return===null||n.return===t)return;n=n.return,n.tag===4&&(r=!1)}n.sibling.return=n.return,n=n.sibling}}function C2(e,t){switch(t.tag){case 0:case 11:case 14:case 15:case 22:var n=t.updateQueue;if(n=n!==null?n.lastEffect:null,n!==null){var r=n=n.next;do(r.tag&3)===3&&(e=r.destroy,r.destroy=void 0,e!==void 0&&e()),r=r.next;while(r!==n)}return;case 1:return;case 5:if(n=t.stateNode,n!=null){r=t.memoizedProps;var o=e!==null?e.memoizedProps:r;e=t.type;var i=t.updateQueue;if(t.updateQueue=null,i!==null){for(n[yv]=r,e==="input"&&r.type==="radio"&&r.name!=null&&pI(n,r),RE(e,o),t=RE(e,r),o=0;o<i.length;o+=2){var a=i[o],s=i[o+1];a==="style"?yI(n,s):a==="dangerouslySetInnerHTML"?vI(n,s):a==="children"?c0(n,s):B4(n,a,s,t)}switch(e){case"input":xE(n,r);break;case"textarea":mI(n,r);break;case"select":e=n._wrapperState.wasMultiple,n._wrapperState.wasMultiple=!!r.multiple,i=r.value,i!=null?pd(n,!!r.multiple,i,!1):e!==!!r.multiple&&(r.defaultValue!=null?pd(n,!!r.multiple,r.defaultValue,!0):pd(n,!!r.multiple,r.multiple?[]:"",!1))}}}return;case 6:if(t.stateNode===null)throw Error(Ie(162));t.stateNode.nodeValue=t.memoizedProps;return;case 3:n=t.stateNode,n.hydrate&&(n.hydrate=!1,NI(n.containerInfo));return;case 12:return;case 13:t.memoizedState!==null&&(mT=co(),O3(t.child,!0)),j3(t);return;case 19:j3(t);return;case 17:return;case 23:case 24:O3(t,t.memoizedState!==null);return}throw Error(Ie(163))}function j3(e){var t=e.updateQueue;if(t!==null){e.updateQueue=null;var n=e.stateNode;n===null&&(n=e.stateNode=new bX),t.forEach(function(r){var o=IX.bind(null,e,r);n.has(r)||(n.add(r),r.then(o,o))})}}function _X(e,t){return e!==null&&(e=e.memoizedState,e===null||e.dehydrated!==null)?(t=t.memoizedState,t!==null&&t.dehydrated===null):!1}var TX=Math.ceil,Bv=Hc.ReactCurrentDispatcher,hT=Hc.ReactCurrentOwner,ut=0,Bo=null,kr=null,fo=0,Mc=0,n_=Bu(0),Qr=0,Lb=null,t1=0,Q0=0,n1=0,pT=0,r_=null,mT=0,o_=1/0;function r1(){o_=co()+500}var je=null,Rv=!1,i_=null,Za=null,xu=!1,Mh=null,_h=90,a_=[],s_=[],nl=null,Lh=0,l_=null,Cg=-1,Vs=0,Ag=0,jh=null,Ng=!1;function vi(){return ut&48?co():Cg!==-1?Cg:Cg=co()}function gu(e){if(e=e.mode,!(e&2))return 1;if(!(e&4))return zd()===99?1:2;if(Vs===0&&(Vs=t1),uX.transition!==0){Ag!==0&&(Ag=r_!==null?r_.pendingLanes:0),e=Vs;var t=4186112&~Ag;return t&=-t,t===0&&(e=4186112&~e,t=e&-e,t===0&&(t=8192)),t}return e=zd(),ut&4&&e===98?e=gv(12,Vs):(e=dQ(e),e=gv(e,Vs)),e}function vu(e,t,n){if(50<Lh)throw Lh=0,l_=null,Error(Ie(185));if(e=jb(e,t),e===null)return null;Ib(e,t,n),e===Bo&&(n1|=t,Qr===4&&Ed(e,fo));var r=zd();t===1?ut&8&&!(ut&48)?u_(e):(Zi(e,n),ut===0&&(r1(),ps())):(!(ut&4)||r!==98&&r!==99||(nl===null?nl=new Set([e]):nl.add(e)),Zi(e,n)),r_=e}function jb(e,t){e.lanes|=t;var n=e.alternate;for(n!==null&&(n.lanes|=t),n=e,e=e.return;e!==null;)e.childLanes|=t,n=e.alternate,n!==null&&(n.childLanes|=t),n=e,e=e.return;return n.tag===3?n.stateNode:null}function Zi(e,t){for(var n=e.callbackNode,r=e.suspendedLanes,o=e.pingedLanes,i=e.expirationTimes,a=e.pendingLanes;0<a;){var s=31-ku(a),l=1<<s,u=i[s];if(u===-1){if(!(l&r)||l&o){u=t,Hf(l);var d=yn;i[s]=10<=d?u+250:6<=d?u+5e3:-1}}else u<=t&&(e.expiredLanes|=l);a&=~l}if(r=p0(e,e===Bo?fo:0),t=yn,r===0)n!==null&&(n!==T2&&$E(n),e.callbackNode=null,e.callbackPriority=0);else{if(n!==null){if(e.callbackPriority===t)return;n!==T2&&$E(n)}t===15?(n=u_.bind(null,e),Gs===null?(Gs=[n],xg=tT(Pb,oB)):Gs.push(n),n=T2):t===14?n=b0(99,u_.bind(null,e)):(n=hQ(t),n=b0(n,CB.bind(null,e))),e.callbackPriority=t,e.callbackNode=n}}function CB(e){if(Cg=-1,Ag=Vs=0,ut&48)throw Error(Ie(327));var t=e.callbackNode;if(Ru()&&e.callbackNode!==t)return null;var n=p0(e,e===Bo?fo:0);if(n===0)return null;var r=n,o=ut;ut|=16;var i=IB();(Bo!==e||fo!==r)&&(r1(),_d(e,r));do try{SX();break}catch(s){FB(e,s)}while(1);if(nT(),Bv.current=i,ut=o,kr!==null?r=0:(Bo=null,fo=0,r=Qr),t1&n1)_d(e,0);else if(r!==0){if(r===2&&(ut|=64,e.hydrate&&(e.hydrate=!1,J4(e.containerInfo)),n=PI(e),n!==0&&(r=Th(e,n))),r===1)throw t=Lb,_d(e,0),Ed(e,n),Zi(e,co()),t;switch(e.finishedWork=e.current.alternate,e.finishedLanes=n,r){case 0:case 1:throw Error(Ie(345));case 2:fc(e);break;case 3:if(Ed(e,n),(n&62914560)===n&&(r=mT+500-co(),10<r)){if(p0(e,0)!==0)break;if(o=e.suspendedLanes,(o&n)!==n){vi(),e.pingedLanes|=e.suspendedLanes&o;break}e.timeoutHandle=a3(fc.bind(null,e),r);break}fc(e);break;case 4:if(Ed(e,n),(n&4186112)===n)break;for(r=e.eventTimes,o=-1;0<n;){var a=31-ku(n);i=1<<a,a=r[a],a>o&&(o=a),n&=~i}if(n=o,n=co()-n,n=(120>n?120:480>n?480:1080>n?1080:1920>n?1920:3e3>n?3e3:4320>n?4320:1960*TX(n/1960))-n,10<n){e.timeoutHandle=a3(fc.bind(null,e),n);break}fc(e);break;case 5:fc(e);break;default:throw Error(Ie(329))}}return Zi(e,co()),e.callbackNode===t?CB.bind(null,e):null}function Ed(e,t){for(t&=~pT,t&=~n1,e.suspendedLanes|=t,e.pingedLanes&=~t,e=e.expirationTimes;0<t;){var n=31-ku(t),r=1<<n;e[n]=-1,t&=~r}}function u_(e){if(ut&48)throw Error(Ie(327));if(Ru(),e===Bo&&e.expiredLanes&fo){var t=fo,n=Th(e,t);t1&n1&&(t=p0(e,t),n=Th(e,t))}else t=p0(e,0),n=Th(e,t);if(e.tag!==0&&n===2&&(ut|=64,e.hydrate&&(e.hydrate=!1,J4(e.containerInfo)),t=PI(e),t!==0&&(n=Th(e,t))),n===1)throw n=Lb,_d(e,0),Ed(e,t),Zi(e,co()),n;return e.finishedWork=e.current.alternate,e.finishedLanes=t,fc(e),Zi(e,co()),null}function wX(){if(nl!==null){var e=nl;nl=null,e.forEach(function(t){t.expiredLanes|=24&t.pendingLanes,Zi(t,co())})}ps()}function AB(e,t){var n=ut;ut|=1;try{return e(t)}finally{ut=n,ut===0&&(r1(),ps())}}function NB(e,t){var n=ut;ut&=-2,ut|=8;try{return e(t)}finally{ut=n,ut===0&&(r1(),ps())}}function Im(e,t){Qn(n_,Mc),Mc|=t,t1|=t}function gT(){Mc=n_.current,An(n_)}function _d(e,t){e.finishedWork=null,e.finishedLanes=0;var n=e.timeoutHandle;if(n!==-1&&(e.timeoutHandle=-1,rX(n)),kr!==null)for(n=kr.return;n!==null;){var r=n;switch(r.tag){case 1:r=r.type.childContextTypes,r!=null&&Ev();break;case 3:Hd(),An(Jo),An(mo),aT();break;case 5:iT(r);break;case 4:Hd();break;case 13:An(Yn);break;case 19:An(Yn);break;case 10:rT(r);break;case 23:case 24:gT()}n=n.return}Bo=e,kr=Cu(e.current,null),fo=Mc=t1=t,Qr=0,Lb=null,pT=n1=Q0=0}function FB(e,t){do{var n=kr;try{if(nT(),Dh.current=Iv,Cv){for(var r=cr.memoizedState;r!==null;){var o=r.queue;o!==null&&(o.pending=null),r=r.next}Cv=!1}if(T0=0,Yr=so=cr=null,Ph=!1,hT.current=null,n===null||n.return===null){Qr=1,Lb=t,kr=null;break}e:{var i=e,a=n.return,s=n,l=t;if(t=fo,s.flags|=2048,s.firstEffect=s.lastEffect=null,l!==null&&typeof l=="object"&&typeof l.then=="function"){var u=l;if(!(s.mode&2)){var d=s.alternate;d?(s.updateQueue=d.updateQueue,s.memoizedState=d.memoizedState,s.lanes=d.lanes):(s.updateQueue=null,s.memoizedState=null)}var h=(Yn.current&1)!==0,p=a;do{var m;if(m=p.tag===13){var v=p.memoizedState;if(v!==null)m=v.dehydrated!==null;else{var _=p.memoizedProps;m=_.fallback===void 0?!1:_.unstable_avoidThisFallback!==!0?!0:!h}}if(m){var b=p.updateQueue;if(b===null){var E=new Set;E.add(u),p.updateQueue=E}else b.add(u);if(!(p.mode&2)){if(p.flags|=64,s.flags|=16384,s.flags&=-2981,s.tag===1)if(s.alternate===null)s.tag=17;else{var w=pu(-1,1);w.tag=2,mu(s,w)}s.lanes|=1;break e}l=void 0,s=t;var k=i.pingCache;if(k===null?(k=i.pingCache=new vX,l=new Set,k.set(u,l)):(l=k.get(u),l===void 0&&(l=new Set,k.set(u,l))),!l.has(s)){l.add(s);var y=FX.bind(null,i,u,s);u.then(y,y)}p.flags|=4096,p.lanes=t;break e}p=p.return}while(p!==null);l=Error((hd(s.type)||"A React component")+` suspended while rendering, but no fallback UI was specified.
Add a <Suspense fallback=...> component higher in the tree to provide a loading indicator or placeholder to display.`)}Qr!==5&&(Qr=2),l=dT(l,s),p=a;do{switch(p.tag){case 3:i=l,p.flags|=4096,t&=-t,p.lanes|=t;var F=kB(p,i,t);h3(p,F);break e;case 1:i=l;var C=p.type,A=p.stateNode;if(!(p.flags&64)&&(typeof C.getDerivedStateFromError=="function"||A!==null&&typeof A.componentDidCatch=="function"&&(Za===null||!Za.has(A)))){p.flags|=4096,t&=-t,p.lanes|=t;var P=SB(p,i,t);h3(p,P);break e}}p=p.return}while(p!==null)}RB(n)}catch(I){t=I,kr===n&&n!==null&&(kr=n=n.return);continue}break}while(1)}function IB(){var e=Bv.current;return Bv.current=Iv,e===null?Iv:e}function Th(e,t){var n=ut;ut|=16;var r=IB();Bo===e&&fo===t||_d(e,t);do try{kX();break}catch(o){FB(e,o)}while(1);if(nT(),ut=n,Bv.current=r,kr!==null)throw Error(Ie(261));return Bo=null,fo=0,Qr}function kX(){for(;kr!==null;)BB(kr)}function SX(){for(;kr!==null&&!aX();)BB(kr)}function BB(e){var t=DB(e.alternate,e,Mc);e.memoizedProps=e.pendingProps,t===null?RB(e):kr=t,hT.current=null}function RB(e){var t=e;do{var n=t.alternate;if(e=t.return,t.flags&2048){if(n=gX(t),n!==null){n.flags&=2047,kr=n;return}e!==null&&(e.firstEffect=e.lastEffect=null,e.flags|=2048)}else{if(n=mX(n,t,Mc),n!==null){kr=n;return}if(n=t,n.tag!==24&&n.tag!==23||n.memoizedState===null||Mc&1073741824||!(n.mode&4)){for(var r=0,o=n.child;o!==null;)r|=o.lanes|o.childLanes,o=o.sibling;n.childLanes=r}e!==null&&!(e.flags&2048)&&(e.firstEffect===null&&(e.firstEffect=t.firstEffect),t.lastEffect!==null&&(e.lastEffect!==null&&(e.lastEffect.nextEffect=t.firstEffect),e.lastEffect=t.lastEffect),1<t.flags&&(e.lastEffect!==null?e.lastEffect.nextEffect=t:e.firstEffect=t,e.lastEffect=t))}if(t=t.sibling,t!==null){kr=t;return}kr=t=e}while(t!==null);Qr===0&&(Qr=5)}function fc(e){var t=zd();return Pc(99,xX.bind(null,e,t)),null}function xX(e,t){do Ru();while(Mh!==null);if(ut&48)throw Error(Ie(327));var n=e.finishedWork;if(n===null)return null;if(e.finishedWork=null,e.finishedLanes=0,n===e.current)throw Error(Ie(177));e.callbackNode=null;var r=n.lanes|n.childLanes,o=r,i=e.pendingLanes&~o;e.pendingLanes=o,e.suspendedLanes=0,e.pingedLanes=0,e.expiredLanes&=o,e.mutableReadLanes&=o,e.entangledLanes&=o,o=e.entanglements;for(var a=e.eventTimes,s=e.expirationTimes;0<i;){var l=31-ku(i),u=1<<l;o[l]=0,a[l]=-1,s[l]=-1,i&=~u}if(nl!==null&&!(r&24)&&nl.has(e)&&nl.delete(e),e===Bo&&(kr=Bo=null,fo=0),1<n.flags?n.lastEffect!==null?(n.lastEffect.nextEffect=n,r=n.firstEffect):r=n:r=n.firstEffect,r!==null){if(o=ut,ut|=32,hT.current=null,y2=Tg,a=Jx(),jE(a)){if("selectionStart"in a)s={start:a.selectionStart,end:a.selectionEnd};else e:if(s=(s=a.ownerDocument)&&s.defaultView||window,(u=s.getSelection&&s.getSelection())&&u.rangeCount!==0){s=u.anchorNode,i=u.anchorOffset,l=u.focusNode,u=u.focusOffset;try{s.nodeType,l.nodeType}catch{s=null;break e}var d=0,h=-1,p=-1,m=0,v=0,_=a,b=null;t:for(;;){for(var E;_!==s||i!==0&&_.nodeType!==3||(h=d+i),_!==l||u!==0&&_.nodeType!==3||(p=d+u),_.nodeType===3&&(d+=_.nodeValue.length),(E=_.firstChild)!==null;)b=_,_=E;for(;;){if(_===a)break t;if(b===s&&++m===i&&(h=d),b===l&&++v===u&&(p=d),(E=_.nextSibling)!==null)break;_=b,b=_.parentNode}_=E}s=h===-1||p===-1?null:{start:h,end:p}}else s=null;s=s||{start:0,end:0}}else s=null;E2={focusedElem:a,selectionRange:s},Tg=!1,jh=null,Ng=!1,je=r;do try{CX()}catch(I){if(je===null)throw Error(Ie(330));bu(je,I),je=je.nextEffect}while(je!==null);jh=null,je=r;do try{for(a=e;je!==null;){var w=je.flags;if(w&16&&c0(je.stateNode,""),w&128){var k=je.alternate;if(k!==null){var y=k.ref;y!==null&&(typeof y=="function"?y(null):y.current=null)}}switch(w&1038){case 2:L3(je),je.flags&=-3;break;case 6:L3(je),je.flags&=-3,C2(je.alternate,je);break;case 1024:je.flags&=-1025;break;case 1028:je.flags&=-1025,C2(je.alternate,je);break;case 4:C2(je.alternate,je);break;case 8:s=je,xB(a,s);var F=s.alternate;P3(s),F!==null&&P3(F)}je=je.nextEffect}}catch(I){if(je===null)throw Error(Ie(330));bu(je,I),je=je.nextEffect}while(je!==null);if(y=E2,k=Jx(),w=y.focusedElem,a=y.selectionRange,k!==w&&w&&w.ownerDocument&&$I(w.ownerDocument.documentElement,w)){for(a!==null&&jE(w)&&(k=a.start,y=a.end,y===void 0&&(y=k),"selectionStart"in w?(w.selectionStart=k,w.selectionEnd=Math.min(y,w.value.length)):(y=(k=w.ownerDocument||document)&&k.defaultView||window,y.getSelection&&(y=y.getSelection(),s=w.textContent.length,F=Math.min(a.start,s),a=a.end===void 0?F:Math.min(a.end,s),!y.extend&&F>a&&(s=a,a=F,F=s),s=Zx(w,F),i=Zx(w,a),s&&i&&(y.rangeCount!==1||y.anchorNode!==s.node||y.anchorOffset!==s.offset||y.focusNode!==i.node||y.focusOffset!==i.offset)&&(k=k.createRange(),k.setStart(s.node,s.offset),y.removeAllRanges(),F>a?(y.addRange(k),y.extend(i.node,i.offset)):(k.setEnd(i.node,i.offset),y.addRange(k)))))),k=[],y=w;y=y.parentNode;)y.nodeType===1&&k.push({element:y,left:y.scrollLeft,top:y.scrollTop});for(typeof w.focus=="function"&&w.focus(),w=0;w<k.length;w++)y=k[w],y.element.scrollLeft=y.left,y.element.scrollTop=y.top}Tg=!!y2,E2=y2=null,e.current=n,je=r;do try{for(w=e;je!==null;){var C=je.flags;if(C&36&&EX(w,je.alternate,je),C&128){k=void 0;var A=je.ref;if(A!==null){var P=je.stateNode;switch(je.tag){case 5:k=P;break;default:k=P}typeof A=="function"?A(k):A.current=k}}je=je.nextEffect}}catch(I){if(je===null)throw Error(Ie(330));bu(je,I),je=je.nextEffect}while(je!==null);je=null,lX(),ut=o}else e.current=n;if(xu)xu=!1,Mh=e,_h=t;else for(je=r;je!==null;)t=je.nextEffect,je.nextEffect=null,je.flags&8&&(C=je,C.sibling=null,C.stateNode=null),je=t;if(r=e.pendingLanes,r===0&&(Za=null),r===1?e===l_?Lh++:(Lh=0,l_=e):Lh=0,n=n.stateNode,Ac&&typeof Ac.onCommitFiberRoot=="function")try{Ac.onCommitFiberRoot(eT,n,void 0,(n.current.flags&64)===64)}catch{}if(Zi(e,co()),Rv)throw Rv=!1,e=i_,i_=null,e;return ut&8||ps(),null}function CX(){for(;je!==null;){var e=je.alternate;Ng||jh===null||(je.flags&8?Lx(je,jh)&&(Ng=!0):je.tag===13&&_X(e,je)&&Lx(je,jh)&&(Ng=!0));var t=je.flags;t&256&&yX(e,je),!(t&512)||xu||(xu=!0,b0(97,function(){return Ru(),null})),je=je.nextEffect}}function Ru(){if(_h!==90){var e=97<_h?97:_h;return _h=90,Pc(e,NX)}return!1}function AX(e,t){a_.push(t,e),xu||(xu=!0,b0(97,function(){return Ru(),null}))}function OB(e,t){s_.push(t,e),xu||(xu=!0,b0(97,function(){return Ru(),null}))}function NX(){if(Mh===null)return!1;var e=Mh;if(Mh=null,ut&48)throw Error(Ie(331));var t=ut;ut|=32;var n=s_;s_=[];for(var r=0;r<n.length;r+=2){var o=n[r],i=n[r+1],a=o.destroy;if(o.destroy=void 0,typeof a=="function")try{a()}catch(l){if(i===null)throw Error(Ie(330));bu(i,l)}}for(n=a_,a_=[],r=0;r<n.length;r+=2){o=n[r],i=n[r+1];try{var s=o.create;o.destroy=s()}catch(l){if(i===null)throw Error(Ie(330));bu(i,l)}}for(s=e.current.firstEffect;s!==null;)e=s.nextEffect,s.nextEffect=null,s.flags&8&&(s.sibling=null,s.stateNode=null),s=e;return ut=t,ps(),!0}function z3(e,t,n){t=dT(n,t),t=kB(e,t,1),mu(e,t),t=vi(),e=jb(e,1),e!==null&&(Ib(e,1,t),Zi(e,t))}function bu(e,t){if(e.tag===3)z3(e,e,t);else for(var n=e.return;n!==null;){if(n.tag===3){z3(n,e,t);break}else if(n.tag===1){var r=n.stateNode;if(typeof n.type.getDerivedStateFromError=="function"||typeof r.componentDidCatch=="function"&&(Za===null||!Za.has(r))){e=dT(t,e);var o=SB(n,e,1);if(mu(n,o),o=vi(),n=jb(n,1),n!==null)Ib(n,1,o),Zi(n,o);else if(typeof r.componentDidCatch=="function"&&(Za===null||!Za.has(r)))try{r.componentDidCatch(t,e)}catch{}break}}n=n.return}}function FX(e,t,n){var r=e.pingCache;r!==null&&r.delete(t),t=vi(),e.pingedLanes|=e.suspendedLanes&n,Bo===e&&(fo&n)===n&&(Qr===4||Qr===3&&(fo&62914560)===fo&&500>co()-mT?_d(e,0):pT|=n),Zi(e,t)}function IX(e,t){var n=e.stateNode;n!==null&&n.delete(t),t=0,t===0&&(t=e.mode,t&2?t&4?(Vs===0&&(Vs=t1),t=Uf(62914560&~Vs),t===0&&(t=4194304)):t=zd()===99?1:2:t=1),n=vi(),e=jb(e,t),e!==null&&(Ib(e,t,n),Zi(e,n))}var DB;DB=function(e,t,n){var r=t.lanes;if(e!==null)if(e.memoizedProps!==t.pendingProps||Jo.current)Ea=!0;else if(n&r)Ea=!!(e.flags&16384);else{switch(Ea=!1,t.tag){case 3:x3(t),k2();break;case 5:v3(t);break;case 1:ei(t.type)&&Sg(t);break;case 4:KE(t,t.stateNode.containerInfo);break;case 10:r=t.memoizedProps.value;var o=t.type._context;Qn(_v,o._currentValue),o._currentValue=r;break;case 13:if(t.memoizedState!==null)return n&t.child.childLanes?C3(e,t,n):(Qn(Yn,Yn.current&1),t=Zs(e,t,n),t!==null?t.sibling:null);Qn(Yn,Yn.current&1);break;case 19:if(r=(n&t.childLanes)!==0,e.flags&64){if(r)return B3(e,t,n);t.flags|=64}if(o=t.memoizedState,o!==null&&(o.rendering=null,o.tail=null,o.lastEffect=null),Qn(Yn,Yn.current),r)break;return null;case 23:case 24:return t.lanes=0,S2(e,t,n)}return Zs(e,t,n)}else Ea=!1;switch(t.lanes=0,t.tag){case 2:if(r=t.type,e!==null&&(e.alternate=null,t.alternate=null,t.flags|=2),e=t.pendingProps,o=jd(t,mo.current),bd(t,n),o=lT(null,t,r,e,o,n),t.flags|=1,typeof o=="object"&&o!==null&&typeof o.render=="function"&&o.$$typeof===void 0){if(t.tag=1,t.memoizedState=null,t.updateQueue=null,ei(r)){var i=!0;Sg(t)}else i=!1;t.memoizedState=o.state!==null&&o.state!==void 0?o.state:null,oT(t);var a=r.getDerivedStateFromProps;typeof a=="function"&&kv(t,r,a,e),o.updater=Mb,t.stateNode=o,o._reactInternals=t,GE(t,r,e,n),t=XE(null,t,r,!0,i,n)}else t.tag=0,Yo(null,t,o,n),t=t.child;return t;case 16:o=t.elementType;e:{switch(e!==null&&(e.alternate=null,t.alternate=null,t.flags|=2),e=t.pendingProps,i=o._init,o=i(o._payload),t.type=o,i=t.tag=RX(o),e=ga(o,e),i){case 0:t=QE(null,t,o,e,n);break e;case 1:t=S3(null,t,o,e,n);break e;case 11:t=w3(null,t,o,e,n);break e;case 14:t=k3(null,t,o,ga(o.type,e),r,n);break e}throw Error(Ie(306,o,""))}return t;case 0:return r=t.type,o=t.pendingProps,o=t.elementType===r?o:ga(r,o),QE(e,t,r,o,n);case 1:return r=t.type,o=t.pendingProps,o=t.elementType===r?o:ga(r,o),S3(e,t,r,o,n);case 3:if(x3(t),r=t.updateQueue,e===null||r===null)throw Error(Ie(282));if(r=t.pendingProps,o=t.memoizedState,o=o!==null?o.element:null,aB(e,t),y0(t,r,null,n),r=t.memoizedState.element,r===o)k2(),t=Zs(e,t,n);else{if(o=t.stateNode,(i=o.hydrate)&&(iu=vd(t.stateNode.containerInfo.firstChild),Xs=t,i=rs=!0),i){if(e=o.mutableSourceEagerHydrationData,e!=null)for(o=0;o<e.length;o+=2)i=e[o],i._workInProgressVersionPrimary=e[o+1],yd.push(i);for(n=cB(t,null,r,n),t.child=n;n;)n.flags=n.flags&-3|1024,n=n.sibling}else Yo(e,t,r,n),k2();t=t.child}return t;case 5:return v3(t),e===null&&VE(t),r=t.type,o=t.pendingProps,i=e!==null?e.memoizedProps:null,a=o.children,UE(r,o)?a=null:i!==null&&UE(r,i)&&(t.flags|=16),EB(e,t),Yo(e,t,a,n),t.child;case 6:return e===null&&VE(t),null;case 13:return C3(e,t,n);case 4:return KE(t,t.stateNode.containerInfo),r=t.pendingProps,e===null?t.child=Sv(t,null,r,n):Yo(e,t,r,n),t.child;case 11:return r=t.type,o=t.pendingProps,o=t.elementType===r?o:ga(r,o),w3(e,t,r,o,n);case 7:return Yo(e,t,t.pendingProps,n),t.child;case 8:return Yo(e,t,t.pendingProps.children,n),t.child;case 12:return Yo(e,t,t.pendingProps.children,n),t.child;case 10:e:{r=t.type._context,o=t.pendingProps,a=t.memoizedProps,i=o.value;var s=t.type._context;if(Qn(_v,s._currentValue),s._currentValue=i,a!==null)if(s=a.value,i=Hi(s,i)?0:(typeof r._calculateChangedBits=="function"?r._calculateChangedBits(s,i):1073741823)|0,i===0){if(a.children===o.children&&!Jo.current){t=Zs(e,t,n);break e}}else for(s=t.child,s!==null&&(s.return=t);s!==null;){var l=s.dependencies;if(l!==null){a=s.child;for(var u=l.firstContext;u!==null;){if(u.context===r&&u.observedBits&i){s.tag===1&&(u=pu(-1,n&-n),u.tag=2,mu(s,u)),s.lanes|=n,u=s.alternate,u!==null&&(u.lanes|=n),iB(s.return,n),l.lanes|=n;break}u=u.next}}else a=s.tag===10&&s.type===t.type?null:s.child;if(a!==null)a.return=s;else for(a=s;a!==null;){if(a===t){a=null;break}if(s=a.sibling,s!==null){s.return=a.return,a=s;break}a=a.return}s=a}Yo(e,t,o.children,n),t=t.child}return t;case 9:return o=t.type,i=t.pendingProps,r=i.children,bd(t,n),o=Xi(o,i.unstable_observedBits),r=r(o),t.flags|=1,Yo(e,t,r,n),t.child;case 14:return o=t.type,i=ga(o,t.pendingProps),i=ga(o.type,i),k3(e,t,o,i,r,n);case 15:return yB(e,t,t.type,t.pendingProps,r,n);case 17:return r=t.type,o=t.pendingProps,o=t.elementType===r?o:ga(r,o),e!==null&&(e.alternate=null,t.alternate=null,t.flags|=2),t.tag=1,ei(r)?(e=!0,Sg(t)):e=!1,bd(t,n),lB(t,r,o),GE(t,r,o,n),XE(null,t,r,!0,e,n);case 19:return B3(e,t,n);case 23:return S2(e,t,n);case 24:return S2(e,t,n)}throw Error(Ie(156,t.tag))};function BX(e,t,n,r){this.tag=e,this.key=n,this.sibling=this.child=this.return=this.stateNode=this.type=this.elementType=null,this.index=0,this.ref=null,this.pendingProps=t,this.dependencies=this.memoizedState=this.updateQueue=this.memoizedProps=null,this.mode=r,this.flags=0,this.lastEffect=this.firstEffect=this.nextEffect=null,this.childLanes=this.lanes=0,this.alternate=null}function Ui(e,t,n,r){return new BX(e,t,n,r)}function vT(e){return e=e.prototype,!(!e||!e.isReactComponent)}function RX(e){if(typeof e=="function")return vT(e)?1:0;if(e!=null){if(e=e.$$typeof,e===Ab)return 11;if(e===Nb)return 14}return 2}function Cu(e,t){var n=e.alternate;return n===null?(n=Ui(e.tag,t,e.key,e.mode),n.elementType=e.elementType,n.type=e.type,n.stateNode=e.stateNode,n.alternate=e,e.alternate=n):(n.pendingProps=t,n.type=e.type,n.flags=0,n.nextEffect=null,n.firstEffect=null,n.lastEffect=null),n.childLanes=e.childLanes,n.lanes=e.lanes,n.child=e.child,n.memoizedProps=e.memoizedProps,n.memoizedState=e.memoizedState,n.updateQueue=e.updateQueue,t=e.dependencies,n.dependencies=t===null?null:{lanes:t.lanes,firstContext:t.firstContext},n.sibling=e.sibling,n.index=e.index,n.ref=e.ref,n}function Fg(e,t,n,r,o,i){var a=2;if(r=e,typeof e=="function")vT(e)&&(a=1);else if(typeof e=="string")a=5;else e:switch(e){case tu:return Td(n.children,o,i,t);case fI:a=8,o|=16;break;case R4:a=8,o|=1;break;case Ah:return e=Ui(12,n,t,o|8),e.elementType=Ah,e.type=Ah,e.lanes=i,e;case Nh:return e=Ui(13,n,t,o),e.type=Nh,e.elementType=Nh,e.lanes=i,e;case dv:return e=Ui(19,n,t,o),e.elementType=dv,e.lanes=i,e;case j4:return bT(n,o,i,t);case kE:return e=Ui(24,n,t,o),e.elementType=kE,e.lanes=i,e;default:if(typeof e=="object"&&e!==null)switch(e.$$typeof){case O4:a=10;break e;case D4:a=9;break e;case Ab:a=11;break e;case Nb:a=14;break e;case P4:a=16,r=null;break e;case M4:a=22;break e}throw Error(Ie(130,e==null?e:typeof e,""))}return t=Ui(a,n,t,o),t.elementType=e,t.type=r,t.lanes=i,t}function Td(e,t,n,r){return e=Ui(7,e,r,t),e.lanes=n,e}function bT(e,t,n,r){return e=Ui(23,e,r,t),e.elementType=j4,e.lanes=n,e}function A2(e,t,n){return e=Ui(6,e,null,t),e.lanes=n,e}function N2(e,t,n){return t=Ui(4,e.children!==null?e.children:[],e.key,t),t.lanes=n,t.stateNode={containerInfo:e.containerInfo,pendingChildren:null,implementation:e.implementation},t}function OX(e,t,n){this.tag=t,this.containerInfo=e,this.finishedWork=this.pingCache=this.current=this.pendingChildren=null,this.timeoutHandle=-1,this.pendingContext=this.context=null,this.hydrate=n,this.callbackNode=null,this.callbackPriority=0,this.eventTimes=d2(0),this.expirationTimes=d2(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=d2(0),this.mutableSourceEagerHydrationData=null}function DX(e,t,n){var r=3<arguments.length&&arguments[3]!==void 0?arguments[3]:null;return{$$typeof:yc,key:r==null?null:""+r,children:e,containerInfo:t,implementation:n}}function Ov(e,t,n,r){var o=t.current,i=vi(),a=gu(o);e:if(n){n=n._reactInternals;t:{if(Uc(n)!==n||n.tag!==1)throw Error(Ie(170));var s=n;do{switch(s.tag){case 3:s=s.stateNode.context;break t;case 1:if(ei(s.type)){s=s.stateNode.__reactInternalMemoizedMergedChildContext;break t}}s=s.return}while(s!==null);throw Error(Ie(171))}if(n.tag===1){var l=n.type;if(ei(l)){n=ZI(n,l,s);break e}}n=s}else n=Su;return t.context===null?t.context=n:t.pendingContext=n,t=pu(i,a),t.payload={element:e},r=r===void 0?null:r,r!==null&&(t.callback=r),mu(o,t),vu(o,a,i),a}function F2(e){if(e=e.current,!e.child)return null;switch(e.child.tag){case 5:return e.child.stateNode;default:return e.child.stateNode}}function H3(e,t){if(e=e.memoizedState,e!==null&&e.dehydrated!==null){var n=e.retryLane;e.retryLane=n!==0&&n<t?n:t}}function yT(e,t){H3(e,t),(e=e.alternate)&&H3(e,t)}function PX(){return null}function ET(e,t,n){var r=n!=null&&n.hydrationOptions!=null&&n.hydrationOptions.mutableSources||null;if(n=new OX(e,t,n!=null&&n.hydrate===!0),t=Ui(3,null,null,t===2?7:t===1?3:0),n.current=t,t.stateNode=n,oT(t),e[e1]=n.current,KI(e.nodeType===8?e.parentNode:e),r)for(e=0;e<r.length;e++){t=r[e];var o=t._getVersion;o=o(t._source),n.mutableSourceEagerHydrationData==null?n.mutableSourceEagerHydrationData=[t,o]:n.mutableSourceEagerHydrationData.push(t,o)}this._internalRoot=n}ET.prototype.render=function(e){Ov(e,this._internalRoot,null,null)};ET.prototype.unmount=function(){var e=this._internalRoot,t=e.containerInfo;Ov(null,e,null,function(){t[e1]=null})};function X0(e){return!(!e||e.nodeType!==1&&e.nodeType!==9&&e.nodeType!==11&&(e.nodeType!==8||e.nodeValue!==" react-mount-point-unstable "))}function MX(e,t){if(t||(t=e?e.nodeType===9?e.documentElement:e.firstChild:null,t=!(!t||t.nodeType!==1||!t.hasAttribute("data-reactroot"))),!t)for(var n;n=e.lastChild;)e.removeChild(n);return new ET(e,0,t?{hydrate:!0}:void 0)}function zb(e,t,n,r,o){var i=n._reactRootContainer;if(i){var a=i._internalRoot;if(typeof o=="function"){var s=o;o=function(){var u=F2(a);s.call(u)}}Ov(t,a,e,o)}else{if(i=n._reactRootContainer=MX(n,r),a=i._internalRoot,typeof o=="function"){var l=o;o=function(){var u=F2(a);l.call(u)}}NB(function(){Ov(t,a,e,o)})}return F2(a)}xI=function(e){if(e.tag===13){var t=vi();vu(e,4,t),yT(e,4)}};$4=function(e){if(e.tag===13){var t=vi();vu(e,67108864,t),yT(e,67108864)}};CI=function(e){if(e.tag===13){var t=vi(),n=gu(e);vu(e,n,t),yT(e,n)}};AI=function(e,t){return t()};OE=function(e,t,n){switch(t){case"input":if(xE(e,n),t=n.name,n.type==="radio"&&t!=null){for(n=e;n.parentNode;)n=n.parentNode;for(n=n.querySelectorAll("input[name="+JSON.stringify(""+t)+'][type="radio"]'),t=0;t<n.length;t++){var r=n[t];if(r!==e&&r.form===e.form){var o=Db(r);if(!o)throw Error(Ie(90));hI(r),xE(r,o)}}}break;case"textarea":mI(e,n);break;case"select":t=n.value,t!=null&&pd(e,!!n.multiple,t,!1)}};H4=AB;TI=function(e,t,n,r,o){var i=ut;ut|=4;try{return Pc(98,e.bind(null,t,n,r,o))}finally{ut=i,ut===0&&(r1(),ps())}};U4=function(){!(ut&49)&&(wX(),Ru())};wI=function(e,t){var n=ut;ut|=2;try{return e(t)}finally{ut=n,ut===0&&(r1(),ps())}};function PB(e,t){var n=2<arguments.length&&arguments[2]!==void 0?arguments[2]:null;if(!X0(t))throw Error(Ie(200));return DX(e,t,null,n)}var LX={Events:[V0,td,Db,EI,_I,Ru,{current:!1}]},Z1={findFiberByHostInstance:_c,bundleType:0,version:"17.0.2",rendererPackageName:"react-dom"},jX={bundleType:Z1.bundleType,version:Z1.version,rendererPackageName:Z1.rendererPackageName,rendererConfig:Z1.rendererConfig,overrideHookState:null,overrideHookStateDeletePath:null,overrideHookStateRenamePath:null,overrideProps:null,overridePropsDeletePath:null,overridePropsRenamePath:null,setSuspenseHandler:null,scheduleUpdate:null,currentDispatcherRef:Hc.ReactCurrentDispatcher,findHostInstanceByFiber:function(e){return e=SI(e),e===null?null:e.stateNode},findFiberByHostInstance:Z1.findFiberByHostInstance||PX,findHostInstancesForRefresh:null,scheduleRefresh:null,scheduleRoot:null,setRefreshHandler:null,getCurrentFiber:null};if(typeof __REACT_DEVTOOLS_GLOBAL_HOOK__<"u"){var Bm=__REACT_DEVTOOLS_GLOBAL_HOOK__;if(!Bm.isDisabled&&Bm.supportsFiber)try{eT=Bm.inject(jX),Ac=Bm}catch{}}ea.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED=LX;ea.createPortal=PB;ea.findDOMNode=function(e){if(e==null)return null;if(e.nodeType===1)return e;var t=e._reactInternals;if(t===void 0)throw typeof e.render=="function"?Error(Ie(188)):Error(Ie(268,Object.keys(e)));return e=SI(t),e=e===null?null:e.stateNode,e};ea.flushSync=function(e,t){var n=ut;if(n&48)return e(t);ut|=1;try{if(e)return Pc(99,e.bind(null,t))}finally{ut=n,ps()}};ea.hydrate=function(e,t,n){if(!X0(t))throw Error(Ie(200));return zb(null,e,t,!0,n)};ea.render=function(e,t,n){if(!X0(t))throw Error(Ie(200));return zb(null,e,t,!1,n)};ea.unmountComponentAtNode=function(e){if(!X0(e))throw Error(Ie(40));return e._reactRootContainer?(NB(function(){zb(null,null,e,!1,function(){e._reactRootContainer=null,e[e1]=null})}),!0):!1};ea.unstable_batchedUpdates=AB;ea.unstable_createPortal=function(e,t){return PB(e,t,2<arguments.length&&arguments[2]!==void 0?arguments[2]:null)};ea.unstable_renderSubtreeIntoContainer=function(e,t,n,r){if(!X0(n))throw Error(Ie(200));if(e==null||e._reactInternals===void 0)throw Error(Ie(38));return zb(e,t,n,!1,r)};ea.version="17.0.2";function MB(){if(!(typeof __REACT_DEVTOOLS_GLOBAL_HOOK__>"u"||typeof __REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE!="function"))try{__REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE(MB)}catch(e){console.error(e)}}MB(),sI.exports=ea;var _T=sI.exports;const LB=xr(_T);var zX=ml(),HX=Cr(function(e,t){return Sb(oe(oe({},e),{rtl:t}))}),UX=function(e){var t=e.theme,n=e.dir,r=ls(t)?"rtl":"ltr",o=ls()?"rtl":"ltr",i=n||r;return{rootDir:i!==r||i!==o?i:n,needsTheme:i!==r}},jB=T.forwardRef(function(e,t){var n=e.className,r=e.theme,o=e.applyTheme,i=e.applyThemeToBody,a=e.styles,s=zX(a,{theme:r,applyTheme:o,className:n}),l=T.useRef(null);return $X(i,s,l),jF(l),T.createElement(T.Fragment,null,qX(e,s,l,t))});jB.displayName="FabricBase";function qX(e,t,n,r){var o=t.root,i=e.as,a=i===void 0?"div":i,s=e.dir,l=e.theme,u=Zr(e,W0,["dir"]),d=UX(e),h=d.rootDir,p=d.needsTheme,m=T.createElement(a,oe({dir:h},u,{className:o,ref:G0(n,r)}));return p&&(m=T.createElement(kK,{settings:{theme:HX(l,s==="rtl")}},m)),m}function $X(e,t,n){var r=t.bodyThemed;return T.useEffect(function(){if(e){var o=ss(n.current);if(o)return o.body.classList.add(r),function(){o.body.classList.remove(r)}}},[r,e,n]),n}var I2={fontFamily:"inherit"},WX={root:"ms-Fabric",bodyThemed:"ms-Fabric-bodyThemed"},GX=function(e){var t=e.theme,n=e.className,r=e.applyTheme,o=hs(WX,t);return{root:[o.root,t.fonts.medium,{color:t.palette.neutralPrimary,selectors:{"& button":I2,"& input":I2,"& textarea":I2}},r&&{color:t.semanticColors.bodyText,backgroundColor:t.semanticColors.bodyBackground},n],bodyThemed:[{backgroundColor:t.semanticColors.bodyBackground}]}},KX=gl(jB,GX,void 0,{scope:"Fabric"}),nu={},VX;function YX(e,t){nu[e]||(nu[e]=[]),nu[e].push(t)}function QX(e,t){if(nu[e]){var n=nu[e].indexOf(t);n>=0&&(nu[e].splice(n,1),nu[e].length===0&&delete nu[e])}}function XX(){return VX}var ZX=ml(),zB=T.forwardRef(function(e,t){var n=T.useRef(null),r=G0(n,t),o=T.useRef(),i=T.useState(!1),a=i[0],s=i[1],l=SY(),u=e.eventBubblingEnabled,d=e.styles,h=e.theme,p=e.className,m=e.children,v=e.hostId,_=e.onLayerDidMount,b=_===void 0?function(){}:_,E=e.onLayerMounted,w=E===void 0?function(){}:E,k=e.onLayerWillUnmount,y=e.insertFirst,F=ZX(d,{theme:h,className:p,isNotHost:!v}),C=function(){if(l){if(v)return l.getElementById(v);var I=XX();return I?l.querySelector(I):l.body}},A=function(){k==null||k();var I=o.current;o.current=void 0,I&&I.parentNode&&I.parentNode.removeChild(I)},P=function(){var I=C();if(!(!l||!I)){A();var j=l.createElement("div");j.className=F.root,QG(j),ZG(j,n.current),y?I.insertBefore(j,I.firstChild):I.appendChild(j),o.current=j,s(!0)}};return i0(function(){return P(),v&&YX(v,P),function(){A(),v&&QX(v,P)}},[v]),T.useEffect(function(){o.current&&a&&(w==null||w(),b==null||b(),s(!1))},[a,w,b]),T.createElement("span",{className:"ms-layer",ref:r},o.current&&_T.createPortal(T.createElement(KX,oe({},!u&&eZ(),{className:F.content}),m),o.current))});zB.displayName="LayerBase";var Rm,JX=function(e){e.eventPhase===Event.BUBBLING_PHASE&&e.type!=="mouseenter"&&e.type!=="mouseleave"&&e.type!=="touchstart"&&e.type!=="touchend"&&e.stopPropagation()};function eZ(){return Rm||(Rm={},["onClick","onContextMenu","onDoubleClick","onDrag","onDragEnd","onDragEnter","onDragExit","onDragLeave","onDragOver","onDragStart","onDrop","onMouseDown","onMouseEnter","onMouseLeave","onMouseMove","onMouseOver","onMouseOut","onMouseUp","onTouchMove","onTouchStart","onTouchCancel","onTouchEnd","onKeyDown","onKeyPress","onKeyUp","onFocus","onBlur","onChange","onInput","onInvalid","onSubmit"].forEach(function(e){return Rm[e]=JX})),Rm}var tZ={root:"ms-Layer",rootNoHost:"ms-Layer--fixed",content:"ms-Layer-content"},nZ=function(e){var t=e.className,n=e.isNotHost,r=e.theme,o=hs(tZ,r);return{root:[o.root,r.fonts.medium,n&&[o.rootNoHost,{position:"fixed",zIndex:Dd.Layer,top:0,left:0,bottom:0,right:0,visibility:"hidden"}],t],content:[o.content,{visibility:"visible"}]}},rZ=gl(zB,nZ,void 0,{scope:"Layer",fields:["hostId","theme","styles"]}),HB=T.forwardRef(function(e,t){var n=e.layerProps,r=e.doNotLayer,o=pl(e,["layerProps","doNotLayer"]),i=T.createElement(WY,oe({},o,{doNotLayer:r,ref:t}));return r?i:T.createElement(rZ,oe({},n),i)});HB.displayName="Callout";var Dv;(function(e){e[e.default=0]="default",e[e.image=1]="image",e[e.Default=1e5]="Default",e[e.Image=100001]="Image"})(Dv||(Dv={}));var Xo;(function(e){e[e.center=0]="center",e[e.contain=1]="contain",e[e.cover=2]="cover",e[e.none=3]="none",e[e.centerCover=4]="centerCover",e[e.centerContain=5]="centerContain"})(Xo||(Xo={}));var w0;(function(e){e[e.landscape=0]="landscape",e[e.portrait=1]="portrait"})(w0||(w0={}));var No;(function(e){e[e.notLoaded=0]="notLoaded",e[e.loaded=1]="loaded",e[e.error=2]="error",e[e.errorLoaded=3]="errorLoaded"})(No||(No={}));var oZ=ml(),iZ=/\.svg$/i,aZ="fabricImage";function sZ(e,t){var n=e.onLoadingStateChange,r=e.onLoad,o=e.onError,i=e.src,a=T.useState(No.notLoaded),s=a[0],l=a[1];i0(function(){l(No.notLoaded)},[i]),T.useEffect(function(){if(s===No.notLoaded){var h=t.current?i&&t.current.naturalWidth>0&&t.current.naturalHeight>0||t.current.complete&&iZ.test(i):!1;h&&l(No.loaded)}}),T.useEffect(function(){n==null||n(s)},[s]);var u=T.useCallback(function(h){r==null||r(h),i&&l(No.loaded)},[i,r]),d=T.useCallback(function(h){o==null||o(h),l(No.error)},[o]);return[s,u,d]}var UB=T.forwardRef(function(e,t){var n=T.useRef(),r=T.useRef(),o=sZ(e,r),i=o[0],a=o[1],s=o[2],l=Zr(e,DK,["width","height"]),u=e.src,d=e.alt,h=e.width,p=e.height,m=e.shouldFadeIn,v=m===void 0?!0:m,_=e.shouldStartVisible,b=e.className,E=e.imageFit,w=e.role,k=e.maximizeFrame,y=e.styles,F=e.theme,C=e.loading,A=lZ(e,i,r,n),P=oZ(y,{theme:F,className:b,width:h,height:p,maximizeFrame:k,shouldFadeIn:v,shouldStartVisible:_,isLoaded:i===No.loaded||i===No.notLoaded&&e.shouldStartVisible,isLandscape:A===w0.landscape,isCenter:E===Xo.center,isCenterContain:E===Xo.centerContain,isCenterCover:E===Xo.centerCover,isContain:E===Xo.contain,isCover:E===Xo.cover,isNone:E===Xo.none,isError:i===No.error,isNotImageFit:E===void 0});return T.createElement("div",{className:P.root,style:{width:h,height:p},ref:n},T.createElement("img",oe({},l,{onLoad:a,onError:s,key:aZ+e.src||"",className:P.image,ref:G0(r,t),src:u,alt:d,role:w,loading:C})))});UB.displayName="ImageBase";function lZ(e,t,n,r){var o=T.useRef(t),i=T.useRef();return(i===void 0||o.current===No.notLoaded&&t===No.loaded)&&(i.current=uZ(e,t,n,r)),o.current=t,i.current}function uZ(e,t,n,r){var o=e.imageFit,i=e.width,a=e.height;if(e.coverStyle!==void 0)return e.coverStyle;if(t===No.loaded&&(o===Xo.cover||o===Xo.contain||o===Xo.centerContain||o===Xo.centerCover)&&n.current&&r.current){var s=void 0;typeof i=="number"&&typeof a=="number"&&o!==Xo.centerContain&&o!==Xo.centerCover?s=i/a:s=r.current.clientWidth/r.current.clientHeight;var l=n.current.naturalWidth/n.current.naturalHeight;if(l>s)return w0.landscape}return w0.portrait}var cZ={root:"ms-Image",rootMaximizeFrame:"ms-Image--maximizeFrame",image:"ms-Image-image",imageCenter:"ms-Image-image--center",imageContain:"ms-Image-image--contain",imageCover:"ms-Image-image--cover",imageCenterContain:"ms-Image-image--centerContain",imageCenterCover:"ms-Image-image--centerCover",imageNone:"ms-Image-image--none",imageLandscape:"ms-Image-image--landscape",imagePortrait:"ms-Image-image--portrait"},fZ=function(e){var t=e.className,n=e.width,r=e.height,o=e.maximizeFrame,i=e.isLoaded,a=e.shouldFadeIn,s=e.shouldStartVisible,l=e.isLandscape,u=e.isCenter,d=e.isContain,h=e.isCover,p=e.isCenterContain,m=e.isCenterCover,v=e.isNone,_=e.isError,b=e.isNotImageFit,E=e.theme,w=hs(cZ,E),k={position:"absolute",left:"50% /* @noflip */",top:"50%",transform:"translate(-50%,-50%)"},y=ur(),F=y!==void 0&&y.navigator.msMaxTouchPoints===void 0,C=d&&l||h&&!l?{width:"100%",height:"auto"}:{width:"auto",height:"100%"};return{root:[w.root,E.fonts.medium,{overflow:"hidden"},o&&[w.rootMaximizeFrame,{height:"100%",width:"100%"}],i&&a&&!s&&bc.fadeIn400,(u||d||h||p||m)&&{position:"relative"},t],image:[w.image,{display:"block",opacity:0},i&&["is-loaded",{opacity:1}],u&&[w.imageCenter,k],d&&[w.imageContain,F&&{width:"100%",height:"100%",objectFit:"contain"},!F&&C,!F&&k],h&&[w.imageCover,F&&{width:"100%",height:"100%",objectFit:"cover"},!F&&C,!F&&k],p&&[w.imageCenterContain,l&&{maxWidth:"100%"},!l&&{maxHeight:"100%"},k],m&&[w.imageCenterCover,l&&{maxHeight:"100%"},!l&&{maxWidth:"100%"},k],v&&[w.imageNone,{width:"auto",height:"auto"}],b&&[!!n&&!r&&{height:"auto",width:"100%"},!n&&!!r&&{height:"100%",width:"auto"},!!n&&!!r&&{height:"100%",width:"100%"}],l&&w.imageLandscape,!l&&w.imagePortrait,!i&&"is-notLoaded",a&&"is-fadeIn",_&&"is-error"]}},TT=gl(UB,fZ,void 0,{scope:"Image"},!0);TT.displayName="Image";var Nc=q0({root:{display:"inline-block"},placeholder:["ms-Icon-placeHolder",{width:"1em"}],image:["ms-Icon-imageContainer",{overflow:"hidden"}]}),qB="ms-Icon",dZ=function(e){var t=e.className,n=e.iconClassName,r=e.isPlaceholder,o=e.isImage,i=e.styles;return{root:[r&&Nc.placeholder,Nc.root,o&&Nc.image,n,t,i&&i.root,i&&i.imageContainer]}},$B=Cr(function(e){var t=JK(e)||{subset:{},code:void 0},n=t.code,r=t.subset;return n?{children:n,iconClassName:r.className,fontFamily:r.fontFace&&r.fontFace.fontFamily,mergeImageProps:r.mergeImageProps}:null},void 0,!0),c_=function(e){var t=e.iconName,n=e.className,r=e.style,o=r===void 0?{}:r,i=$B(t)||{},a=i.iconClassName,s=i.children,l=i.fontFamily,u=i.mergeImageProps,d=Zr(e,fr),h=e["aria-label"]||e.title,p=e["aria-label"]||e["aria-labelledby"]||e.title?{role:u?void 0:"img"}:{"aria-hidden":!0},m=s;return u&&typeof s=="object"&&typeof s.props=="object"&&h&&(m=T.cloneElement(s,{alt:h})),T.createElement("i",oe({"data-icon-name":t},p,d,u?{title:void 0,"aria-label":void 0}:{},{className:Ys(qB,Nc.root,a,!t&&Nc.placeholder,n),style:oe({fontFamily:l},o)}),m)};Cr(function(e,t,n){return c_({iconName:e,className:t,"aria-label":n})});var hZ=ml({cacheSize:100}),pZ=function(e){yi(t,e);function t(n){var r=e.call(this,n)||this;return r._onImageLoadingStateChange=function(o){r.props.imageProps&&r.props.imageProps.onLoadingStateChange&&r.props.imageProps.onLoadingStateChange(o),o===No.error&&r.setState({imageLoadError:!0})},r.state={imageLoadError:!1},r}return t.prototype.render=function(){var n=this.props,r=n.children,o=n.className,i=n.styles,a=n.iconName,s=n.imageErrorAs,l=n.theme,u=typeof a=="string"&&a.length===0,d=!!this.props.imageProps||this.props.iconType===Dv.image||this.props.iconType===Dv.Image,h=$B(a)||{},p=h.iconClassName,m=h.children,v=h.mergeImageProps,_=hZ(i,{theme:l,className:o,iconClassName:p,isImage:d,isPlaceholder:u}),b=d?"span":"i",E=Zr(this.props,fr,["aria-label"]),w=this.state.imageLoadError,k=oe(oe({},this.props.imageProps),{onLoadingStateChange:this._onImageLoadingStateChange}),y=w&&s||TT,F=this.props["aria-label"]||this.props.ariaLabel,C=k.alt||F||this.props.title,A=!!(C||this.props["aria-labelledby"]||k["aria-label"]||k["aria-labelledby"]),P=A?{role:d||v?void 0:"img","aria-label":d||v?void 0:C}:{"aria-hidden":!0},I=m;return v&&m&&typeof m=="object"&&C&&(I=T.cloneElement(m,{alt:C})),T.createElement(b,oe({"data-icon-name":a},P,E,v?{title:void 0,"aria-label":void 0}:{},{className:_.root}),d?T.createElement(y,oe({},k)):r||I)},t}(T.Component),sl=gl(pZ,dZ,void 0,{scope:"Icon"},!0);sl.displayName="Icon";var mZ=function(e){var t=e.className,n=e.imageProps,r=Zr(e,fr,["aria-label","aria-labelledby","title","aria-describedby"]),o=n.alt||e["aria-label"],i=o||e["aria-labelledby"]||e.title||n["aria-label"]||n["aria-labelledby"]||n.title,a={"aria-labelledby":e["aria-labelledby"],"aria-describedby":e["aria-describedby"],title:e.title},s=i?{}:{"aria-hidden":!0};return T.createElement("div",oe({},s,r,{className:Ys(qB,Nc.root,Nc.image,t)}),T.createElement(TT,oe({},a,n,{alt:i?o:""})))},f_={none:0,all:1,inputOnly:2},ao;(function(e){e[e.vertical=0]="vertical",e[e.horizontal=1]="horizontal",e[e.bidirectional=2]="bidirectional",e[e.domOrder=3]="domOrder"})(ao||(ao={}));var d_=void 0;try{d_=window}catch{}function vl(e){if(!(typeof d_>"u")){var t=e;return t&&t.ownerDocument&&t.ownerDocument.defaultView?t.ownerDocument.defaultView:d_}}function Z0(e){if(!(typeof document>"u")){var t=e;return t&&t.ownerDocument?t.ownerDocument:document}}var J1={none:0,insertNode:1,appendChild:2},U3="__stylesheet__",gZ=typeof navigator<"u"&&/rv:11.0/.test(navigator.userAgent),qf={};try{qf=window||{}}catch{}var _f,o1=function(){function e(t,n){var r,o,i,a,s,l;this._rules=[],this._preservedRules=[],this._counter=0,this._keyToClassName={},this._onInsertRuleCallbacks=[],this._onResetCallbacks=[],this._classNameToArgs={},this._config=oe({injectionMode:typeof document>"u"?J1.none:J1.insertNode,defaultPrefix:"css",namespace:void 0,cspSettings:void 0},t),this._classNameToArgs=(r=n==null?void 0:n.classNameToArgs)!==null&&r!==void 0?r:this._classNameToArgs,this._counter=(o=n==null?void 0:n.counter)!==null&&o!==void 0?o:this._counter,this._keyToClassName=(a=(i=this._config.classNameCache)!==null&&i!==void 0?i:n==null?void 0:n.keyToClassName)!==null&&a!==void 0?a:this._keyToClassName,this._preservedRules=(s=n==null?void 0:n.preservedRules)!==null&&s!==void 0?s:this._preservedRules,this._rules=(l=n==null?void 0:n.rules)!==null&&l!==void 0?l:this._rules}return e.getInstance=function(){if(_f=qf[U3],!_f||_f._lastStyleElement&&_f._lastStyleElement.ownerDocument!==document){var t=(qf==null?void 0:qf.FabricConfig)||{},n=new e(t.mergeStyles,t.serializedStylesheet);_f=n,qf[U3]=n}return _f},e.prototype.serialize=function(){return JSON.stringify({classNameToArgs:this._classNameToArgs,counter:this._counter,keyToClassName:this._keyToClassName,preservedRules:this._preservedRules,rules:this._rules})},e.prototype.setConfig=function(t){this._config=oe(oe({},this._config),t)},e.prototype.onReset=function(t){var n=this;return this._onResetCallbacks.push(t),function(){n._onResetCallbacks=n._onResetCallbacks.filter(function(r){return r!==t})}},e.prototype.onInsertRule=function(t){var n=this;return this._onInsertRuleCallbacks.push(t),function(){n._onInsertRuleCallbacks=n._onInsertRuleCallbacks.filter(function(r){return r!==t})}},e.prototype.getClassName=function(t){var n=this._config.namespace,r=t||this._config.defaultPrefix;return(n?n+"-":"")+r+"-"+this._counter++},e.prototype.cacheClassName=function(t,n,r,o){this._keyToClassName[n]=t,this._classNameToArgs[t]={args:r,rules:o}},e.prototype.classNameFromKey=function(t){return this._keyToClassName[t]},e.prototype.getClassNameCache=function(){return this._keyToClassName},e.prototype.argsFromClassName=function(t){var n=this._classNameToArgs[t];return n&&n.args},e.prototype.insertedRulesFromClassName=function(t){var n=this._classNameToArgs[t];return n&&n.rules},e.prototype.insertRule=function(t,n){var r=this._config.injectionMode,o=r!==J1.none?this._getStyleElement():void 0;if(n&&this._preservedRules.push(t),o)switch(r){case J1.insertNode:var i=o.sheet;try{i.insertRule(t,i.cssRules.length)}catch{}break;case J1.appendChild:o.appendChild(document.createTextNode(t));break}else this._rules.push(t);this._config.onInsertRule&&this._config.onInsertRule(t),this._onInsertRuleCallbacks.forEach(function(a){return a()})},e.prototype.getRules=function(t){return(t?this._preservedRules.join(""):"")+this._rules.join("")},e.prototype.reset=function(){this._rules=[],this._counter=0,this._classNameToArgs={},this._keyToClassName={},this._onResetCallbacks.forEach(function(t){return t()})},e.prototype.resetKeys=function(){this._keyToClassName={}},e.prototype._getStyleElement=function(){var t=this;return!this._styleElement&&typeof document<"u"&&(this._styleElement=this._createStyleElement(),gZ||window.requestAnimationFrame(function(){t._styleElement=void 0})),this._styleElement},e.prototype._createStyleElement=function(){var t=document.head,n=document.createElement("style"),r=null;n.setAttribute("data-merge-styles","true");var o=this._config.cspSettings;if(o&&o.nonce&&n.setAttribute("nonce",o.nonce),this._lastStyleElement)r=this._lastStyleElement.nextElementSibling;else{var i=this._findPlaceholderStyleTag();i?r=i.nextElementSibling:r=t.childNodes[0]}return t.insertBefore(n,t.contains(r)?r:null),this._lastStyleElement=n,n},e.prototype._findPlaceholderStyleTag=function(){var t=document.head;return t?t.querySelector("style[data-merge-styles]"):null},e}();function vZ(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];var n=[],r=[],o=o1.getInstance();function i(a){for(var s=0,l=a;s<l.length;s++){var u=l[s];if(u)if(typeof u=="string")if(u.indexOf(" ")>=0)i(u.split(" "));else{var d=o.argsFromClassName(u);d?i(d):n.indexOf(u)===-1&&n.push(u)}else Array.isArray(u)?i(u):typeof u=="object"&&r.push(u)}}return i(e),{classes:n,objects:r}}function WB(e){wd!==e&&(wd=e)}function GB(){return wd===void 0&&(wd=typeof document<"u"&&!!document.documentElement&&document.documentElement.getAttribute("dir")==="rtl"),wd}var wd;wd=GB();function KB(){return{rtl:GB()}}var q3={};function bZ(e,t){var n=e[t];n.charAt(0)!=="-"&&(e[t]=q3[n]=q3[n]||n.replace(/([A-Z])/g,"-$1").toLowerCase())}var Om;function yZ(){var e;if(!Om){var t=typeof document<"u"?document:void 0,n=typeof navigator<"u"?navigator:void 0,r=(e=n==null?void 0:n.userAgent)===null||e===void 0?void 0:e.toLowerCase();t?Om={isWebkit:!!(t&&"WebkitAppearance"in t.documentElement.style),isMoz:!!(r&&r.indexOf("firefox")>-1),isOpera:!!(r&&r.indexOf("opera")>-1),isMs:!!(n&&(/rv:11.0/i.test(n.userAgent)||/Edge\/\d./i.test(navigator.userAgent)))}:Om={isWebkit:!0,isMoz:!0,isOpera:!0,isMs:!0}}return Om}var $3={"user-select":1};function EZ(e,t){var n=yZ(),r=e[t];if($3[r]){var o=e[t+1];$3[r]&&(n.isWebkit&&e.push("-webkit-"+r,o),n.isMoz&&e.push("-moz-"+r,o),n.isMs&&e.push("-ms-"+r,o),n.isOpera&&e.push("-o-"+r,o))}}var _Z=["column-count","font-weight","flex","flex-grow","flex-shrink","fill-opacity","opacity","order","z-index","zoom"];function TZ(e,t){var n=e[t],r=e[t+1];if(typeof r=="number"){var o=_Z.indexOf(n)>-1,i=n.indexOf("--")>-1,a=o||i?"":"px";e[t+1]=""+r+a}}var Dm,Yl="left",Ql="right",wZ="@noflip",W3=(Dm={},Dm[Yl]=Ql,Dm[Ql]=Yl,Dm),G3={"w-resize":"e-resize","sw-resize":"se-resize","nw-resize":"ne-resize"};function kZ(e,t,n){if(e.rtl){var r=t[n];if(!r)return;var o=t[n+1];if(typeof o=="string"&&o.indexOf(wZ)>=0)t[n+1]=o.replace(/\s*(?:\/\*\s*)?\@noflip\b(?:\s*\*\/)?\s*?/g,"");else if(r.indexOf(Yl)>=0)t[n]=r.replace(Yl,Ql);else if(r.indexOf(Ql)>=0)t[n]=r.replace(Ql,Yl);else if(String(o).indexOf(Yl)>=0)t[n+1]=o.replace(Yl,Ql);else if(String(o).indexOf(Ql)>=0)t[n+1]=o.replace(Ql,Yl);else if(W3[r])t[n]=W3[r];else if(G3[o])t[n+1]=G3[o];else switch(r){case"margin":case"padding":t[n+1]=xZ(o);break;case"box-shadow":t[n+1]=SZ(o,0);break}}}function SZ(e,t){var n=e.split(" "),r=parseInt(n[t],10);return n[0]=n[0].replace(String(r),String(r*-1)),n.join(" ")}function xZ(e){if(typeof e=="string"){var t=e.split(" ");if(t.length===4)return t[0]+" "+t[3]+" "+t[2]+" "+t[1]}return e}function CZ(e){for(var t=[],n=0,r=0,o=0;o<e.length;o++)switch(e[o]){case"(":r++;break;case")":r&&r--;break;case" ":case" ":r||(o>n&&t.push(e.substring(n,o)),n=o+1);break}return n<e.length&&t.push(e.substring(n)),t}var AZ="displayName";function NZ(e){var t=e&&e["&"];return t?t.displayName:void 0}var VB=/\:global\((.+?)\)/g;function FZ(e){if(!VB.test(e))return e;for(var t=[],n=/\:global\((.+?)\)/g,r=null;r=n.exec(e);)r[1].indexOf(",")>-1&&t.push([r.index,r.index+r[0].length,r[1].split(",").map(function(o){return":global("+o.trim()+")"}).join(", ")]);return t.reverse().reduce(function(o,i){var a=i[0],s=i[1],l=i[2],u=o.slice(0,a),d=o.slice(s);return u+l+d},e)}function K3(e,t){return e.indexOf(":global(")>=0?e.replace(VB,"$1"):e.indexOf(":")===0?t+e:e.indexOf("&")<0?t+" "+e:e}function V3(e,t,n,r){t===void 0&&(t={__order:[]}),n.indexOf("@")===0?(n=n+"{"+e,kd([r],t,n)):n.indexOf(",")>-1?FZ(n).split(",").map(function(o){return o.trim()}).forEach(function(o){return kd([r],t,K3(o,e))}):kd([r],t,K3(n,e))}function kd(e,t,n){t===void 0&&(t={__order:[]}),n===void 0&&(n="&");var r=o1.getInstance(),o=t[n];o||(o={},t[n]=o,t.__order.push(n));for(var i=0,a=e;i<a.length;i++){var s=a[i];if(typeof s=="string"){var l=r.argsFromClassName(s);l&&kd(l,t,n)}else if(Array.isArray(s))kd(s,t,n);else for(var u in s)if(s.hasOwnProperty(u)){var d=s[u];if(u==="selectors"){var h=s.selectors;for(var p in h)h.hasOwnProperty(p)&&V3(n,t,p,h[p])}else typeof d=="object"?d!==null&&V3(n,t,u,d):d!==void 0&&(u==="margin"||u==="padding"?IZ(o,u,d):o[u]=d)}}return t}function IZ(e,t,n){var r=typeof n=="string"?CZ(n):[n];r.length===0&&r.push(n),r[r.length-1]==="!important"&&(r=r.slice(0,-1).map(function(o){return o+" !important"})),e[t+"Top"]=r[0],e[t+"Right"]=r[1]||r[0],e[t+"Bottom"]=r[2]||r[0],e[t+"Left"]=r[3]||r[1]||r[0]}function BZ(e,t){for(var n=[e.rtl?"rtl":"ltr"],r=!1,o=0,i=t.__order;o<i.length;o++){var a=i[o];n.push(a);var s=t[a];for(var l in s)s.hasOwnProperty(l)&&s[l]!==void 0&&(r=!0,n.push(l,s[l]))}return r?n.join(""):void 0}function YB(e,t){return t<=0?"":t===1?e:e+YB(e,t-1)}function QB(e,t){if(!t)return"";var n=[];for(var r in t)t.hasOwnProperty(r)&&r!==AZ&&t[r]!==void 0&&n.push(r,t[r]);for(var o=0;o<n.length;o+=2)bZ(n,o),TZ(n,o),kZ(e,n,o),EZ(n,o);for(var o=1;o<n.length;o+=4)n.splice(o,1,":",n[o],";");return n.join("")}function RZ(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];var r=kd(t),o=BZ(e,r);if(o){var i=o1.getInstance(),a={className:i.classNameFromKey(o),key:o,args:t};if(!a.className){a.className=i.getClassName(NZ(r));for(var s=[],l=0,u=r.__order;l<u.length;l++){var d=u[l];s.push(d,QB(e,r[d]))}a.rulesToInsert=s}return a}}function OZ(e,t){t===void 0&&(t=1);var n=o1.getInstance(),r=e.className,o=e.key,i=e.args,a=e.rulesToInsert;if(a){for(var s=0;s<a.length;s+=2){var l=a[s+1];if(l){var u=a[s];u=u.replace(/&/g,YB("."+e.className,t));var d=u+"{"+l+"}"+(u.indexOf("@")===0?"}":"");n.insertRule(d)}}n.cacheClassName(r,o,i,a)}}function DZ(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];var r=RZ.apply(void 0,Yi([e],t));return r?(OZ(r,e.specificityMultiplier),r.className):""}function XB(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];return PZ(e,KB())}function PZ(e,t){var n=e instanceof Array?e:[e],r=vZ(n),o=r.classes,i=r.objects;return i.length&&o.push(DZ(t||{},i)),o.join(" ")}function MZ(e){var t=o1.getInstance(),n=QB(KB(),e),r=t.classNameFromKey(n);if(!r){var o=t.getClassName();t.insertRule("@font-face{"+n+"}",!0),t.cacheClassName(o,n,[],["font-face",n])}}XB({overflow:"hidden !important"});var Y3="data-is-scrollable";function LZ(e){for(var t=e,n=Z0(e);t&&t!==n.body;){if(t.getAttribute(Y3)==="true")return t;t=t.parentElement}for(t=e;t&&t!==n.body;){if(t.getAttribute(Y3)!=="false"){var r=getComputedStyle(t),o=r?r.getPropertyValue("overflow-y"):"";if(o&&(o==="scroll"||o==="auto"))return t}t=t.parentElement}return(!t||t===n.body)&&(t=vl(e)),t}var B2="__globalSettings__",wT="__callbacks__",jZ=0,zZ=function(){function e(){}return e.getValue=function(t,n){var r=h_();return r[t]===void 0&&(r[t]=typeof n=="function"?n():n),r[t]},e.setValue=function(t,n){var r=h_(),o=r[wT],i=r[t];if(n!==i){r[t]=n;var a={oldValue:i,value:n,key:t};for(var s in o)o.hasOwnProperty(s)&&o[s](a)}return n},e.addChangeListener=function(t){var n=t.__id__,r=Q3();n||(n=t.__id__=String(jZ++)),r[n]=t},e.removeChangeListener=function(t){var n=Q3();delete n[t.__id__]},e}();function h_(){var e,t=vl(),n=t||{};return n[B2]||(n[B2]=(e={},e[wT]={},e)),n[B2]}function Q3(){var e=h_();return e[wT]}var Oi={backspace:8,tab:9,enter:13,shift:16,ctrl:17,alt:18,pauseBreak:19,capslock:20,escape:27,space:32,pageUp:33,pageDown:34,end:35,home:36,left:37,up:38,right:39,down:40,insert:45,del:46,zero:48,one:49,two:50,three:51,four:52,five:53,six:54,seven:55,eight:56,nine:57,colon:58,a:65,b:66,c:67,d:68,e:69,f:70,g:71,h:72,i:73,j:74,k:75,l:76,m:77,n:78,o:79,p:80,q:81,r:82,s:83,t:84,u:85,v:86,w:87,x:88,y:89,z:90,leftWindow:91,rightWindow:92,select:93,zero_numpad:96,one_numpad:97,two_numpad:98,three_numpad:99,four_numpad:100,five_numpad:101,six_numpad:102,seven_numpad:103,eight_numpad:104,nine_numpad:105,multiply:106,add:107,subtract:109,decimalPoint:110,divide:111,f1:112,f2:113,f3:114,f4:115,f5:116,f6:117,f7:118,f8:119,f9:120,f10:121,f11:122,f12:123,numlock:144,scrollLock:145,semicolon:186,equalSign:187,comma:188,dash:189,period:190,forwardSlash:191,graveAccent:192,openBracket:219,backSlash:220,closeBracket:221,singleQuote:222};function HZ(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];return t.length<2?t[0]:function(){for(var r=[],o=0;o<arguments.length;o++)r[o]=arguments[o];t.forEach(function(i){return i&&i.apply(e,r)})}}function UZ(e,t){if(e.length!==t.length)return!1;for(var n=0;n<e.length;n++)if(e[n]!==t[n])return!1;return!0}function ZB(e){var t=null;try{var n=vl();t=n?n.sessionStorage.getItem(e):null}catch{}return t}function qZ(e,t){var n;try{(n=vl())===null||n===void 0||n.sessionStorage.setItem(e,t)}catch{}}var JB="isRTL",Us;function eh(e){if(e===void 0&&(e={}),e.rtl!==void 0)return e.rtl;if(Us===void 0){var t=ZB(JB);t!==null&&(Us=t==="1",$Z(Us));var n=Z0();Us===void 0&&n&&(Us=(n.body&&n.body.getAttribute("dir")||n.documentElement.getAttribute("dir"))==="rtl",WB(Us))}return!!Us}function $Z(e,t){t===void 0&&(t=!1);var n=Z0();n&&n.documentElement.setAttribute("dir",e?"rtl":"ltr"),t&&qZ(JB,e?"1":"0"),Us=e,WB(Us)}function WZ(e){return e&&!!e._virtual}function GZ(e){var t;return e&&WZ(e)&&(t=e._virtual.parent),t}function Ua(e,t){return t===void 0&&(t=!0),e&&(t&&GZ(e)||e.parentNode&&e.parentNode)}function R2(e,t,n){n===void 0&&(n=!0);var r=!1;if(e&&t)if(n)if(e===t)r=!0;else for(r=!1;t;){var o=Ua(t);if(o===e){r=!0;break}t=o}else e.contains&&(r=e.contains(t));return r}function kT(e,t){return!e||e===document.body?null:t(e)?e:kT(Ua(e),t)}function KZ(e,t){var n=kT(e,function(r){return r.hasAttribute(t)});return n&&n.getAttribute(t)}var X3="data-portal-element";function VZ(e,t){var n=kT(e,function(r){return t===r||r.hasAttribute(X3)});return n!==null&&n.hasAttribute(X3)}var YZ="data-is-focusable",QZ="data-is-visible",XZ="data-focuszone-id",ZZ="data-is-sub-focuszone";function Li(e,t,n,r,o,i,a,s){if(!t||!a&&t===e)return null;var l=ST(t);if(o&&l&&(i||!(qs(t)||xT(t)))){var u=Li(e,t.lastElementChild,!0,!0,!0,i,a,s);if(u){if(s&&$a(u,!0)||!s)return u;var d=Li(e,u.previousElementSibling,!0,!0,!0,i,a,s);if(d)return d;for(var h=u.parentElement;h&&h!==t;){var p=Li(e,h.previousElementSibling,!0,!0,!0,i,a,s);if(p)return p;h=h.parentElement}}}if(n&&l&&$a(t,s))return t;var m=Li(e,t.previousElementSibling,!0,!0,!0,i,a,s);return m||(r?null:Li(e,t.parentElement,!0,!1,!1,i,a,s))}function va(e,t,n,r,o,i,a,s){if(!t||t===e&&o&&!a)return null;var l=ST(t);if(n&&l&&$a(t,s))return t;if(!o&&l&&(i||!(qs(t)||xT(t)))){var u=va(e,t.firstElementChild,!0,!0,!1,i,a,s);if(u)return u}if(t===e)return null;var d=va(e,t.nextElementSibling,!0,!0,!1,i,a,s);return d||(r?null:va(e,t.parentElement,!1,!1,!0,i,a,s))}function ST(e){if(!e||!e.getAttribute)return!1;var t=e.getAttribute(QZ);return t!=null?t==="true":e.offsetHeight!==0||e.offsetParent!==null||e.isVisible===!0}function $a(e,t){if(!e||e.disabled)return!1;var n=0,r=null;e&&e.getAttribute&&(r=e.getAttribute("tabIndex"),r&&(n=parseInt(r,10)));var o=e.getAttribute?e.getAttribute(YZ):null,i=r!==null&&n>=0,a=!!e&&o!=="false"&&(e.tagName==="A"||e.tagName==="BUTTON"||e.tagName==="INPUT"||e.tagName==="TEXTAREA"||e.tagName==="SELECT"||o==="true"||i);return t?n!==-1&&a:a}function qs(e){return!!(e&&e.getAttribute&&e.getAttribute(XZ))}function xT(e){return!!(e&&e.getAttribute&&e.getAttribute(ZZ)==="true")}function JZ(e,t){return KZ(e,t)!=="true"}function eJ(e,t){for(var n=e,r=0,o=t;r<o.length;r++){var i=o[r],a=n.children[Math.min(i,n.children.length-1)];if(!a)break;n=a}return n=$a(n)&&ST(n)?n:va(e,n,!0)||Li(e,n),n}function tJ(e,t){for(var n=[];t&&e&&t!==e;){var r=Ua(t,!0);if(r===null)return[];n.unshift(Array.prototype.indexOf.call(r.children,t)),t=r}return n}function nJ(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];for(var n=[],r=0,o=e;r<o.length;r++){var i=o[r];if(i)if(typeof i=="string")n.push(i);else if(i.hasOwnProperty("toString")&&typeof i.toString=="function")n.push(i.toString());else for(var a in i)i[a]&&n.push(a)}return n.join(" ")}var rJ="customizations",oJ={settings:{},scopedSettings:{},inCustomizerContext:!1},Dl=zZ.getValue(rJ,{settings:{},scopedSettings:{},inCustomizerContext:!1}),Pm=[],p_=function(){function e(){}return e.reset=function(){Dl.settings={},Dl.scopedSettings={}},e.applySettings=function(t){Dl.settings=oe(oe({},Dl.settings),t),e._raiseChange()},e.applyScopedSettings=function(t,n){Dl.scopedSettings[t]=oe(oe({},Dl.scopedSettings[t]),n),e._raiseChange()},e.getSettings=function(t,n,r){r===void 0&&(r=oJ);for(var o={},i=n&&r.scopedSettings[n]||{},a=n&&Dl.scopedSettings[n]||{},s=0,l=t;s<l.length;s++){var u=l[s];o[u]=i[u]||r.settings[u]||a[u]||Dl.settings[u]}return o},e.applyBatchedUpdates=function(t,n){e._suppressUpdates=!0;try{t()}catch{}e._suppressUpdates=!1,n||e._raiseChange()},e.observe=function(t){Pm.push(t)},e.unobserve=function(t){Pm=Pm.filter(function(n){return n!==t})},e._raiseChange=function(){e._suppressUpdates||Pm.forEach(function(t){return t()})},e}();function iJ(e,t){for(var n in t)t.hasOwnProperty(n)&&(e[n]=HZ(e,e[n],t[n]))}var Pv="__currentId__",aJ="id__",Mv=vl()||{};Mv[Pv]===void 0&&(Mv[Pv]=0);var Z3=!1;function sJ(e){if(!Z3){var t=o1.getInstance();t&&t.onReset&&t.onReset(lJ),Z3=!0}var n=Mv[Pv]++;return(e===void 0?aJ:e)+n}function lJ(e){e===void 0&&(e=0),Mv[Pv]=e}var Zn=function(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];for(var n={},r=0,o=e;r<o.length;r++)for(var i=o[r],a=Array.isArray(i)?i:Object.keys(i),s=0,l=a;s<l.length;s++){var u=l[s];n[u]=1}return n},uJ=Zn(["onCopy","onCut","onPaste","onCompositionEnd","onCompositionStart","onCompositionUpdate","onFocus","onFocusCapture","onBlur","onBlurCapture","onChange","onInput","onSubmit","onLoad","onError","onKeyDown","onKeyDownCapture","onKeyPress","onKeyUp","onAbort","onCanPlay","onCanPlayThrough","onDurationChange","onEmptied","onEncrypted","onEnded","onLoadedData","onLoadedMetadata","onLoadStart","onPause","onPlay","onPlaying","onProgress","onRateChange","onSeeked","onSeeking","onStalled","onSuspend","onTimeUpdate","onVolumeChange","onWaiting","onClick","onClickCapture","onContextMenu","onDoubleClick","onDrag","onDragEnd","onDragEnter","onDragExit","onDragLeave","onDragOver","onDragStart","onDrop","onMouseDown","onMouseDownCapture","onMouseEnter","onMouseLeave","onMouseMove","onMouseOut","onMouseOver","onMouseUp","onMouseUpCapture","onSelect","onTouchCancel","onTouchEnd","onTouchMove","onTouchStart","onScroll","onWheel","onPointerCancel","onPointerDown","onPointerEnter","onPointerLeave","onPointerMove","onPointerOut","onPointerOver","onPointerUp","onGotPointerCapture","onLostPointerCapture"]),cJ=Zn(["accessKey","children","className","contentEditable","dir","draggable","hidden","htmlFor","id","lang","ref","role","style","tabIndex","title","translate","spellCheck","name"]),go=Zn(cJ,uJ);Zn(go,["form"]);var fJ=Zn(go,["height","loop","muted","preload","src","width"]);Zn(fJ,["poster"]);Zn(go,["start"]);Zn(go,["value"]);Zn(go,["download","href","hrefLang","media","rel","target","type"]);var CT=Zn(go,["autoFocus","disabled","form","formAction","formEncType","formMethod","formNoValidate","formTarget","type","value"]);Zn(CT,["accept","alt","autoCapitalize","autoComplete","checked","dirname","form","height","inputMode","list","max","maxLength","min","minLength","multiple","pattern","placeholder","readOnly","required","src","step","size","type","value","width"]);Zn(CT,["autoCapitalize","cols","dirname","form","maxLength","minLength","placeholder","readOnly","required","rows","wrap"]);Zn(CT,["form","multiple","required"]);Zn(go,["selected","value"]);Zn(go,["cellPadding","cellSpacing"]);Zn(go,["rowSpan","scope"]);Zn(go,["colSpan","headers","rowSpan","scope"]);Zn(go,["span"]);Zn(go,["span"]);Zn(go,["acceptCharset","action","encType","encType","method","noValidate","target"]);Zn(go,["allow","allowFullScreen","allowPaymentRequest","allowTransparency","csp","height","importance","referrerPolicy","sandbox","src","srcDoc","width"]);Zn(go,["alt","crossOrigin","height","src","srcSet","useMap","width"]);function dJ(e,t,n){for(var r=Array.isArray(t),o={},i=Object.keys(e),a=0,s=i;a<s.length;a++){var l=s[a],u=!r&&t[l]||r&&t.indexOf(l)>=0||l.indexOf("data-")===0||l.indexOf("aria-")===0;u&&(!n||(n==null?void 0:n.indexOf(l))===-1)&&(o[l]=e[l])}return o}function hJ(e){iJ(e,{componentDidMount:pJ,componentDidUpdate:mJ,componentWillUnmount:gJ})}function pJ(){Lv(this.props.componentRef,this)}function mJ(e){e.componentRef!==this.props.componentRef&&(Lv(e.componentRef,null),Lv(this.props.componentRef,this))}function gJ(){Lv(this.props.componentRef,null)}function Lv(e,t){e&&(typeof e=="object"?e.current=t:typeof e=="function"&&e(t))}function vJ(e){var t=null;try{var n=vl();t=n?n.localStorage.getItem(e):null}catch{}return t}var rc,J3="language";function bJ(e){if(e===void 0&&(e="sessionStorage"),rc===void 0){var t=Z0(),n=e==="localStorage"?vJ(J3):e==="sessionStorage"?ZB(J3):void 0;n&&(rc=n),rc===void 0&&t&&(rc=t.documentElement.getAttribute("lang")),rc===void 0&&(rc="en")}return rc}function eC(e){for(var t=[],n=1;n<arguments.length;n++)t[n-1]=arguments[n];for(var r=0,o=t;r<o.length;r++){var i=o[r];eR(e||{},i)}return e}function eR(e,t,n){n===void 0&&(n=[]),n.push(t);for(var r in t)if(t.hasOwnProperty(r)&&r!=="__proto__"&&r!=="constructor"&&r!=="prototype"){var o=t[r];if(typeof o=="object"&&o!==null&&!Array.isArray(o)){var i=n.indexOf(o)>-1;e[r]=i?o:eR(e[r]||{},o,n)}else e[r]=o}return n.pop(),e}var yJ=function(e){return function(t){for(var n=0,r=e.refs;n<r.length;n++){var o=r[n];typeof o=="function"?o(t):o&&(o.current=t)}}},EJ=function(e){var t={refs:[]};return function(){for(var n=[],r=0;r<arguments.length;r++)n[r]=arguments[r];return(!t.resolver||!UZ(t.refs,n))&&(t.resolver=yJ(t)),t.refs=n,t.resolver}};function _J(e,t,n,r,o){o===void 0&&(o=!1);var i=oe({primaryButtonBorder:"transparent",errorText:r?"#F1707B":"#a4262c",messageText:r?"#F3F2F1":"#323130",messageLink:r?"#6CB8F6":"#005A9E",messageLinkHovered:r?"#82C7FF":"#004578",infoIcon:r?"#C8C6C4":"#605e5c",errorIcon:r?"#F1707B":"#A80000",blockingIcon:r?"#442726":"#FDE7E9",warningIcon:r?"#C8C6C4":"#797775",severeWarningIcon:r?"#FCE100":"#D83B01",successIcon:r?"#92C353":"#107C10",infoBackground:r?"#323130":"#f3f2f1",errorBackground:r?"#442726":"#FDE7E9",blockingBackground:r?"#442726":"#FDE7E9",warningBackground:r?"#433519":"#FFF4CE",severeWarningBackground:r?"#4F2A0F":"#FED9CC",successBackground:r?"#393D1B":"#DFF6DD",warningHighlight:r?"#fff100":"#ffb900",successText:r?"#92c353":"#107C10"},n),a=tR(e,t,i,r);return TJ(a,o)}function tR(e,t,n,r,o){var i={},a=e||{},s=a.white,l=a.black,u=a.themePrimary,d=a.themeDark,h=a.themeDarker,p=a.themeDarkAlt,m=a.themeLighter,v=a.neutralLight,_=a.neutralLighter,b=a.neutralDark,E=a.neutralQuaternary,w=a.neutralQuaternaryAlt,k=a.neutralPrimary,y=a.neutralSecondary,F=a.neutralSecondaryAlt,C=a.neutralTertiary,A=a.neutralTertiaryAlt,P=a.neutralLighterAlt,I=a.accent;return s&&(i.bodyBackground=s,i.bodyFrameBackground=s,i.accentButtonText=s,i.buttonBackground=s,i.primaryButtonText=s,i.primaryButtonTextHovered=s,i.primaryButtonTextPressed=s,i.inputBackground=s,i.inputForegroundChecked=s,i.listBackground=s,i.menuBackground=s,i.cardStandoutBackground=s),l&&(i.bodyTextChecked=l,i.buttonTextCheckedHovered=l),u&&(i.link=u,i.primaryButtonBackground=u,i.inputBackgroundChecked=u,i.inputIcon=u,i.inputFocusBorderAlt=u,i.menuIcon=u,i.menuHeader=u,i.accentButtonBackground=u),d&&(i.primaryButtonBackgroundPressed=d,i.inputBackgroundCheckedHovered=d,i.inputIconHovered=d),h&&(i.linkHovered=h),p&&(i.primaryButtonBackgroundHovered=p),m&&(i.inputPlaceholderBackgroundChecked=m),v&&(i.bodyBackgroundChecked=v,i.bodyFrameDivider=v,i.bodyDivider=v,i.variantBorder=v,i.buttonBackgroundCheckedHovered=v,i.buttonBackgroundPressed=v,i.listItemBackgroundChecked=v,i.listHeaderBackgroundPressed=v,i.menuItemBackgroundPressed=v,i.menuItemBackgroundChecked=v),_&&(i.bodyBackgroundHovered=_,i.buttonBackgroundHovered=_,i.buttonBackgroundDisabled=_,i.buttonBorderDisabled=_,i.primaryButtonBackgroundDisabled=_,i.disabledBackground=_,i.listItemBackgroundHovered=_,i.listHeaderBackgroundHovered=_,i.menuItemBackgroundHovered=_),E&&(i.primaryButtonTextDisabled=E,i.disabledSubtext=E),w&&(i.listItemBackgroundCheckedHovered=w),C&&(i.disabledBodyText=C,i.variantBorderHovered=(n==null?void 0:n.variantBorderHovered)||C,i.buttonTextDisabled=C,i.inputIconDisabled=C,i.disabledText=C),k&&(i.bodyText=k,i.actionLink=k,i.buttonText=k,i.inputBorderHovered=k,i.inputText=k,i.listText=k,i.menuItemText=k),P&&(i.bodyStandoutBackground=P,i.defaultStateBackground=P),b&&(i.actionLinkHovered=b,i.buttonTextHovered=b,i.buttonTextChecked=b,i.buttonTextPressed=b,i.inputTextHovered=b,i.menuItemTextHovered=b),y&&(i.bodySubtext=y,i.focusBorder=y,i.inputBorder=y,i.smallInputBorder=y,i.inputPlaceholderText=y),F&&(i.buttonBorder=F),A&&(i.disabledBodySubtext=A,i.disabledBorder=A,i.buttonBackgroundChecked=A,i.menuDivider=A),I&&(i.accentButtonBackground=I),t!=null&&t.elevation4&&(i.cardShadow=t.elevation4),!r&&(t!=null&&t.elevation8)?i.cardShadowHovered=t.elevation8:i.variantBorderHovered&&(i.cardShadowHovered="0 0 1px "+i.variantBorderHovered),i=oe(oe({},i),n),i}function TJ(e,t){var n="";return t===!0&&(n=" /* @deprecated */"),e.listTextColor=e.listText+n,e.menuItemBackgroundChecked+=n,e.warningHighlight+=n,e.warningText=e.messageText+n,e.successText+=n,e}function wJ(e,t){var n,r,o;t===void 0&&(t={});var i=eC({},e,t,{semanticColors:tR(t.palette,t.effects,t.semanticColors,t.isInverted===void 0?e.isInverted:t.isInverted)});if(!((n=t.palette)===null||n===void 0)&&n.themePrimary&&!(!((r=t.palette)===null||r===void 0)&&r.accent)&&(i.palette.accent=t.palette.themePrimary),t.defaultFontStyle)for(var a=0,s=Object.keys(i.fonts);a<s.length;a++){var l=s[a];i.fonts[l]=eC(i.fonts[l],t.defaultFontStyle,(o=t==null?void 0:t.fonts)===null||o===void 0?void 0:o[l])}return i}var tC={themeDarker:"#004578",themeDark:"#005a9e",themeDarkAlt:"#106ebe",themePrimary:"#0078d4",themeSecondary:"#2b88d8",themeTertiary:"#71afe5",themeLight:"#c7e0f4",themeLighter:"#deecf9",themeLighterAlt:"#eff6fc",black:"#000000",blackTranslucent40:"rgba(0,0,0,.4)",neutralDark:"#201f1e",neutralPrimary:"#323130",neutralPrimaryAlt:"#3b3a39",neutralSecondary:"#605e5c",neutralSecondaryAlt:"#8a8886",neutralTertiary:"#a19f9d",neutralTertiaryAlt:"#c8c6c4",neutralQuaternary:"#d2d0ce",neutralQuaternaryAlt:"#e1dfdd",neutralLight:"#edebe9",neutralLighter:"#f3f2f1",neutralLighterAlt:"#faf9f8",accent:"#0078d4",white:"#ffffff",whiteTranslucent40:"rgba(255,255,255,.4)",yellowDark:"#d29200",yellow:"#ffb900",yellowLight:"#fff100",orange:"#d83b01",orangeLight:"#ea4300",orangeLighter:"#ff8c00",redDark:"#a4262c",red:"#e81123",magentaDark:"#5c005c",magenta:"#b4009e",magentaLight:"#e3008c",purpleDark:"#32145a",purple:"#5c2d91",purpleLight:"#b4a0ff",blueDark:"#002050",blueMid:"#00188f",blue:"#0078d4",blueLight:"#00bcf2",tealDark:"#004b50",teal:"#008272",tealLight:"#00b294",greenDark:"#004b1c",green:"#107c10",greenLight:"#bad80a"},od;(function(e){e.depth0="0 0 0 0 transparent",e.depth4="0 1.6px 3.6px 0 rgba(0, 0, 0, 0.132), 0 0.3px 0.9px 0 rgba(0, 0, 0, 0.108)",e.depth8="0 3.2px 7.2px 0 rgba(0, 0, 0, 0.132), 0 0.6px 1.8px 0 rgba(0, 0, 0, 0.108)",e.depth16="0 6.4px 14.4px 0 rgba(0, 0, 0, 0.132), 0 1.2px 3.6px 0 rgba(0, 0, 0, 0.108)",e.depth64="0 25.6px 57.6px 0 rgba(0, 0, 0, 0.22), 0 4.8px 14.4px 0 rgba(0, 0, 0, 0.18)"})(od||(od={}));var nC={elevation4:od.depth4,elevation8:od.depth8,elevation16:od.depth16,elevation64:od.depth64,roundedCorner2:"2px",roundedCorner4:"4px",roundedCorner6:"6px"},kJ={s2:"4px",s1:"8px",m:"16px",l1:"20px",l2:"32px"},Hn;(function(e){e.Arabic="Segoe UI Web (Arabic)",e.Cyrillic="Segoe UI Web (Cyrillic)",e.EastEuropean="Segoe UI Web (East European)",e.Greek="Segoe UI Web (Greek)",e.Hebrew="Segoe UI Web (Hebrew)",e.Thai="Leelawadee UI Web",e.Vietnamese="Segoe UI Web (Vietnamese)",e.WestEuropean="Segoe UI Web (West European)",e.Selawik="Selawik Web",e.Armenian="Segoe UI Web (Armenian)",e.Georgian="Segoe UI Web (Georgian)"})(Hn||(Hn={}));var on;(function(e){e.Arabic="'"+Hn.Arabic+"'",e.ChineseSimplified="'Microsoft Yahei UI', Verdana, Simsun",e.ChineseTraditional="'Microsoft Jhenghei UI', Pmingliu",e.Cyrillic="'"+Hn.Cyrillic+"'",e.EastEuropean="'"+Hn.EastEuropean+"'",e.Greek="'"+Hn.Greek+"'",e.Hebrew="'"+Hn.Hebrew+"'",e.Hindi="'Nirmala UI'",e.Japanese="'Yu Gothic UI', 'Meiryo UI', Meiryo, 'MS Pgothic', Osaka",e.Korean="'Malgun Gothic', Gulim",e.Selawik="'"+Hn.Selawik+"'",e.Thai="'Leelawadee UI Web', 'Kmer UI'",e.Vietnamese="'"+Hn.Vietnamese+"'",e.WestEuropean="'"+Hn.WestEuropean+"'",e.Armenian="'"+Hn.Armenian+"'",e.Georgian="'"+Hn.Georgian+"'"})(on||(on={}));var xo;(function(e){e.size10="10px",e.size12="12px",e.size14="14px",e.size16="16px",e.size18="18px",e.size20="20px",e.size24="24px",e.size28="28px",e.size32="32px",e.size42="42px",e.size68="68px",e.mini="10px",e.xSmall="10px",e.small="12px",e.smallPlus="12px",e.medium="14px",e.mediumPlus="16px",e.icon="16px",e.large="18px",e.xLarge="20px",e.xLargePlus="24px",e.xxLarge="28px",e.xxLargePlus="32px",e.superLarge="42px",e.mega="68px"})(xo||(xo={}));var Gn;(function(e){e.light=100,e.semilight=300,e.regular=400,e.semibold=600,e.bold=700})(Gn||(Gn={}));var rC;(function(e){e.xSmall="10px",e.small="12px",e.medium="16px",e.large="20px"})(rC||(rC={}));var SJ="'Segoe UI', -apple-system, BlinkMacSystemFont, 'Roboto', 'Helvetica Neue', sans-serif",xJ="'Segoe UI', '"+Hn.WestEuropean+"'",O2={ar:on.Arabic,bg:on.Cyrillic,cs:on.EastEuropean,el:on.Greek,et:on.EastEuropean,he:on.Hebrew,hi:on.Hindi,hr:on.EastEuropean,hu:on.EastEuropean,ja:on.Japanese,kk:on.EastEuropean,ko:on.Korean,lt:on.EastEuropean,lv:on.EastEuropean,pl:on.EastEuropean,ru:on.Cyrillic,sk:on.EastEuropean,"sr-latn":on.EastEuropean,th:on.Thai,tr:on.EastEuropean,uk:on.Cyrillic,vi:on.Vietnamese,"zh-hans":on.ChineseSimplified,"zh-hant":on.ChineseTraditional,hy:on.Armenian,ka:on.Georgian};function CJ(e){return e+", "+SJ}function AJ(e){for(var t in O2)if(O2.hasOwnProperty(t)&&e&&t.indexOf(e)===0)return O2[t];return xJ}function di(e,t,n){return{fontFamily:n,MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontSize:e,fontWeight:t}}function NJ(e){var t=AJ(e),n=CJ(t),r={tiny:di(xo.mini,Gn.regular,n),xSmall:di(xo.xSmall,Gn.regular,n),small:di(xo.small,Gn.regular,n),smallPlus:di(xo.smallPlus,Gn.regular,n),medium:di(xo.medium,Gn.regular,n),mediumPlus:di(xo.mediumPlus,Gn.regular,n),large:di(xo.large,Gn.regular,n),xLarge:di(xo.xLarge,Gn.semibold,n),xLargePlus:di(xo.xLargePlus,Gn.semibold,n),xxLarge:di(xo.xxLarge,Gn.semibold,n),xxLargePlus:di(xo.xxLargePlus,Gn.semibold,n),superLarge:di(xo.superLarge,Gn.semibold,n),mega:di(xo.mega,Gn.semibold,n)};return r}var FJ="https://static2.sharepointonline.com/files/fabric/assets",IJ=NJ(bJ());function gc(e,t,n,r){e="'"+e+"'";var o=r!==void 0?"local('"+r+"'),":"";MZ({fontFamily:e,src:o+("url('"+t+".woff2') format('woff2'),")+("url('"+t+".woff') format('woff')"),fontWeight:n,fontStyle:"normal",fontDisplay:"swap"})}function da(e,t,n,r,o){r===void 0&&(r="segoeui");var i=e+"/"+n+"/"+r;gc(t,i+"-light",Gn.light,o&&o+" Light"),gc(t,i+"-semilight",Gn.semilight,o&&o+" SemiLight"),gc(t,i+"-regular",Gn.regular,o),gc(t,i+"-semibold",Gn.semibold,o&&o+" SemiBold"),gc(t,i+"-bold",Gn.bold,o&&o+" Bold")}function BJ(e){if(e){var t=e+"/fonts";da(t,Hn.Thai,"leelawadeeui-thai","leelawadeeui"),da(t,Hn.Arabic,"segoeui-arabic"),da(t,Hn.Cyrillic,"segoeui-cyrillic"),da(t,Hn.EastEuropean,"segoeui-easteuropean"),da(t,Hn.Greek,"segoeui-greek"),da(t,Hn.Hebrew,"segoeui-hebrew"),da(t,Hn.Vietnamese,"segoeui-vietnamese"),da(t,Hn.WestEuropean,"segoeui-westeuropean","segoeui","Segoe UI"),da(t,on.Selawik,"selawik","selawik"),da(t,Hn.Armenian,"segoeui-armenian"),da(t,Hn.Georgian,"segoeui-georgian"),gc("Leelawadee UI Web",t+"/leelawadeeui-thai/leelawadeeui-semilight",Gn.light),gc("Leelawadee UI Web",t+"/leelawadeeui-thai/leelawadeeui-bold",Gn.semibold)}}function RJ(){var e,t,n=(e=vl())===null||e===void 0?void 0:e.FabricConfig;return(t=n==null?void 0:n.fontBaseUrl)!==null&&t!==void 0?t:FJ}BJ(RJ());function Hb(e,t){e===void 0&&(e={}),t===void 0&&(t=!1);var n=!!e.isInverted,r={palette:tC,effects:nC,fonts:IJ,spacing:kJ,isInverted:n,disableGlobalClassNames:!1,semanticColors:_J(tC,nC,void 0,n,t),rtl:void 0};return wJ(r,e)}var Pi=Hb({}),OJ=[],m_="theme";function nR(){var e,t,n,r=vl();!((t=r==null?void 0:r.FabricConfig)===null||t===void 0)&&t.legacyTheme?PJ(r.FabricConfig.legacyTheme):p_.getSettings([m_]).theme||(!((n=r==null?void 0:r.FabricConfig)===null||n===void 0)&&n.theme&&(Pi=Hb(r.FabricConfig.theme)),p_.applySettings((e={},e[m_]=Pi,e)))}nR();function DJ(e){return e===void 0&&(e=!1),e===!0&&(Pi=Hb({},e)),Pi}function PJ(e,t){var n;return t===void 0&&(t=!1),Pi=Hb(e,t),KF(oe(oe(oe(oe({},Pi.palette),Pi.semanticColors),Pi.effects),MJ(Pi))),p_.applySettings((n={},n[m_]=Pi,n)),OJ.forEach(function(r){try{r(Pi)}catch{}}),Pi}function MJ(e){for(var t={},n=0,r=Object.keys(e.fonts);n<r.length;n++)for(var o=r[n],i=e.fonts[o],a=0,s=Object.keys(i);a<s.length;a++){var l=s[a],u=o+l.charAt(0).toUpperCase()+l.slice(1),d=i[l];l==="fontSize"&&typeof d=="number"&&(d=d+"px"),t[u]=d}return t}yb("@fluentui/style-utilities","8.6.0");nR();var Mm="data-is-focusable",LJ="data-disable-click-on-enter",D2="data-focuszone-id",Pa="tabindex",P2="data-no-vertical-wrap",M2="data-no-horizontal-wrap",L2=999999999,th=-999999999,j2,jJ="ms-FocusZone";function zJ(e,t){var n;typeof MouseEvent=="function"?n=new MouseEvent("click",{ctrlKey:t==null?void 0:t.ctrlKey,metaKey:t==null?void 0:t.metaKey,shiftKey:t==null?void 0:t.shiftKey,altKey:t==null?void 0:t.altKey,bubbles:t==null?void 0:t.bubbles,cancelable:t==null?void 0:t.cancelable}):(n=document.createEvent("MouseEvents"),n.initMouseEvent("click",t?t.bubbles:!1,t?t.cancelable:!1,window,0,0,0,0,0,t?t.ctrlKey:!1,t?t.altKey:!1,t?t.shiftKey:!1,t?t.metaKey:!1,0,null)),e.dispatchEvent(n)}function HJ(){return j2||(j2=XB({selectors:{":focus":{outline:"none"}}},jJ)),j2}var nh={},Tf=new Set,UJ=["text","number","password","email","tel","url","search"],oc=!1,rR=function(e){yi(t,e);function t(n){var r,o,i,a,s=e.call(this,n)||this;s._root=T.createRef(),s._mergedRef=EJ(),s._onFocus=function(u){if(!s._portalContainsElement(u.target)){var d=s.props,h=d.onActiveElementChanged,p=d.doNotAllowFocusEventToPropagate,m=d.stopFocusPropagation,v=d.onFocusNotification,_=d.onFocus,b=d.shouldFocusInnerElementWhenReceivedFocus,E=d.defaultTabbableElement,w=s._isImmediateDescendantOfZone(u.target),k;if(w)k=u.target;else for(var y=u.target;y&&y!==s._root.current;){if($a(y)&&s._isImmediateDescendantOfZone(y)){k=y;break}y=Ua(y,oc)}if(b&&u.target===s._root.current){var F=E&&typeof E=="function"&&s._root.current&&E(s._root.current);F&&$a(F)?(k=F,F.focus()):(s.focus(!0),s._activeElement&&(k=null))}var C=!s._activeElement;k&&k!==s._activeElement&&((w||C)&&s._setFocusAlignment(k,!0,!0),s._activeElement=k,C&&s._updateTabIndexes()),h&&h(s._activeElement,u),(m||p)&&u.stopPropagation(),_?_(u):v&&v()}},s._onBlur=function(){s._setParkedFocus(!1)},s._onMouseDown=function(u){if(!s._portalContainsElement(u.target)){var d=s.props.disabled;if(!d){for(var h=u.target,p=[];h&&h!==s._root.current;)p.push(h),h=Ua(h,oc);for(;p.length&&(h=p.pop(),h&&$a(h)&&s._setActiveElement(h,!0),!qs(h)););}}},s._onKeyDown=function(u,d){if(!s._portalContainsElement(u.target)){var h=s.props,p=h.direction,m=h.disabled,v=h.isInnerZoneKeystroke,_=h.pagingSupportDisabled,b=h.shouldEnterInnerZone;if(!m&&(s.props.onKeyDown&&s.props.onKeyDown(u),!u.isDefaultPrevented()&&!(s._getDocument().activeElement===s._root.current&&s._isInnerZone))){if((b&&b(u)||v&&v(u))&&s._isImmediateDescendantOfZone(u.target)){var E=s._getFirstInnerZone();if(E){if(!E.focus(!0))return}else if(xT(u.target)){if(!s.focusElement(va(u.target,u.target.firstChild,!0)))return}else return}else{if(u.altKey)return;switch(u.which){case Oi.space:if(s._shouldRaiseClicksOnSpace&&s._tryInvokeClickForFocusable(u.target,u))break;return;case Oi.left:if(p!==ao.vertical&&(s._preventDefaultWhenHandled(u),s._moveFocusLeft(d)))break;return;case Oi.right:if(p!==ao.vertical&&(s._preventDefaultWhenHandled(u),s._moveFocusRight(d)))break;return;case Oi.up:if(p!==ao.horizontal&&(s._preventDefaultWhenHandled(u),s._moveFocusUp()))break;return;case Oi.down:if(p!==ao.horizontal&&(s._preventDefaultWhenHandled(u),s._moveFocusDown()))break;return;case Oi.pageDown:if(!_&&s._moveFocusPaging(!0))break;return;case Oi.pageUp:if(!_&&s._moveFocusPaging(!1))break;return;case Oi.tab:if(s.props.allowTabKey||s.props.handleTabKey===f_.all||s.props.handleTabKey===f_.inputOnly&&s._isElementInput(u.target)){var w=!1;if(s._processingTabKey=!0,p===ao.vertical||!s._shouldWrapFocus(s._activeElement,M2))w=u.shiftKey?s._moveFocusUp():s._moveFocusDown();else{var k=eh(d)?!u.shiftKey:u.shiftKey;w=k?s._moveFocusLeft(d):s._moveFocusRight(d)}if(s._processingTabKey=!1,w)break;s.props.shouldResetActiveElementWhenTabFromZone&&(s._activeElement=null)}return;case Oi.home:if(s._isContentEditableElement(u.target)||s._isElementInput(u.target)&&!s._shouldInputLoseFocus(u.target,!1))return!1;var y=s._root.current&&s._root.current.firstChild;if(s._root.current&&y&&s.focusElement(va(s._root.current,y,!0)))break;return;case Oi.end:if(s._isContentEditableElement(u.target)||s._isElementInput(u.target)&&!s._shouldInputLoseFocus(u.target,!0))return!1;var F=s._root.current&&s._root.current.lastChild;if(s._root.current&&s.focusElement(Li(s._root.current,F,!0,!0,!0)))break;return;case Oi.enter:if(s._shouldRaiseClicksOnEnter&&s._tryInvokeClickForFocusable(u.target,u))break;return;default:return}}u.preventDefault(),u.stopPropagation()}}},s._getHorizontalDistanceFromCenter=function(u,d,h){var p=s._focusAlignment.left||s._focusAlignment.x||0,m=Math.floor(h.top),v=Math.floor(d.bottom),_=Math.floor(h.bottom),b=Math.floor(d.top),E=u&&m>v,w=!u&&_<b;return E||w?p>=h.left&&p<=h.left+h.width?0:Math.abs(h.left+h.width/2-p):s._shouldWrapFocus(s._activeElement,P2)?L2:th},hJ(s),s._id=sJ("FocusZone"),s._focusAlignment={left:0,top:0},s._processingTabKey=!1;var l=(o=(r=n.shouldRaiseClicks)!==null&&r!==void 0?r:t.defaultProps.shouldRaiseClicks)!==null&&o!==void 0?o:!0;return s._shouldRaiseClicksOnEnter=(i=n.shouldRaiseClicksOnEnter)!==null&&i!==void 0?i:l,s._shouldRaiseClicksOnSpace=(a=n.shouldRaiseClicksOnSpace)!==null&&a!==void 0?a:l,s}return t.getOuterZones=function(){return Tf.size},t._onKeyDownCapture=function(n){n.which===Oi.tab&&Tf.forEach(function(r){return r._updateTabIndexes()})},t.prototype.componentDidMount=function(){var n=this._root.current;if(nh[this._id]=this,n){this._windowElement=vl(n);for(var r=Ua(n,oc);r&&r!==this._getDocument().body&&r.nodeType===1;){if(qs(r)){this._isInnerZone=!0;break}r=Ua(r,oc)}this._isInnerZone||(Tf.add(this),this._windowElement&&Tf.size===1&&this._windowElement.addEventListener("keydown",t._onKeyDownCapture,!0)),this._root.current&&this._root.current.addEventListener("blur",this._onBlur,!0),this._updateTabIndexes(),this.props.defaultTabbableElement&&typeof this.props.defaultTabbableElement=="string"?this._activeElement=this._getDocument().querySelector(this.props.defaultTabbableElement):this.props.defaultActiveElement&&(this._activeElement=this._getDocument().querySelector(this.props.defaultActiveElement)),this.props.shouldFocusOnMount&&this.focus()}},t.prototype.componentDidUpdate=function(){var n=this._root.current,r=this._getDocument();if(!this.props.preventFocusRestoration&&r&&this._lastIndexPath&&(r.activeElement===r.body||r.activeElement===null||r.activeElement===n)){var o=eJ(n,this._lastIndexPath);o?(this._setActiveElement(o,!0),o.focus(),this._setParkedFocus(!1)):this._setParkedFocus(!0)}},t.prototype.componentWillUnmount=function(){delete nh[this._id],this._isInnerZone||(Tf.delete(this),this._windowElement&&Tf.size===0&&this._windowElement.removeEventListener("keydown",t._onKeyDownCapture,!0)),this._root.current&&this._root.current.removeEventListener("blur",this._onBlur,!0),this._activeElement=null,this._defaultFocusElement=null},t.prototype.render=function(){var n=this,r=this.props,o=r.as,i=r.elementType,a=r.rootProps,s=r.ariaDescribedBy,l=r.ariaLabelledBy,u=r.className,d=dJ(this.props,go),h=o||i||"div";this._evaluateFocusBeforeRender();var p=DJ();return T.createElement(h,oe({"aria-labelledby":l,"aria-describedby":s},d,a,{className:nJ(HJ(),u),ref:this._mergedRef(this.props.elementRef,this._root),"data-focuszone-id":this._id,onKeyDown:function(m){return n._onKeyDown(m,p)},onFocus:this._onFocus,onMouseDownCapture:this._onMouseDown}),this.props.children)},t.prototype.focus=function(n){if(n===void 0&&(n=!1),this._root.current)if(!n&&this._root.current.getAttribute(Mm)==="true"&&this._isInnerZone){var r=this._getOwnerZone(this._root.current);if(r!==this._root.current){var o=nh[r.getAttribute(D2)];return!!o&&o.focusElement(this._root.current)}return!1}else{if(!n&&this._activeElement&&R2(this._root.current,this._activeElement)&&$a(this._activeElement))return this._activeElement.focus(),!0;var i=this._root.current.firstChild;return this.focusElement(va(this._root.current,i,!0))}return!1},t.prototype.focusLast=function(){if(this._root.current){var n=this._root.current&&this._root.current.lastChild;return this.focusElement(Li(this._root.current,n,!0,!0,!0))}return!1},t.prototype.focusElement=function(n,r){var o=this.props,i=o.onBeforeFocus,a=o.shouldReceiveFocus;return a&&!a(n)||i&&!i(n)?!1:n?(this._setActiveElement(n,r),this._activeElement&&this._activeElement.focus(),!0):!1},t.prototype.setFocusAlignment=function(n){this._focusAlignment=n},t.prototype._evaluateFocusBeforeRender=function(){var n=this._root.current,r=this._getDocument();if(r){var o=r.activeElement;if(o!==n){var i=R2(n,o,!1);this._lastIndexPath=i?tJ(n,o):void 0}}},t.prototype._setParkedFocus=function(n){var r=this._root.current;r&&this._isParked!==n&&(this._isParked=n,n?(this.props.allowFocusRoot||(this._parkedTabIndex=r.getAttribute("tabindex"),r.setAttribute("tabindex","-1")),r.focus()):this.props.allowFocusRoot||(this._parkedTabIndex?(r.setAttribute("tabindex",this._parkedTabIndex),this._parkedTabIndex=void 0):r.removeAttribute("tabindex")))},t.prototype._setActiveElement=function(n,r){var o=this._activeElement;this._activeElement=n,o&&(qs(o)&&this._updateTabIndexes(o),o.tabIndex=-1),this._activeElement&&((!this._focusAlignment||r)&&this._setFocusAlignment(n,!0,!0),this._activeElement.tabIndex=0)},t.prototype._preventDefaultWhenHandled=function(n){this.props.preventDefaultWhenHandled&&n.preventDefault()},t.prototype._tryInvokeClickForFocusable=function(n,r){var o=n;if(o===this._root.current)return!1;do{if(o.tagName==="BUTTON"||o.tagName==="A"||o.tagName==="INPUT"||o.tagName==="TEXTAREA")return!1;if(this._isImmediateDescendantOfZone(o)&&o.getAttribute(Mm)==="true"&&o.getAttribute(LJ)!=="true")return zJ(o,r),!0;o=Ua(o,oc)}while(o!==this._root.current);return!1},t.prototype._getFirstInnerZone=function(n){if(n=n||this._activeElement||this._root.current,!n)return null;if(qs(n))return nh[n.getAttribute(D2)];for(var r=n.firstElementChild;r;){if(qs(r))return nh[r.getAttribute(D2)];var o=this._getFirstInnerZone(r);if(o)return o;r=r.nextElementSibling}return null},t.prototype._moveFocus=function(n,r,o,i){i===void 0&&(i=!0);var a=this._activeElement,s=-1,l=void 0,u=!1,d=this.props.direction===ao.bidirectional;if(!a||!this._root.current||this._isElementInput(a)&&!this._shouldInputLoseFocus(a,n))return!1;var h=d?a.getBoundingClientRect():null;do if(a=n?va(this._root.current,a):Li(this._root.current,a),d){if(a){var p=a.getBoundingClientRect(),m=r(h,p);if(m===-1&&s===-1){l=a;break}if(m>-1&&(s===-1||m<s)&&(s=m,l=a),s>=0&&m<0)break}}else{l=a;break}while(a);if(l&&l!==this._activeElement)u=!0,this.focusElement(l);else if(this.props.isCircularNavigation&&i)return n?this.focusElement(va(this._root.current,this._root.current.firstElementChild,!0)):this.focusElement(Li(this._root.current,this._root.current.lastElementChild,!0,!0,!0));return u},t.prototype._moveFocusDown=function(){var n=this,r=-1,o=this._focusAlignment.left||this._focusAlignment.x||0;return this._moveFocus(!0,function(i,a){var s=-1,l=Math.floor(a.top),u=Math.floor(i.bottom);return l<u?n._shouldWrapFocus(n._activeElement,P2)?L2:th:((r===-1&&l>=u||l===r)&&(r=l,o>=a.left&&o<=a.left+a.width?s=0:s=Math.abs(a.left+a.width/2-o)),s)})?(this._setFocusAlignment(this._activeElement,!1,!0),!0):!1},t.prototype._moveFocusUp=function(){var n=this,r=-1,o=this._focusAlignment.left||this._focusAlignment.x||0;return this._moveFocus(!1,function(i,a){var s=-1,l=Math.floor(a.bottom),u=Math.floor(a.top),d=Math.floor(i.top);return l>d?n._shouldWrapFocus(n._activeElement,P2)?L2:th:((r===-1&&l<=d||u===r)&&(r=u,o>=a.left&&o<=a.left+a.width?s=0:s=Math.abs(a.left+a.width/2-o)),s)})?(this._setFocusAlignment(this._activeElement,!1,!0),!0):!1},t.prototype._moveFocusLeft=function(n){var r=this,o=this._shouldWrapFocus(this._activeElement,M2);return this._moveFocus(eh(n),function(i,a){var s=-1,l;return eh(n)?l=parseFloat(a.top.toFixed(3))<parseFloat(i.bottom.toFixed(3)):l=parseFloat(a.bottom.toFixed(3))>parseFloat(i.top.toFixed(3)),l&&a.right<=i.right&&r.props.direction!==ao.vertical?s=i.right-a.right:o||(s=th),s},void 0,o)?(this._setFocusAlignment(this._activeElement,!0,!1),!0):!1},t.prototype._moveFocusRight=function(n){var r=this,o=this._shouldWrapFocus(this._activeElement,M2);return this._moveFocus(!eh(n),function(i,a){var s=-1,l;return eh(n)?l=parseFloat(a.bottom.toFixed(3))>parseFloat(i.top.toFixed(3)):l=parseFloat(a.top.toFixed(3))<parseFloat(i.bottom.toFixed(3)),l&&a.left>=i.left&&r.props.direction!==ao.vertical?s=a.left-i.left:o||(s=th),s},void 0,o)?(this._setFocusAlignment(this._activeElement,!0,!1),!0):!1},t.prototype._moveFocusPaging=function(n,r){r===void 0&&(r=!0);var o=this._activeElement;if(!o||!this._root.current||this._isElementInput(o)&&!this._shouldInputLoseFocus(o,n))return!1;var i=LZ(o);if(!i)return!1;var a=-1,s=void 0,l=-1,u=-1,d=i.clientHeight,h=o.getBoundingClientRect();do if(o=n?va(this._root.current,o):Li(this._root.current,o),o){var p=o.getBoundingClientRect(),m=Math.floor(p.top),v=Math.floor(h.bottom),_=Math.floor(p.bottom),b=Math.floor(h.top),E=this._getHorizontalDistanceFromCenter(n,h,p),w=n&&m>v+d,k=!n&&_<b-d;if(w||k)break;E>-1&&(n&&m>l?(l=m,a=E,s=o):!n&&_<u?(u=_,a=E,s=o):(a===-1||E<=a)&&(a=E,s=o))}while(o);var y=!1;if(s&&s!==this._activeElement)y=!0,this.focusElement(s),this._setFocusAlignment(s,!1,!0);else if(this.props.isCircularNavigation&&r)return n?this.focusElement(va(this._root.current,this._root.current.firstElementChild,!0)):this.focusElement(Li(this._root.current,this._root.current.lastElementChild,!0,!0,!0));return y},t.prototype._setFocusAlignment=function(n,r,o){if(this.props.direction===ao.bidirectional&&(!this._focusAlignment||r||o)){var i=n.getBoundingClientRect(),a=i.left+i.width/2,s=i.top+i.height/2;this._focusAlignment||(this._focusAlignment={left:a,top:s}),r&&(this._focusAlignment.left=a),o&&(this._focusAlignment.top=s)}},t.prototype._isImmediateDescendantOfZone=function(n){return this._getOwnerZone(n)===this._root.current},t.prototype._getOwnerZone=function(n){for(var r=Ua(n,oc);r&&r!==this._root.current&&r!==this._getDocument().body;){if(qs(r))return r;r=Ua(r,oc)}return r},t.prototype._updateTabIndexes=function(n){!this._activeElement&&this.props.defaultTabbableElement&&typeof this.props.defaultTabbableElement=="function"&&(this._activeElement=this.props.defaultTabbableElement(this._root.current)),!n&&this._root.current&&(this._defaultFocusElement=null,n=this._root.current,this._activeElement&&!R2(n,this._activeElement)&&(this._activeElement=null)),this._activeElement&&!$a(this._activeElement)&&(this._activeElement=null);for(var r=n&&n.children,o=0;r&&o<r.length;o++){var i=r[o];qs(i)?i.getAttribute(Mm)==="true"&&(!this._isInnerZone&&(!this._activeElement&&!this._defaultFocusElement||this._activeElement===i)?(this._defaultFocusElement=i,i.getAttribute(Pa)!=="0"&&i.setAttribute(Pa,"0")):i.getAttribute(Pa)!=="-1"&&i.setAttribute(Pa,"-1")):(i.getAttribute&&i.getAttribute(Mm)==="false"&&i.setAttribute(Pa,"-1"),$a(i)?this.props.disabled?i.setAttribute(Pa,"-1"):!this._isInnerZone&&(!this._activeElement&&!this._defaultFocusElement||this._activeElement===i)?(this._defaultFocusElement=i,i.getAttribute(Pa)!=="0"&&i.setAttribute(Pa,"0")):i.getAttribute(Pa)!=="-1"&&i.setAttribute(Pa,"-1"):i.tagName==="svg"&&i.getAttribute("focusable")!=="false"&&i.setAttribute("focusable","false")),this._updateTabIndexes(i)}},t.prototype._isContentEditableElement=function(n){return n&&n.getAttribute("contenteditable")==="true"},t.prototype._isElementInput=function(n){return!!(n&&n.tagName&&(n.tagName.toLowerCase()==="input"||n.tagName.toLowerCase()==="textarea"))},t.prototype._shouldInputLoseFocus=function(n,r){if(!this._processingTabKey&&n&&n.type&&UJ.indexOf(n.type.toLowerCase())>-1){var o=n.selectionStart,i=n.selectionEnd,a=o!==i,s=n.value,l=n.readOnly;if(a||o>0&&!r&&!l||o!==s.length&&r&&!l||this.props.handleTabKey&&!(this.props.shouldInputLoseFocusOnArrowKey&&this.props.shouldInputLoseFocusOnArrowKey(n)))return!1}return!0},t.prototype._shouldWrapFocus=function(n,r){return this.props.checkForNoWrap?JZ(n,r):!0},t.prototype._portalContainsElement=function(n){return n&&!!this._root.current&&VZ(n,this._root.current)},t.prototype._getDocument=function(){return Z0(this._root.current)},t.defaultProps={isCircularNavigation:!1,direction:ao.bidirectional,shouldRaiseClicks:!0},t}(T.Component),Ko;(function(e){e[e.Normal=0]="Normal",e[e.Divider=1]="Divider",e[e.Header=2]="Header",e[e.Section=3]="Section"})(Ko||(Ko={}));function k0(e){return e.canCheck?!!(e.isChecked||e.checked):typeof e.isChecked=="boolean"?e.isChecked:typeof e.checked=="boolean"?e.checked:null}function ll(e){return!!(e.subMenuProps||e.items)}function Ja(e){return!!(e.isDisabled||e.disabled)}function oR(e){var t=k0(e),n=t!==null;return n?"menuitemcheckbox":"menuitem"}var oC=function(e){var t=e.item,n=e.classNames,r=t.iconProps;return T.createElement(sl,oe({},r,{className:n.icon}))},qJ=function(e){var t=e.item,n=e.hasIcons;return n?t.onRenderIcon?t.onRenderIcon(e,oC):oC(e):null},$J=function(e){var t=e.onCheckmarkClick,n=e.item,r=e.classNames,o=k0(n);if(t){var i=function(a){return t(n,a)};return T.createElement(sl,{iconName:n.canCheck!==!1&&o?"CheckMark":"",className:r.checkmarkIcon,onClick:i})}return null},WJ=function(e){var t=e.item,n=e.classNames;return t.text||t.name?T.createElement("span",{className:n.label},t.text||t.name):null},GJ=function(e){var t=e.item,n=e.classNames;return t.secondaryText?T.createElement("span",{className:n.secondaryText},t.secondaryText):null},KJ=function(e){var t=e.item,n=e.classNames,r=e.theme;return ll(t)?T.createElement(sl,oe({iconName:ls(r)?"ChevronLeft":"ChevronRight"},t.submenuIconProps,{className:n.subMenuIcon})):null},VJ=function(e){yi(t,e);function t(n){var r=e.call(this,n)||this;return r.openSubMenu=function(){var o=r.props,i=o.item,a=o.openSubMenu,s=o.getSubmenuTarget;if(s){var l=s();ll(i)&&a&&l&&a(i,l)}},r.dismissSubMenu=function(){var o=r.props,i=o.item,a=o.dismissSubMenu;ll(i)&&a&&a()},r.dismissMenu=function(o){var i=r.props.dismissMenu;i&&i(void 0,o)},Tb(r),r}return t.prototype.render=function(){var n=this.props,r=n.item,o=n.classNames,i=r.onRenderContent||this._renderLayout;return T.createElement("div",{className:r.split?o.linkContentMenu:o.linkContent},i(this.props,{renderCheckMarkIcon:$J,renderItemIcon:qJ,renderItemName:WJ,renderSecondaryText:GJ,renderSubMenuIcon:KJ}))},t.prototype._renderLayout=function(n,r){return T.createElement(T.Fragment,null,r.renderCheckMarkIcon(n),r.renderItemIcon(n),r.renderItemName(n),r.renderSecondaryText(n),r.renderSubMenuIcon(n))},t}(T.Component),YJ=Cr(function(e){return q0({wrapper:{display:"inline-flex",height:"100%",alignItems:"center"},divider:{width:1,height:"100%",backgroundColor:e.palette.neutralTertiaryAlt}})}),Xl=36,iC=$F(0,qF),rh=Cr(function(){var e;return{selectors:(e={},e[Ao]=oe({backgroundColor:"Highlight",borderColor:"Highlight",color:"HighlightText"},WF()),e)}}),QJ=Cr(function(e){var t,n,r,o,i,a,s,l=e.semanticColors,u=e.fonts,d=e.palette,h=l.menuItemBackgroundHovered,p=l.menuItemTextHovered,m=l.menuItemBackgroundPressed,v=l.bodyDivider,_={item:[u.medium,{color:l.bodyText,position:"relative",boxSizing:"border-box"}],divider:{display:"block",height:"1px",backgroundColor:v,position:"relative"},root:[Pd(e),u.medium,{color:l.bodyText,backgroundColor:"transparent",border:"none",width:"100%",height:Xl,lineHeight:Xl,display:"block",cursor:"pointer",padding:"0px 8px 0 4px",textAlign:"left"}],rootDisabled:{color:l.disabledBodyText,cursor:"default",pointerEvents:"none",selectors:(t={},t[Ao]=oe({color:"GrayText",opacity:1},WF()),t)},rootHovered:oe({backgroundColor:h,color:p,selectors:{".ms-ContextualMenu-icon":{color:d.themeDarkAlt},".ms-ContextualMenu-submenuIcon":{color:d.neutralPrimary}}},rh()),rootFocused:oe({backgroundColor:d.white},rh()),rootChecked:oe({selectors:{".ms-ContextualMenu-checkmarkIcon":{color:d.neutralPrimary}}},rh()),rootPressed:oe({backgroundColor:m,selectors:{".ms-ContextualMenu-icon":{color:d.themeDark},".ms-ContextualMenu-submenuIcon":{color:d.neutralPrimary}}},rh()),rootExpanded:oe({backgroundColor:m,color:l.bodyTextChecked},rh()),linkContent:{whiteSpace:"nowrap",height:"inherit",display:"flex",alignItems:"center",maxWidth:"100%"},anchorLink:{padding:"0px 8px 0 4px",textRendering:"auto",color:"inherit",letterSpacing:"normal",wordSpacing:"normal",textTransform:"none",textIndent:"0px",textShadow:"none",textDecoration:"none",boxSizing:"border-box"},label:{margin:"0 4px",verticalAlign:"middle",display:"inline-block",flexGrow:"1",textOverflow:"ellipsis",overflow:"hidden",whiteSpace:"nowrap"},secondaryText:{color:e.palette.neutralSecondary,paddingLeft:"20px",textAlign:"right"},icon:{display:"inline-block",minHeight:"1px",maxHeight:Xl,fontSize:Kl.medium,width:Kl.medium,margin:"0 4px",verticalAlign:"middle",flexShrink:"0",selectors:(n={},n[iC]={fontSize:Kl.large,width:Kl.large},n)},iconColor:{color:l.menuIcon,selectors:(r={},r[Ao]={color:"inherit"},r["$root:hover &"]={selectors:(o={},o[Ao]={color:"HighlightText"},o)},r["$root:focus &"]={selectors:(i={},i[Ao]={color:"HighlightText"},i)},r)},iconDisabled:{color:l.disabledBodyText},checkmarkIcon:{color:l.bodySubtext,selectors:(a={},a[Ao]={color:"HighlightText"},a)},subMenuIcon:{height:Xl,lineHeight:Xl,color:d.neutralSecondary,textAlign:"center",display:"inline-block",verticalAlign:"middle",flexShrink:"0",fontSize:Kl.small,selectors:(s={":hover":{color:d.neutralPrimary},":active":{color:d.neutralPrimary}},s[iC]={fontSize:Kl.medium},s[Ao]={color:"HighlightText"},s)},splitButtonFlexContainer:[Pd(e),{display:"flex",height:Xl,flexWrap:"nowrap",justifyContent:"center",alignItems:"flex-start"}]};return jc(_)}),aC="28px",XJ=$F(0,qF),ZJ=Cr(function(e){var t;return q0(YJ(e),{wrapper:{position:"absolute",right:28,selectors:(t={},t[XJ]={right:32},t)},divider:{height:16,width:1}})}),JJ={item:"ms-ContextualMenu-item",divider:"ms-ContextualMenu-divider",root:"ms-ContextualMenu-link",isChecked:"is-checked",isExpanded:"is-expanded",isDisabled:"is-disabled",linkContent:"ms-ContextualMenu-linkContent",linkContentMenu:"ms-ContextualMenu-linkContent",icon:"ms-ContextualMenu-icon",iconColor:"ms-ContextualMenu-iconColor",checkmarkIcon:"ms-ContextualMenu-checkmarkIcon",subMenuIcon:"ms-ContextualMenu-submenuIcon",label:"ms-ContextualMenu-itemText",secondaryText:"ms-ContextualMenu-secondaryText",splitMenu:"ms-ContextualMenu-splitMenu",screenReaderText:"ms-ContextualMenu-screenReaderText"},eee=Cr(function(e,t,n,r,o,i,a,s,l,u,d,h){var p,m,v,_,b=QJ(e),E=hs(JJ,e);return q0({item:[E.item,b.item,a],divider:[E.divider,b.divider,s],root:[E.root,b.root,r&&[E.isChecked,b.rootChecked],o&&b.anchorLink,n&&[E.isExpanded,b.rootExpanded],t&&[E.isDisabled,b.rootDisabled],!t&&!n&&[{selectors:(p={":hover":b.rootHovered,":active":b.rootPressed},p["."+Go+" &:focus, ."+Go+" &:focus:hover"]=b.rootFocused,p["."+Go+" &:hover"]={background:"inherit;"},p)}],h],splitPrimary:[b.root,{width:"calc(100% - "+aC+")"},r&&["is-checked",b.rootChecked],(t||d)&&["is-disabled",b.rootDisabled],!(t||d)&&!r&&[{selectors:(m={":hover":b.rootHovered},m[":hover ~ ."+E.splitMenu]=b.rootHovered,m[":active"]=b.rootPressed,m["."+Go+" &:focus, ."+Go+" &:focus:hover"]=b.rootFocused,m["."+Go+" &:hover"]={background:"inherit;"},m)}]],splitMenu:[E.splitMenu,b.root,{flexBasis:"0",padding:"0 8px",minWidth:aC},n&&["is-expanded",b.rootExpanded],t&&["is-disabled",b.rootDisabled],!t&&!n&&[{selectors:(v={":hover":b.rootHovered,":active":b.rootPressed},v["."+Go+" &:focus, ."+Go+" &:focus:hover"]=b.rootFocused,v["."+Go+" &:hover"]={background:"inherit;"},v)}]],anchorLink:b.anchorLink,linkContent:[E.linkContent,b.linkContent],linkContentMenu:[E.linkContentMenu,b.linkContent,{justifyContent:"center"}],icon:[E.icon,i&&b.iconColor,b.icon,l,t&&[E.isDisabled,b.iconDisabled]],iconColor:b.iconColor,checkmarkIcon:[E.checkmarkIcon,i&&b.checkmarkIcon,b.icon,l],subMenuIcon:[E.subMenuIcon,b.subMenuIcon,u,n&&{color:e.palette.neutralPrimary},t&&[b.iconDisabled]],label:[E.label,b.label],secondaryText:[E.secondaryText,b.secondaryText],splitContainer:[b.splitButtonFlexContainer,!t&&!r&&[{selectors:(_={},_["."+Go+" &:focus, ."+Go+" &:focus:hover"]=b.rootFocused,_)}]],screenReaderText:[E.screenReaderText,b.screenReaderText,GF,{visibility:"hidden"}]})}),iR=function(e){var t=e.theme,n=e.disabled,r=e.expanded,o=e.checked,i=e.isAnchorLink,a=e.knownIcon,s=e.itemClassName,l=e.dividerClassName,u=e.iconClassName,d=e.subMenuClassName,h=e.primaryDisabled,p=e.className;return eee(t,n,r,o,i,a,s,l,u,d,h,p)},S0=gl(VJ,iR,void 0,{scope:"ContextualMenuItem"}),AT=function(e){yi(t,e);function t(n){var r=e.call(this,n)||this;return r._onItemMouseEnter=function(o){var i=r.props,a=i.item,s=i.onItemMouseEnter;s&&s(a,o,o.currentTarget)},r._onItemClick=function(o){var i=r.props,a=i.item,s=i.onItemClickBase;s&&s(a,o,o.currentTarget)},r._onItemMouseLeave=function(o){var i=r.props,a=i.item,s=i.onItemMouseLeave;s&&s(a,o)},r._onItemKeyDown=function(o){var i=r.props,a=i.item,s=i.onItemKeyDown;s&&s(a,o)},r._onItemMouseMove=function(o){var i=r.props,a=i.item,s=i.onItemMouseMove;s&&s(a,o,o.currentTarget)},r._getSubmenuTarget=function(){},Tb(r),r}return t.prototype.shouldComponentUpdate=function(n){return!T4(n,this.props)},t}(T.Component),tee="ktp",sC="-",nee="data-ktp-target",ree="data-ktp-execute-target",oee="ktp-layer-id",ja;(function(e){e.KEYTIP_ADDED="keytipAdded",e.KEYTIP_REMOVED="keytipRemoved",e.KEYTIP_UPDATED="keytipUpdated",e.PERSISTED_KEYTIP_ADDED="persistedKeytipAdded",e.PERSISTED_KEYTIP_REMOVED="persistedKeytipRemoved",e.PERSISTED_KEYTIP_EXECUTE="persistedKeytipExecute",e.ENTER_KEYTIP_MODE="enterKeytipMode",e.EXIT_KEYTIP_MODE="exitKeytipMode"})(ja||(ja={}));var iee=function(){function e(){this.keytips={},this.persistedKeytips={},this.sequenceMapping={},this.inKeytipMode=!1,this.shouldEnterKeytipMode=!0,this.delayUpdatingKeytipChange=!1}return e.getInstance=function(){return this._instance},e.prototype.init=function(t){this.delayUpdatingKeytipChange=t},e.prototype.register=function(t,n){n===void 0&&(n=!1);var r=t;n||(r=this.addParentOverflow(t),this.sequenceMapping[r.keySequences.toString()]=r);var o=this._getUniqueKtp(r);if(n?this.persistedKeytips[o.uniqueID]=o:this.keytips[o.uniqueID]=o,this.inKeytipMode||!this.delayUpdatingKeytipChange){var i=n?ja.PERSISTED_KEYTIP_ADDED:ja.KEYTIP_ADDED;Ws.raise(this,i,{keytip:r,uniqueID:o.uniqueID})}return o.uniqueID},e.prototype.update=function(t,n){var r=this.addParentOverflow(t),o=this._getUniqueKtp(r,n),i=this.keytips[n];i&&(o.keytip.visible=i.keytip.visible,this.keytips[n]=o,delete this.sequenceMapping[i.keytip.keySequences.toString()],this.sequenceMapping[o.keytip.keySequences.toString()]=o.keytip,(this.inKeytipMode||!this.delayUpdatingKeytipChange)&&Ws.raise(this,ja.KEYTIP_UPDATED,{keytip:o.keytip,uniqueID:o.uniqueID}))},e.prototype.unregister=function(t,n,r){r===void 0&&(r=!1),r?delete this.persistedKeytips[n]:delete this.keytips[n],!r&&delete this.sequenceMapping[t.keySequences.toString()];var o=r?ja.PERSISTED_KEYTIP_REMOVED:ja.KEYTIP_REMOVED;(this.inKeytipMode||!this.delayUpdatingKeytipChange)&&Ws.raise(this,o,{keytip:t,uniqueID:n})},e.prototype.enterKeytipMode=function(){Ws.raise(this,ja.ENTER_KEYTIP_MODE)},e.prototype.exitKeytipMode=function(){Ws.raise(this,ja.EXIT_KEYTIP_MODE)},e.prototype.getKeytips=function(){var t=this;return Object.keys(this.keytips).map(function(n){return t.keytips[n].keytip})},e.prototype.addParentOverflow=function(t){var n=Yi([],t.keySequences);if(n.pop(),n.length!==0){var r=this.sequenceMapping[n.toString()];if(r&&r.overflowSetSequence)return oe(oe({},t),{overflowSetSequence:r.overflowSetSequence})}return t},e.prototype.menuExecute=function(t,n){Ws.raise(this,ja.PERSISTED_KEYTIP_EXECUTE,{overflowButtonSequences:t,keytipSequences:n})},e.prototype._getUniqueKtp=function(t,n){return n===void 0&&(n=cu()),{keytip:oe({},t),uniqueID:n}},e._instance=new e,e}();function aR(e){return e.reduce(function(t,n){return t+sC+n.split("").join(sC)},tee)}function aee(e,t){var n=t.length,r=Yi([],t).pop(),o=Yi([],e);return qG(o,n-1,r)}function see(e){var t=" "+oee;return e.length?t+" "+aR(e):t}function lee(e){var t=T.useRef(),n=e.keytipProps?oe({disabled:e.disabled},e.keytipProps):void 0,r=A4(iee.getInstance()),o=tI(e);i0(function(){t.current&&n&&((o==null?void 0:o.keytipProps)!==e.keytipProps||(o==null?void 0:o.disabled)!==e.disabled)&&r.update(n,t.current)}),i0(function(){return n&&(t.current=r.register(n)),function(){n&&r.unregister(n,t.current)}},[]);var i={ariaDescribedBy:void 0,keytipId:void 0};return n&&(i=uee(r,n,e.ariaDescribedBy)),i}function uee(e,t,n){var r=e.addParentOverflow(t),o=$0(n,see(r.keySequences)),i=Yi([],r.keySequences);r.overflowSetSequence&&(i=aee(i,r.overflowSetSequence));var a=aR(i);return{ariaDescribedBy:o,keytipId:a}}var x0=function(e){var t,n=e.children,r=pl(e,["children"]),o=lee(r),i=o.keytipId,a=o.ariaDescribedBy;return n((t={},t[nee]=i,t[ree]=i,t["aria-describedby"]=a,t))},cee=function(e){yi(t,e);function t(){var n=e!==null&&e.apply(this,arguments)||this;return n._anchor=T.createRef(),n._getMemoizedMenuButtonKeytipProps=Cr(function(r){return oe(oe({},r),{hasMenu:!0})}),n._getSubmenuTarget=function(){return n._anchor.current?n._anchor.current:void 0},n._onItemClick=function(r){var o=n.props,i=o.item,a=o.onItemClick;a&&a(i,r)},n._renderAriaDescription=function(r,o){return r?T.createElement("span",{id:n._ariaDescriptionId,className:o},r):null},n}return t.prototype.render=function(){var n=this,r=this.props,o=r.item,i=r.classNames,a=r.index,s=r.focusableElementIndex,l=r.totalItemCount,u=r.hasCheckmarks,d=r.hasIcons,h=r.contextualMenuItemAs,p=h===void 0?S0:h,m=r.expandedMenuItemKey,v=r.onItemClick,_=r.openSubMenu,b=r.dismissSubMenu,E=r.dismissMenu,w=o.rel;o.target&&o.target.toLowerCase()==="_blank"&&(w=w||"nofollow noopener noreferrer");var k=ll(o),y=Zr(o,LF),F=Ja(o),C=o.itemProps,A=o.ariaDescription,P=o.keytipProps;P&&k&&(P=this._getMemoizedMenuButtonKeytipProps(P)),A&&(this._ariaDescriptionId=cu());var I=$0(o.ariaDescribedBy,A?this._ariaDescriptionId:void 0,y["aria-describedby"]),j={"aria-describedby":I};return T.createElement("div",null,T.createElement(x0,{keytipProps:o.keytipProps,ariaDescribedBy:I,disabled:F},function(H){return T.createElement("a",oe({},j,y,H,{ref:n._anchor,href:o.href,target:o.target,rel:w,className:i.root,role:"menuitem","aria-haspopup":k||void 0,"aria-expanded":k?o.key===m:void 0,"aria-posinset":s+1,"aria-setsize":l,"aria-disabled":Ja(o),style:o.style,onClick:n._onItemClick,onMouseEnter:n._onItemMouseEnter,onMouseLeave:n._onItemMouseLeave,onMouseMove:n._onItemMouseMove,onKeyDown:k?n._onItemKeyDown:void 0}),T.createElement(p,oe({componentRef:o.componentRef,item:o,classNames:i,index:a,onCheckmarkClick:u&&v?v:void 0,hasIcons:d,openSubMenu:_,dismissSubMenu:b,dismissMenu:E,getSubmenuTarget:n._getSubmenuTarget},C)),n._renderAriaDescription(A,i.screenReaderText))}))},t}(AT),fee=function(e){yi(t,e);function t(){var n=e!==null&&e.apply(this,arguments)||this;return n._btn=T.createRef(),n._getMemoizedMenuButtonKeytipProps=Cr(function(r){return oe(oe({},r),{hasMenu:!0})}),n._renderAriaDescription=function(r,o){return r?T.createElement("span",{id:n._ariaDescriptionId,className:o},r):null},n._getSubmenuTarget=function(){return n._btn.current?n._btn.current:void 0},n}return t.prototype.render=function(){var n=this,r=this.props,o=r.item,i=r.classNames,a=r.index,s=r.focusableElementIndex,l=r.totalItemCount,u=r.hasCheckmarks,d=r.hasIcons,h=r.contextualMenuItemAs,p=h===void 0?S0:h,m=r.expandedMenuItemKey,v=r.onItemMouseDown,_=r.onItemClick,b=r.openSubMenu,E=r.dismissSubMenu,w=r.dismissMenu,k=k0(o),y=k!==null,F=oR(o),C=ll(o),A=o.itemProps,P=o.ariaLabel,I=o.ariaDescription,j=Zr(o,Oc);delete j.disabled;var H=o.role||F;I&&(this._ariaDescriptionId=cu());var K=$0(o.ariaDescribedBy,I?this._ariaDescriptionId:void 0,j["aria-describedby"]),U={className:i.root,onClick:this._onItemClick,onKeyDown:C?this._onItemKeyDown:void 0,onMouseEnter:this._onItemMouseEnter,onMouseLeave:this._onItemMouseLeave,onMouseDown:function(se){return v?v(o,se):void 0},onMouseMove:this._onItemMouseMove,href:o.href,title:o.title,"aria-label":P,"aria-describedby":K,"aria-haspopup":C||void 0,"aria-expanded":C?o.key===m:void 0,"aria-posinset":s+1,"aria-setsize":l,"aria-disabled":Ja(o),"aria-checked":(H==="menuitemcheckbox"||H==="menuitemradio")&&y?!!k:void 0,"aria-selected":H==="menuitem"&&y?!!k:void 0,role:H,style:o.style},pe=o.keytipProps;return pe&&C&&(pe=this._getMemoizedMenuButtonKeytipProps(pe)),T.createElement(x0,{keytipProps:pe,ariaDescribedBy:K,disabled:Ja(o)},function(se){return T.createElement("button",oe({ref:n._btn},j,U,se),T.createElement(p,oe({componentRef:o.componentRef,item:o,classNames:i,index:a,onCheckmarkClick:u&&_?_:void 0,hasIcons:d,openSubMenu:b,dismissSubMenu:E,dismissMenu:w,getSubmenuTarget:n._getSubmenuTarget},A)),n._renderAriaDescription(I,i.screenReaderText))})},t}(AT),dee=function(e){var t=e.theme,n=e.getClassNames,r=e.className;if(!t)throw new Error("Theme is undefined or null.");if(n){var o=n(t);return{wrapper:[o.wrapper],divider:[o.divider]}}return{wrapper:[{display:"inline-flex",height:"100%",alignItems:"center"},r],divider:[{width:1,height:"100%",backgroundColor:t.palette.neutralTertiaryAlt}]}},hee=ml(),sR=T.forwardRef(function(e,t){var n=e.styles,r=e.theme,o=e.getClassNames,i=e.className,a=hee(n,{theme:r,getClassNames:o,className:i});return T.createElement("span",{className:a.wrapper,ref:t},T.createElement("span",{className:a.divider}))});sR.displayName="VerticalDividerBase";var pee=gl(sR,dee,void 0,{scope:"VerticalDivider"}),mee=500,gee=function(e){yi(t,e);function t(n){var r=e.call(this,n)||this;return r._getMemoizedMenuButtonKeytipProps=Cr(function(o){return oe(oe({},o),{hasMenu:!0})}),r._onItemKeyDown=function(o){var i=r.props,a=i.item,s=i.onItemKeyDown;o.which===qt.enter?(r._executeItemClick(o),o.preventDefault(),o.stopPropagation()):s&&s(a,o)},r._getSubmenuTarget=function(){return r._splitButton},r._renderAriaDescription=function(o,i){return o?T.createElement("span",{id:r._ariaDescriptionId,className:i},o):null},r._onItemMouseEnterPrimary=function(o){var i=r.props,a=i.item,s=i.onItemMouseEnter;s&&s(oe(oe({},a),{subMenuProps:void 0,items:void 0}),o,r._splitButton)},r._onItemMouseEnterIcon=function(o){var i=r.props,a=i.item,s=i.onItemMouseEnter;s&&s(a,o,r._splitButton)},r._onItemMouseMovePrimary=function(o){var i=r.props,a=i.item,s=i.onItemMouseMove;s&&s(oe(oe({},a),{subMenuProps:void 0,items:void 0}),o,r._splitButton)},r._onItemMouseMoveIcon=function(o){var i=r.props,a=i.item,s=i.onItemMouseMove;s&&s(a,o,r._splitButton)},r._onIconItemClick=function(o){var i=r.props,a=i.item,s=i.onItemClickBase;s&&s(a,o,r._splitButton?r._splitButton:o.currentTarget)},r._executeItemClick=function(o){var i=r.props,a=i.item,s=i.executeItemClick,l=i.onItemClick;if(!(a.disabled||a.isDisabled)){if(r._processingTouch&&l)return l(a,o);s&&s(a,o)}},r._onTouchStart=function(o){r._splitButton&&!("onpointerdown"in r._splitButton)&&r._handleTouchAndPointerEvent(o)},r._onPointerDown=function(o){o.pointerType==="touch"&&(r._handleTouchAndPointerEvent(o),o.preventDefault(),o.stopImmediatePropagation())},r._async=new _b(r),r._events=new Ws(r),r}return t.prototype.componentDidMount=function(){this._splitButton&&"onpointerdown"in this._splitButton&&this._events.on(this._splitButton,"pointerdown",this._onPointerDown,!0)},t.prototype.componentWillUnmount=function(){this._async.dispose(),this._events.dispose()},t.prototype.render=function(){var n=this,r=this.props,o=r.item,i=r.classNames,a=r.index,s=r.focusableElementIndex,l=r.totalItemCount,u=r.hasCheckmarks,d=r.hasIcons,h=r.onItemMouseLeave,p=r.expandedMenuItemKey,m=ll(o),v=o.keytipProps;v&&(v=this._getMemoizedMenuButtonKeytipProps(v));var _=o.ariaDescription;return _&&(this._ariaDescriptionId=cu()),T.createElement(x0,{keytipProps:v,disabled:Ja(o)},function(b){return T.createElement("div",{"data-ktp-target":b["data-ktp-target"],ref:function(E){return n._splitButton=E},role:oR(o),"aria-label":o.ariaLabel,className:i.splitContainer,"aria-disabled":Ja(o),"aria-expanded":m?o.key===p:void 0,"aria-haspopup":!0,"aria-describedby":$0(o.ariaDescribedBy,_?n._ariaDescriptionId:void 0,b["aria-describedby"]),"aria-checked":o.isChecked||o.checked,"aria-posinset":s+1,"aria-setsize":l,onMouseEnter:n._onItemMouseEnterPrimary,onMouseLeave:h?h.bind(n,oe(oe({},o),{subMenuProps:null,items:null})):void 0,onMouseMove:n._onItemMouseMovePrimary,onKeyDown:n._onItemKeyDown,onClick:n._executeItemClick,onTouchStart:n._onTouchStart,tabIndex:0,"data-is-focusable":!0,"aria-roledescription":o["aria-roledescription"]},n._renderSplitPrimaryButton(o,i,a,u,d),n._renderSplitDivider(o),n._renderSplitIconButton(o,i,a,b),n._renderAriaDescription(_,i.screenReaderText))})},t.prototype._renderSplitPrimaryButton=function(n,r,o,i,a){var s=this.props,l=s.contextualMenuItemAs,u=l===void 0?S0:l,d=s.onItemClick,h={key:n.key,disabled:Ja(n)||n.primaryDisabled,name:n.name,text:n.text||n.name,secondaryText:n.secondaryText,className:r.splitPrimary,canCheck:n.canCheck,isChecked:n.isChecked,checked:n.checked,iconProps:n.iconProps,onRenderIcon:n.onRenderIcon,data:n.data,"data-is-focusable":!1},p=n.itemProps;return T.createElement("button",oe({},Zr(h,Oc)),T.createElement(u,oe({"data-is-focusable":!1,item:h,classNames:r,index:o,onCheckmarkClick:i&&d?d:void 0,hasIcons:a},p)))},t.prototype._renderSplitDivider=function(n){var r=n.getSplitButtonVerticalDividerClassNames||ZJ;return T.createElement(pee,{getClassNames:r})},t.prototype._renderSplitIconButton=function(n,r,o,i){var a=this.props,s=a.contextualMenuItemAs,l=s===void 0?S0:s,u=a.onItemMouseLeave,d=a.onItemMouseDown,h=a.openSubMenu,p=a.dismissSubMenu,m=a.dismissMenu,v={onClick:this._onIconItemClick,disabled:Ja(n),className:r.splitMenu,subMenuProps:n.subMenuProps,submenuIconProps:n.submenuIconProps,split:!0,key:n.key},_=oe(oe({},Zr(v,Oc)),{onMouseEnter:this._onItemMouseEnterIcon,onMouseLeave:u?u.bind(this,n):void 0,onMouseDown:function(E){return d?d(n,E):void 0},onMouseMove:this._onItemMouseMoveIcon,"data-is-focusable":!1,"data-ktp-execute-target":i["data-ktp-execute-target"],"aria-hidden":!0}),b=n.itemProps;return T.createElement("button",oe({},_),T.createElement(l,oe({componentRef:n.componentRef,item:v,classNames:r,index:o,hasIcons:!1,openSubMenu:h,dismissSubMenu:p,dismissMenu:m,getSubmenuTarget:this._getSubmenuTarget},b)))},t.prototype._handleTouchAndPointerEvent=function(n){var r=this,o=this.props.onTap;o&&o(n),this._lastTouchTimeoutId&&(this._async.clearTimeout(this._lastTouchTimeoutId),this._lastTouchTimeoutId=void 0),this._processingTouch=!0,this._lastTouchTimeoutId=this._async.setTimeout(function(){r._processingTouch=!1,r._lastTouchTimeoutId=void 0},mee)},t}(AT),C0;(function(e){e[e.small=0]="small",e[e.medium=1]="medium",e[e.large=2]="large",e[e.xLarge=3]="xLarge",e[e.xxLarge=4]="xxLarge",e[e.xxxLarge=5]="xxxLarge",e[e.unknown=999]="unknown"})(C0||(C0={}));var vee=[479,639,1023,1365,1919,99999999],lR;function uR(){var e;return(e=lR)!==null&&e!==void 0?e:C0.large}function bee(e){var t=C0.small;if(e){try{for(;e.innerWidth>vee[t];)t++}catch{t=uR()}lR=t}else throw new Error("Content was rendered in a server environment without providing a default responsive mode. Call setResponsiveMode to define what the responsive mode is.");return t}var yee=function(e,t){var n=T.useState(uR()),r=n[0],o=n[1],i=T.useCallback(function(){var s=bee(ur(e.current));r!==s&&o(s)},[e,r]),a=N4();return l0(a,"resize",i),T.useEffect(function(){t===void 0&&i()},[t]),t??r},Eee=T.createContext({}),_ee=ml(),Tee=ml(),wee={items:[],shouldFocusOnMount:!0,gapSpace:0,directionalHint:hr.bottomAutoEdge,beakWidth:16};function cR(e,t){var n=t==null?void 0:t.target,r=e.subMenuProps?e.subMenuProps.items:e.items;if(r){for(var o=[],i=0,a=r;i<a.length;i++){var s=a[i];if(s.preferMenuTargetAsEventTarget){var l=s.onClick,u=pl(s,["onClick"]);o.push(oe(oe({},u),{onClick:mR(l,n)}))}else o.push(s)}return o}}function kee(e){return e.some(function(t){return!!(t.canCheck||t.sectionProps&&t.sectionProps.items.some(function(n){return n.canCheck===!0}))})}var fR=250,dR="ContextualMenu",See=Cr(function(){for(var e=[],t=0;t<arguments.length;t++)e[t]=arguments[t];return function(n){return kF.apply(void 0,Yi([n,iR],e))}});function xee(e,t){var n=e.hidden,r=n===void 0?!1:n,o=e.onMenuDismissed,i=e.onMenuOpened,a=tI(r),s=T.useRef(i),l=T.useRef(o),u=T.useRef(e);s.current=i,l.current=o,u.current=e,T.useEffect(function(){var d,h;r&&a===!1?(d=l.current)===null||d===void 0||d.call(l,u.current):!r&&a!==!1&&((h=s.current)===null||h===void 0||h.call(s,u.current))},[r,a]),T.useEffect(function(){return function(){var d;return(d=l.current)===null||d===void 0?void 0:d.call(l,u.current)}},[])}function Cee(e,t){var n=e.hidden,r=e.items,o=e.theme,i=e.className,a=e.id,s=e.target,l=T.useState(),u=l[0],d=l[1],h=T.useState(),p=h[0],m=h[1],v=eI(dR,a),_=T.useCallback(function(){d(void 0),m(void 0)},[]),b=T.useCallback(function(k,y){var F=k.key;u!==F&&(y.focus(),d(F),m(y))},[u]);T.useEffect(function(){n&&_()},[n,_]);var E=Bee(t,_),w=function(){var k=pR(u,r),y=null;if(k&&(y={items:cR(k,{target:s}),target:p,onDismiss:E,isSubMenu:!0,id:v,shouldFocusOnMount:!0,directionalHint:ls(o)?hr.leftTopEdge:hr.rightTopEdge,className:i,gapSpace:0,isBeakVisible:!1},k.subMenuProps&&pc(y,k.subMenuProps),k.preferMenuTargetAsEventTarget)){var F=k.onItemClick;y.onItemClick=mR(F,s)}return y};return[u,b,w,E]}function Aee(e){var t=e.delayUpdateFocusOnHover,n=e.hidden,r=T.useRef(!t),o=T.useRef(!1);T.useEffect(function(){r.current=!t,o.current=n?!1:!t&&o.current},[t,n]);var i=T.useCallback(function(){t&&(r.current=!1)},[t]);return[r,o,i]}function Nee(e,t){var n=e.hidden,r=e.onRestoreFocus,o=T.useRef(),i=T.useCallback(function(a){var s,l;r?r(a):a!=null&&a.documentContainsFocus&&((l=(s=o.current)===null||s===void 0?void 0:s.focus)===null||l===void 0||l.call(s))},[r]);return i0(function(){var a;n?o.current&&(i({originalElement:o.current,containsFocus:!0,documentContainsFocus:((a=ss())===null||a===void 0?void 0:a.hasFocus())||!1}),o.current=void 0):o.current=t==null?void 0:t.document.activeElement},[n,t==null?void 0:t.document.activeElement,i]),[i]}function Fee(e,t,n,r){var o=e.theme,i=e.isSubMenu,a=e.focusZoneProps,s=a===void 0?{}:a,l=s.checkForNoWrap,u=s.direction,d=u===void 0?ao.vertical:u,h=T.useRef(),p=function(y,F,C){var A=!1;return F(y)&&(t(y,C),y.preventDefault(),y.stopPropagation(),A=!0),A},m=function(y){var F=ls(o)?qt.right:qt.left;return y.which!==F||!i?!1:!!(d===ao.vertical||l&&!sK(y.target,"data-no-horizontal-wrap"))},v=function(y){return y.which===qt.escape||m(y)||y.which===qt.up&&(y.altKey||y.metaKey)},_=function(y){h.current=lC(y);var F=y.which===qt.escape&&(mx()||px());return p(y,v,F)},b=function(y){var F=h.current&&lC(y);return h.current=!1,!!F&&!(px()||mx())},E=function(y){return p(y,b,!0)},w=function(y){var F=_(y);if(!(F||!n.current)){var C=!!(y.altKey||y.metaKey),A=y.which===qt.up,P=y.which===qt.down;if(!C&&(A||P)){var I=A?oK(n.current,n.current.lastChild,!0):rK(n.current,n.current.firstChild,!0);I&&(I.focus(),y.preventDefault(),y.stopPropagation())}}},k=function(y,F){var C=ls(o)?qt.left:qt.right;!y.disabled&&(F.which===C||F.which===qt.enter||F.which===qt.down&&(F.altKey||F.metaKey))&&(r(y,F.currentTarget,!1),F.preventDefault())};return[_,E,w,k]}function Iee(e){var t=T.useRef(!0),n=T.useRef(),r=function(){!t.current&&n.current!==void 0?(e.clearTimeout(n.current),n.current=void 0):t.current=!1,n.current=e.setTimeout(function(){t.current=!0},fR)};return[r,t]}function Bee(e,t){var n=T.useRef(!1);T.useEffect(function(){return n.current=!0,function(){n.current=!1}},[]);var r=function(o,i){i?e(o,i):n.current&&t()};return r}function Ree(e,t){var n=e.subMenuHoverDelay,r=n===void 0?fR:n,o=T.useRef(void 0),i=function(){o.current!==void 0&&(t.clearTimeout(o.current),o.current=void 0)},a=function(s){o.current=t.setTimeout(function(){s(),i()},r)};return[i,a,o]}function Oee(e,t,n,r,o,i,a,s,l,u,d,h,p){var m=e.target,v=function(A,P,I){o.current&&(i.current=!0),!b()&&w(A,P,I)},_=function(A,P,I){var j=P.currentTarget;if(o.current)i.current=!0;else return;!t.current||n.current!==void 0||j===(r==null?void 0:r.document.activeElement)||w(A,P,I)},b=function(){return!t.current||!i.current},E=function(A,P){var I;if(!b()&&(u(),a===void 0))if(s.current.setActive)try{s.current.setActive()}catch{}else(I=s.current)===null||I===void 0||I.focus()},w=function(A,P,I){var j=I||P.currentTarget;A.key!==a&&(u(),a===void 0&&j.focus(),ll(A)?(P.stopPropagation(),l(function(){j.focus(),d(A,j,!0)})):l(function(){h(P),j.focus()}))},k=function(A,P){y(A,P,P.currentTarget)},y=function(A,P,I){var j=cR(A,{target:m});u(),!ll(A)&&(!j||!j.length)?C(A,P):A.key!==a&&d(A,I,P.nativeEvent.detail!==0||P.nativeEvent.pointerType==="mouse"),P.stopPropagation(),P.preventDefault()},F=function(A,P){C(A,P),P.stopPropagation()},C=function(A,P){if(!(A.disabled||A.isDisabled)){A.preferMenuTargetAsEventTarget&&gR(P,m);var I=!1;A.onClick?I=!!A.onClick(P,A):e.onItemClick&&(I=!!e.onItemClick(P,A)),(I||!P.defaultPrevented)&&p(P,!0)}};return[v,_,E,k,F,C,y]}var hR=T.memo(T.forwardRef(function(e,t){var n,r=S4(wee,e);r.ref;var o=pl(r,["ref"]),i=T.useRef(null),a=Zd(),s=eI(dR,o.id),l=function(B,z){var ee;return(ee=o.onDismiss)===null||ee===void 0?void 0:ee.call(o,B,z)},u=rI(o.target,i),d=u[0],h=u[1],p=Nee(o,h)[0],m=Cee(o,l),v=m[0],_=m[1],b=m[2],E=m[3],w=Aee(o),k=w[0],y=w[1],F=w[2],C=Iee(a),A=C[0],P=C[1],I=Ree(o,a),j=I[0],H=I[1],K=I[2],U=yee(i,o.responsiveMode);xee(o);var pe=Fee(o,l,i,_),se=pe[0],J=pe[1],$=pe[2],_e=pe[3],ve=Oee(o,P,K,h,k,y,v,i,H,j,_,E,l),fe=ve[0],R=ve[1],L=ve[2],Ae=ve[3],Ue=ve[4],Ve=ve[5],Le=ve[6],st=function(B,z,ee){var ue=0,ce=B.items,te=B.totalItemCount,he=B.hasCheckmarks,Be=B.hasIcons;return T.createElement("ul",{className:z.list,onKeyDown:se,onKeyUp:J,role:"presentation"},ce.map(function(He,tt){var vt=rt(He,tt,ue,te,he,Be,z);if(He.itemType!==Ko.Divider&&He.itemType!==Ko.Header){var at=He.customOnRenderListLength?He.customOnRenderListLength:1;ue+=at}return vt}))},We=function(B,z){var ee=o.focusZoneAs,ue=ee===void 0?rR:ee;return T.createElement(ue,oe({},z),B)},rt=function(B,z,ee,ue,ce,te,he){var Be,He=[],tt=B.iconProps||{iconName:"None"},vt=B.getItemClassNames,at=B.itemProps,Mt=at?at.styles:void 0,en=B.itemType===Ko.Divider?B.className:void 0,Xe=B.submenuIconProps?B.submenuIconProps.className:"",Vt;if(vt)Vt=vt(o.theme,Ja(B),v===B.key,!!k0(B),!!B.href,tt.iconName!=="None",B.className,en,tt.className,Xe,B.primaryDisabled);else{var Hr={theme:o.theme,disabled:Ja(B),expanded:v===B.key,checked:!!k0(B),isAnchorLink:!!B.href,knownIcon:tt.iconName!=="None",itemClassName:B.className,dividerClassName:en,iconClassName:tt.className,subMenuClassName:Xe,primaryDisabled:B.primaryDisabled};Vt=Tee(See((Be=he.subComponentStyles)===null||Be===void 0?void 0:Be.menuItem,Mt),Hr)}switch((B.text==="-"||B.name==="-")&&(B.itemType=Ko.Divider),B.itemType){case Ko.Divider:He.push(tr(z,Vt));break;case Ko.Header:He.push(tr(z,Vt));var ri=br(B,Vt,he,z,ce,te);He.push(er(ri,B.key||z,Vt,B.title));break;case Ko.Section:He.push(qn(B,Vt,he,z,ce,te));break;default:var _s=function(){return In(B,Vt,z,ee,ue,ce,te)},oi=o.onRenderContextualMenuItem?o.onRenderContextualMenuItem(B,_s):_s();He.push(er(oi,B.key||z,Vt,B.title));break}return T.createElement(T.Fragment,{key:B.key},He)},Zt=function(B,z){var ee=B.index,ue=B.focusableElementIndex,ce=B.totalItemCount,te=B.hasCheckmarks,he=B.hasIcons;return rt(B,ee,ue,ce,te,he,z)},qn=function(B,z,ee,ue,ce,te){var he=B.sectionProps;if(he){var Be,He;if(he.title){var tt=void 0,vt="";if(typeof he.title=="string"){var at=s+he.title.replace(/\s/g,"");tt={key:"section-"+he.title+"-title",itemType:Ko.Header,text:he.title,id:at},vt=at}else{var Mt=he.title.id||s+he.title.key.replace(/\s/g,"");tt=oe(oe({},he.title),{id:Mt}),vt=Mt}tt&&(He={role:"group","aria-labelledby":vt},Be=br(tt,z,ee,ue,ce,te))}if(he.items&&he.items.length>0)return T.createElement("li",{role:"presentation",key:he.key||B.key||"section-"+ue},T.createElement("div",oe({},He),T.createElement("ul",{className:ee.list,role:"presentation"},he.topDivider&&tr(ue,z,!0,!0),Be&&er(Be,B.key||ue,z,B.title),he.items.map(function(en,Xe){return rt(en,Xe,Xe,he.items.length,ce,te,ee)}),he.bottomDivider&&tr(ue,z,!1,!0))))}},er=function(B,z,ee,ue){return T.createElement("li",{role:"presentation",title:ue,key:z,className:ee.item},B)},tr=function(B,z,ee,ue){return ue||B>0?T.createElement("li",{role:"separator",key:"separator-"+B+(ee===void 0?"":ee?"-top":"-bottom"),className:z.divider,"aria-hidden":"true"}):null},In=function(B,z,ee,ue,ce,te,he){if(B.onRender)return B.onRender(oe({"aria-posinset":ue+1,"aria-setsize":ce},B),l);var Be=o.contextualMenuItemAs,He={item:B,classNames:z,index:ee,focusableElementIndex:ue,totalItemCount:ce,hasCheckmarks:te,hasIcons:he,contextualMenuItemAs:Be,onItemMouseEnter:fe,onItemMouseLeave:L,onItemMouseMove:R,onItemMouseDown:Dee,executeItemClick:Ve,onItemKeyDown:_e,expandedMenuItemKey:v,openSubMenu:_,dismissSubMenu:E,dismissMenu:l};return B.href?T.createElement(cee,oe({},He,{onItemClick:Ue})):B.split&&ll(B)?T.createElement(gee,oe({},He,{onItemClick:Ae,onItemClickBase:Le,onTap:j})):T.createElement(fee,oe({},He,{onItemClick:Ae,onItemClickBase:Le}))},br=function(B,z,ee,ue,ce,te){var he=o.contextualMenuItemAs,Be=he===void 0?S0:he,He=B.itemProps,tt=B.id,vt=He&&Zr(He,W0);return T.createElement("div",oe({id:tt,className:ee.header},vt,{style:B.style}),T.createElement(Be,oe({item:B,classNames:z,index:ue,onCheckmarkClick:ce?Ae:void 0,hasIcons:te},He)))},Nr=o.isBeakVisible,an=o.items,yo=o.labelElementId,Eo=o.id,jr=o.className,pn=o.beakWidth,Mn=o.directionalHint,mn=o.directionalHintForRTL,Po=o.alignTargetEdge,me=o.gapSpace,le=o.coverTarget,ie=o.ariaLabel,G=o.doNotLayer,ae=o.target,Te=o.bounds,Oe=o.useTargetWidth,$e=o.useTargetAsMinWidth,_t=o.directionalHintFixed,Qe=o.shouldFocusOnMount,lt=o.shouldFocusOnContainer,Kt=o.title,Pt=o.styles,gt=o.theme,Ln=o.calloutProps,Tn=o.onRenderSubMenu,zr=Tn===void 0?uC:Tn,wn=o.onRenderMenuList,kt=wn===void 0?function(B,z){return st(B,rr)}:wn,nr=o.focusZoneProps,dr=o.getMenuClassNames,rr=dr?dr(gt,jr):_ee(Pt,{theme:gt,className:jr}),to=Fr(an);function Fr(B){for(var z=0,ee=B;z<ee.length;z++){var ue=ee[z];if(ue.iconProps||ue.itemType===Ko.Section&&ue.sectionProps&&Fr(ue.sectionProps.items))return!0}return!1}var _o=oe(oe({direction:ao.vertical,handleTabKey:f_.all,isCircularNavigation:!0},nr),{className:Ys(rr.root,(n=o.focusZoneProps)===null||n===void 0?void 0:n.className)}),Ia=kee(an),wi=v&&o.hidden!==!0?b():null;Nr=Nr===void 0?U<=C0.medium:Nr;var ju,ki=d.current;if((Oe||$e)&&ki&&ki.offsetWidth){var _1=ki.getBoundingClientRect(),Xc=_1.width-2;Oe?ju={width:Xc}:$e&&(ju={minWidth:Xc})}if(an&&an.length>0){for(var Zc=0,zu=0,Es=an;zu<Es.length;zu++){var q=Es[zu];if(q.itemType!==Ko.Divider&&q.itemType!==Ko.Header){var W=q.customOnRenderListLength?q.customOnRenderListLength:1;Zc+=W}}var O=rr.subComponentStyles?rr.subComponentStyles.callout:void 0;return T.createElement(Eee.Consumer,null,function(B){return T.createElement(HB,oe({styles:O,onRestoreFocus:p},Ln,{target:ae||B.target,isBeakVisible:Nr,beakWidth:pn,directionalHint:Mn,directionalHintForRTL:mn,gapSpace:me,coverTarget:le,doNotLayer:G,className:Ys("ms-ContextualMenu-Callout",Ln&&Ln.className),setInitialFocus:Qe,onDismiss:o.onDismiss||B.onDismiss,onScroll:A,bounds:Te,directionalHintFixed:_t,alignTargetEdge:Po,hidden:o.hidden||B.hidden,ref:t}),T.createElement("div",{style:ju,ref:i,id:Eo,className:rr.container,tabIndex:lt?0:-1,onKeyDown:$,onKeyUp:J,onFocusCapture:F,"aria-label":ie,"aria-labelledby":yo,role:"menu"},Kt&&T.createElement("div",{className:rr.title}," ",Kt," "),an&&an.length?We(kt({ariaLabel:ie,items:an,totalItemCount:Zc,hasCheckmarks:Ia,hasIcons:to,defaultMenuItemRenderer:function(z){return Zt(z,rr)},labelElementId:yo},function(z,ee){return st(z,rr)}),_o):null,wi&&zr(wi,uC)))})}else return null}),function(e,t){return!t.shouldUpdateWhenHidden&&e.hidden&&t.hidden?!0:T4(e,t)});hR.displayName="ContextualMenuBase";function lC(e){return e.which===qt.alt||e.key==="Meta"}function Dee(e,t){var n;(n=e.onMouseDown)===null||n===void 0||n.call(e,e,t)}function uC(e,t){throw Error("ContextualMenuBase: onRenderSubMenu callback is null or undefined. Please ensure to set `onRenderSubMenu` property either manually or with `styled` helper.")}function pR(e,t){for(var n=0,r=t;n<r.length;n++){var o=r[n];if(o.itemType===Ko.Section&&o.sectionProps){var i=pR(e,o.sectionProps.items);if(i)return i}else if(o.key&&o.key===e)return o}}function mR(e,t){return e&&function(n,r){return gR(n,t),e(n,r)}}function gR(e,t){e&&t&&(e.persist(),t instanceof Event?e.target=t.target:t instanceof Element&&(e.target=t))}var Pee={root:"ms-ContextualMenu",container:"ms-ContextualMenu-container",list:"ms-ContextualMenu-list",header:"ms-ContextualMenu-header",title:"ms-ContextualMenu-title",isopen:"is-open"},Mee=function(e){var t=e.className,n=e.theme,r=hs(Pee,n),o=n.fonts,i=n.semanticColors,a=n.effects;return{root:[n.fonts.medium,r.root,r.isopen,{backgroundColor:i.menuBackground,minWidth:"180px"},t],container:[r.container,{selectors:{":focus":{outline:0}}}],list:[r.list,r.isopen,{listStyleType:"none",margin:"0",padding:"0"}],header:[r.header,o.small,{fontWeight:Rn.semibold,color:i.menuHeader,background:"none",backgroundColor:"transparent",border:"none",height:Xl,lineHeight:Xl,cursor:"default",padding:"0px 6px",userSelect:"none",textAlign:"left"}],title:[r.title,{fontSize:o.mediumPlus.fontSize,paddingRight:"14px",paddingLeft:"14px",paddingBottom:"5px",paddingTop:"5px",backgroundColor:i.menuItemBackgroundPressed}],subComponentStyles:{callout:{root:{boxShadow:a.elevation8}},menuItem:{}}}};function cC(e){return T.createElement(vR,oe({},e))}var vR=gl(hR,Mee,function(e){return{onRenderSubMenu:e.onRenderSubMenu?HF(e.onRenderSubMenu,cC):cC}},{scope:"ContextualMenu"}),g_=vR;g_.displayName="ContextualMenu";var fC={msButton:"ms-Button",msButtonHasMenu:"ms-Button--hasMenu",msButtonIcon:"ms-Button-icon",msButtonMenuIcon:"ms-Button-menuIcon",msButtonLabel:"ms-Button-label",msButtonDescription:"ms-Button-description",msButtonScreenReaderText:"ms-Button-screenReaderText",msButtonFlexContainer:"ms-Button-flexContainer",msButtonTextContainer:"ms-Button-textContainer"},Lee=Cr(function(e,t,n,r,o,i,a,s,l,u,d){var h,p,m=hs(fC,e||{}),v=u&&!d;return q0({root:[m.msButton,t.root,r,l&&["is-checked",t.rootChecked],v&&["is-expanded",t.rootExpanded,{selectors:(h={},h[":hover ."+m.msButtonIcon]=t.iconExpandedHovered,h[":hover ."+m.msButtonMenuIcon]=t.menuIconExpandedHovered||t.rootExpandedHovered,h[":hover"]=t.rootExpandedHovered,h)}],s&&[fC.msButtonHasMenu,t.rootHasMenu],a&&["is-disabled",t.rootDisabled],!a&&!v&&!l&&{selectors:(p={":hover":t.rootHovered},p[":hover ."+m.msButtonLabel]=t.labelHovered,p[":hover ."+m.msButtonIcon]=t.iconHovered,p[":hover ."+m.msButtonDescription]=t.descriptionHovered,p[":hover ."+m.msButtonMenuIcon]=t.menuIconHovered,p[":focus"]=t.rootFocused,p[":active"]=t.rootPressed,p[":active ."+m.msButtonIcon]=t.iconPressed,p[":active ."+m.msButtonDescription]=t.descriptionPressed,p[":active ."+m.msButtonMenuIcon]=t.menuIconPressed,p)},a&&l&&[t.rootCheckedDisabled],!a&&l&&{selectors:{":hover":t.rootCheckedHovered,":active":t.rootCheckedPressed}},n],flexContainer:[m.msButtonFlexContainer,t.flexContainer],textContainer:[m.msButtonTextContainer,t.textContainer],icon:[m.msButtonIcon,o,t.icon,v&&t.iconExpanded,l&&t.iconChecked,a&&t.iconDisabled],label:[m.msButtonLabel,t.label,l&&t.labelChecked,a&&t.labelDisabled],menuIcon:[m.msButtonMenuIcon,i,t.menuIcon,l&&t.menuIconChecked,a&&!d&&t.menuIconDisabled,!a&&!v&&!l&&{selectors:{":hover":t.menuIconHovered,":active":t.menuIconPressed}},v&&["is-expanded",t.menuIconExpanded]],description:[m.msButtonDescription,t.description,l&&t.descriptionChecked,a&&t.descriptionDisabled],screenReaderText:[m.msButtonScreenReaderText,t.screenReaderText]})}),jee=Cr(function(e,t,n,r,o){return{root:Fo(e.splitButtonMenuButton,n&&[e.splitButtonMenuButtonExpanded],t&&[e.splitButtonMenuButtonDisabled],r&&!t&&[e.splitButtonMenuButtonChecked],o&&!t&&[{selectors:{":focus":e.splitButtonMenuFocused}}]),splitButtonContainer:Fo(e.splitButtonContainer,!t&&r&&[e.splitButtonContainerChecked,{selectors:{":hover":e.splitButtonContainerCheckedHovered}}],!t&&!r&&[{selectors:{":hover":e.splitButtonContainerHovered,":focus":e.splitButtonContainerFocused}}],t&&e.splitButtonContainerDisabled),icon:Fo(e.splitButtonMenuIcon,t&&e.splitButtonMenuIconDisabled,!t&&o&&e.splitButtonMenuIcon),flexContainer:Fo(e.splitButtonFlexContainer),divider:Fo(e.splitButtonDivider,(o||t)&&e.splitButtonDividerDisabled)}}),zee=500,Hee="BaseButton",Uee=function(e){yi(t,e);function t(n){var r=e.call(this,n)||this;return r._buttonElement=T.createRef(),r._splitButtonContainer=T.createRef(),r._mergedRef=XK(),r._renderedVisibleMenu=!1,r._getMemoizedMenuButtonKeytipProps=Cr(function(o){return oe(oe({},o),{hasMenu:!0})}),r._onRenderIcon=function(o,i){var a=r.props.iconProps;if(a&&(a.iconName!==void 0||a.imageProps)){var s=a.className,l=a.imageProps,u=pl(a,["className","imageProps"]);if(a.styles)return T.createElement(sl,oe({className:Ys(r._classNames.icon,s),imageProps:l},u));if(a.iconName)return T.createElement(c_,oe({className:Ys(r._classNames.icon,s)},u));if(l)return T.createElement(mZ,oe({className:Ys(r._classNames.icon,s),imageProps:l},u))}return null},r._onRenderTextContents=function(){var o=r.props,i=o.text,a=o.children,s=o.secondaryText,l=s===void 0?r.props.description:s,u=o.onRenderText,d=u===void 0?r._onRenderText:u,h=o.onRenderDescription,p=h===void 0?r._onRenderDescription:h;return i||typeof a=="string"||l?T.createElement("span",{className:r._classNames.textContainer},d(r.props,r._onRenderText),p(r.props,r._onRenderDescription)):[d(r.props,r._onRenderText),p(r.props,r._onRenderDescription)]},r._onRenderText=function(){var o=r.props.text,i=r.props.children;return o===void 0&&typeof i=="string"&&(o=i),r._hasText()?T.createElement("span",{key:r._labelId,className:r._classNames.label,id:r._labelId},o):null},r._onRenderChildren=function(){var o=r.props.children;return typeof o=="string"?null:o},r._onRenderDescription=function(o){var i=o.secondaryText,a=i===void 0?r.props.description:i;return a?T.createElement("span",{key:r._descriptionId,className:r._classNames.description,id:r._descriptionId},a):null},r._onRenderAriaDescription=function(){var o=r.props.ariaDescription;return o?T.createElement("span",{className:r._classNames.screenReaderText,id:r._ariaDescriptionId},o):null},r._onRenderMenuIcon=function(o){var i=r.props.menuIconProps;return T.createElement(c_,oe({iconName:"ChevronDown"},i,{className:r._classNames.menuIcon}))},r._onRenderMenu=function(o){var i=r.props.menuAs?PF(r.props.menuAs,g_):g_;return T.createElement(i,oe({},o))},r._onDismissMenu=function(o){var i=r.props.menuProps;i&&i.onDismiss&&i.onDismiss(o),(!o||!o.defaultPrevented)&&r._dismissMenu()},r._dismissMenu=function(){r._menuShouldFocusOnMount=void 0,r._menuShouldFocusOnContainer=void 0,r.setState({menuHidden:!0})},r._openMenu=function(o,i){i===void 0&&(i=!0),r.props.menuProps&&(r._menuShouldFocusOnContainer=o,r._menuShouldFocusOnMount=i,r._renderedVisibleMenu=!0,r.setState({menuHidden:!1}))},r._onToggleMenu=function(o){var i=!0;r.props.menuProps&&r.props.menuProps.shouldFocusOnMount===!1&&(i=!1),r.state.menuHidden?r._openMenu(o,i):r._dismissMenu()},r._onSplitContainerFocusCapture=function(o){var i=r._splitButtonContainer.current;!i||o.target&&XG(o.target,i)||i.focus()},r._onSplitButtonPrimaryClick=function(o){r.state.menuHidden||r._dismissMenu(),!r._processingTouch&&r.props.onClick?r.props.onClick(o):r._processingTouch&&r._onMenuClick(o)},r._onKeyDown=function(o){r.props.disabled&&(o.which===qt.enter||o.which===qt.space)?(o.preventDefault(),o.stopPropagation()):r.props.disabled||(r.props.menuProps?r._onMenuKeyDown(o):r.props.onKeyDown!==void 0&&r.props.onKeyDown(o))},r._onKeyUp=function(o){!r.props.disabled&&r.props.onKeyUp!==void 0&&r.props.onKeyUp(o)},r._onKeyPress=function(o){!r.props.disabled&&r.props.onKeyPress!==void 0&&r.props.onKeyPress(o)},r._onMouseUp=function(o){!r.props.disabled&&r.props.onMouseUp!==void 0&&r.props.onMouseUp(o)},r._onMouseDown=function(o){!r.props.disabled&&r.props.onMouseDown!==void 0&&r.props.onMouseDown(o)},r._onClick=function(o){r.props.disabled||(r.props.menuProps?r._onMenuClick(o):r.props.onClick!==void 0&&r.props.onClick(o))},r._onSplitButtonContainerKeyDown=function(o){o.which===qt.enter||o.which===qt.space?r._buttonElement.current&&(r._buttonElement.current.click(),o.preventDefault(),o.stopPropagation()):r._onMenuKeyDown(o)},r._onMenuKeyDown=function(o){if(!r.props.disabled){r.props.onKeyDown&&r.props.onKeyDown(o);var i=o.which===qt.up,a=o.which===qt.down;if(!o.defaultPrevented&&r._isValidMenuOpenKey(o)){var s=r.props.onMenuClick;s&&s(o,r.props),r._onToggleMenu(!1),o.preventDefault(),o.stopPropagation()}if((o.which===qt.enter||o.which===qt.space)&&dd(!0,o.target),!(o.altKey||o.metaKey)&&(i||a)&&!r.state.menuHidden&&r.props.menuProps){var l=r._menuShouldFocusOnMount!==void 0?r._menuShouldFocusOnMount:r.props.menuProps.shouldFocusOnMount;l||(o.preventDefault(),o.stopPropagation(),r._menuShouldFocusOnMount=!0,r.forceUpdate())}}},r._onTouchStart=function(){r._isSplitButton&&r._splitButtonContainer.current&&!("onpointerdown"in r._splitButtonContainer.current)&&r._handleTouchAndPointerEvent()},r._onMenuClick=function(o){var i=r.props,a=i.onMenuClick,s=i.menuProps;a&&a(o,r.props),o.defaultPrevented||(r._onToggleMenu((s==null?void 0:s.shouldFocusOnContainer)||!1),o.preventDefault(),o.stopPropagation())},Tb(r),r._async=new _b(r),r._events=new Ws(r),CF(Hee,n,["menuProps","onClick"],"split",r.props.split),r._labelId=cu(),r._descriptionId=cu(),r._ariaDescriptionId=cu(),r.state={menuHidden:!0},r}return Object.defineProperty(t.prototype,"_isSplitButton",{get:function(){return!!this.props.menuProps&&!!this.props.onClick&&this.props.split===!0},enumerable:!1,configurable:!0}),t.prototype.render=function(){var n,r=this.props,o=r.ariaDescription,i=r.ariaLabel,a=r.ariaHidden,s=r.className,l=r.disabled,u=r.allowDisabledFocus,d=r.primaryDisabled,h=r.secondaryText,p=h===void 0?this.props.description:h,m=r.href,v=r.iconProps,_=r.menuIconProps,b=r.styles,E=r.checked,w=r.variantClassName,k=r.theme,y=r.toggle,F=r.getClassNames,C=r.role,A=this.state.menuHidden,P=l||d;this._classNames=F?F(k,s,w,v&&v.className,_&&_.className,P,E,!A,!!this.props.menuProps,this.props.split,!!u):Lee(k,b,s,w,v&&v.className,_&&_.className,P,!!this.props.menuProps,E,!A,this.props.split);var I=this,j=I._ariaDescriptionId,H=I._labelId,K=I._descriptionId,U=!P&&!!m,pe=U?"a":"button",se=Zr(pc(U?{}:{type:"button"},this.props.rootProps,this.props),U?LF:Oc,["disabled"]),J=i||se["aria-label"],$=void 0;o?$=j:p&&this.props.onRenderDescription!==AF?$=K:se["aria-describedby"]&&($=se["aria-describedby"]);var _e=void 0;se["aria-labelledby"]?_e=se["aria-labelledby"]:$&&!J&&(_e=this._hasText()?H:void 0);var ve=!(this.props["data-is-focusable"]===!1||l&&!u||this._isSplitButton),fe=C==="menuitemcheckbox"||C==="checkbox",R=fe||y===!0?!!E:void 0,L=pc(se,(n={className:this._classNames.root,ref:this._mergedRef(this.props.elementRef,this._buttonElement),disabled:P&&!u,onKeyDown:this._onKeyDown,onKeyPress:this._onKeyPress,onKeyUp:this._onKeyUp,onMouseDown:this._onMouseDown,onMouseUp:this._onMouseUp,onClick:this._onClick,"aria-label":J,"aria-labelledby":_e,"aria-describedby":$,"aria-disabled":P,"data-is-focusable":ve},n[fe?"aria-checked":"aria-pressed"]=R,n));if(a&&(L["aria-hidden"]=!0),this._isSplitButton)return this._onRenderSplitButtonContent(pe,L);if(this.props.menuProps){var Ae=this.props.menuProps.id,Ue=Ae===void 0?this._labelId+"-menu":Ae;pc(L,{"aria-expanded":!A,"aria-controls":A?null:Ue,"aria-haspopup":!0})}return this._onRenderContent(pe,L)},t.prototype.componentDidMount=function(){this._isSplitButton&&this._splitButtonContainer.current&&("onpointerdown"in this._splitButtonContainer.current&&this._events.on(this._splitButtonContainer.current,"pointerdown",this._onPointerDown,!0),"onpointerup"in this._splitButtonContainer.current&&this.props.onPointerUp&&this._events.on(this._splitButtonContainer.current,"pointerup",this.props.onPointerUp,!0))},t.prototype.componentDidUpdate=function(n,r){this.props.onAfterMenuDismiss&&!r.menuHidden&&this.state.menuHidden&&this.props.onAfterMenuDismiss()},t.prototype.componentWillUnmount=function(){this._async.dispose(),this._events.dispose()},t.prototype.focus=function(){this._isSplitButton&&this._splitButtonContainer.current?(dd(!0),this._splitButtonContainer.current.focus()):this._buttonElement.current&&(dd(!0),this._buttonElement.current.focus())},t.prototype.dismissMenu=function(){this._dismissMenu()},t.prototype.openMenu=function(n,r){this._openMenu(n,r)},t.prototype._onRenderContent=function(n,r){var o=this,i=this.props,a=n,s=i.menuIconProps,l=i.menuProps,u=i.onRenderIcon,d=u===void 0?this._onRenderIcon:u,h=i.onRenderAriaDescription,p=h===void 0?this._onRenderAriaDescription:h,m=i.onRenderChildren,v=m===void 0?this._onRenderChildren:m,_=i.onRenderMenu,b=_===void 0?this._onRenderMenu:_,E=i.onRenderMenuIcon,w=E===void 0?this._onRenderMenuIcon:E,k=i.disabled,y=i.keytipProps;y&&l&&(y=this._getMemoizedMenuButtonKeytipProps(y));var F=function(A){return T.createElement(a,oe({},r,A),T.createElement("span",{className:o._classNames.flexContainer,"data-automationid":"splitbuttonprimary"},d(i,o._onRenderIcon),o._onRenderTextContents(),p(i,o._onRenderAriaDescription),v(i,o._onRenderChildren),!o._isSplitButton&&(l||s||o.props.onRenderMenuIcon)&&w(o.props,o._onRenderMenuIcon),l&&!l.doNotLayer&&o._shouldRenderMenu()&&b(o._getMenuProps(l),o._onRenderMenu)))},C=y?T.createElement(x0,{keytipProps:this._isSplitButton?void 0:y,ariaDescribedBy:r["aria-describedby"],disabled:k},function(A){return F(A)}):F();return l&&l.doNotLayer?T.createElement(T.Fragment,null,C,this._shouldRenderMenu()&&b(this._getMenuProps(l),this._onRenderMenu)):T.createElement(T.Fragment,null,C,T.createElement(HK,null))},t.prototype._shouldRenderMenu=function(){var n=this.state.menuHidden,r=this.props,o=r.persistMenu,i=r.renderPersistedMenuHiddenOnMount;if(n){if(o&&(this._renderedVisibleMenu||i))return!0}else return!0;return!1},t.prototype._hasText=function(){return this.props.text!==null&&(this.props.text!==void 0||typeof this.props.children=="string")},t.prototype._getMenuProps=function(n){var r=this.props.persistMenu,o=this.state.menuHidden;return!n.ariaLabel&&!n.labelElementId&&this._hasText()&&(n=oe(oe({},n),{labelElementId:this._labelId})),oe(oe({id:this._labelId+"-menu",directionalHint:hr.bottomLeftEdge},n),{shouldFocusOnContainer:this._menuShouldFocusOnContainer,shouldFocusOnMount:this._menuShouldFocusOnMount,hidden:r?o:void 0,className:Ys("ms-BaseButton-menuhost",n.className),target:this._isSplitButton?this._splitButtonContainer.current:this._buttonElement.current,onDismiss:this._onDismissMenu})},t.prototype._onRenderSplitButtonContent=function(n,r){var o=this,i=this.props,a=i.styles,s=a===void 0?{}:a,l=i.disabled,u=i.allowDisabledFocus,d=i.checked,h=i.getSplitButtonClassNames,p=i.primaryDisabled,m=i.menuProps,v=i.toggle,_=i.role,b=i.primaryActionButtonProps,E=this.props.keytipProps,w=this.state.menuHidden,k=h?h(!!l,!w,!!d,!!u):s&&jee(s,!!l,!w,!!d,!!p);pc(r,{onClick:void 0,onPointerDown:void 0,onPointerUp:void 0,tabIndex:-1,"data-is-focusable":!1}),E&&m&&(E=this._getMemoizedMenuButtonKeytipProps(E));var y=Zr(r,[],["disabled"]);b&&pc(r,b);var F=function(C){return T.createElement("div",oe({},y,{"data-ktp-target":C?C["data-ktp-target"]:void 0,role:_||"button","aria-disabled":l,"aria-haspopup":!0,"aria-expanded":!w,"aria-pressed":v?!!d:void 0,"aria-describedby":$0(r["aria-describedby"],C?C["aria-describedby"]:void 0),className:k&&k.splitButtonContainer,onKeyDown:o._onSplitButtonContainerKeyDown,onTouchStart:o._onTouchStart,ref:o._splitButtonContainer,"data-is-focusable":!0,onClick:!l&&!p?o._onSplitButtonPrimaryClick:void 0,tabIndex:!l&&!p||u?0:void 0,"aria-roledescription":r["aria-roledescription"],onFocusCapture:o._onSplitContainerFocusCapture}),T.createElement("span",{style:{display:"flex"}},o._onRenderContent(n,r),o._onRenderSplitButtonMenuButton(k,C),o._onRenderSplitButtonDivider(k)))};return E?T.createElement(x0,{keytipProps:E,disabled:l},function(C){return F(C)}):F()},t.prototype._onRenderSplitButtonDivider=function(n){if(n&&n.divider){var r=function(o){o.stopPropagation()};return T.createElement("span",{className:n.divider,"aria-hidden":!0,onClick:r})}return null},t.prototype._onRenderSplitButtonMenuButton=function(n,r){var o=this.props,i=o.allowDisabledFocus,a=o.checked,s=o.disabled,l=o.splitButtonMenuProps,u=o.splitButtonAriaLabel,d=o.primaryDisabled,h=this.state.menuHidden,p=this.props.menuIconProps;p===void 0&&(p={iconName:"ChevronDown"});var m=oe(oe({},l),{styles:n,checked:a,disabled:s,allowDisabledFocus:i,onClick:this._onMenuClick,menuProps:void 0,iconProps:oe(oe({},p),{className:this._classNames.menuIcon}),ariaLabel:u,"aria-haspopup":!0,"aria-expanded":!h,"data-is-focusable":!1});return T.createElement(t,oe({},m,{"data-ktp-execute-target":r&&r["data-ktp-execute-target"],onMouseDown:this._onMouseDown,tabIndex:d&&!i?0:-1}))},t.prototype._onPointerDown=function(n){var r=this.props.onPointerDown;r&&r(n),n.pointerType==="touch"&&(this._handleTouchAndPointerEvent(),n.preventDefault(),n.stopImmediatePropagation())},t.prototype._handleTouchAndPointerEvent=function(){var n=this;this._lastTouchTimeoutId!==void 0&&(this._async.clearTimeout(this._lastTouchTimeoutId),this._lastTouchTimeoutId=void 0),this._processingTouch=!0,this._lastTouchTimeoutId=this._async.setTimeout(function(){n._processingTouch=!1,n._lastTouchTimeoutId=void 0,n.focus()},zee)},t.prototype._isValidMenuOpenKey=function(n){return this.props.menuTriggerKeyCode?n.which===this.props.menuTriggerKeyCode:this.props.menuProps?n.which===qt.down&&(n.altKey||n.metaKey):!1},t.defaultProps={baseClassName:"ms-Button",styles:{},split:!1},t}(T.Component),dC={outline:0},hC=function(e){return{fontSize:e,margin:"0 4px",height:"16px",lineHeight:"16px",textAlign:"center",flexShrink:0}},qee=Cr(function(e){var t,n,r=e.semanticColors,o=e.effects,i=e.fonts,a=r.buttonBorder,s=r.disabledBackground,l=r.disabledText,u={left:-2,top:-2,bottom:-2,right:-2,outlineColor:"ButtonText"};return{root:[Pd(e,{inset:1,highContrastStyle:u,borderColor:"transparent"}),e.fonts.medium,{boxSizing:"border-box",border:"1px solid "+a,userSelect:"none",display:"inline-block",textDecoration:"none",textAlign:"center",cursor:"pointer",padding:"0 16px",borderRadius:o.roundedCorner2,selectors:{":active > *":{position:"relative",left:0,top:0}}}],rootDisabled:[Pd(e,{inset:1,highContrastStyle:u,borderColor:"transparent"}),{backgroundColor:s,borderColor:s,color:l,cursor:"default",selectors:{":hover":dC,":focus":dC}}],iconDisabled:{color:l,selectors:(t={},t[Ao]={color:"GrayText"},t)},menuIconDisabled:{color:l,selectors:(n={},n[Ao]={color:"GrayText"},n)},flexContainer:{display:"flex",height:"100%",flexWrap:"nowrap",justifyContent:"center",alignItems:"center"},description:{display:"block"},textContainer:{flexGrow:1,display:"block"},icon:hC(i.mediumPlus.fontSize),menuIcon:hC(i.small.fontSize),label:{margin:"0 4px",lineHeight:"100%",display:"block"},screenReaderText:GF}}),$ee="40px",Wee="0 4px",Gee=Cr(function(e,t){var n,r,o,i=qee(e),a={root:{padding:Wee,height:$ee,color:e.palette.neutralPrimary,backgroundColor:"transparent",border:"1px solid transparent",selectors:(n={},n[Ao]={borderColor:"Window"},n)},rootHovered:{color:e.palette.themePrimary,selectors:(r={},r[Ao]={color:"Highlight"},r)},iconHovered:{color:e.palette.themePrimary},rootPressed:{color:e.palette.black},rootExpanded:{color:e.palette.themePrimary},iconPressed:{color:e.palette.themeDarker},rootDisabled:{color:e.palette.neutralTertiary,backgroundColor:"transparent",borderColor:"transparent",selectors:(o={},o[Ao]={color:"GrayText"},o)},rootChecked:{color:e.palette.black},iconChecked:{color:e.palette.themeDarker},flexContainer:{justifyContent:"flex-start"},icon:{color:e.palette.themeDarkAlt},iconDisabled:{color:"inherit"},menuIcon:{color:e.palette.neutralSecondary},textContainer:{flexGrow:0}};return jc(i,a,t)}),pC=function(e){yi(t,e);function t(){return e!==null&&e.apply(this,arguments)||this}return t.prototype.render=function(){var n=this.props,r=n.styles,o=n.theme;return T.createElement(Uee,oe({},this.props,{variantClassName:"ms-Button--action ms-Button--command",styles:Gee(o,r),onRenderDescription:AF}))},t=vG([xK("ActionButton",["theme","styles"],!0)],t),t}(T.Component);function Kee(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons"',src:"url('"+e+"fabric-icons-a13498cf.woff') format('woff')"},icons:{GlobalNavButton:"",ChevronDown:"",ChevronUp:"",Edit:"",Add:"",Cancel:"",More:"",Settings:"",Mail:"",Filter:"",Search:"",Share:"",BlockedSite:"",FavoriteStar:"",FavoriteStarFill:"",CheckMark:"",Delete:"",ChevronLeft:"",ChevronRight:"",Calendar:"",Megaphone:"",Undo:"",Flag:"",Page:"",Pinned:"",View:"",Clear:"",Download:"",Upload:"",Folder:"",Sort:"",AlignRight:"",AlignLeft:"",Tag:"",AddFriend:"",Info:"",SortLines:"",List:"",CircleRing:"",Heart:"",HeartFill:"",Tiles:"",Embed:"",Glimmer:"",Ascending:"",Descending:"",SortUp:"",SortDown:"",SyncToPC:"",LargeGrid:"",SkypeCheck:"",SkypeClock:"",SkypeMinus:"",ClearFilter:"",Flow:"",StatusCircleCheckmark:"",MoreVertical:""}};Ar(n,t)}function Vee(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-0"',src:"url('"+e+"fabric-icons-0-467ee27f.woff') format('woff')"},icons:{PageLink:"",CommentSolid:"",ChangeEntitlements:"",Installation:"",WebAppBuilderModule:"",WebAppBuilderFragment:"",WebAppBuilderSlot:"",BullseyeTargetEdit:"",WebAppBuilderFragmentCreate:"",PageData:"",PageHeaderEdit:"",ProductList:"",UnpublishContent:"",DependencyAdd:"",DependencyRemove:"",EntitlementPolicy:"",EntitlementRedemption:"",SchoolDataSyncLogo:"",PinSolid12:"",PinSolidOff12:"",AddLink:"",SharepointAppIcon16:"",DataflowsLink:"",TimePicker:"",UserWarning:"",ComplianceAudit:"",InternetSharing:"",Brightness:"",MapPin:"",Airplane:"",Tablet:"",QuickNote:"",Video:"",People:"",Phone:"",Pin:"",Shop:"",Stop:"",Link:"",AllApps:"",Zoom:"",ZoomOut:"",Microphone:"",Camera:"",Attach:"",Send:"",FavoriteList:"",PageSolid:"",Forward:"",Back:"",Refresh:"",Lock:"",ReportHacked:"",EMI:"",MiniLink:"",Blocked:"",ReadingMode:"",Favicon:"",Remove:"",Checkbox:"",CheckboxComposite:"",CheckboxFill:"",CheckboxIndeterminate:"",CheckboxCompositeReversed:"",BackToWindow:"",FullScreen:"",Print:"",Up:"",Down:"",OEM:"",Save:"",ReturnKey:"",Cloud:"",Flashlight:"",CommandPrompt:"",Sad:"",RealEstate:"",SIPMove:"",EraseTool:"",GripperTool:"",Dialpad:"",PageLeft:"",PageRight:"",MultiSelect:"",KeyboardClassic:"",Play:"",Pause:"",InkingTool:"",Emoji2:"",GripperBarHorizontal:"",System:"",Personalize:"",SearchAndApps:"",Globe:"",EaseOfAccess:"",ContactInfo:"",Unpin:"",Contact:"",Memo:"",IncomingCall:""}};Ar(n,t)}function Yee(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-1"',src:"url('"+e+"fabric-icons-1-4d521695.woff') format('woff')"},icons:{Paste:"",WindowsLogo:"",Error:"",GripperBarVertical:"",Unlock:"",Slideshow:"",Trim:"",AutoEnhanceOn:"",AutoEnhanceOff:"",Color:"",SaveAs:"",Light:"",Filters:"",AspectRatio:"",Contrast:"",Redo:"",Crop:"",PhotoCollection:"",Album:"",Rotate:"",PanoIndicator:"",Translate:"",RedEye:"",ViewOriginal:"",ThumbnailView:"",Package:"",Telemarketer:"",Warning:"",Financial:"",Education:"",ShoppingCart:"",Train:"",Move:"",TouchPointer:"",Merge:"",TurnRight:"",Ferry:"",Highlight:"",PowerButton:"",Tab:"",Admin:"",TVMonitor:"",Speakers:"",Game:"",HorizontalTabKey:"",UnstackSelected:"",StackIndicator:"",Nav2DMapView:"",StreetsideSplitMinimize:"",Car:"",Bus:"",EatDrink:"",SeeDo:"",LocationCircle:"",Home:"",SwitcherStartEnd:"",ParkingLocation:"",IncidentTriangle:"",Touch:"",MapDirections:"",CaretHollow:"",CaretSolid:"",History:"",Location:"",MapLayers:"",SearchNearby:"",Work:"",Recent:"",Hotel:"",Bank:"",LocationDot:"",Dictionary:"",ChromeBack:"",FolderOpen:"",PinnedFill:"",RevToggleKey:"",USB:"",Previous:"",Next:"",Sync:"",Help:"",Emoji:"",MailForward:"",ClosePane:"",OpenPane:"",PreviewLink:"",ZoomIn:"",Bookmarks:"",Document:"",ProtectedDocument:"",OpenInNewWindow:"",MailFill:"",ViewAll:"",Switch:"",Rename:"",Go:"",Remote:"",SelectAll:"",Orientation:"",Import:""}};Ar(n,t)}function Qee(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-2"',src:"url('"+e+"fabric-icons-2-63c99abf.woff') format('woff')"},icons:{Picture:"",ChromeClose:"",ShowResults:"",Message:"",CalendarDay:"",CalendarWeek:"",MailReplyAll:"",Read:"",Cut:"",PaymentCard:"",Copy:"",Important:"",MailReply:"",GotoToday:"",Font:"",FontColor:"",FolderFill:"",Permissions:"",DisableUpdates:"",Unfavorite:"",Italic:"",Underline:"",Bold:"",MoveToFolder:"",Dislike:"",Like:"",AlignCenter:"",OpenFile:"",ClearSelection:"",FontDecrease:"",FontIncrease:"",FontSize:"",CellPhone:"",RepeatOne:"",RepeatAll:"",Calculator:"",Library:"",PostUpdate:"",NewFolder:"",CalendarReply:"",UnsyncFolder:"",SyncFolder:"",BlockContact:"",Accept:"",BulletedList:"",Preview:"",News:"",Chat:"",Group:"",World:"",Comment:"",DockLeft:"",DockRight:"",Repair:"",Accounts:"",Street:"",RadioBullet:"",Stopwatch:"",Clock:"",WorldClock:"",AlarmClock:"",Photo:"",ActionCenter:"",Hospital:"",Timer:"",FullCircleMask:"",LocationFill:"",ChromeMinimize:"",ChromeRestore:"",Annotation:"",Fingerprint:"",Handwriting:"",ChromeFullScreen:"",Completed:"",Label:"",FlickDown:"",FlickUp:"",FlickLeft:"",FlickRight:"",MiniExpand:"",MiniContract:"",Streaming:"",MusicInCollection:"",OneDriveLogo:"",CompassNW:"",Code:"",LightningBolt:"",CalculatorMultiply:"",CalculatorAddition:"",CalculatorSubtract:"",CalculatorPercentage:"",CalculatorEqualTo:"",PrintfaxPrinterFile:"",StorageOptical:"",Communications:"",Headset:"",Health:"",Webcam2:"",FrontCamera:"",ChevronUpSmall:""}};Ar(n,t)}function Xee(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-3"',src:"url('"+e+"fabric-icons-3-089e217a.woff') format('woff')"},icons:{ChevronDownSmall:"",ChevronLeftSmall:"",ChevronRightSmall:"",ChevronUpMed:"",ChevronDownMed:"",ChevronLeftMed:"",ChevronRightMed:"",Devices2:"",PC1:"",PresenceChickletVideo:"",Reply:"",HalfAlpha:"",ConstructionCone:"",DoubleChevronLeftMed:"",Volume0:"",Volume1:"",Volume2:"",Volume3:"",Chart:"",Robot:"",Manufacturing:"",LockSolid:"",FitPage:"",FitWidth:"",BidiLtr:"",BidiRtl:"",RightDoubleQuote:"",Sunny:"",CloudWeather:"",Cloudy:"",PartlyCloudyDay:"",PartlyCloudyNight:"",ClearNight:"",RainShowersDay:"",Rain:"",Thunderstorms:"",RainSnow:"",Snow:"",BlowingSnow:"",Frigid:"",Fog:"",Squalls:"",Duststorm:"",Unknown:"",Precipitation:"",Ribbon:"",AreaChart:"",Assign:"",FlowChart:"",CheckList:"",Diagnostic:"",Generate:"",LineChart:"",Equalizer:"",BarChartHorizontal:"",BarChartVertical:"",Freezing:"",FunnelChart:"",Processing:"",Quantity:"",ReportDocument:"",StackColumnChart:"",SnowShowerDay:"",HailDay:"",WorkFlow:"",HourGlass:"",StoreLogoMed20:"",TimeSheet:"",TriangleSolid:"",UpgradeAnalysis:"",VideoSolid:"",RainShowersNight:"",SnowShowerNight:"",Teamwork:"",HailNight:"",PeopleAdd:"",Glasses:"",DateTime2:"",Shield:"",Header1:"",PageAdd:"",NumberedList:"",PowerBILogo:"",Info2:"",MusicInCollectionFill:"",Asterisk:"",ErrorBadge:"",CircleFill:"",Record2:"",AllAppsMirrored:"",BookmarksMirrored:"",BulletedListMirrored:"",CaretHollowMirrored:"",CaretSolidMirrored:"",ChromeBackMirrored:"",ClearSelectionMirrored:"",ClosePaneMirrored:"",DockLeftMirrored:"",DoubleChevronLeftMedMirrored:"",GoMirrored:""}};Ar(n,t)}function Zee(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-4"',src:"url('"+e+"fabric-icons-4-a656cc0a.woff') format('woff')"},icons:{HelpMirrored:"",ImportMirrored:"",ImportAllMirrored:"",ListMirrored:"",MailForwardMirrored:"",MailReplyMirrored:"",MailReplyAllMirrored:"",MiniContractMirrored:"",MiniExpandMirrored:"",OpenPaneMirrored:"",ParkingLocationMirrored:"",SendMirrored:"",ShowResultsMirrored:"",ThumbnailViewMirrored:"",Media:"",Devices3:"",Focus:"",VideoLightOff:"",Lightbulb:"",StatusTriangle:"",VolumeDisabled:"",Puzzle:"",EmojiNeutral:"",EmojiDisappointed:"",HomeSolid:"",Ringer:"",PDF:"",HeartBroken:"",StoreLogo16:"",MultiSelectMirrored:"",Broom:"",AddToShoppingList:"",Cocktails:"",Wines:"",Articles:"",Cycling:"",DietPlanNotebook:"",Pill:"",ExerciseTracker:"",HandsFree:"",Medical:"",Running:"",Weights:"",Trackers:"",AddNotes:"",AllCurrency:"",BarChart4:"",CirclePlus:"",Coffee:"",Cotton:"",Market:"",Money:"",PieDouble:"",PieSingle:"",RemoveFilter:"",Savings:"",Sell:"",StockDown:"",StockUp:"",Lamp:"",Source:"",MSNVideos:"",Cricket:"",Golf:"",Baseball:"",Soccer:"",MoreSports:"",AutoRacing:"",CollegeHoops:"",CollegeFootball:"",ProFootball:"",ProHockey:"",Rugby:"",SubstitutionsIn:"",Tennis:"",Arrivals:"",Design:"",Website:"",Drop:"",HistoricalWeather:"",SkiResorts:"",Snowflake:"",BusSolid:"",FerrySolid:"",AirplaneSolid:"",TrainSolid:"",Ticket:"",WifiWarning4:"",Devices4:"",AzureLogo:"",BingLogo:"",MSNLogo:"",OutlookLogoInverse:"",OfficeLogo:"",SkypeLogo:"",Door:"",EditMirrored:"",GiftCard:"",DoubleBookmark:"",StatusErrorFull:""}};Ar(n,t)}function Jee(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-5"',src:"url('"+e+"fabric-icons-5-f95ba260.woff') format('woff')"},icons:{Certificate:"",FastForward:"",Rewind:"",Photo2:"",OpenSource:"",Movers:"",CloudDownload:"",Family:"",WindDirection:"",Bug:"",SiteScan:"",BrowserScreenShot:"",F12DevTools:"",CSS:"",JS:"",DeliveryTruck:"",ReminderPerson:"",ReminderGroup:"",ReminderTime:"",TabletMode:"",Umbrella:"",NetworkTower:"",CityNext:"",CityNext2:"",Section:"",OneNoteLogoInverse:"",ToggleFilled:"",ToggleBorder:"",SliderThumb:"",ToggleThumb:"",Documentation:"",Badge:"",Giftbox:"",VisualStudioLogo:"",HomeGroup:"",ExcelLogoInverse:"",WordLogoInverse:"",PowerPointLogoInverse:"",Cafe:"",SpeedHigh:"",Commitments:"",ThisPC:"",MusicNote:"",MicOff:"",PlaybackRate1x:"",EdgeLogo:"",CompletedSolid:"",AlbumRemove:"",MessageFill:"",TabletSelected:"",MobileSelected:"",LaptopSelected:"",TVMonitorSelected:"",DeveloperTools:"",Shapes:"",InsertTextBox:"",LowerBrightness:"",WebComponents:"",OfflineStorage:"",DOM:"",CloudUpload:"",ScrollUpDown:"",DateTime:"",Event:"",Cake:"",Org:"",PartyLeader:"",DRM:"",CloudAdd:"",AppIconDefault:"",Photo2Add:"",Photo2Remove:"",Calories:"",POI:"",AddTo:"",RadioBtnOff:"",RadioBtnOn:"",ExploreContent:"",Product:"",ProgressLoopInner:"",ProgressLoopOuter:"",Blocked2:"",FangBody:"",Toolbox:"",PageHeader:"",ChatInviteFriend:"",Brush:"",Shirt:"",Crown:"",Diamond:"",ScaleUp:"",QRCode:"",Feedback:"",SharepointLogoInverse:"",YammerLogo:"",Hide:"",Uneditable:"",ReturnToSession:"",OpenFolderHorizontal:"",CalendarMirrored:""}};Ar(n,t)}function ete(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-6"',src:"url('"+e+"fabric-icons-6-ef6fd590.woff') format('woff')"},icons:{SwayLogoInverse:"",OutOfOffice:"",Trophy:"",ReopenPages:"",EmojiTabSymbols:"",AADLogo:"",AccessLogo:"",AdminALogoInverse32:"",AdminCLogoInverse32:"",AdminDLogoInverse32:"",AdminELogoInverse32:"",AdminLLogoInverse32:"",AdminMLogoInverse32:"",AdminOLogoInverse32:"",AdminPLogoInverse32:"",AdminSLogoInverse32:"",AdminYLogoInverse32:"",DelveLogoInverse:"",ExchangeLogoInverse:"",LyncLogo:"",OfficeVideoLogoInverse:"",SocialListeningLogo:"",VisioLogoInverse:"",Balloons:"",Cat:"",MailAlert:"",MailCheck:"",MailLowImportance:"",MailPause:"",MailRepeat:"",SecurityGroup:"",Table:"",VoicemailForward:"",VoicemailReply:"",Waffle:"",RemoveEvent:"",EventInfo:"",ForwardEvent:"",WipePhone:"",AddOnlineMeeting:"",JoinOnlineMeeting:"",RemoveLink:"",PeopleBlock:"",PeopleRepeat:"",PeopleAlert:"",PeoplePause:"",TransferCall:"",AddPhone:"",UnknownCall:"",NoteReply:"",NoteForward:"",NotePinned:"",RemoveOccurrence:"",Timeline:"",EditNote:"",CircleHalfFull:"",Room:"",Unsubscribe:"",Subscribe:"",HardDrive:"",RecurringTask:"",TaskManager:"",TaskManagerMirrored:"",Combine:"",Split:"",DoubleChevronUp:"",DoubleChevronLeft:"",DoubleChevronRight:"",TextBox:"",TextField:"",NumberField:"",Dropdown:"",PenWorkspace:"",BookingsLogo:"",ClassNotebookLogoInverse:"",DelveAnalyticsLogo:"",DocsLogoInverse:"",Dynamics365Logo:"",DynamicSMBLogo:"",OfficeAssistantLogo:"",OfficeStoreLogo:"",OneNoteEduLogoInverse:"",PlannerLogo:"",PowerApps:"",Suitcase:"",ProjectLogoInverse:"",CaretLeft8:"",CaretRight8:"",CaretUp8:"",CaretDown8:"",CaretLeftSolid8:"",CaretRightSolid8:"",CaretUpSolid8:"",CaretDownSolid8:"",ClearFormatting:"",Superscript:"",Subscript:"",Strikethrough:"",Export:"",ExportMirrored:""}};Ar(n,t)}function tte(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-7"',src:"url('"+e+"fabric-icons-7-2b97bb99.woff') format('woff')"},icons:{SingleBookmark:"",SingleBookmarkSolid:"",DoubleChevronDown:"",FollowUser:"",ReplyAll:"",WorkforceManagement:"",RecruitmentManagement:"",Questionnaire:"",ManagerSelfService:"",ProductionFloorManagement:"",ProductRelease:"",ProductVariant:"",ReplyMirrored:"",ReplyAllMirrored:"",Medal:"",AddGroup:"",QuestionnaireMirrored:"",CloudImportExport:"",TemporaryUser:"",CaretSolid16:"",GroupedDescending:"",GroupedAscending:"",AwayStatus:"",MyMoviesTV:"",GenericScan:"",AustralianRules:"",WifiEthernet:"",TrackersMirrored:"",DateTimeMirrored:"",StopSolid:"",DoubleChevronUp12:"",DoubleChevronDown12:"",DoubleChevronLeft12:"",DoubleChevronRight12:"",CalendarAgenda:"",ConnectVirtualMachine:"",AddEvent:"",AssetLibrary:"",DataConnectionLibrary:"",DocLibrary:"",FormLibrary:"",FormLibraryMirrored:"",ReportLibrary:"",ReportLibraryMirrored:"",ContactCard:"",CustomList:"",CustomListMirrored:"",IssueTracking:"",IssueTrackingMirrored:"",PictureLibrary:"",OfficeAddinsLogo:"",OfflineOneDriveParachute:"",OfflineOneDriveParachuteDisabled:"",TriangleSolidUp12:"",TriangleSolidDown12:"",TriangleSolidLeft12:"",TriangleSolidRight12:"",TriangleUp12:"",TriangleDown12:"",TriangleLeft12:"",TriangleRight12:"",ArrowUpRight8:"",ArrowDownRight8:"",DocumentSet:"",GoToDashboard:"",DelveAnalytics:"",ArrowUpRightMirrored8:"",ArrowDownRightMirrored8:"",CompanyDirectory:"",OpenEnrollment:"",CompanyDirectoryMirrored:"",OneDriveAdd:"",ProfileSearch:"",Header2:"",Header3:"",Header4:"",RingerSolid:"",Eyedropper:"",MarketDown:"",CalendarWorkWeek:"",SidePanel:"",GlobeFavorite:"",CaretTopLeftSolid8:"",CaretTopRightSolid8:"",ViewAll2:"",DocumentReply:"",PlayerSettings:"",ReceiptForward:"",ReceiptReply:"",ReceiptCheck:"",Fax:"",RecurringEvent:"",ReplyAlt:"",ReplyAllAlt:"",EditStyle:"",EditMail:"",Lifesaver:"",LifesaverLock:"",InboxCheck:"",FolderSearch:""}};Ar(n,t)}function nte(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-8"',src:"url('"+e+"fabric-icons-8-6fdf1528.woff') format('woff')"},icons:{CollapseMenu:"",ExpandMenu:"",Boards:"",SunAdd:"",SunQuestionMark:"",LandscapeOrientation:"",DocumentSearch:"",PublicCalendar:"",PublicContactCard:"",PublicEmail:"",PublicFolder:"",WordDocument:"",PowerPointDocument:"",ExcelDocument:"",GroupedList:"",ClassroomLogo:"",Sections:"",EditPhoto:"",Starburst:"",ShareiOS:"",AirTickets:"",PencilReply:"",Tiles2:"",SkypeCircleCheck:"",SkypeCircleClock:"",SkypeCircleMinus:"",SkypeMessage:"",ClosedCaption:"",ATPLogo:"",OfficeFormsLogoInverse:"",RecycleBin:"",EmptyRecycleBin:"",Hide2:"",Breadcrumb:"",BirthdayCake:"",TimeEntry:"",CRMProcesses:"",PageEdit:"",PageArrowRight:"",PageRemove:"",Database:"",DataManagementSettings:"",CRMServices:"",EditContact:"",ConnectContacts:"",AppIconDefaultAdd:"",AppIconDefaultList:"",ActivateOrders:"",DeactivateOrders:"",ProductCatalog:"",ScatterChart:"",AccountActivity:"",DocumentManagement:"",CRMReport:"",KnowledgeArticle:"",Relationship:"",HomeVerify:"",ZipFolder:"",SurveyQuestions:"",TextDocument:"",TextDocumentShared:"",PageCheckedOut:"",PageShared:"",SaveAndClose:"",Script:"",Archive:"",ActivityFeed:"",Compare:"",EventDate:"",ArrowUpRight:"",CaretRight:"",SetAction:"",ChatBot:"",CaretSolidLeft:"",CaretSolidDown:"",CaretSolidRight:"",CaretSolidUp:"",PowerAppsLogo:"",PowerApps2Logo:"",SearchIssue:"",SearchIssueMirrored:"",FabricAssetLibrary:"",FabricDataConnectionLibrary:"",FabricDocLibrary:"",FabricFormLibrary:"",FabricFormLibraryMirrored:"",FabricReportLibrary:"",FabricReportLibraryMirrored:"",FabricPublicFolder:"",FabricFolderSearch:"",FabricMovetoFolder:"",FabricUnsyncFolder:"",FabricSyncFolder:"",FabricOpenFolderHorizontal:"",FabricFolder:"",FabricFolderFill:"",FabricNewFolder:"",FabricPictureLibrary:"",PhotoVideoMedia:"",AddFavorite:""}};Ar(n,t)}function rte(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-9"',src:"url('"+e+"fabric-icons-9-c6162b42.woff') format('woff')"},icons:{AddFavoriteFill:"",BufferTimeBefore:"",BufferTimeAfter:"",BufferTimeBoth:"",PublishContent:"",ClipboardList:"",ClipboardListMirrored:"",CannedChat:"",SkypeForBusinessLogo:"",TabCenter:"",PageCheckedin:"",PageList:"",ReadOutLoud:"",CaretBottomLeftSolid8:"",CaretBottomRightSolid8:"",FolderHorizontal:"",MicrosoftStaffhubLogo:"",GiftboxOpen:"",StatusCircleOuter:"",StatusCircleInner:"",StatusCircleRing:"",StatusTriangleOuter:"",StatusTriangleInner:"",StatusTriangleExclamation:"",StatusCircleExclamation:"",StatusCircleErrorX:"",StatusCircleInfo:"",StatusCircleBlock:"",StatusCircleBlock2:"",StatusCircleQuestionMark:"",StatusCircleSync:"",Toll:"",ExploreContentSingle:"",CollapseContent:"",CollapseContentSingle:"",InfoSolid:"",GroupList:"",ProgressRingDots:"",CaloriesAdd:"",BranchFork:"",MuteChat:"",AddHome:"",AddWork:"",MobileReport:"",ScaleVolume:"",HardDriveGroup:"",FastMode:"",ToggleLeft:"",ToggleRight:"",TriangleShape:"",RectangleShape:"",CubeShape:"",Trophy2:"",BucketColor:"",BucketColorFill:"",Taskboard:"",SingleColumn:"",DoubleColumn:"",TripleColumn:"",ColumnLeftTwoThirds:"",ColumnRightTwoThirds:"",AccessLogoFill:"",AnalyticsLogo:"",AnalyticsQuery:"",NewAnalyticsQuery:"",AnalyticsReport:"",WordLogo:"",WordLogoFill:"",ExcelLogo:"",ExcelLogoFill:"",OneNoteLogo:"",OneNoteLogoFill:"",OutlookLogo:"",OutlookLogoFill:"",PowerPointLogo:"",PowerPointLogoFill:"",PublisherLogo:"",PublisherLogoFill:"",ScheduleEventAction:"",FlameSolid:"",ServerProcesses:"",Server:"",SaveAll:"",LinkedInLogo:"",Decimals:"",SidePanelMirrored:"",ProtectRestrict:"",Blog:"",UnknownMirrored:"",PublicContactCardMirrored:"",GridViewSmall:"",GridViewMedium:"",GridViewLarge:"",Step:"",StepInsert:"",StepShared:"",StepSharedAdd:"",StepSharedInsert:"",ViewDashboard:"",ViewList:""}};Ar(n,t)}function ote(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-10"',src:"url('"+e+"fabric-icons-10-c4ded8e4.woff') format('woff')"},icons:{ViewListGroup:"",ViewListTree:"",TriggerAuto:"",TriggerUser:"",PivotChart:"",StackedBarChart:"",StackedLineChart:"",BuildQueue:"",BuildQueueNew:"",UserFollowed:"",ContactLink:"",Stack:"",Bullseye:"",VennDiagram:"",FiveTileGrid:"",FocalPoint:"",Insert:"",RingerRemove:"",TeamsLogoInverse:"",TeamsLogo:"",TeamsLogoFill:"",SkypeForBusinessLogoFill:"",SharepointLogo:"",SharepointLogoFill:"",DelveLogo:"",DelveLogoFill:"",OfficeVideoLogo:"",OfficeVideoLogoFill:"",ExchangeLogo:"",ExchangeLogoFill:"",Signin:"",DocumentApproval:"",CloneToDesktop:"",InstallToDrive:"",Blur:"",Build:"",ProcessMetaTask:"",BranchFork2:"",BranchLocked:"",BranchCommit:"",BranchCompare:"",BranchMerge:"",BranchPullRequest:"",BranchSearch:"",BranchShelveset:"",RawSource:"",MergeDuplicate:"",RowsGroup:"",RowsChild:"",Deploy:"",Redeploy:"",ServerEnviroment:"",VisioDiagram:"",HighlightMappedShapes:"",TextCallout:"",IconSetsFlag:"",VisioLogo:"",VisioLogoFill:"",VisioDocument:"",TimelineProgress:"",TimelineDelivery:"",Backlog:"",TeamFavorite:"",TaskGroup:"",TaskGroupMirrored:"",ScopeTemplate:"",AssessmentGroupTemplate:"",NewTeamProject:"",CommentAdd:"",CommentNext:"",CommentPrevious:"",ShopServer:"",LocaleLanguage:"",QueryList:"",UserSync:"",UserPause:"",StreamingOff:"",ArrowTallUpLeft:"",ArrowTallUpRight:"",ArrowTallDownLeft:"",ArrowTallDownRight:"",FieldEmpty:"",FieldFilled:"",FieldChanged:"",FieldNotChanged:"",RingerOff:"",PlayResume:"",BulletedList2:"",BulletedList2Mirrored:"",ImageCrosshair:"",GitGraph:"",Repo:"",RepoSolid:"",FolderQuery:"",FolderList:"",FolderListMirrored:"",LocationOutline:"",POISolid:"",CalculatorNotEqualTo:"",BoxSubtractSolid:""}};Ar(n,t)}function ite(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-11"',src:"url('"+e+"fabric-icons-11-2a8393d6.woff') format('woff')"},icons:{BoxAdditionSolid:"",BoxMultiplySolid:"",BoxPlaySolid:"",BoxCheckmarkSolid:"",CirclePauseSolid:"",CirclePause:"",MSNVideosSolid:"",CircleStopSolid:"",CircleStop:"",NavigateBack:"",NavigateBackMirrored:"",NavigateForward:"",NavigateForwardMirrored:"",UnknownSolid:"",UnknownMirroredSolid:"",CircleAddition:"",CircleAdditionSolid:"",FilePDB:"",FileTemplate:"",FileSQL:"",FileJAVA:"",FileASPX:"",FileCSS:"",FileSass:"",FileLess:"",FileHTML:"",JavaScriptLanguage:"",CSharpLanguage:"",CSharp:"",VisualBasicLanguage:"",VB:"",CPlusPlusLanguage:"",CPlusPlus:"",FSharpLanguage:"",FSharp:"",TypeScriptLanguage:"",PythonLanguage:"",PY:"",CoffeeScript:"",MarkDownLanguage:"",FullWidth:"",FullWidthEdit:"",Plug:"",PlugSolid:"",PlugConnected:"",PlugDisconnected:"",UnlockSolid:"",Variable:"",Parameter:"",CommentUrgent:"",Storyboard:"",DiffInline:"",DiffSideBySide:"",ImageDiff:"",ImagePixel:"",FileBug:"",FileCode:"",FileComment:"",BusinessHoursSign:"",FileImage:"",FileSymlink:"",AutoFillTemplate:"",WorkItem:"",WorkItemBug:"",LogRemove:"",ColumnOptions:"",Packages:"",BuildIssue:"",AssessmentGroup:"",VariableGroup:"",FullHistory:"",Wheelchair:"",SingleColumnEdit:"",DoubleColumnEdit:"",TripleColumnEdit:"",ColumnLeftTwoThirdsEdit:"",ColumnRightTwoThirdsEdit:"",StreamLogo:"",PassiveAuthentication:"",AlertSolid:"",MegaphoneSolid:"",TaskSolid:"",ConfigurationSolid:"",BugSolid:"",CrownSolid:"",Trophy2Solid:"",QuickNoteSolid:"",ConstructionConeSolid:"",PageListSolid:"",PageListMirroredSolid:"",StarburstSolid:"",ReadingModeSolid:"",SadSolid:"",HealthSolid:"",ShieldSolid:"",GiftBoxSolid:"",ShoppingCartSolid:"",MailSolid:"",ChatSolid:"",RibbonSolid:""}};Ar(n,t)}function ate(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-12"',src:"url('"+e+"fabric-icons-12-7e945a1e.woff') format('woff')"},icons:{FinancialSolid:"",FinancialMirroredSolid:"",HeadsetSolid:"",PermissionsSolid:"",ParkingSolid:"",ParkingMirroredSolid:"",DiamondSolid:"",AsteriskSolid:"",OfflineStorageSolid:"",BankSolid:"",DecisionSolid:"",Parachute:"",ParachuteSolid:"",FiltersSolid:"",ColorSolid:"",ReviewSolid:"",ReviewRequestSolid:"",ReviewRequestMirroredSolid:"",ReviewResponseSolid:"",FeedbackRequestSolid:"",FeedbackRequestMirroredSolid:"",FeedbackResponseSolid:"",WorkItemBar:"",WorkItemBarSolid:"",Separator:"",NavigateExternalInline:"",PlanView:"",TimelineMatrixView:"",EngineeringGroup:"",ProjectCollection:"",CaretBottomRightCenter8:"",CaretBottomLeftCenter8:"",CaretTopRightCenter8:"",CaretTopLeftCenter8:"",DonutChart:"",ChevronUnfold10:"",ChevronFold10:"",DoubleChevronDown8:"",DoubleChevronUp8:"",DoubleChevronLeft8:"",DoubleChevronRight8:"",ChevronDownEnd6:"",ChevronUpEnd6:"",ChevronLeftEnd6:"",ChevronRightEnd6:"",ContextMenu:"",AzureAPIManagement:"",AzureServiceEndpoint:"",VSTSLogo:"",VSTSAltLogo1:"",VSTSAltLogo2:"",FileTypeSolution:"",WordLogoInverse16:"",WordLogo16:"",WordLogoFill16:"",PowerPointLogoInverse16:"",PowerPointLogo16:"",PowerPointLogoFill16:"",ExcelLogoInverse16:"",ExcelLogo16:"",ExcelLogoFill16:"",OneNoteLogoInverse16:"",OneNoteLogo16:"",OneNoteLogoFill16:"",OutlookLogoInverse16:"",OutlookLogo16:"",OutlookLogoFill16:"",PublisherLogoInverse16:"",PublisherLogo16:"",PublisherLogoFill16:"",VisioLogoInverse16:"",VisioLogo16:"",VisioLogoFill16:"",TestBeaker:"",TestBeakerSolid:"",TestExploreSolid:"",TestAutoSolid:"",TestUserSolid:"",TestImpactSolid:"",TestPlan:"",TestStep:"",TestParameter:"",TestSuite:"",TestCase:"",Sprint:"",SignOut:"",TriggerApproval:"",Rocket:"",AzureKeyVault:"",Onboarding:"",Transition:"",LikeSolid:"",DislikeSolid:"",CRMCustomerInsightsApp:"",EditCreate:"",PlayReverseResume:"",PlayReverse:"",SearchData:"",UnSetColor:"",DeclineCall:""}};Ar(n,t)}function ste(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-13"',src:"url('"+e+"fabric-icons-13-c3989a02.woff') format('woff')"},icons:{RectangularClipping:"",TeamsLogo16:"",TeamsLogoFill16:"",Spacer:"",SkypeLogo16:"",SkypeForBusinessLogo16:"",SkypeForBusinessLogoFill16:"",FilterSolid:"",MailUndelivered:"",MailTentative:"",MailTentativeMirrored:"",MailReminder:"",ReceiptUndelivered:"",ReceiptTentative:"",ReceiptTentativeMirrored:"",Inbox:"",IRMReply:"",IRMReplyMirrored:"",IRMForward:"",IRMForwardMirrored:"",VoicemailIRM:"",EventAccepted:"",EventTentative:"",EventTentativeMirrored:"",EventDeclined:"",IDBadge:"",BackgroundColor:"",OfficeFormsLogoInverse16:"",OfficeFormsLogo:"",OfficeFormsLogoFill:"",OfficeFormsLogo16:"",OfficeFormsLogoFill16:"",OfficeFormsLogoInverse24:"",OfficeFormsLogo24:"",OfficeFormsLogoFill24:"",PageLock:"",NotExecuted:"",NotImpactedSolid:"",FieldReadOnly:"",FieldRequired:"",BacklogBoard:"",ExternalBuild:"",ExternalTFVC:"",ExternalXAML:"",IssueSolid:"",DefectSolid:"",LadybugSolid:"",NugetLogo:"",TFVCLogo:"",ProjectLogo32:"",ProjectLogoFill32:"",ProjectLogo16:"",ProjectLogoFill16:"",SwayLogo32:"",SwayLogoFill32:"",SwayLogo16:"",SwayLogoFill16:"",ClassNotebookLogo32:"",ClassNotebookLogoFill32:"",ClassNotebookLogo16:"",ClassNotebookLogoFill16:"",ClassNotebookLogoInverse32:"",ClassNotebookLogoInverse16:"",StaffNotebookLogo32:"",StaffNotebookLogoFill32:"",StaffNotebookLogo16:"",StaffNotebookLogoFill16:"",StaffNotebookLogoInverted32:"",StaffNotebookLogoInverted16:"",KaizalaLogo:"",TaskLogo:"",ProtectionCenterLogo32:"",GallatinLogo:"",Globe2:"",Guitar:"",Breakfast:"",Brunch:"",BeerMug:"",Vacation:"",Teeth:"",Taxi:"",Chopsticks:"",SyncOccurence:"",UnsyncOccurence:"",GIF:"",PrimaryCalendar:"",SearchCalendar:"",VideoOff:"",MicrosoftFlowLogo:"",BusinessCenterLogo:"",ToDoLogoBottom:"",ToDoLogoTop:"",EditSolid12:"",EditSolidMirrored12:"",UneditableSolid12:"",UneditableSolidMirrored12:"",UneditableMirrored:"",AdminALogo32:"",AdminALogoFill32:"",ToDoLogoInverse:""}};Ar(n,t)}function lte(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-14"',src:"url('"+e+"fabric-icons-14-5cf58db8.woff') format('woff')"},icons:{Snooze:"",WaffleOffice365:"",ImageSearch:"",NewsSearch:"",VideoSearch:"",R:"",FontColorA:"",FontColorSwatch:"",LightWeight:"",NormalWeight:"",SemiboldWeight:"",GroupObject:"",UngroupObject:"",AlignHorizontalLeft:"",AlignHorizontalCenter:"",AlignHorizontalRight:"",AlignVerticalTop:"",AlignVerticalCenter:"",AlignVerticalBottom:"",HorizontalDistributeCenter:"",VerticalDistributeCenter:"",Ellipse:"",Line:"",Octagon:"",Hexagon:"",Pentagon:"",RightTriangle:"",HalfCircle:"",QuarterCircle:"",ThreeQuarterCircle:"","6PointStar":"","12PointStar":"",ArrangeBringToFront:"",ArrangeSendToBack:"",ArrangeSendBackward:"",ArrangeBringForward:"",BorderDash:"",BorderDot:"",LineStyle:"",LineThickness:"",WindowEdit:"",HintText:"",MediaAdd:"",AnchorLock:"",AutoHeight:"",ChartSeries:"",ChartXAngle:"",ChartYAngle:"",Combobox:"",LineSpacing:"",Padding:"",PaddingTop:"",PaddingBottom:"",PaddingLeft:"",PaddingRight:"",NavigationFlipper:"",AlignJustify:"",TextOverflow:"",VisualsFolder:"",VisualsStore:"",PictureCenter:"",PictureFill:"",PicturePosition:"",PictureStretch:"",PictureTile:"",Slider:"",SliderHandleSize:"",DefaultRatio:"",NumberSequence:"",GUID:"",ReportAdd:"",DashboardAdd:"",MapPinSolid:"",WebPublish:"",PieSingleSolid:"",BlockedSolid:"",DrillDown:"",DrillDownSolid:"",DrillExpand:"",DrillShow:"",SpecialEvent:"",OneDriveFolder16:"",FunctionalManagerDashboard:"",BIDashboard:"",CodeEdit:"",RenewalCurrent:"",RenewalFuture:"",SplitObject:"",BulkUpload:"",DownloadDocument:"",GreetingCard:"",Flower:"",WaitlistConfirm:"",WaitlistConfirmMirrored:"",LaptopSecure:"",DragObject:"",EntryView:"",EntryDecline:"",ContactCardSettings:"",ContactCardSettingsMirrored:""}};Ar(n,t)}function ute(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-15"',src:"url('"+e+"fabric-icons-15-3807251b.woff') format('woff')"},icons:{CalendarSettings:"",CalendarSettingsMirrored:"",HardDriveLock:"",HardDriveUnlock:"",AccountManagement:"",ReportWarning:"",TransitionPop:"",TransitionPush:"",TransitionEffect:"",LookupEntities:"",ExploreData:"",AddBookmark:"",SearchBookmark:"",DrillThrough:"",MasterDatabase:"",CertifiedDatabase:"",MaximumValue:"",MinimumValue:"",VisualStudioIDELogo32:"",PasteAsText:"",PasteAsCode:"",BrowserTab:"",BrowserTabScreenshot:"",DesktopScreenshot:"",FileYML:"",ClipboardSolid:"",FabricUserFolder:"",FabricNetworkFolder:"",BullseyeTarget:"",AnalyticsView:"",Video360Generic:"",Untag:"",Leave:"",Trending12:"",Blocked12:"",Warning12:"",CheckedOutByOther12:"",CheckedOutByYou12:"",CircleShapeSolid:"",SquareShapeSolid:"",TriangleShapeSolid:"",DropShapeSolid:"",RectangleShapeSolid:"",ZoomToFit:"",InsertColumnsLeft:"",InsertColumnsRight:"",InsertRowsAbove:"",InsertRowsBelow:"",DeleteColumns:"",DeleteRows:"",DeleteRowsMirrored:"",DeleteTable:"",AccountBrowser:"",VersionControlPush:"",StackedColumnChart2:"",TripleColumnWide:"",QuadColumn:"",WhiteBoardApp16:"",WhiteBoardApp32:"",PinnedSolid:"",InsertSignatureLine:"",ArrangeByFrom:"",Phishing:"",CreateMailRule:"",PublishCourse:"",DictionaryRemove:"",UserRemove:"",UserEvent:"",Encryption:"",PasswordField:"",OpenInNewTab:"",Hide3:"",VerifiedBrandSolid:"",MarkAsProtected:"",AuthenticatorApp:"",WebTemplate:"",DefenderTVM:"",MedalSolid:"",D365TalentLearn:"",D365TalentInsight:"",D365TalentHRCore:"",BacklogList:"",ButtonControl:"",TableGroup:"",MountainClimbing:"",TagUnknown:"",TagUnknownMirror:"",TagUnknown12:"",TagUnknown12Mirror:"",Link12:"",Presentation:"",Presentation12:"",Lock12:"",BuildDefinition:"",ReleaseDefinition:"",SaveTemplate:"",UserGauge:"",BlockedSiteSolid12:"",TagSolid:"",OfficeChat:""}};Ar(n,t)}function cte(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-16"',src:"url('"+e+"fabric-icons-16-9cf93f3b.woff') format('woff')"},icons:{OfficeChatSolid:"",MailSchedule:"",WarningSolid:"",Blocked2Solid:"",SkypeCircleArrow:"",SkypeArrow:"",SyncStatus:"",SyncStatusSolid:"",ProjectDocument:"",ToDoLogoOutline:"",VisioOnlineLogoFill32:"",VisioOnlineLogo32:"",VisioOnlineLogoCloud32:"",VisioDiagramSync:"",Event12:"",EventDateMissed12:"",UserOptional:"",ResponsesMenu:"",DoubleDownArrow:"",DistributeDown:"",BookmarkReport:"",FilterSettings:"",GripperDotsVertical:"",MailAttached:"",AddIn:"",LinkedDatabase:"",TableLink:"",PromotedDatabase:"",BarChartVerticalFilter:"",BarChartVerticalFilterSolid:"",MicOff2:"",MicrosoftTranslatorLogo:"",ShowTimeAs:"",FileRequest:"",WorkItemAlert:"",PowerBILogo16:"",PowerBILogoBackplate16:"",BulletedListText:"",BulletedListBullet:"",BulletedListTextMirrored:"",BulletedListBulletMirrored:"",NumberedListText:"",NumberedListNumber:"",NumberedListTextMirrored:"",NumberedListNumberMirrored:"",RemoveLinkChain:"",RemoveLinkX:"",FabricTextHighlight:"",ClearFormattingA:"",ClearFormattingEraser:"",Photo2Fill:"",IncreaseIndentText:"",IncreaseIndentArrow:"",DecreaseIndentText:"",DecreaseIndentArrow:"",IncreaseIndentTextMirrored:"",IncreaseIndentArrowMirrored:"",DecreaseIndentTextMirrored:"",DecreaseIndentArrowMirrored:"",CheckListText:"",CheckListCheck:"",CheckListTextMirrored:"",CheckListCheckMirrored:"",NumberSymbol:"",Coupon:"",VerifiedBrand:"",ReleaseGate:"",ReleaseGateCheck:"",ReleaseGateError:"",M365InvoicingLogo:"",RemoveFromShoppingList:"",ShieldAlert:"",FabricTextHighlightComposite:"",Dataflows:"",GenericScanFilled:"",DiagnosticDataBarTooltip:"",SaveToMobile:"",Orientation2:"",ScreenCast:"",ShowGrid:"",SnapToGrid:"",ContactList:"",NewMail:"",EyeShadow:"",FabricFolderConfirm:"",InformationBarriers:"",CommentActive:"",ColumnVerticalSectionEdit:"",WavingHand:"",ShakeDevice:"",SmartGlassRemote:"",Rotate90Clockwise:"",Rotate90CounterClockwise:"",CampaignTemplate:"",ChartTemplate:"",PageListFilter:"",SecondaryNav:"",ColumnVerticalSection:"",SkypeCircleSlash:"",SkypeSlash:""}};Ar(n,t)}function fte(e,t){e===void 0&&(e="");var n={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-17"',src:"url('"+e+"fabric-icons-17-0c4ed701.woff') format('woff')"},icons:{CustomizeToolbar:"",DuplicateRow:"",RemoveFromTrash:"",MailOptions:"",Childof:"",Footer:"",Header:"",BarChartVerticalFill:"",StackedColumnChart2Fill:"",PlainText:"",AccessibiltyChecker:"",DatabaseSync:"",ReservationOrders:"",TabOneColumn:"",TabTwoColumn:"",TabThreeColumn:"",BulletedTreeList:"",MicrosoftTranslatorLogoGreen:"",MicrosoftTranslatorLogoBlue:"",InternalInvestigation:"",AddReaction:"",ContactHeart:"",VisuallyImpaired:"",EventToDoLogo:"",Variable2:"",ModelingView:"",DisconnectVirtualMachine:"",ReportLock:"",Uneditable2:"",Uneditable2Mirrored:"",BarChartVerticalEdit:"",GlobalNavButtonActive:"",PollResults:"",Rerun:"",QandA:"",QandAMirror:"",BookAnswers:"",AlertSettings:"",TrimStart:"",TrimEnd:"",TableComputed:"",DecreaseIndentLegacy:"",IncreaseIndentLegacy:"",SizeLegacy:""}};Ar(n,t)}var dte=function(){nc("trash","delete"),nc("onedrive","onedrivelogo"),nc("alertsolid12","eventdatemissed12"),nc("sixpointstar","6pointstar"),nc("twelvepointstar","12pointstar"),nc("toggleon","toggleleft"),nc("toggleoff","toggleright")};yb("@fluentui/font-icons-mdl2","8.2.0");var hte="https://spoppe-b.azureedge.net/files/fabric-cdn-prod_20210407.001/assets/icons/";function pte(e,t){e===void 0&&(e=hte),[Kee,Vee,Yee,Qee,Xee,Zee,Jee,ete,tte,nte,rte,ote,ite,ate,ste,lte,ute,cte,fte].forEach(function(n){return n(e,t)}),dte()}var mte={root:"ms-Nav",linkText:"ms-Nav-linkText",compositeLink:"ms-Nav-compositeLink",link:"ms-Nav-link",chevronButton:"ms-Nav-chevronButton",chevronIcon:"ms-Nav-chevron",navItem:"ms-Nav-navItem",navItems:"ms-Nav-navItems",group:"ms-Nav-group",groupContent:"ms-Nav-groupContent"},gte={textContainer:{overflow:"hidden"},label:{whiteSpace:"nowrap",textOverflow:"ellipsis",overflow:"hidden"}},vte=function(e){var t,n=e.className,r=e.theme,o=e.isOnTop,i=e.isExpanded,a=e.isGroup,s=e.isLink,l=e.isSelected,u=e.isDisabled,d=e.isButtonEntry,h=e.navHeight,p=h===void 0?44:h,m=e.position,v=e.leftPadding,_=v===void 0?20:v,b=e.leftPaddingExpanded,E=b===void 0?28:b,w=e.rightPadding,k=w===void 0?20:w,y=r.palette,F=r.semanticColors,C=r.fonts,A=hs(mte,r);return{root:[A.root,n,C.medium,{overflowY:"auto",userSelect:"none",WebkitOverflowScrolling:"touch"},o&&[{position:"absolute"},bc.slideRightIn40]],linkText:[A.linkText,{margin:"0 4px",overflow:"hidden",verticalAlign:"middle",textAlign:"left",textOverflow:"ellipsis"}],compositeLink:[A.compositeLink,{display:"block",position:"relative",color:F.bodyText},i&&"is-expanded",l&&"is-selected",u&&"is-disabled",u&&{color:F.disabledText}],link:[A.link,Pd(r),{display:"block",position:"relative",height:p,width:"100%",lineHeight:p+"px",textDecoration:"none",cursor:"pointer",textOverflow:"ellipsis",whiteSpace:"nowrap",overflow:"hidden",paddingLeft:_,paddingRight:k,color:F.bodyText,selectors:(t={},t[Ao]={border:0,selectors:{":focus":{border:"1px solid WindowText"}}},t)},!u&&{selectors:{".ms-Nav-compositeLink:hover &":{backgroundColor:F.bodyBackgroundHovered}}},l&&{color:F.bodyTextChecked,fontWeight:Rn.semibold,backgroundColor:F.bodyBackgroundChecked,selectors:{"&:after":{borderLeft:"2px solid "+y.themePrimary,content:'""',position:"absolute",top:0,right:0,bottom:0,left:0,pointerEvents:"none"}}},u&&{color:F.disabledText},d&&{color:y.themePrimary}],chevronButton:[A.chevronButton,Pd(r),C.small,{display:"block",textAlign:"left",lineHeight:p+"px",margin:"5px 0",padding:"0px, "+k+"px, 0px, "+E+"px",border:"none",textOverflow:"ellipsis",whiteSpace:"nowrap",overflow:"hidden",cursor:"pointer",color:F.bodyText,backgroundColor:"transparent",selectors:{"&:visited":{color:F.bodyText}}},a&&{fontSize:C.large.fontSize,width:"100%",height:p,borderBottom:"1px solid "+F.bodyDivider},s&&{display:"block",width:E-2,height:p-2,position:"absolute",top:"1px",left:m+"px",zIndex:Dd.Nav,padding:0,margin:0},l&&{color:y.themePrimary,backgroundColor:y.neutralLighterAlt,selectors:{"&:after":{borderLeft:"2px solid "+y.themePrimary,content:'""',position:"absolute",top:0,right:0,bottom:0,left:0,pointerEvents:"none"}}}],chevronIcon:[A.chevronIcon,{position:"absolute",left:"8px",height:p,display:"inline-flex",alignItems:"center",lineHeight:p+"px",fontSize:C.small.fontSize,transition:"transform .1s linear"},i&&{transform:"rotate(-180deg)"},s&&{top:0}],navItem:[A.navItem,{padding:0}],navItems:[A.navItems,{listStyleType:"none",padding:0,margin:0}],group:[A.group,i&&"is-expanded"],groupContent:[A.groupContent,{display:"none",marginBottom:"40px"},bc.slideDownIn20,i&&{display:"block"}]}},mC=14,bte=3,wf;function yte(e){return!!e&&!/^[a-z0-9+-.]+:\/\//i.test(e)}var Pl=ml(),Ete=function(e){yi(t,e);function t(n){var r=e.call(this,n)||this;return r._focusZone=T.createRef(),r._onRenderLink=function(o){var i=r.props,a=i.styles,s=i.groups,l=i.theme,u=Pl(a,{theme:l,groups:s});return T.createElement("div",{className:u.linkText},o.name)},r._renderGroup=function(o,i){var a=r.props,s=a.styles,l=a.groups,u=a.theme,d=a.onRenderGroupHeader,h=d===void 0?r._renderGroupHeader:d,p=r._isGroupExpanded(o),m=Pl(s,{theme:u,isGroup:!0,isExpanded:p,groups:l}),v=function(b,E){r._onGroupHeaderClicked(o,b)},_=oe(oe({},o),{isExpanded:p,onHeaderClick:v});return T.createElement("div",{key:i,className:m.group},_.name?h(_,r._renderGroupHeader):null,T.createElement("div",{className:m.groupContent},r._renderLinks(_.links,0)))},r._renderGroupHeader=function(o){var i=r.props,a=i.styles,s=i.groups,l=i.theme,u=i.expandButtonAriaLabel,d=o.isExpanded,h=Pl(a,{theme:l,isGroup:!0,isExpanded:d,groups:s}),p=(d?o.collapseAriaLabel:o.expandAriaLabel)||u,m=o.onHeaderClick,v=m?function(_){m(_,d)}:void 0;return T.createElement("button",{className:h.chevronButton,onClick:v,"aria-label":p,"aria-expanded":d},T.createElement(sl,{className:h.chevronIcon,iconName:"ChevronDown"}),o.name)},Tb(r),r.state={isGroupCollapsed:{},isLinkExpandStateChanged:!1,selectedKey:n.initialSelectedKey||n.selectedKey},r}return t.prototype.render=function(){var n=this.props,r=n.styles,o=n.groups,i=n.className,a=n.isOnTop,s=n.theme;if(!o)return null;var l=o.map(this._renderGroup),u=Pl(r,{theme:s,className:i,isOnTop:a,groups:o});return T.createElement(rR,{direction:ao.vertical,componentRef:this._focusZone},T.createElement("nav",{role:"navigation",className:u.root,"aria-label":this.props.ariaLabel},l))},Object.defineProperty(t.prototype,"selectedKey",{get:function(){return this.state.selectedKey},enumerable:!1,configurable:!0}),t.prototype.focus=function(n){return n===void 0&&(n=!1),this._focusZone&&this._focusZone.current?this._focusZone.current.focus(n):!1},t.prototype._renderNavLink=function(n,r,o){var i=this.props,a=i.styles,s=i.groups,l=i.theme,u=n.icon||n.iconProps,d=this._isLinkSelected(n),h=n.ariaCurrent,p=h===void 0?"page":h,m=Pl(a,{theme:l,isSelected:d,isDisabled:n.disabled,isButtonEntry:n.onClick&&!n.forceAnchor,leftPadding:mC*o+bte+(u?0:24),groups:s}),v=n.url&&n.target&&!yte(n.url)?"noopener noreferrer":void 0,_=this.props.linkAs?PF(this.props.linkAs,pC):pC,b=this.props.onRenderLink?HF(this.props.onRenderLink,this._onRenderLink):this._onRenderLink;return T.createElement(_,{className:m.link,styles:gte,href:n.url||(n.forceAnchor?"#":void 0),iconProps:n.iconProps||{iconName:n.icon},onClick:n.onClick?this._onNavButtonLinkClicked.bind(this,n):this._onNavAnchorLinkClicked.bind(this,n),title:n.title!==void 0?n.title:n.name,target:n.target,rel:v,disabled:n.disabled,"aria-current":d?p:void 0,"aria-label":n.ariaLabel?n.ariaLabel:void 0,link:n},b(n))},t.prototype._renderCompositeLink=function(n,r,o){var i=oe({},Zr(n,W0,["onClick"])),a=this.props,s=a.expandButtonAriaLabel,l=a.styles,u=a.groups,d=a.theme,h=Pl(l,{theme:d,isExpanded:!!n.isExpanded,isSelected:this._isLinkSelected(n),isLink:!0,isDisabled:n.disabled,position:mC*o+1,groups:u}),p="";return n.links&&n.links.length>0&&(n.collapseAriaLabel||n.expandAriaLabel?p=n.isExpanded?n.collapseAriaLabel:n.expandAriaLabel:p=s?n.name+" "+s:n.name),T.createElement("div",oe({},i,{key:n.key||r,className:h.compositeLink}),n.links&&n.links.length>0?T.createElement("button",{className:h.chevronButton,onClick:this._onLinkExpandClicked.bind(this,n),"aria-label":p,"aria-expanded":n.isExpanded?"true":"false"},T.createElement(sl,{className:h.chevronIcon,iconName:"ChevronDown"})):null,this._renderNavLink(n,r,o))},t.prototype._renderLink=function(n,r,o){var i=this.props,a=i.styles,s=i.groups,l=i.theme,u=Pl(a,{theme:l,groups:s});return T.createElement("li",{key:n.key||r,role:"listitem",className:u.navItem},this._renderCompositeLink(n,r,o),n.isExpanded?this._renderLinks(n.links,++o):null)},t.prototype._renderLinks=function(n,r){var o=this;if(!n||!n.length)return null;var i=n.map(function(h,p){return o._renderLink(h,p,r)}),a=this.props,s=a.styles,l=a.groups,u=a.theme,d=Pl(s,{theme:u,groups:l});return T.createElement("ul",{role:"list",className:d.navItems},i)},t.prototype._onGroupHeaderClicked=function(n,r){n.onHeaderClick&&n.onHeaderClick(r,this._isGroupExpanded(n)),n.isExpanded===void 0&&this._toggleCollapsed(n),r&&(r.preventDefault(),r.stopPropagation())},t.prototype._onLinkExpandClicked=function(n,r){var o=this.props.onLinkExpandClick;o&&o(r,n),r.defaultPrevented||(n.isExpanded=!n.isExpanded,this.setState({isLinkExpandStateChanged:!0})),r.preventDefault(),r.stopPropagation()},t.prototype._preventBounce=function(n,r){!n.url&&n.forceAnchor&&r.preventDefault()},t.prototype._onNavAnchorLinkClicked=function(n,r){this._preventBounce(n,r),this.props.onLinkClick&&this.props.onLinkClick(r,n),!n.url&&n.links&&n.links.length>0&&this._onLinkExpandClicked(n,r),this.setState({selectedKey:n.key})},t.prototype._onNavButtonLinkClicked=function(n,r){this._preventBounce(n,r),n.onClick&&n.onClick(r,n),!n.url&&n.links&&n.links.length>0&&this._onLinkExpandClicked(n,r),this.setState({selectedKey:n.key})},t.prototype._isLinkSelected=function(n){if(this.props.selectedKey!==void 0)return n.key===this.props.selectedKey;if(this.state.selectedKey!==void 0)return n.key===this.state.selectedKey;if(typeof ur()>"u"||!n.url)return!1;wf=wf||document.createElement("a"),wf.href=n.url||"";var r=wf.href;return location.href===r||location.protocol+"//"+location.host+location.pathname===r?!0:location.hash?location.hash===n.url?!0:(wf.href=location.hash.substring(1),wf.href===r):!1},t.prototype._isGroupExpanded=function(n){return n.isExpanded!==void 0?n.isExpanded:n.name&&this.state.isGroupCollapsed.hasOwnProperty(n.name)?!this.state.isGroupCollapsed[n.name]:n.collapseByDefault!==void 0?!n.collapseByDefault:!0},t.prototype._toggleCollapsed=function(n){var r;if(n.name){var o=oe(oe({},this.state.isGroupCollapsed),(r={},r[n.name]=this._isGroupExpanded(n),r));this.setState({isGroupCollapsed:o})}},t.defaultProps={groups:null},t}(T.Component),_te=gl(Ete,vte,void 0,{scope:"Nav"}),NT=oe;function Ig(e,t){for(var n=[],r=2;r<arguments.length;r++)n[r-2]=arguments[r];var o=e;return o.isSlot?(n=T.Children.toArray(n),n.length===0?o(t):o(oe(oe({},t),{children:n}))):T.createElement.apply(n0,Yi([e,t],n))}function bR(e,t){t===void 0&&(t={});var n=t.defaultProp,r=n===void 0?"children":n,o=function(i,a,s,l,u){if(T.isValidElement(a))return a;var d=wte(r,a),h=kte(l,u,i,d);if(s){if(s.component){var p=s.component;return T.createElement(p,oe({},h))}if(s.render)return s.render(h,e)}return T.createElement(e,oe({},h))};return o}var Tte=Cr(function(e){return bR(e)});function yR(e,t){var n={},r=e,o=function(a){if(t.hasOwnProperty(a)){var s=function(l){for(var u=[],d=1;d<arguments.length;d++)u[d-1]=arguments[d];if(u.length>0)throw new Error("Any module using getSlots must use withSlots. Please see withSlots javadoc for more info.");return Ste(t[a],l,r[a],r.slots&&r.slots[a],r._defaultStyles&&r._defaultStyles[a],r.theme)};s.isSlot=!0,n[a]=s}};for(var i in t)o(i);return n}function wte(e,t){var n,r;return typeof t=="string"||typeof t=="number"||typeof t=="boolean"?r=(n={},n[e]=t,n):r=t,r}function kte(e,t){for(var n=[],r=2;r<arguments.length;r++)n[r-2]=arguments[r];for(var o={},i=[],a=0,s=n;a<s.length;a++){var l=s[a];i.push(l&&l.className),NT(o,l)}return o.className=TF([e,i],{rtl:ls(t)}),o}function Ste(e,t,n,r,o,i){return e.create!==void 0?e.create(t,n,r,o):Tte(e)(t,n,r,o,i)}function ER(e,t){t===void 0&&(t={});var n=t.factoryOptions,r=n===void 0?{}:n,o=r.defaultProp,i=function(a){var s=Cte(t.displayName,T.useContext(o0),t.fields),l=t.state;l&&(a=oe(oe({},a),l(a)));var u=a.theme||s.theme,d=_R(a,u,t.tokens,s.tokens,a.tokens),h=xte(a,u,d,t.styles,s.styles,a.styles),p=oe(oe({},a),{styles:h,tokens:d,_defaultStyles:h,theme:u});return e(p)};return i.displayName=t.displayName||e.name,o&&(i.create=bR(i,{defaultProp:o})),NT(i,t.statics),i}function xte(e,t,n){for(var r=[],o=3;o<arguments.length;o++)r[o-3]=arguments[o];return jc.apply(void 0,r.map(function(i){return typeof i=="function"?i(e,t,n):i}))}function _R(e,t){for(var n=[],r=2;r<arguments.length;r++)n[r-2]=arguments[r];for(var o={},i=0,a=n;i<a.length;i++){var s=a[i];s&&(s=typeof s=="function"?s(e,t):s,Array.isArray(s)&&(s=_R.apply(void 0,Yi([e,t],s))),NT(o,s))}return o}function Cte(e,t,n){var r=["theme","styles","tokens"];return $i.getSettings(n||r,e,t.customizations)}var Ate={root:"ms-StackItem"},Nte={start:"flex-start",end:"flex-end"},Fte=function(e,t,n){var r=e.grow,o=e.shrink,i=e.disableShrink,a=e.align,s=e.verticalFill,l=e.order,u=e.className,d=hs(Ate,t);return{root:[t.fonts.medium,d.root,{margin:n.margin,padding:n.padding,height:s?"100%":"auto",width:"auto"},r&&{flexGrow:r===!0?1:r},(i||!r&&!o)&&{flexShrink:0},o&&!i&&{flexShrink:1},a&&{alignSelf:Nte[a]||a},l&&{order:l},u]}},Ite=function(e){var t=e.children,n=Zr(e,fr);if(t==null)return null;var r=yR(e,{root:"div"});return Ig(r.root,oe({},n),t)},TR=ER(Ite,{displayName:"StackItem",styles:Fte}),Sd=function(e,t){return t.spacing.hasOwnProperty(e)?t.spacing[e]:e},z2=function(e){var t=parseFloat(e),n=isNaN(t)?0:t,r=isNaN(t)?"":t.toString(),o=e.substring(r.toString().length);return{value:n,unit:o||"px"}},Bte=function(e,t){if(e===void 0||e==="")return{rowGap:{value:0,unit:"px"},columnGap:{value:0,unit:"px"}};if(typeof e=="number")return{rowGap:{value:e,unit:"px"},columnGap:{value:e,unit:"px"}};var n=e.split(" ");if(n.length>2)return{rowGap:{value:0,unit:"px"},columnGap:{value:0,unit:"px"}};if(n.length===2)return{rowGap:z2(Sd(n[0],t)),columnGap:z2(Sd(n[1],t))};var r=z2(Sd(e,t));return{rowGap:r,columnGap:r}},gC=function(e,t){if(e===void 0||typeof e=="number"||e==="")return e;var n=e.split(" ");return n.length<2?Sd(e,t):n.reduce(function(r,o){return Sd(r,t)+" "+Sd(o,t)})},kf={start:"flex-start",end:"flex-end"},Rte={root:"ms-Stack",inner:"ms-Stack-inner"},Ote=function(e,t,n){var r,o,i,a,s,l,u,d=e.verticalFill,h=e.horizontal,p=e.reversed,m=e.grow,v=e.wrap,_=e.horizontalAlign,b=e.verticalAlign,E=e.disableShrink,w=e.className,k=hs(Rte,t),y=n&&n.childrenGap?n.childrenGap:e.gap,F=n&&n.maxHeight?n.maxHeight:e.maxHeight,C=n&&n.maxWidth?n.maxWidth:e.maxWidth,A=n&&n.padding?n.padding:e.padding,P=Bte(y,t),I=P.rowGap,j=P.columnGap,H=""+-.5*j.value+j.unit,K=""+-.5*I.value+I.unit,U={textOverflow:"ellipsis"},pe={"> *:not(.ms-StackItem)":{flexShrink:E?0:1}};return v?{root:[k.root,{flexWrap:"wrap",maxWidth:C,maxHeight:F,width:"auto",overflow:"visible",height:"100%"},_&&(r={},r[h?"justifyContent":"alignItems"]=kf[_]||_,r),b&&(o={},o[h?"alignItems":"justifyContent"]=kf[b]||b,o),w,{display:"flex"},h&&{height:d?"100%":"auto"}],inner:[k.inner,{display:"flex",flexWrap:"wrap",marginLeft:H,marginRight:H,marginTop:K,marginBottom:K,overflow:"visible",boxSizing:"border-box",padding:gC(A,t),width:j.value===0?"100%":"calc(100% + "+j.value+j.unit+")",maxWidth:"100vw",selectors:oe({"> *":oe({margin:""+.5*I.value+I.unit+" "+.5*j.value+j.unit},U)},pe)},_&&(i={},i[h?"justifyContent":"alignItems"]=kf[_]||_,i),b&&(a={},a[h?"alignItems":"justifyContent"]=kf[b]||b,a),h&&{flexDirection:p?"row-reverse":"row",height:I.value===0?"100%":"calc(100% + "+I.value+I.unit+")",selectors:{"> *":{maxWidth:j.value===0?"100%":"calc(100% - "+j.value+j.unit+")"}}},!h&&{flexDirection:p?"column-reverse":"column",height:"calc(100% + "+I.value+I.unit+")",selectors:{"> *":{maxHeight:I.value===0?"100%":"calc(100% - "+I.value+I.unit+")"}}}]}:{root:[k.root,{display:"flex",flexDirection:h?p?"row-reverse":"row":p?"column-reverse":"column",flexWrap:"nowrap",width:"auto",height:d?"100%":"auto",maxWidth:C,maxHeight:F,padding:gC(A,t),boxSizing:"border-box",selectors:oe((s={"> *":U},s[p?"> *:not(:last-child)":"> *:not(:first-child)"]=[h&&{marginLeft:""+j.value+j.unit},!h&&{marginTop:""+I.value+I.unit}],s),pe)},m&&{flexGrow:m===!0?1:m},_&&(l={},l[h?"justifyContent":"alignItems"]=kf[_]||_,l),b&&(u={},u[h?"alignItems":"justifyContent"]=kf[b]||b,u),w]}},Dte=function(e){var t=e.as,n=t===void 0?"div":t,r=e.disableShrink,o=e.wrap,i=pl(e,["as","disableShrink","wrap"]),a=T.Children.toArray(e.children);a.length===1&&T.isValidElement(a[0])&&a[0].type===T.Fragment&&(a=a[0].props.children),a=T.Children.map(a,function(u,d){if(!u)return null;if(Pte(u)){var h={shrink:!r};return T.cloneElement(u,oe(oe({},h),u.props))}return u});var s=Zr(i,fr),l=yR(e,{root:n,inner:"div"});return o?Ig(l.root,oe({},s),Ig(l.inner,null,a)):Ig(l.root,oe({},s),a)};function Pte(e){return!!e&&typeof e=="object"&&!!e.type&&e.type.displayName===TR.displayName}var Mte={Item:TR},wR=ER(Dte,{displayName:"Stack",styles:Ote,statics:Mte});const Lte=["Top","Right","Bottom","Left"];function J0(e,t,...n){const[r,o=r,i=r,a=o]=n,s=[r,o,i,a],l={};for(let u=0;u<s.length;u+=1)if(s[u]||s[u]===0){const d=e+Lte[u]+t;l[d]=s[u]}return l}function kR(...e){return J0("border","Width",...e)}function SR(...e){return J0("border","Style",...e)}function xR(...e){return J0("border","Color",...e)}function jte(...e){return Object.assign(Object.assign(Object.assign({},kR(e[0])),e[1]&&SR(e[1])),e[2]&&xR(e[2]))}function zte(...e){return Object.assign(Object.assign({borderLeftWidth:e[0]},e[1]&&{borderLeftStyle:e[1]}),e[2]&&{borderLeftColor:e[2]})}function Hte(...e){return Object.assign(Object.assign({borderBottomWidth:e[0]},e[1]&&{borderBottomStyle:e[1]}),e[2]&&{borderBottomColor:e[2]})}function Ute(...e){return Object.assign(Object.assign({borderRightWidth:e[0]},e[1]&&{borderRightStyle:e[1]}),e[2]&&{borderRightColor:e[2]})}function qte(...e){return Object.assign(Object.assign({borderTopWidth:e[0]},e[1]&&{borderTopStyle:e[1]}),e[2]&&{borderTopColor:e[2]})}function $te(e,t=e,n=e,r=t){return{borderBottomRightRadius:n,borderBottomLeftRadius:r,borderTopRightRadius:t,borderTopLeftRadius:e}}const Wte=e=>typeof e=="string"&&/(\d+(\w+|%))/.test(e),Lm=e=>typeof e=="number"&&!Number.isNaN(e),Gte=e=>e==="initial",vC=e=>e==="auto",Kte=e=>e==="none",Vte=["content","fit-content","max-content","min-content"],H2=e=>Vte.some(t=>e===t)||Wte(e);function Yte(...e){const t=e.length===1,n=e.length===2,r=e.length===3;if(t){const[o]=e;if(Gte(o))return{flexGrow:0,flexShrink:1,flexBasis:"auto"};if(vC(o))return{flexGrow:1,flexShrink:1,flexBasis:"auto"};if(Kte(o))return{flexGrow:0,flexShrink:0,flexBasis:"auto"};if(Lm(o))return{flexGrow:o,flexShrink:1,flexBasis:0};if(H2(o))return{flexGrow:1,flexShrink:1,flexBasis:o}}if(n){const[o,i]=e;if(Lm(i))return{flexGrow:o,flexShrink:i,flexBasis:0};if(H2(i))return{flexGrow:o,flexShrink:1,flexBasis:i}}if(r){const[o,i,a]=e;if(Lm(o)&&Lm(i)&&(vC(a)||H2(a)))return{flexGrow:o,flexShrink:i,flexBasis:a}}return{}}function Qte(e,t=e){return{columnGap:e,rowGap:t}}const Xte=/var\(.*\)/gi;function Zte(e){return e===void 0||typeof e=="number"||typeof e=="string"&&!Xte.test(e)}const Jte=/^[a-zA-Z0-9\-_\\#;]+$/,ene=/^-moz-initial$|^auto$|^initial$|^inherit$|^revert$|^unset$|^span \d+$|\d.*/;function U2(e){return e!==void 0&&typeof e=="string"&&Jte.test(e)&&!ene.test(e)}function tne(...e){if(e.some(i=>!Zte(i)))return{};const t=e[0]!==void 0?e[0]:"auto",n=e[1]!==void 0?e[1]:U2(t)?t:"auto",r=e[2]!==void 0?e[2]:U2(t)?t:"auto",o=e[3]!==void 0?e[3]:U2(n)?n:"auto";return{gridRowStart:t,gridColumnStart:n,gridRowEnd:r,gridColumnEnd:o}}function nne(...e){return J0("margin","",...e)}function rne(...e){return J0("padding","",...e)}function one(e,t=e){return{overflowX:e,overflowY:t}}function ine(...e){const[t,n=t,r=t,o=n]=e;return{top:t,right:n,bottom:r,left:o}}function ane(e,t,n){return Object.assign(Object.assign({outlineWidth:e},t&&{outlineStyle:t}),n&&{outlineColor:n})}function sne(...e){return une(e)?{transitionDelay:e[0],transitionDuration:e[0],transitionProperty:e[0],transitionTimingFunction:e[0]}:cne(e).reduce((n,[r,o="0s",i="0s",a="ease"],s)=>(s===0?(n.transitionProperty=r,n.transitionDuration=o,n.transitionDelay=i,n.transitionTimingFunction=a):(n.transitionProperty+=`, ${r}`,n.transitionDuration+=`, ${o}`,n.transitionDelay+=`, ${i}`,n.transitionTimingFunction+=`, ${a}`),n),{})}const lne=["-moz-initial","inherit","initial","revert","unset"];function une(e){return e.length===1&&lne.includes(e[0])}function cne(e){return e.length===1&&Array.isArray(e[0])?e[0]:[e]}const q2=typeof window>"u"?global:window,$2="@griffel/";function fne(e,t){return q2[Symbol.for($2+e)]||(q2[Symbol.for($2+e)]=t),q2[Symbol.for($2+e)]}const v_=fne("DEFINITION_LOOKUP_TABLE",{}),Bg="data-make-styles-bucket",b_="f",y_=7,FT="___",dne=FT.length+y_,hne=0,pne=1,mne={all:1,animation:1,background:1,backgroundPosition:1,border:1,borderBlock:1,borderBlockEnd:1,borderBlockStart:1,borderBottom:1,borderColor:1,borderImage:1,borderInline:1,borderInlineEnd:1,borderInlineStart:1,borderLeft:1,borderRadius:1,borderRight:1,borderStyle:1,borderTop:1,borderWidth:1,columns:1,columnRule:1,flex:1,flexFlow:1,font:1,gap:1,grid:1,gridArea:1,gridColumn:1,gridRow:1,gridTemplate:1,lineClamp:1,listStyle:1,margin:1,mask:1,maskBorder:1,motion:1,offset:1,outline:1,overflow:1,overscrollBehavior:1,padding:1,placeItems:1,placeSelf:1,textDecoration:1,textEmphasis:1,transition:1};function Ud(e){for(var t=0,n,r=0,o=e.length;o>=4;++r,o-=4)n=e.charCodeAt(r)&255|(e.charCodeAt(++r)&255)<<8|(e.charCodeAt(++r)&255)<<16|(e.charCodeAt(++r)&255)<<24,n=(n&65535)*1540483477+((n>>>16)*59797<<16),n^=n>>>24,t=(n&65535)*1540483477+((n>>>16)*59797<<16)^(t&65535)*1540483477+((t>>>16)*59797<<16);switch(o){case 3:t^=(e.charCodeAt(r+2)&255)<<16;case 2:t^=(e.charCodeAt(r+1)&255)<<8;case 1:t^=e.charCodeAt(r)&255,t=(t&65535)*1540483477+((t>>>16)*59797<<16)}return t^=t>>>13,t=(t&65535)*1540483477+((t>>>16)*59797<<16),((t^t>>>15)>>>0).toString(36)}function gne(e){const t=e.length;if(t===y_)return e;for(let n=t;n<y_;n++)e+="0";return e}function CR(e,t,n=[]){return FT+gne(Ud(e+t))}function AR(e,t){let n="";for(const r in e){const o=e[r];if(o){const i=Array.isArray(o);t==="rtl"?n+=(i?o[1]:o)+" ":n+=(i?o[0]:o)+" "}}return n.slice(0,-1)}function jv(e,t){const n={};for(const r in e){const o=AR(e[r],t);if(o===""){n[r]="";continue}const i=CR(o,t),a=i+" "+o;v_[i]=[e[r],t],n[r]=a}return n}const bC={};function et(){let e=null,t="",n="";const r=new Array(arguments.length);for(let u=0;u<arguments.length;u++){const d=arguments[u];if(typeof d=="string"&&d!==""){const h=d.indexOf(FT);if(h===-1)t+=d+" ";else{const p=d.substr(h,dne);h>0&&(t+=d.slice(0,h)),n+=p,r[u]=p}}}if(n==="")return t.slice(0,-1);const o=bC[n];if(o!==void 0)return t+o;const i=[];for(let u=0;u<arguments.length;u++){const d=r[u];if(d){const h=v_[d];h&&(i.push(h[hne]),e=h[pne])}}const a=Object.assign.apply(Object,[{}].concat(i));let s=AR(a,e);const l=CR(s,e,r);return s=l+" "+s,bC[n]=s,v_[l]=[a,e],t+s}function vne(e){return Array.isArray(e)?e:[e]}function bne(e,t,n){const r=[];if(n[Bg]=t,e)for(const i in n)e.setAttribute(i,n[i]);function o(i){return e!=null&&e.sheet?e.sheet.insertRule(i,e.sheet.cssRules.length):r.push(i)}return{elementAttributes:n,insertRule:o,element:e,bucketName:t,cssRules(){return e!=null&&e.sheet?Array.from(e.sheet.cssRules).map(i=>i.cssText):r}}}const yne=["r","d","l","v","w","f","i","h","a","k","t","m"],yC=yne.reduce((e,t,n)=>(e[t]=n,e),{});function Ene(e,t,n,r={}){const o=e==="m",i=o?e+r.m:e;if(!n.stylesheets[i]){const a=t&&t.createElement("style"),s=bne(a,e,Object.assign(Object.assign({},n.styleElementAttributes),o&&{media:r.m}));if(n.stylesheets[i]=s,t&&a){const l=_ne(t,e,n,r);t.head.insertBefore(a,l)}}return n.stylesheets[i]}function _ne(e,t,n,r){const o=yC[t];let i=s=>o-yC[s.getAttribute(Bg)],a=e.head.querySelectorAll(`[${Bg}]`);if(t==="m"&&r){const s=e.head.querySelectorAll(`[${Bg}="${t}"]`);s.length&&(a=s,i=l=>n.compareMediaQueries(r.m,l.media))}for(const s of a)if(i(s)<0)return s;return null}let Tne=0;const wne=(e,t)=>e<t?-1:e>t?1:0;function kne(e=typeof document>"u"?void 0:document,t={}){const{unstable_filterCSSRule:n,styleElementAttributes:r,compareMediaQueries:o=wne}=t,i={insertionCache:{},stylesheets:{},styleElementAttributes:Object.freeze(r),compareMediaQueries:o,id:`d${Tne++}`,insertCSSRules(a){for(const s in a){const l=a[s];for(let u=0,d=l.length;u<d;u++){const[h,p]=vne(l[u]),m=Ene(s,e,i,p);if(!i.insertionCache[h]){i.insertionCache[h]=s;try{n?n(h)&&m.insertRule(h):m.insertRule(h)}catch{}}}}}};return i}function NR(e){return e.reduce(function(t,n){var r=n[0],o=n[1];return t[r]=o,t[o]=r,t},{})}function Sne(e){return typeof e=="boolean"}function xne(e){return typeof e=="function"}function wh(e){return typeof e=="number"}function Cne(e){return e===null||typeof e>"u"}function Ane(e){return e&&typeof e=="object"}function Nne(e){return typeof e=="string"}function Rg(e,t){return e.indexOf(t)!==-1}function Fne(e){return parseFloat(e)===0?e:e[0]==="-"?e.slice(1):"-"+e}function jm(e,t,n,r){return t+Fne(n)+r}function Ine(e){var t=e.indexOf(".");if(t===-1)e=100-parseFloat(e)+"%";else{var n=e.length-t-2;e=100-parseFloat(e),e=e.toFixed(n)+"%"}return e}function FR(e){return e.replace(/ +/g," ").split(" ").map(function(t){return t.trim()}).filter(Boolean).reduce(function(t,n){var r=t.list,o=t.state,i=(n.match(/\(/g)||[]).length,a=(n.match(/\)/g)||[]).length;return o.parensDepth>0?r[r.length-1]=r[r.length-1]+" "+n:r.push(n),o.parensDepth+=i-a,{list:r,state:o}},{list:[],state:{parensDepth:0}}).list}function EC(e){var t=FR(e);if(t.length<=3||t.length>4)return e;var n=t[0],r=t[1],o=t[2],i=t[3];return[n,i,o,r].join(" ")}function Bne(e){return!Sne(e)&&!Cne(e)}function Rne(e){for(var t=[],n=0,r=0,o=!1;r<e.length;)!o&&e[r]===","?(t.push(e.substring(n,r).trim()),r++,n=r):e[r]==="("?(o=!0,r++):(e[r]===")"&&(o=!1),r++);return n!=r&&t.push(e.substring(n,r+1)),t}var Se={padding:function(t){var n=t.value;return wh(n)?n:EC(n)},textShadow:function(t){var n=t.value,r=Rne(n).map(function(o){return o.replace(/(^|\s)(-*)([.|\d]+)/,function(i,a,s,l){if(l==="0")return i;var u=s===""?"-":"";return""+a+u+l})});return r.join(",")},borderColor:function(t){var n=t.value;return EC(n)},borderRadius:function(t){var n=t.value;if(wh(n))return n;if(Rg(n,"/")){var r=n.split("/"),o=r[0],i=r[1],a=Se.borderRadius({value:o.trim()}),s=Se.borderRadius({value:i.trim()});return a+" / "+s}var l=FR(n);switch(l.length){case 2:return l.reverse().join(" ");case 4:{var u=l[0],d=l[1],h=l[2],p=l[3];return[d,u,p,h].join(" ")}default:return n}},background:function(t){var n=t.value,r=t.valuesToConvert,o=t.isRtl,i=t.bgImgDirectionRegex,a=t.bgPosDirectionRegex;if(wh(n))return n;var s=n.replace(/(url\(.*?\))|(rgba?\(.*?\))|(hsl\(.*?\))|(#[a-fA-F0-9]+)|((^| )(\D)+( |$))/g,"").trim();return n=n.replace(s,Se.backgroundPosition({value:s,valuesToConvert:r,isRtl:o,bgPosDirectionRegex:a})),Se.backgroundImage({value:n,valuesToConvert:r,bgImgDirectionRegex:i})},backgroundImage:function(t){var n=t.value,r=t.valuesToConvert,o=t.bgImgDirectionRegex;return!Rg(n,"url(")&&!Rg(n,"linear-gradient(")?n:n.replace(o,function(i,a,s){return i.replace(s,r[s])})},backgroundPosition:function(t){var n=t.value,r=t.valuesToConvert,o=t.isRtl,i=t.bgPosDirectionRegex;return n.replace(o?/^((-|\d|\.)+%)/:null,function(a,s){return Ine(s)}).replace(i,function(a){return r[a]})},backgroundPositionX:function(t){var n=t.value,r=t.valuesToConvert,o=t.isRtl,i=t.bgPosDirectionRegex;return wh(n)?n:Se.backgroundPosition({value:n,valuesToConvert:r,isRtl:o,bgPosDirectionRegex:i})},transition:function(t){var n=t.value,r=t.propertiesToConvert;return n.split(/,\s*/g).map(function(o){var i=o.split(" ");return i[0]=r[i[0]]||i[0],i.join(" ")}).join(", ")},transitionProperty:function(t){var n=t.value,r=t.propertiesToConvert;return n.split(/,\s*/g).map(function(o){return r[o]||o}).join(", ")},transform:function(t){var n=t.value,r="[^\\u0020-\\u007e]",o="(?:(?:(?:\\[0-9a-f]{1,6})(?:\\r\\n|\\s)?)|\\\\[^\\r\\n\\f0-9a-f])",i="((?:-?"+("(?:[0-9]*\\.[0-9]+|[0-9]+)(?:\\s*(?:em|ex|px|cm|mm|in|pt|pc|deg|rad|grad|ms|s|hz|khz|%)|"+("-?"+("(?:[_a-z]|"+r+"|"+o+")")+("(?:[_a-z0-9-]|"+r+"|"+o+")")+"*")+")?")+")|(?:inherit|auto))",a=new RegExp("(translateX\\s*\\(\\s*)"+i+"(\\s*\\))","gi"),s=new RegExp("(translate\\s*\\(\\s*)"+i+"((?:\\s*,\\s*"+i+"){0,1}\\s*\\))","gi"),l=new RegExp("(translate3d\\s*\\(\\s*)"+i+"((?:\\s*,\\s*"+i+"){0,2}\\s*\\))","gi"),u=new RegExp("(rotate[ZY]?\\s*\\(\\s*)"+i+"(\\s*\\))","gi");return n.replace(a,jm).replace(s,jm).replace(l,jm).replace(u,jm)}};Se.objectPosition=Se.backgroundPosition;Se.margin=Se.padding;Se.borderWidth=Se.padding;Se.boxShadow=Se.textShadow;Se.webkitBoxShadow=Se.boxShadow;Se.mozBoxShadow=Se.boxShadow;Se.WebkitBoxShadow=Se.boxShadow;Se.MozBoxShadow=Se.boxShadow;Se.borderStyle=Se.borderColor;Se.webkitTransform=Se.transform;Se.mozTransform=Se.transform;Se.WebkitTransform=Se.transform;Se.MozTransform=Se.transform;Se.transformOrigin=Se.backgroundPosition;Se.webkitTransformOrigin=Se.transformOrigin;Se.mozTransformOrigin=Se.transformOrigin;Se.WebkitTransformOrigin=Se.transformOrigin;Se.MozTransformOrigin=Se.transformOrigin;Se.webkitTransition=Se.transition;Se.mozTransition=Se.transition;Se.WebkitTransition=Se.transition;Se.MozTransition=Se.transition;Se.webkitTransitionProperty=Se.transitionProperty;Se.mozTransitionProperty=Se.transitionProperty;Se.WebkitTransitionProperty=Se.transitionProperty;Se.MozTransitionProperty=Se.transitionProperty;Se["text-shadow"]=Se.textShadow;Se["border-color"]=Se.borderColor;Se["border-radius"]=Se.borderRadius;Se["background-image"]=Se.backgroundImage;Se["background-position"]=Se.backgroundPosition;Se["background-position-x"]=Se.backgroundPositionX;Se["object-position"]=Se.objectPosition;Se["border-width"]=Se.padding;Se["box-shadow"]=Se.textShadow;Se["-webkit-box-shadow"]=Se.textShadow;Se["-moz-box-shadow"]=Se.textShadow;Se["border-style"]=Se.borderColor;Se["-webkit-transform"]=Se.transform;Se["-moz-transform"]=Se.transform;Se["transform-origin"]=Se.transformOrigin;Se["-webkit-transform-origin"]=Se.transformOrigin;Se["-moz-transform-origin"]=Se.transformOrigin;Se["-webkit-transition"]=Se.transition;Se["-moz-transition"]=Se.transition;Se["transition-property"]=Se.transitionProperty;Se["-webkit-transition-property"]=Se.transitionProperty;Se["-moz-transition-property"]=Se.transitionProperty;var IR=NR([["paddingLeft","paddingRight"],["marginLeft","marginRight"],["left","right"],["borderLeft","borderRight"],["borderLeftColor","borderRightColor"],["borderLeftStyle","borderRightStyle"],["borderLeftWidth","borderRightWidth"],["borderTopLeftRadius","borderTopRightRadius"],["borderBottomLeftRadius","borderBottomRightRadius"],["padding-left","padding-right"],["margin-left","margin-right"],["border-left","border-right"],["border-left-color","border-right-color"],["border-left-style","border-right-style"],["border-left-width","border-right-width"],["border-top-left-radius","border-top-right-radius"],["border-bottom-left-radius","border-bottom-right-radius"]]),One=["content"],_C=NR([["ltr","rtl"],["left","right"],["w-resize","e-resize"],["sw-resize","se-resize"],["nw-resize","ne-resize"]]),Dne=new RegExp("(^|\\W|_)((ltr)|(rtl)|(left)|(right))(\\W|_|$)","g"),Pne=new RegExp("(left)|(right)");function BR(e){return Object.keys(e).reduce(function(t,n){var r=e[n];if(Nne(r)&&(r=r.trim()),Rg(One,n))return t[n]=r,t;var o=E_(n,r),i=o.key,a=o.value;return t[i]=a,t},Array.isArray(e)?[]:{})}function E_(e,t){var n=/\/\*\s?@noflip\s?\*\//.test(t),r=n?e:Mne(e),o=n?t:Lne(r,t);return{key:r,value:o}}function Mne(e){return IR[e]||e}function Lne(e,t){if(!Bne(t))return t;if(Ane(t))return BR(t);var n=wh(t),r=xne(t),o=n||r?t:t.replace(/ !important.*?$/,""),i=!n&&o.length!==t.length,a=Se[e],s;return a?s=a({value:o,valuesToConvert:_C,propertiesToConvert:IR,isRtl:!0,bgImgDirectionRegex:Dne,bgPosDirectionRegex:Pne}):s=_C[o]||o,i?s+" !important":s}var bn="-ms-",zh="-moz-",Qt="-webkit-",RR="comm",Ub="rule",IT="decl",jne="@import",OR="@keyframes",zne=Math.abs,qb=String.fromCharCode,Hne=Object.assign;function Une(e,t){return(((t<<2^Co(e,0))<<2^Co(e,1))<<2^Co(e,2))<<2^Co(e,3)}function DR(e){return e.trim()}function Hl(e,t){return(e=t.exec(e))?e[0]:e}function xt(e,t,n){return e.replace(t,n)}function Og(e,t){return e.indexOf(t)}function Co(e,t){return e.charCodeAt(t)|0}function qd(e,t,n){return e.slice(t,n)}function Ks(e){return e.length}function BT(e){return e.length}function kc(e,t){return t.push(e),e}function qne(e,t){return e.map(t).join("")}var $b=1,$d=1,PR=0,bi=0,Un=0,i1="";function Wb(e,t,n,r,o,i,a){return{value:e,root:t,parent:n,type:r,props:o,children:i,line:$b,column:$d,length:a,return:""}}function oh(e,t){return Hne(Wb("",null,null,"",null,null,0),e,{length:-e.length},t)}function $ne(){return Un}function Wne(){return Un=bi>0?Co(i1,--bi):0,$d--,Un===10&&($d=1,$b--),Un}function Gi(){return Un=bi<PR?Co(i1,bi++):0,$d++,Un===10&&($d=1,$b++),Un}function Fc(){return Co(i1,bi)}function Dg(){return bi}function Gb(e,t){return qd(i1,e,t)}function zv(e){switch(e){case 0:case 9:case 10:case 13:case 32:return 5;case 33:case 43:case 44:case 47:case 62:case 64:case 126:case 59:case 123:case 125:return 4;case 58:return 3;case 34:case 39:case 40:case 91:return 2;case 41:case 93:return 1}return 0}function MR(e){return $b=$d=1,PR=Ks(i1=e),bi=0,[]}function LR(e){return i1="",e}function Pg(e){return DR(Gb(bi-1,__(e===91?e+2:e===40?e+1:e)))}function Gne(e){return LR(Vne(MR(e)))}function Kne(e){for(;(Un=Fc())&&Un<33;)Gi();return zv(e)>2||zv(Un)>3?"":" "}function Vne(e){for(;Gi();)switch(zv(Un)){case 0:kc(jR(bi-1),e);break;case 2:kc(Pg(Un),e);break;default:kc(qb(Un),e)}return e}function Yne(e,t){for(;--t&&Gi()&&!(Un<48||Un>102||Un>57&&Un<65||Un>70&&Un<97););return Gb(e,Dg()+(t<6&&Fc()==32&&Gi()==32))}function __(e){for(;Gi();)switch(Un){case e:return bi;case 34:case 39:e!==34&&e!==39&&__(Un);break;case 40:e===41&&__(e);break;case 92:Gi();break}return bi}function Qne(e,t){for(;Gi()&&e+Un!==47+10;)if(e+Un===42+42&&Fc()===47)break;return"/*"+Gb(t,bi-1)+"*"+qb(e===47?e:Gi())}function jR(e){for(;!zv(Fc());)Gi();return Gb(e,bi)}function zR(e){return LR(Mg("",null,null,null,[""],e=MR(e),0,[0],e))}function Mg(e,t,n,r,o,i,a,s,l){for(var u=0,d=0,h=a,p=0,m=0,v=0,_=1,b=1,E=1,w=0,k="",y=o,F=i,C=r,A=k;b;)switch(v=w,w=Gi()){case 40:if(v!=108&&A.charCodeAt(h-1)==58){Og(A+=xt(Pg(w),"&","&\f"),"&\f")!=-1&&(E=-1);break}case 34:case 39:case 91:A+=Pg(w);break;case 9:case 10:case 13:case 32:A+=Kne(v);break;case 92:A+=Yne(Dg()-1,7);continue;case 47:switch(Fc()){case 42:case 47:kc(Xne(Qne(Gi(),Dg()),t,n),l);break;default:A+="/"}break;case 123*_:s[u++]=Ks(A)*E;case 125*_:case 59:case 0:switch(w){case 0:case 125:b=0;case 59+d:m>0&&Ks(A)-h&&kc(m>32?wC(A+";",r,n,h-1):wC(xt(A," ","")+";",r,n,h-2),l);break;case 59:A+=";";default:if(kc(C=TC(A,t,n,u,d,o,s,k,y=[],F=[],h),i),w===123)if(d===0)Mg(A,t,C,C,y,i,h,s,F);else switch(p){case 100:case 109:case 115:Mg(e,C,C,r&&kc(TC(e,C,C,0,0,o,s,k,o,y=[],h),F),o,F,h,s,r?y:F);break;default:Mg(A,C,C,C,[""],F,0,s,F)}}u=d=m=0,_=E=1,k=A="",h=a;break;case 58:h=1+Ks(A),m=v;default:if(_<1){if(w==123)--_;else if(w==125&&_++==0&&Wne()==125)continue}switch(A+=qb(w),w*_){case 38:E=d>0?1:(A+="\f",-1);break;case 44:s[u++]=(Ks(A)-1)*E,E=1;break;case 64:Fc()===45&&(A+=Pg(Gi())),p=Fc(),d=h=Ks(k=A+=jR(Dg())),w++;break;case 45:v===45&&Ks(A)==2&&(_=0)}}return i}function TC(e,t,n,r,o,i,a,s,l,u,d){for(var h=o-1,p=o===0?i:[""],m=BT(p),v=0,_=0,b=0;v<r;++v)for(var E=0,w=qd(e,h+1,h=zne(_=a[v])),k=e;E<m;++E)(k=DR(_>0?p[E]+" "+w:xt(w,/&\f/g,p[E])))&&(l[b++]=k);return Wb(e,t,n,o===0?Ub:s,l,u,d)}function Xne(e,t,n){return Wb(e,t,n,RR,qb($ne()),qd(e,2,-2),0)}function wC(e,t,n,r){return Wb(e,t,n,IT,qd(e,0,r),qd(e,r+1,-1),r)}function HR(e,t,n){switch(Une(e,t)){case 5103:return Qt+"print-"+e+e;case 5737:case 4201:case 3177:case 3433:case 1641:case 4457:case 2921:case 5572:case 6356:case 5844:case 3191:case 6645:case 3005:case 6391:case 5879:case 5623:case 6135:case 4599:case 4855:case 4215:case 6389:case 5109:case 5365:case 5621:case 3829:return Qt+e+e;case 4789:return zh+e+e;case 5349:case 4246:case 4810:case 6968:case 2756:return Qt+e+zh+e+bn+e+e;case 6828:case 4268:return Qt+e+bn+e+e;case 6165:return Qt+e+bn+"flex-"+e+e;case 5187:return Qt+e+xt(e,/(\w+).+(:[^]+)/,Qt+"box-$1$2"+bn+"flex-$1$2")+e;case 5443:return Qt+e+bn+"flex-item-"+xt(e,/flex-|-self/g,"")+(Hl(e,/flex-|baseline/)?"":bn+"grid-row-"+xt(e,/flex-|-self/g,""))+e;case 4675:return Qt+e+bn+"flex-line-pack"+xt(e,/align-content|flex-|-self/g,"")+e;case 5548:return Qt+e+bn+xt(e,"shrink","negative")+e;case 5292:return Qt+e+bn+xt(e,"basis","preferred-size")+e;case 6060:return Qt+"box-"+xt(e,"-grow","")+Qt+e+bn+xt(e,"grow","positive")+e;case 4554:return Qt+xt(e,/([^-])(transform)/g,"$1"+Qt+"$2")+e;case 6187:return xt(xt(xt(e,/(zoom-|grab)/,Qt+"$1"),/(image-set)/,Qt+"$1"),e,"")+e;case 5495:case 3959:return xt(e,/(image-set\([^]*)/,Qt+"$1$`$1");case 4968:return xt(xt(e,/(.+:)(flex-)?(.*)/,Qt+"box-pack:$3"+bn+"flex-pack:$3"),/s.+-b[^;]+/,"justify")+Qt+e+e;case 4200:if(!Hl(e,/flex-|baseline/))return bn+"grid-column-align"+qd(e,t)+e;break;case 2592:case 3360:return bn+xt(e,"template-","")+e;case 4384:case 3616:return n&&n.some(function(r,o){return t=o,Hl(r.props,/grid-\w+-end/)})?~Og(e+(n=n[t].value),"span")?e:bn+xt(e,"-start","")+e+bn+"grid-row-span:"+(~Og(n,"span")?Hl(n,/\d+/):+Hl(n,/\d+/)-+Hl(e,/\d+/))+";":bn+xt(e,"-start","")+e;case 4896:case 4128:return n&&n.some(function(r){return Hl(r.props,/grid-\w+-start/)})?e:bn+xt(xt(e,"-end","-span"),"span ","")+e;case 4095:case 3583:case 4068:case 2532:return xt(e,/(.+)-inline(.+)/,Qt+"$1$2")+e;case 8116:case 7059:case 5753:case 5535:case 5445:case 5701:case 4933:case 4677:case 5533:case 5789:case 5021:case 4765:if(Ks(e)-1-t>6)switch(Co(e,t+1)){case 109:if(Co(e,t+4)!==45)break;case 102:return xt(e,/(.+:)(.+)-([^]+)/,"$1"+Qt+"$2-$3$1"+zh+(Co(e,t+3)==108?"$3":"$2-$3"))+e;case 115:return~Og(e,"stretch")?HR(xt(e,"stretch","fill-available"),t,n)+e:e}break;case 5152:case 5920:return xt(e,/(.+?):(\d+)(\s*\/\s*(span)?\s*(\d+))?(.*)/,function(r,o,i,a,s,l,u){return bn+o+":"+i+u+(a?bn+o+"-span:"+(s?l:+l-+i)+u:"")+e});case 4949:if(Co(e,t+6)===121)return xt(e,":",":"+Qt)+e;break;case 6444:switch(Co(e,Co(e,14)===45?18:11)){case 120:return xt(e,/(.+:)([^;\s!]+)(;|(\s+)?!.+)?/,"$1"+Qt+(Co(e,14)===45?"inline-":"")+"box$3$1"+Qt+"$2$3$1"+bn+"$2box$3")+e;case 100:return xt(e,":",":"+bn)+e}break;case 5936:switch(Co(e,t+11)){case 114:return Qt+e+bn+xt(e,/[svh]\w+-[tblr]{2}/,"tb")+e;case 108:return Qt+e+bn+xt(e,/[svh]\w+-[tblr]{2}/,"tb-rl")+e;case 45:return Qt+e+bn+xt(e,/[svh]\w+-[tblr]{2}/,"lr")+e}case 2903:return Qt+e+bn+e+e;case 5719:case 2647:case 2135:case 3927:case 2391:return xt(e,"scroll-","scroll-snap-")+e}return e}function Ic(e,t){for(var n="",r=BT(e),o=0;o<r;o++)n+=t(e[o],o,e,t)||"";return n}function UR(e,t,n,r){switch(e.type){case jne:case IT:return e.return=e.return||e.value;case RR:return"";case OR:return e.return=e.value+"{"+Ic(e.children,r)+"}";case Ub:e.value=e.props.join(",")}return Ks(n=Ic(e.children,r))?e.return=e.value+"{"+n+"}":""}function qR(e){var t=BT(e);return function(n,r,o,i){for(var a="",s=0;s<t;s++)a+=e[s](n,r,o,i)||"";return a}}function $R(e){return function(t){t.root||(t=t.return)&&e(t)}}function WR(e,t,n,r){if(e.length>-1&&!e.return)switch(e.type){case IT:e.return=HR(e.value,e.length,n);return;case OR:return Ic([oh(e,{value:xt(e.value,"@","@"+Qt)})],r);case Ub:if(e.length)return qne(e.props,function(o){switch(Hl(o,/(::plac\w+|:read-\w+)/)){case":read-only":case":read-write":return Ic([oh(e,{props:[xt(o,/:(read-\w+)/,":"+zh+"$1")]})],r);case"::placeholder":return Ic([oh(e,{props:[xt(o,/:(plac\w+)/,":"+Qt+"input-$1")]}),oh(e,{props:[xt(o,/:(plac\w+)/,":"+zh+"$1")]}),oh(e,{props:[xt(o,/:(plac\w+)/,bn+"input-$1")]})],r)}return""})}}const Zne=e=>{switch(e.type){case Ub:if(typeof e.props=="string")return;e.props=e.props.map(t=>t.indexOf(":global(")===-1?t:Gne(t).reduce((n,r,o,i)=>{if(r==="")return n;if(r===":"&&i[o+1]==="global"){const a=i[o+2].slice(1,-1)+" ";return n.unshift(a),i[o+1]="",i[o+2]="",n}return n.push(r),n},[]).join(""))}},Jne=/[A-Z]/g,ere=/^ms-/,W2={};function tre(e){return"-"+e.toLowerCase()}function kh(e){if(Object.prototype.hasOwnProperty.call(W2,e))return W2[e];if(e.substr(0,2)==="--")return e;const t=e.replace(Jne,tre);return W2[e]=ere.test(t)?"-"+t:t}function GR(e){return e.charAt(0)==="&"?e.slice(1):e}const nre=/,( *[^ &])/g;function rre(e){return"&"+GR(e.replace(nre,",&$1"))}function ore(e){const t=[];return Ic(zR(e),qR([Zne,WR,UR,$R(n=>t.push(n))])),t}function kC(e,t,n){let r=t;return n.length>0&&(r=n.reduceRight((o,i)=>`${rre(i)} { ${o} }`,t)),`${e}{${r}}`}function SC(e){const{className:t,media:n,layer:r,selectors:o,support:i,property:a,rtlClassName:s,rtlProperty:l,rtlValue:u,value:d}=e,h=`.${t}`,p=Array.isArray(d)?`${d.map(v=>`${kh(a)}: ${v}`).join(";")};`:`${kh(a)}: ${d};`;let m=kC(h,p,o);if(l&&s){const v=`.${s}`,_=Array.isArray(u)?`${u.map(b=>`${kh(l)}: ${b}`).join(";")};`:`${kh(l)}: ${u};`;m+=kC(v,_,o)}return n&&(m=`@media ${n} { ${m} }`),r&&(m=`@layer ${r} { ${m} }`),i&&(m=`@supports ${i} { ${m} }`),ore(m)}function ire(e){let t="";for(const n in e){const r=e[n];typeof r!="string"&&typeof r!="number"||(t+=kh(n)+":"+r+";")}return t}function xC(e){let t="";for(const n in e)t+=`${n}{${ire(e[n])}}`;return t}function CC(e,t){const n=`@keyframes ${e} {${t}}`,r=[];return Ic(zR(n),qR([WR,UR,$R(o=>r.push(o))])),r}function AC(e,t){return e.length===0?t:`${e} and ${t}`}function are(e){return e.substr(0,6)==="@media"}function sre(e){return e.substr(0,6)==="@layer"}const lre=/^(:|\[|>|&)/;function ure(e){return lre.test(e)}function cre(e){return e.substr(0,9)==="@supports"}function fre(e){return e!=null&&typeof e=="object"&&Array.isArray(e)===!1}const NC={"us-w":"w","us-v":"i",nk:"l",si:"v",cu:"f",ve:"h",ti:"a"};function FC(e,t,n,r){if(n)return"m";if(t||r)return"t";if(e.length>0){const o=e[0].trim();if(o.charCodeAt(0)===58)return NC[o.slice(4,8)]||NC[o.slice(3,5)]||"d"}return"d"}function zm({media:e,layer:t,property:n,selectors:r,support:o,value:i}){const a=Ud(r.join("")+e+t+o+n+i.trim());return b_+a}function IC(e,t,n,r){const o=e.join("")+t+n+r,i=Ud(o),a=i.charCodeAt(0);return a>=48&&a<=57?String.fromCharCode(a+17)+i.substr(1):i}function BC(e,t,n,r){e[t]=r?[n,r]:n}function RC(e,t){return t?[e,t]:e}function G2(e,t,n,r,o){var i;let a;t==="m"&&o&&(a={m:o}),(i=e[t])!==null&&i!==void 0||(e[t]=[]),n&&e[t].push(RC(n,a)),r&&e[t].push(RC(r,a))}function $f(e,t=[],n="",r="",o="",i={},a={},s){for(const l in e){if(mne.hasOwnProperty(l))continue;const u=e[l];if(u!=null){if(typeof u=="string"||typeof u=="number"){const d=IC(t,n,o,l),h=zm({media:n,layer:r,value:u.toString(),support:o,selectors:t,property:l}),p=s&&{key:l,value:s}||E_(l,u),m=p.key!==l||p.value!==u,v=m?zm({value:p.value.toString(),property:p.key,selectors:t,media:n,layer:r,support:o}):void 0,_=m?{rtlClassName:v,rtlProperty:p.key,rtlValue:p.value}:void 0,b=FC(t,r,n,o),[E,w]=SC(Object.assign({className:h,media:n,layer:r,selectors:t,property:l,support:o,value:u},_));BC(i,d,h,v),G2(a,b,E,w,n)}else if(l==="animationName"){const d=Array.isArray(u)?u:[u],h=[],p=[];for(const m of d){const v=xC(m),_=xC(BR(m)),b=b_+Ud(v);let E;const w=CC(b,v);let k=[];v===_?E=b:(E=b_+Ud(_),k=CC(E,_));for(let y=0;y<w.length;y++)G2(a,"k",w[y],k[y],n);h.push(b),p.push(E)}$f({animationName:h.join(", ")},t,n,r,o,i,a,p.join(", "))}else if(Array.isArray(u)){if(u.length===0)continue;const d=IC(t,n,o,l),h=zm({media:n,layer:r,value:u.map(y=>(y??"").toString()).join(";"),support:o,selectors:t,property:l}),p=u.map(y=>E_(l,y));if(!!p.some(y=>y.key!==p[0].key))continue;const v=p[0].key!==l||p.some((y,F)=>y.value!==u[F]),_=v?zm({value:p.map(y=>{var F;return((F=y==null?void 0:y.value)!==null&&F!==void 0?F:"").toString()}).join(";"),property:p[0].key,selectors:t,layer:r,media:n,support:o}):void 0,b=v?{rtlClassName:_,rtlProperty:p[0].key,rtlValue:p.map(y=>y.value)}:void 0,E=FC(t,r,n,o),[w,k]=SC(Object.assign({className:h,media:n,layer:r,selectors:t,property:l,support:o,value:u},b));BC(i,d,h,_),G2(a,E,w,k,n)}else if(fre(u)){if(ure(l))$f(u,t.concat(GR(l)),n,r,o,i,a);else if(are(l)){const d=AC(n,l.slice(6).trim());$f(u,t,d,r,o,i,a)}else if(sre(l)){const d=(r?`${r}.`:"")+l.slice(6).trim();$f(u,t,n,d,o,i,a)}else if(cre(l)){const d=AC(o,l.slice(9).trim());$f(u,t,n,r,d,i,a)}}}}return[i,a]}function dre(e){const t={},n={};for(const r in e){const o=e[r],[i,a]=$f(o);t[r]=i,Object.keys(a).forEach(s=>{n[s]=(n[s]||[]).concat(a[s])})}return[t,n]}function hre(e){const t={};let n=null,r=null,o=null,i=null;function a(s){const{dir:l,renderer:u}=s;n===null&&([n,r]=dre(e));const d=l==="ltr",h=d?u.id:u.id+"r";return d?o===null&&(o=jv(n,l)):i===null&&(i=jv(n,l)),t[h]===void 0&&(u.insertCSSRules(r),t[h]=!0),d?o:i}return a}function KR(e,t){const n={};let r=null,o=null;function i(a){const{dir:s,renderer:l}=a,u=s==="ltr",d=u?l.id:l.id+"r";return u?r===null&&(r=jv(e,s)):o===null&&(o=jv(e,s)),n[d]===void 0&&(l.insertCSSRules(t),n[d]=!0),u?r:o}return i}function pre(e,t,n){const r={};function o(i){const{dir:a,renderer:s}=i,l=a==="ltr",u=l?s.id:s.id+"r";return r[u]===void 0&&(s.insertCSSRules({r:n}),r[u]=!0),l?e:t||e}return o}const mt={border:jte,borderLeft:zte,borderBottom:Hte,borderRight:Ute,borderTop:qte,borderColor:xR,borderStyle:SR,borderRadius:$te,borderWidth:kR,flex:Yte,gap:Qte,gridArea:tne,margin:nne,padding:rne,overflow:one,inset:ine,outline:ane,transition:sne},mre=T.createContext(kne());function ep(){return T.useContext(mre)}const VR=T.createContext("ltr"),gre=({children:e,dir:t})=>T.createElement(VR.Provider,{value:t},e);function RT(){return T.useContext(VR)}function OT(e){const t=hre(e);return function(){const r=RT(),o=ep();return t({dir:r,renderer:o})}}function pt(e,t){const n=KR(e,t);return function(){const o=RT(),i=ep();return n({dir:o,renderer:i})}}function $c(e,t,n){const r=pre(e,t,n);return function(){const i=RT(),a=ep();return r({dir:i,renderer:a})}}const YR=T.createContext(void 0),vre=YR.Provider,QR=T.createContext(void 0),bre="",yre=QR.Provider;function XR(){var e;return(e=T.useContext(QR))!==null&&e!==void 0?e:bre}const ZR=T.createContext(void 0),Ere={},_re=ZR.Provider;function Tre(){var e;return(e=T.useContext(ZR))!==null&&e!==void 0?e:Ere}const JR=T.createContext(void 0),wre={targetDocument:typeof document=="object"?document:void 0,dir:"ltr"},kre=JR.Provider;function Oo(){var e;return(e=T.useContext(JR))!==null&&e!==void 0?e:wre}const eO=T.createContext(void 0),Sre=eO.Provider;function tO(){var e;return(e=T.useContext(eO))!==null&&e!==void 0?e:{}}function xre(e,t){const n={};for(const r in e)t.indexOf(r)===-1&&e.hasOwnProperty(r)&&(n[r]=e[r]);return n}function Jn(e){const t={},n={},r=Object.keys(e.components);for(const o of r){const[i,a]=Cre(e,o);t[o]=i,n[o]=a}return{slots:t,slotProps:n}}function Cre(e,t){var n,r,o;if(e[t]===void 0)return[null,void 0];const{children:i,as:a,...s}=e[t],l=((n=e.components)===null||n===void 0?void 0:n[t])===void 0||typeof e.components[t]=="string"?a||((r=e.components)===null||r===void 0?void 0:r[t])||"div":e.components[t];if(typeof i=="function"){const h=i;return[T.Fragment,{children:h(l,s)}]}const d=typeof l=="string"&&((o=e[t])===null||o===void 0?void 0:o.as)?xre(e[t],["as"]):e[t];return[l,d]}const $t=(e,t)=>{const{required:n=!1,defaultProps:r}=t||{};if(e===null||e===void 0&&!n)return;let o={};return typeof e=="string"||typeof e=="number"||Array.isArray(e)||T.isValidElement(e)?o.children=e:typeof e=="object"&&(o=e),r?{...r,...o}:o};function Are(e){return e!==null&&typeof e=="object"&&!Array.isArray(e)&&!T.isValidElement(e)}function Nre(e){return typeof e=="function"}const Wc=e=>{const t=Fre(e.state),n=typeof e.defaultState>"u"?e.initialState:e.defaultState,[r,o]=T.useState(n),i=t?e.state:r,a=T.useRef(i);T.useEffect(()=>{a.current=i},[i]);const s=T.useCallback(l=>{Nre(l)?a.current=l(a.current):a.current=l,o(a.current)},[]);return[i,s]},Fre=e=>{const[t]=T.useState(()=>e!==void 0);return t};function DT(){return typeof window<"u"&&!!(window.document&&window.document.createElement)}const nO={current:0},Ire=T.createContext(void 0);function rO(){var e;return(e=T.useContext(Ire))!==null&&e!==void 0?e:nO}function Bre(){const e=rO()!==nO,[t,n]=T.useState(e);return DT()&&e&&T.useLayoutEffect(()=>{n(!1)},[]),t}const us=DT()?T.useLayoutEffect:T.useEffect,Et=e=>{const t=T.useRef(()=>{throw new Error("Cannot call an event handler while rendering")});return us(()=>{t.current=e},[e]),T.useCallback((...n)=>{const r=t.current;return r(...n)},[t])},oO=T.createContext(void 0);oO.Provider;function Rre(){return T.useContext(oO)||""}function lo(e="fui-",t){const n=rO(),r=Rre(),o=n0["useId"];return o?t||`${r}${e}${o()}`:T.useMemo(()=>t||`${r}${e}${++n.current}`,[r,e,t,n])}function cs(...e){const t=T.useCallback(n=>{t.current=n;for(const r of e)typeof r=="function"?r(n):r&&(r.current=n)},[...e]);return t}const iO=e=>{const{refs:t,callback:n,element:r,disabled:o,contains:i}=e,a=T.useRef(void 0);Dre(!o,r,n);const s=Et(l=>{const u=i||((h,p)=>!!(h!=null&&h.contains(p)));t.every(h=>!u(h.current||null,l.target))&&!o&&n(l)});T.useEffect(()=>{let l=Ore(window);const u=d=>{if(d===l){l=void 0;return}s(d)};return o||(r==null||r.addEventListener("click",u,!0),r==null||r.addEventListener("touchstart",u,!0),r==null||r.addEventListener("contextmenu",u,!0)),a.current=window.setTimeout(()=>{l=void 0},1),()=>{r==null||r.removeEventListener("click",u,!0),r==null||r.removeEventListener("touchstart",u,!0),r==null||r.removeEventListener("contextmenu",u,!0),clearTimeout(a.current),l=void 0}},[s,r,o])},Ore=e=>{var t,n,r;if(e)return typeof e.window=="object"&&e.window===e?e.event:(r=(n=(t=e.ownerDocument)===null||t===void 0?void 0:t.defaultView)===null||n===void 0?void 0:n.event)!==null&&r!==void 0?r:void 0},K2="fuiframefocus",Dre=(e,t,n,r=1e3)=>{const o=T.useRef(),i=Et(a=>{n&&n(a)});T.useEffect(()=>(e&&(t==null||t.addEventListener(K2,i,!0)),()=>{t==null||t.removeEventListener(K2,i,!0)}),[t,e,i]),T.useEffect(()=>{var a;return e&&(o.current=(a=t==null?void 0:t.defaultView)===null||a===void 0?void 0:a.setInterval(()=>{const s=t==null?void 0:t.activeElement;if((s==null?void 0:s.tagName)==="IFRAME"||(s==null?void 0:s.tagName)==="WEBVIEW"){const l=new CustomEvent(K2,{bubbles:!0});s.dispatchEvent(l)}},r)),()=>{var s;(s=t==null?void 0:t.defaultView)===null||s===void 0||s.clearTimeout(o.current)}},[t,e,r])},aO=e=>{const{refs:t,callback:n,element:r,disabled:o,contains:i}=e,a=Et(s=>{const l=i||((d,h)=>!!(d!=null&&d.contains(h)));t.every(d=>!l(d.current||null,s.target))&&!o&&n(s)});T.useEffect(()=>(o||(r==null||r.addEventListener("wheel",a),r==null||r.addEventListener("touchmove",a)),()=>{r==null||r.removeEventListener("wheel",a),r==null||r.removeEventListener("touchmove",a)}),[a,r,o])};function Pre(){const[e]=T.useState(()=>({id:void 0,set:(t,n)=>{e.clear(),e.id=setTimeout(t,n)},clear:()=>{e.id!==void 0&&(clearTimeout(e.id),e.id=void 0)}}));return T.useEffect(()=>e.clear,[e]),[e.set,e.clear]}const _n=(...e)=>{const t={};for(const n of e){const r=Array.isArray(n)?n:Object.keys(n);for(const o of r)t[o]=1}return t},Mre=_n(["onAuxClick","onCopy","onCut","onPaste","onCompositionEnd","onCompositionStart","onCompositionUpdate","onFocus","onFocusCapture","onBlur","onBlurCapture","onChange","onInput","onSubmit","onLoad","onError","onKeyDown","onKeyDownCapture","onKeyPress","onKeyUp","onAbort","onCanPlay","onCanPlayThrough","onDurationChange","onEmptied","onEncrypted","onEnded","onLoadedData","onLoadedMetadata","onLoadStart","onPause","onPlay","onPlaying","onProgress","onRateChange","onSeeked","onSeeking","onStalled","onSuspend","onTimeUpdate","onVolumeChange","onWaiting","onClick","onClickCapture","onContextMenu","onDoubleClick","onDrag","onDragEnd","onDragEnter","onDragExit","onDragLeave","onDragOver","onDragStart","onDrop","onMouseDown","onMouseDownCapture","onMouseEnter","onMouseLeave","onMouseMove","onMouseOut","onMouseOver","onMouseUp","onMouseUpCapture","onSelect","onTouchCancel","onTouchEnd","onTouchMove","onTouchStart","onScroll","onWheel","onPointerCancel","onPointerDown","onPointerEnter","onPointerLeave","onPointerMove","onPointerOut","onPointerOver","onPointerUp","onGotPointerCapture","onLostPointerCapture"]),Lre=_n(["accessKey","children","className","contentEditable","dir","draggable","hidden","htmlFor","id","lang","ref","role","style","tabIndex","title","translate","spellCheck","name"]),jre=_n(["itemID","itemProp","itemRef","itemScope","itemType"]),gr=_n(Lre,Mre,jre),zre=_n(gr,["form"]),sO=_n(gr,["height","loop","muted","preload","src","width"]),Hre=_n(sO,["poster"]),Ure=_n(gr,["start"]),qre=_n(gr,["value"]),$re=_n(gr,["download","href","hrefLang","media","rel","target","type"]),Wre=_n(gr,["dateTime"]),Kb=_n(gr,["autoFocus","disabled","form","formAction","formEncType","formMethod","formNoValidate","formTarget","type","value"]),Gre=_n(Kb,["accept","alt","autoCapitalize","autoComplete","checked","dirname","form","height","inputMode","list","max","maxLength","min","multiple","pattern","placeholder","readOnly","required","src","step","size","type","value","width"]),Kre=_n(Kb,["autoCapitalize","cols","dirname","form","maxLength","placeholder","readOnly","required","rows","wrap"]),Vre=_n(Kb,["form","multiple","required"]),Yre=_n(gr,["selected","value"]),Qre=_n(gr,["cellPadding","cellSpacing"]),Xre=gr,Zre=_n(gr,["colSpan","rowSpan","scope"]),Jre=_n(gr,["colSpan","headers","rowSpan","scope"]),eoe=_n(gr,["span"]),toe=_n(gr,["span"]),noe=_n(gr,["disabled","form"]),roe=_n(gr,["acceptCharset","action","encType","encType","method","noValidate","target"]),ooe=_n(gr,["allow","allowFullScreen","allowPaymentRequest","allowTransparency","csp","height","importance","referrerPolicy","sandbox","src","srcDoc","width"]),ioe=_n(gr,["alt","crossOrigin","height","src","srcSet","useMap","width"]),aoe=_n(gr,["open","onCancel","onClose"]);function soe(e,t,n){const r=Array.isArray(t),o={},i=Object.keys(e);for(const a of i)(!r&&t[a]||r&&t.indexOf(a)>=0||a.indexOf("data-")===0||a.indexOf("aria-")===0)&&(!n||(n==null?void 0:n.indexOf(a))===-1)&&(o[a]=e[a]);return o}const loe={label:zre,audio:sO,video:Hre,ol:Ure,li:qre,a:$re,button:Kb,input:Gre,textarea:Kre,select:Vre,option:Yre,table:Qre,tr:Xre,th:Zre,td:Jre,colGroup:eoe,col:toe,fieldset:noe,form:roe,iframe:ooe,img:ioe,time:Wre,dialog:aoe};function vr(e,t,n){const r=e&&loe[e]||gr;return r.as=1,soe(t,r,n)}const lO=({primarySlotTagName:e,props:t,excludedPropNames:n})=>({root:{style:t.style,className:t.className},primary:vr(e,t,[...n||[],"style","className"])});function Vn(e,t){return(...n)=>{e==null||e(...n),t==null||t(...n)}}function uO(e){return!!e.type.isFluentTriggerComponent}function Vb(e,t){return typeof e=="function"?e(t):e?cO(e,t):e||null}function cO(e,t){if(!T.isValidElement(e)||e.type===T.Fragment)throw new Error("A trigger element must be a single element for this component. Please ensure that you're not using React Fragments.");if(uO(e)){const n=cO(e.props.children,t);return T.cloneElement(e,void 0,n)}else return T.cloneElement(e,t)}function tp(e){return T.isValidElement(e)?uO(e)?tp(e.props.children):e:null}const uoe=(e,t)=>{const{slots:n,slotProps:r}=Jn(e);return T.createElement(kre,{value:t.provider},T.createElement(vre,{value:t.theme},T.createElement(yre,{value:t.themeClassName},T.createElement(_re,{value:t.tooltip},T.createElement(gre,{dir:t.textDirection},T.createElement(Sre,{value:t.overrides_unstable},T.createElement(n.root,{...r.root},e.root.children)))))))};/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const coe=typeof WeakRef<"u";class fO{constructor(t){coe&&typeof t=="object"?this._weakRef=new WeakRef(t):this._instance=t}deref(){var t,n,r;let o;return this._weakRef?(o=(t=this._weakRef)===null||t===void 0?void 0:t.deref(),o||delete this._weakRef):(o=this._instance,!((r=(n=o)===null||n===void 0?void 0:n.isDisposed)===null||r===void 0)&&r.call(n)&&delete this._instance),o}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const wa="keyborg:focusin";function foe(e){const t=e.HTMLElement,n=t.prototype.focus;let r=!1;return t.prototype.focus=function(){r=!0},e.document.createElement("button").focus(),t.prototype.focus=n,r}let V2=!1;function np(e){const t=e.focus;t.__keyborgNativeFocus?t.__keyborgNativeFocus.call(e):e.focus()}function doe(e){const t=e;V2||(V2=foe(t));const n=t.HTMLElement.prototype.focus;if(n.__keyborgNativeFocus)return;t.HTMLElement.prototype.focus=o;const r=t.__keyborgData={focusInHandler:i=>{var a;const s=i.target;if(!s)return;const l=document.createEvent("HTMLEvents");l.initEvent(wa,!0,!0);const u={relatedTarget:i.relatedTarget||void 0};(V2||r.lastFocusedProgrammatically)&&(u.isFocusedProgrammatically=s===((a=r.lastFocusedProgrammatically)===null||a===void 0?void 0:a.deref()),r.lastFocusedProgrammatically=void 0),l.details=u,s.dispatchEvent(l)}};t.document.addEventListener("focusin",t.__keyborgData.focusInHandler,!0);function o(){const i=t.__keyborgData;return i&&(i.lastFocusedProgrammatically=new fO(this)),n.apply(this,arguments)}o.__keyborgNativeFocus=n}function hoe(e){const t=e,n=t.HTMLElement.prototype,r=n.focus.__keyborgNativeFocus,o=t.__keyborgData;o&&(t.document.removeEventListener("focusin",o.focusInHandler,!0),delete t.__keyborgData),r&&(n.focus=r)}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const poe=9,moe=27,goe=500;let dO=0;class voe{constructor(){this.__keyborgCoreRefs={},this._isNavigatingWithKeyboard=!1}add(t){const n=t.id;n in this.__keyborgCoreRefs||(this.__keyborgCoreRefs[n]=new fO(t))}remove(t){delete this.__keyborgCoreRefs[t],Object.keys(this.__keyborgCoreRefs).length===0&&(this._isNavigatingWithKeyboard=!1)}setVal(t){if(this._isNavigatingWithKeyboard!==t){this._isNavigatingWithKeyboard=t;for(const n of Object.keys(this.__keyborgCoreRefs)){const o=this.__keyborgCoreRefs[n].deref();o?o.update(t):this.remove(n)}}}getVal(){return this._isNavigatingWithKeyboard}}const za=new voe;class boe{constructor(t){this._isMouseUsed=!1,this._onFocusIn=r=>{if(this._isMouseUsed){this._isMouseUsed=!1;return}if(za.getVal())return;const o=r.details;o.relatedTarget&&(o.isFocusedProgrammatically||o.isFocusedProgrammatically===void 0||za.setVal(!0))},this._onMouseDown=r=>{r.buttons===0||r.clientX===0&&r.clientY===0&&r.screenX===0&&r.screenY===0||(this._isMouseUsed=!0,za.setVal(!1))},this._onKeyDown=r=>{const o=za.getVal();!o&&r.keyCode===poe?za.setVal(!0):o&&r.keyCode===moe&&this._scheduleDismiss()},this.id="c"+ ++dO,this._win=t;const n=t.document;n.addEventListener(wa,this._onFocusIn,!0),n.addEventListener("mousedown",this._onMouseDown,!0),t.addEventListener("keydown",this._onKeyDown,!0),doe(t),za.add(this)}dispose(){const t=this._win;if(t){this._dismissTimer&&(t.clearTimeout(this._dismissTimer),this._dismissTimer=void 0),hoe(t);const n=t.document;n.removeEventListener(wa,this._onFocusIn,!0),n.removeEventListener("mousedown",this._onMouseDown,!0),t.removeEventListener("keydown",this._onKeyDown,!0),delete this._win,za.remove(this.id)}}isDisposed(){return!!this._win}update(t){var n,r;const o=(r=(n=this._win)===null||n===void 0?void 0:n.__keyborg)===null||r===void 0?void 0:r.refs;if(o)for(const i of Object.keys(o))rp.update(o[i],t)}_scheduleDismiss(){const t=this._win;if(t){this._dismissTimer&&(t.clearTimeout(this._dismissTimer),this._dismissTimer=void 0);const n=t.document.activeElement;this._dismissTimer=t.setTimeout(()=>{this._dismissTimer=void 0;const r=t.document.activeElement;n&&r&&n===r&&za.setVal(!1)},goe)}}}class rp{constructor(t){this._cb=[],this._id="k"+ ++dO,this._win=t;const n=t.__keyborg;n?(this._core=n.core,n.refs[this._id]=this):(this._core=new boe(t),t.__keyborg={core:this._core,refs:{[this._id]:this}})}static create(t){return new rp(t)}static dispose(t){t.dispose()}static update(t,n){t._cb.forEach(r=>r(n))}dispose(){var t;const n=(t=this._win)===null||t===void 0?void 0:t.__keyborg;n!=null&&n.refs[this._id]&&(delete n.refs[this._id],Object.keys(n.refs).length===0&&(n.core.dispose(),delete this._win.__keyborg)),this._cb=[],delete this._core,delete this._win}isNavigatingWithKeyboard(){return za.getVal()}subscribe(t){this._cb.push(t)}unsubscribe(t){const n=this._cb.indexOf(t);n>=0&&this._cb.splice(n,1)}setVal(t){za.setVal(t)}}function Yb(e){return rp.create(e)}function Qb(e){rp.dispose(e)}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const xd="data-tabster",hO="data-tabster-dummy",pO="tabster:deloser",mO="tabster:modalizer",T_="tabster:mover",yoe={Any:0,Accessible:1,Focusable:2},Wf={History:0,DeloserDefault:1,RootDefault:2,DeloserFirst:3,RootFirst:4},Ul={Invisible:0,PartiallyVisible:1,Visible:2},Gf={Both:0,Vertical:1,Horizontal:2,Grid:3},Eoe={Unlimited:0,Limited:1,LimitedTrapFocus:2};var Hm=Object.freeze({__proto__:null,TabsterAttributeName:xd,TabsterDummyInputAttributeName:hO,DeloserEventName:pO,ModalizerEventName:mO,MoverEventName:T_,ObservedElementAccesibilities:yoe,RestoreFocusOrders:Wf,Visibilities:Ul,MoverDirections:Gf,GroupperTabbabilities:Eoe});/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/function Au(e,t){var n;return(n=e.storageEntry(t))===null||n===void 0?void 0:n.tabster}function _oe(e,t,n){var r,o;const i=n||e._noop?void 0:t.getAttribute(xd);let a=e.storageEntry(t),s;if(i)if(i!==((r=a==null?void 0:a.attr)===null||r===void 0?void 0:r.string))try{const h=JSON.parse(i);if(typeof h!="object")throw new Error(`Value is not a JSON object, got '${i}'.`);s={string:i,object:h}}catch{}else return;else if(!a)return;a||(a=e.storageEntry(t,!0)),a.tabster||(a.tabster={});const l=a.tabster||{},u=((o=a.attr)===null||o===void 0?void 0:o.object)||{},d=(s==null?void 0:s.object)||{};for(const h of Object.keys(u))if(!d[h]){if(h==="root"){const p=l[h];p&&e.root.onRoot(p,!0)}else if(h==="modalizer"){const p=l.modalizer;e.modalizer&&p&&e.modalizer.updateModalizer(p,!0)}switch(h){case"deloser":case"root":case"groupper":case"modalizer":case"mover":const p=l[h];p&&(p.dispose(),delete l[h]);break;case"observed":delete l[h],e.observedElement&&e.observedElement.onObservedElementUpdate(t);break;case"focusable":case"outline":case"uncontrolled":delete l[h];break}}for(const h of Object.keys(d))switch(h){case"deloser":l.deloser?l.deloser.setProps(d.deloser):e.deloser&&(l.deloser=e.deloser.createDeloser(t,d.deloser));break;case"root":l.root?l.root.setProps(d.root):l.root=e.root.createRoot(t,d.root),e.root.onRoot(l.root);break;case"modalizer":l.modalizer?l.modalizer.setProps(d.modalizer):e.modalizer&&(l.modalizer=e.modalizer.createModalizer(t,d.modalizer));break;case"focusable":l.focusable=d.focusable;break;case"groupper":l.groupper?l.groupper.setProps(d.groupper):e.groupper&&(l.groupper=e.groupper.createGroupper(t,d.groupper));break;case"mover":l.mover?l.mover.setProps(d.mover):e.mover&&(l.mover=e.mover.createMover(t,d.mover));break;case"observed":e.observedElement&&(l.observed=d.observed,e.observedElement.onObservedElementUpdate(t));break;case"uncontrolled":l.uncontrolled=d.uncontrolled;break;case"outline":e.outline&&(l.outline=d.outline);break;default:console.error(`Unknown key '${h}' in data-tabster attribute value.`)}s?a.attr=s:(Object.keys(l).length===0&&(delete a.tabster,delete a.attr),e.storageEntry(t,!1))}function Toe(e,t,n,r){const o=e.storageEntry(t,!0);if(!o.aug){if(r===void 0)return;o.aug={}}if(r===void 0){if(n in o.aug){const i=o.aug[n];delete o.aug[n],i===null?t.removeAttribute(n):t.setAttribute(n,i)}}else n in o.aug||(o.aug[n]=t.getAttribute(n)),r===null?t.removeAttribute(n):t.setAttribute(n,r);r===void 0&&Object.keys(o.aug).length===0&&(delete o.aug,e.storageEntry(t,!1))}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/function woe(e){const t=e();return t.EventTarget?new t.EventTarget:t.document.createElement("div")}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/let w_;const OC=typeof DOMRect<"u"?DOMRect:class{constructor(e,t,n,r){this.left=e||0,this.top=t||0,this.right=(e||0)+(n||0),this.bottom=(t||0)+(r||0)}};let koe=0;try{document.createTreeWalker(document,NodeFilter.SHOW_ELEMENT),w_=!1}catch{w_=!0}function bl(e){const t=e();let n=t.__tabsterInstanceContext;return n||(n={elementByUId:{},basics:{Promise:t.Promise||void 0,WeakRef:t.WeakRef||void 0},containerBoundingRectCache:{},lastContainerBoundingRectCacheId:0,fakeWeakRefs:[],fakeWeakRefsStarted:!1},t.__tabsterInstanceContext=n),n}function Soe(e){const t=e.__tabsterInstanceContext;t&&(t.elementByUId={},delete t.WeakRef,t.containerBoundingRectCache={},t.containerBoundingRectCacheTimer&&e.clearTimeout(t.containerBoundingRectCacheTimer),t.fakeWeakRefsTimer&&e.clearTimeout(t.fakeWeakRefsTimer),t.fakeWeakRefs=[],delete e.__tabsterInstanceContext)}function xoe(e){const t=e.__tabsterInstanceContext;return new((t==null?void 0:t.basics.WeakMap)||WeakMap)}class gO{constructor(t){this._target=t}deref(){return this._target}static cleanup(t,n){return t._target?n||!Zb(t._target.ownerDocument,t._target)?(delete t._target,!0):!1:!0}}class os{constructor(t,n,r){const o=bl(t);let i;o.WeakRef?i=new o.WeakRef(n):(i=new gO(n),o.fakeWeakRefs.push(i)),this._ref=i,this._data=r}get(){const t=this._ref;let n;return t&&(n=t.deref(),n||delete this._ref),n}getData(){return this._data}}function vO(e,t){const n=bl(e);n.fakeWeakRefs=n.fakeWeakRefs.filter(r=>!gO.cleanup(r,t))}function bO(e){const t=bl(e);t.fakeWeakRefsStarted||(t.fakeWeakRefsStarted=!0,t.WeakRef=Foe(t)),t.fakeWeakRefsTimer||(t.fakeWeakRefsTimer=e().setTimeout(()=>{t.fakeWeakRefsTimer=void 0,vO(e),bO(e)},2*60*1e3))}function Coe(e){const t=bl(e);t.fakeWeakRefsStarted=!1,t.fakeWeakRefsTimer&&(e().clearTimeout(t.fakeWeakRefsTimer),t.fakeWeakRefsTimer=void 0,t.fakeWeakRefs=[])}function Xb(e,t,n){if(t.nodeType!==Node.ELEMENT_NODE)return;const r=w_?n:{acceptNode:n};return e.createTreeWalker(t,NodeFilter.SHOW_ELEMENT,r,!1)}function yO(e,t){let n=t.__tabsterCacheId;const r=bl(e),o=n?r.containerBoundingRectCache[n]:void 0;if(o)return o.rect;const i=t.ownerDocument&&t.ownerDocument.documentElement;if(!i)return new OC;let a=0,s=0,l=i.clientWidth,u=i.clientHeight;if(t!==i){const h=t.getBoundingClientRect();a=Math.max(a,h.left),s=Math.max(s,h.top),l=Math.min(l,h.right),u=Math.min(u,h.bottom)}const d=new OC(a<l?a:-1,s<u?s:-1,a<l?l-a:0,s<u?u-s:0);return n||(n="r-"+ ++r.lastContainerBoundingRectCacheId,t.__tabsterCacheId=n),r.containerBoundingRectCache[n]={rect:d,element:t},r.containerBoundingRectCacheTimer||(r.containerBoundingRectCacheTimer=window.setTimeout(()=>{r.containerBoundingRectCacheTimer=void 0;for(const h of Object.keys(r.containerBoundingRectCache))delete r.containerBoundingRectCache[h].element.__tabsterCacheId;r.containerBoundingRectCache={}},50)),d}function DC(e,t){const n=EO(t);if(n){const r=yO(e,n),o=t.getBoundingClientRect();return o.top>=r.top&&o.bottom<=r.bottom}return!1}function PC(e,t,n){const r=EO(t);if(r){const o=yO(e,r),i=t.getBoundingClientRect();n?r.scrollTop+=i.top-o.top:r.scrollTop+=i.bottom-o.bottom}}function EO(e){const t=e.ownerDocument;if(t){for(let n=e.parentElement;n;n=n.parentElement)if(n.scrollWidth>n.clientWidth||n.scrollHeight>n.clientHeight)return n;return t.documentElement}return null}function Aoe(e){e.__shouldIgnoreFocus=!0}function _O(e){return!!e.__shouldIgnoreFocus}function Noe(e){const t=new Uint32Array(4);if(e.crypto&&e.crypto.getRandomValues)e.crypto.getRandomValues(t);else if(e.msCrypto&&e.msCrypto.getRandomValues)e.msCrypto.getRandomValues(t);else for(let r=0;r<t.length;r++)t[r]=4294967295*Math.random();const n=[];for(let r=0;r<t.length;r++)n.push(t[r].toString(36));return n.push("|"),n.push((++koe).toString(36)),n.push("|"),n.push(Date.now().toString(36)),n.join("")}function Hh(e,t){const n=bl(e);let r=t.__tabsterElementUID;return r||(r=t.__tabsterElementUID=Noe(e())),!n.elementByUId[r]&&Zb(t.ownerDocument,t)&&(n.elementByUId[r]=new os(e,t)),r}function MC(e,t){const n=bl(e);for(const r of Object.keys(n.elementByUId)){const o=n.elementByUId[r],i=o&&o.get();i&&t&&!t.contains(i)||delete n.elementByUId[r]}}function Zb(e,t){var n;return!!(!((n=e==null?void 0:e.body)===null||n===void 0)&&n.contains(t))}function TO(e,t){const n=e.matches||e.matchesSelector||e.msMatchesSelector||e.webkitMatchesSelector;return n&&n.call(e,t)}function wO(e){const t=bl(e);if(t.basics.Promise)return t.basics.Promise;throw new Error("No Promise defined.")}function Foe(e){return e.basics.WeakRef}let Ioe=0;class Jb{constructor(t,n,r){const o=t.getWindow;this._tabster=t,this._element=new os(o,n),this._props={...r},this.id="i"+ ++Ioe}getElement(){return this._element.get()}getProps(){return this._props}setProps(t){this._props={...t}}}class k_{constructor(t,n,r,o){var i;this._focusIn=u=>{const d=this.input;if(this.onFocusIn&&d){const h=es.getLastPhantomFrom()||u.relatedTarget;this.onFocusIn(this,this._isBackward(!0,d,h),h)}},this._focusOut=u=>{this.shouldMoveOut=!1;const d=this.input;if(this.onFocusOut&&d){const h=u.relatedTarget;this.onFocusOut(this,this._isBackward(!1,d,h),h)}};const a=t(),s=a.document.createElement("i");s.tabIndex=0,s.setAttribute("role","none"),s.setAttribute(hO,""),s.setAttribute("aria-hidden","true");const l=s.style;l.position="fixed",l.width=l.height="1px",l.opacity="0.001",l.zIndex="-1",l.setProperty("content-visibility","hidden"),Aoe(s),this.input=s,this.isFirst=r.isFirst,this.isOutside=n,this._isPhantom=(i=r.isPhantom)!==null&&i!==void 0?i:!1,s.addEventListener("focusin",this._focusIn),s.addEventListener("focusout",this._focusOut),s.__tabsterDummyContainer=o,this._isPhantom&&(this._disposeTimer=a.setTimeout(()=>{delete this._disposeTimer,this.dispose()},0),this._clearDisposeTimeout=()=>{this._disposeTimer&&(a.clearTimeout(this._disposeTimer),delete this._disposeTimer),delete this._clearDisposeTimeout})}dispose(){var t;this._clearDisposeTimeout&&this._clearDisposeTimeout();const n=this.input;n&&(delete this.onFocusIn,delete this.onFocusOut,delete this.input,n.removeEventListener("focusin",this._focusIn),n.removeEventListener("focusout",this._focusOut),delete n.__tabsterDummyContainer,(t=n.parentElement)===null||t===void 0||t.removeChild(n))}setTopLeft(t,n){var r;const o=(r=this.input)===null||r===void 0?void 0:r.style;o&&(o.top=`${t}px`,o.left=`${n}px`)}_isBackward(t,n,r){return t&&!r?!this.isFirst:!!(r&&n.compareDocumentPosition(r)&Node.DOCUMENT_POSITION_FOLLOWING)}}const PT={Root:1,Modalizer:2,Mover:3,Groupper:4};class es{constructor(t,n,r,o){this._element=n,this._instance=new Boe(t,n,this,r,o),this.moveOutWithDefaultAction=i=>{var a;(a=this._instance)===null||a===void 0||a.moveOutWithDefaultAction(i)}}_setHandlers(t,n){this._onFocusIn=t,this._onFocusOut=n}getHandler(t){return t?this._onFocusIn:this._onFocusOut}setTabbable(t){var n;(n=this._instance)===null||n===void 0||n.setTabbable(this,t)}dispose(){this._instance&&(this._instance.dispose(this),delete this._instance),delete this._onFocusIn,delete this._onFocusOut}static getLastPhantomFrom(){const t=es._lastPhantomFrom;return delete es._lastPhantomFrom,t}static moveWithPhantomDummy(t,n,r,o){const a=new k_(t.getWindow,!0,{isPhantom:!0,isFirst:!0}).input;if(a){const s=n.parentElement;if(s){let l=r&&!o||!r&&o?n.nextElementSibling:n;if(l)if(o){const u=l.previousElementSibling;u&&u.__tabsterDummyContainer&&(l=u)}else l.__tabsterDummyContainer&&(l=l.nextElementSibling);s.insertBefore(a,l),es._lastPhantomFrom=n,t.getWindow().setTimeout(()=>{delete es._lastPhantomFrom},0),np(a)}}}}class Boe{constructor(t,n,r,o,i){var a;this._wrappers=[],this._isOutside=!1,this._transformElements=[],this._onFocusIn=(d,h,p)=>{this._onFocus(!0,d,h,p)},this._onFocusOut=(d,h,p)=>{this._onFocus(!1,d,h,p)},this.moveOutWithDefaultAction=d=>{const h=this._firstDummy,p=this._lastDummy;h!=null&&h.input&&(p!=null&&p.input)&&(d?(h.shouldMoveOut=!0,h.input.tabIndex=0,h.input.focus()):(p.shouldMoveOut=!0,p.input.tabIndex=0,p.input.focus()))},this.setTabbable=(d,h)=>{var p,m;for(const _ of this._wrappers)if(_.manager===d){_.tabbable=h;break}const v=this._getCurrent();if(v){const _=v.tabbable?0:-1;let b=(p=this._firstDummy)===null||p===void 0?void 0:p.input;b&&(b.tabIndex=_),b=(m=this._lastDummy)===null||m===void 0?void 0:m.input,b&&(b.tabIndex=_)}},this._addTransformOffsets=()=>{const d=this._getWindow();this._scrollTimer&&d.clearTimeout(this._scrollTimer),this._scrollTimer=d.setTimeout(()=>{delete this._scrollTimer,this._reallyAddTransformOffsets()},100)};const s=n.get();if(!s)throw new Error("No element");this._getWindow=t.getWindow;const l=s.__tabsterDummy;if((l||this)._wrappers.push({manager:r,priority:o,tabbable:!0}),l)return l;s.__tabsterDummy=this,this._firstDummy=new k_(this._getWindow,this._isOutside,{isFirst:!0},n),this._lastDummy=new k_(this._getWindow,this._isOutside,{isFirst:!1},n),this._firstDummy.onFocusIn=this._onFocusIn,this._firstDummy.onFocusOut=this._onFocusOut,this._lastDummy.onFocusIn=this._onFocusIn,this._lastDummy.onFocusOut=this._onFocusOut,this._element=n,this._addDummyInputs();const u=(a=n.get())===null||a===void 0?void 0:a.tagName;this._isOutside=(i||u==="UL"||u==="OL"||u==="TABLE")&&!(u==="LI"||u==="TD"||u==="TH"),(typeof process>"u"||{}.NODE_ENV!=="test")&&this._observeMutations()}dispose(t,n){var r,o,i;if((this._wrappers=this._wrappers.filter(s=>s.manager!==t&&!n)).length===0){delete((r=this._element)===null||r===void 0?void 0:r.get()).__tabsterDummy,this._unobserve&&(this._unobserve(),delete this._unobserve);for(const l of this._transformElements)l.removeEventListener("scroll",this._addTransformOffsets);this._transformElements=[];const s=this._getWindow();this._scrollTimer&&(s.clearTimeout(this._scrollTimer),delete this._scrollTimer),this._addTimer&&(s.clearTimeout(this._addTimer),delete this._addTimer),(o=this._firstDummy)===null||o===void 0||o.dispose(),(i=this._lastDummy)===null||i===void 0||i.dispose()}}_onFocus(t,n,r,o){var i;const a=this._getCurrent();a&&((i=a.manager.getHandler(t))===null||i===void 0||i(n,r,o))}_getCurrent(){return this._wrappers.sort((t,n)=>t.tabbable!==n.tabbable?t.tabbable?-1:1:t.priority-n.priority),this._wrappers[0]}_addDummyInputs(){this._addTimer||(this._addTimer=this._getWindow().setTimeout(()=>{var t,n,r;delete this._addTimer;const o=(t=this._element)===null||t===void 0?void 0:t.get(),i=(n=this._firstDummy)===null||n===void 0?void 0:n.input,a=(r=this._lastDummy)===null||r===void 0?void 0:r.input;if(!(!o||!i||!a)){if(this._isOutside){const s=o.parentElement;if(s){const l=o.nextElementSibling;l!==a&&s.insertBefore(a,l),o.previousElementSibling!==i&&s.insertBefore(i,o)}}else{o.lastElementChild!==a&&o.appendChild(a);const s=o.firstElementChild;s&&s!==i&&o.insertBefore(i,s)}this._addTransformOffsets()}},0))}_observeMutations(){var t;if(this._unobserve)return;const n=new MutationObserver(()=>{this._unobserve&&this._addDummyInputs()}),r=(t=this._element)===null||t===void 0?void 0:t.get(),o=this._isOutside?r==null?void 0:r.parentElement:r;o&&(n.observe(o,{childList:!0}),this._unobserve=()=>{n.disconnect()})}_reallyAddTransformOffsets(){var t,n,r,o;const i=((t=this._firstDummy)===null||t===void 0?void 0:t.input)||((n=this._lastDummy)===null||n===void 0?void 0:n.input),a=this._transformElements,s=[],l=new WeakMap,u=new WeakMap;let d=0,h=0;for(const m of a)l.set(m,m);const p=this._getWindow();for(let m=i;m;m=m.parentElement){const v=p.getComputedStyle(m).transform;if(v&&v!=="none"){let _=l.get(m);_||(_=m,_.addEventListener("scroll",this._addTransformOffsets)),s.push(_),u.set(_,_),d+=_.scrollTop,h+=_.scrollLeft}}for(const m of a)u.get(m)||m.removeEventListener("scroll",this._addTransformOffsets);this._transformElements=s,(r=this._firstDummy)===null||r===void 0||r.setTopLeft(d,h),(o=this._lastDummy)===null||o===void 0||o.setTopLeft(d,h)}}function kO(e){let t=null;for(let n=e.lastElementChild;n;n=n.lastElementChild)t=n;return t||void 0}function LC(e,t){let n=e,r=null;for(;n&&!r;)r=t?n.previousElementSibling:n.nextElementSibling,n=n.parentElement;return r||void 0}function Wd(e,t,n){const r=document.createEvent("HTMLEvents");return r.initEvent(t,!0,!0),r.details=n,e.dispatchEvent(r),!r.defaultPrevented}class jC extends es{constructor(t,n,r){super(t,n,PT.Root),this._onDummyInputFocus=o=>{var i;if(o.shouldMoveOut)this._setFocused(!1,!0);else{this._tabster.keyboardNavigation.setNavigatingWithKeyboard(!0);const a=this._element.get();if(a&&(this._setFocused(!0,!0),o.isFirst?this._tabster.focusedElement.focusFirst({container:a}):this._tabster.focusedElement.focusLast({container:a})))return;(i=o.input)===null||i===void 0||i.blur()}},this._setHandlers(this._onDummyInputFocus),this._tabster=t,this._setFocused=r}}class zC extends Jb{constructor(t,n,r,o){super(t,n,o),this._isFocused=!1,this._setFocused=(a,s)=>{if(this._setFocusedTimer&&(this._tabster.getWindow().clearTimeout(this._setFocusedTimer),delete this._setFocusedTimer),this._isFocused===a)return;const l=this._element.get();l&&(a?(this._isFocused=!0,Wd(this._tabster.root.eventTarget,"focus",{element:l,fromAdjacent:s})):this._setFocusedTimer=this._tabster.getWindow().setTimeout(()=>{delete this._setFocusedTimer,this._isFocused=!1,Wd(this._tabster.root.eventTarget,"blur",{element:l,fromAdjacent:s})},0))},this._onFocus=a=>{var s;const l=this._tabster.getWindow();if(this._setTabbableTimer&&(l.clearTimeout(this._setTabbableTimer),delete this._setTabbableTimer),a){const u=Io.getTabsterContext(this._tabster,a);if(u&&this._setFocused(u.root.getElement()===this._element.get()),!u||u.uncontrolled||this._tabster.rootDummyInputs){(s=this._dummyManager)===null||s===void 0||s.setTabbable(!1);return}}else this._setFocused(!1);this._setTabbableTimer=l.setTimeout(()=>{var u;delete this._setTabbableTimer,(u=this._dummyManager)===null||u===void 0||u.setTabbable(!0)},0)},this._onDispose=r;const i=t.getWindow;this.uid=Hh(i,n),(t.controlTab||t.rootDummyInputs)&&(this._dummyManager=new jC(t,this._element,this._setFocused)),t.focusedElement.subscribe(this._onFocus),this._add()}dispose(){var t;this._onDispose(this);const n=this._tabster.getWindow();this._setFocusedTimer&&(n.clearTimeout(this._setFocusedTimer),delete this._setFocusedTimer),this._setTabbableTimer&&(n.clearTimeout(this._setTabbableTimer),delete this._setTabbableTimer),(t=this._dummyManager)===null||t===void 0||t.dispose(),this._remove()}moveOutWithDefaultAction(t){const n=this._dummyManager;if(n)n.moveOutWithDefaultAction(t);else{const r=this.getElement();r&&jC.moveWithPhantomDummy(this._tabster,r,!0,t)}}_add(){}_remove(){}}class Io{constructor(t,n){this._roots={},this.rootById={},this._init=()=>{this._initTimer=void 0},this._onRootDispose=r=>{delete this._roots[r.id]},this._tabster=t,this._win=t.getWindow,this._initTimer=this._win().setTimeout(this._init,0),this._autoRoot=n,this.eventTarget=woe(this._win)}dispose(){const t=this._win();this._autoRootInstance&&(this._autoRootInstance.dispose(),delete this._autoRootInstance,delete this._autoRoot),this._initTimer&&(t.clearTimeout(this._initTimer),this._initTimer=void 0),Object.keys(this._roots).forEach(n=>{this._roots[n]&&(this._roots[n].dispose(),delete this._roots[n])}),this.rootById={}}createRoot(t,n){const r=new zC(this._tabster,t,this._onRootDispose,n);return this._roots[r.id]=r,r}static getRootByUId(t,n){const r=t().__tabsterInstance;return r&&r.root.rootById[n]}static getTabsterContext(t,n,r){r===void 0&&(r={});var o,i,a;if(!n.ownerDocument)return;const s=r.checkRtl;let l,u,d,h,p=!1,m,v,_,b=n;const E={};for(;b&&(!l||s);){const w=Au(t,b);if(s&&v===void 0){const F=b.dir;F&&(v=F.toLowerCase()==="rtl")}if(!w){b=b.parentElement;continue}w.uncontrolled&&(_=b),!h&&(!((o=w.focusable)===null||o===void 0)&&o.excludeFromMover)&&!d&&(p=!0);const k=w.groupper,y=w.mover;!d&&k&&(d=k),!h&&y&&(h=y,m=!!d),!u&&w.modalizer&&(u=w.modalizer),w.root&&(l=w.root),!((i=w.focusable)===null||i===void 0)&&i.ignoreKeydown&&Object.assign(E,w.focusable.ignoreKeydown),b=b.parentElement}if(!l){const w=t.root,k=w._autoRoot;if(k&&!w._autoRootInstance){const y=(a=n.ownerDocument)===null||a===void 0?void 0:a.body;y&&(w._autoRootInstance=new zC(w._tabster,y,w._onRootDispose,k))}l=w._autoRootInstance}return d&&!h&&(m=!0),l?{root:l,modalizer:u,groupper:d,mover:h,isGroupperFirst:m,isRtl:s?!!v:void 0,uncontrolled:_,isExcludedFromMover:p,ignoreKeydown:E}:void 0}onRoot(t,n){n?delete this.rootById[t.uid]:this.rootById[t.uid]=t}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const A0=10;class Roe{}class Ooe extends Roe{constructor(t,n){super(),this.uid=n.uid,this._tabster=t,this._deloser=n}belongsTo(t){return t===this._deloser}unshift(t){this._deloser.unshift(t)}async focusAvailable(){const t=this._deloser.findAvailable();return t?this._tabster.focusedElement.focus(t):!1}async resetFocus(){const t=this._tabster.getWindow;return wO(t).resolve(this._deloser.resetFocus())}}class Doe{constructor(t,n){this._history=[],this._tabster=t,this.rootUId=n}getLength(){return this._history.length}removeDeloser(t){this._history=this._history.filter(n=>!n.belongsTo(t))}hasDeloser(t){return this._history.some(n=>n.belongsTo(t))}}class Poe extends Doe{unshiftToDeloser(t,n){let r;for(let o=0;o<this._history.length;o++)if(this._history[o].belongsTo(t)){r=this._history[o],this._history.splice(o,1);break}r||(r=new Ooe(this._tabster,t)),r.unshift(n),this._history.unshift(r),this._history.splice(A0,this._history.length-A0)}async focusAvailable(t){let n=!!t;for(const r of this._history)if(t&&r.belongsTo(t)&&(n=!1),!n&&await r.focusAvailable())return!0;return!1}async resetFocus(t){let n=!!t;const r={};for(const o of this._history)t&&o.belongsTo(t)&&(n=!1),!n&&!r[o.uid]&&(r[o.uid]=o);for(const o of Object.keys(r))if(await r[o].resetFocus())return!0;return!1}}class Moe{constructor(t){this._history=[],this._tabster=t}dispose(){this._history=[]}process(t){var n;const r=Io.getTabsterContext(this._tabster,t),o=r&&r.root.uid,i=SO.getDeloser(this._tabster,t);if(!o||!i)return;const a=this.make(o,()=>new Poe(this._tabster,o));return(!r||!r.modalizer||!((n=r.modalizer)===null||n===void 0)&&n.isActive())&&a.unshiftToDeloser(i,t),i}make(t,n){let r;for(let o=0;o<this._history.length;o++){const i=this._history[o];if(i.rootUId===t){r=i,this._history.splice(o,1);break}}return r||(r=n()),this._history.unshift(r),this._history.splice(A0,this._history.length-A0),r}removeDeloser(t){this._history.forEach(n=>{n.removeDeloser(t)}),this._history=this._history.filter(n=>n.getLength()>0)}async focusAvailable(t){let n=!!t;for(const r of this._history)if(t&&r.hasDeloser(t)&&(n=!1),!n&&await r.focusAvailable(t))return!0;return!1}async resetFocus(t){let n=!!t;for(const r of this._history)if(t&&r.hasDeloser(t)&&(n=!1),!n&&await r.resetFocus(t))return!0;return!1}}function HC(e,t,n){const r=[],o=/(:|\.|\[|\]|,|=|@)/g,i="\\$1";e.id&&r.push("#"+e.id.replace(o,i)),t!==!1&&e.className&&e.className.split(" ").forEach(l=>{l=l.trim(),l&&r.push("."+l.replace(o,i))});let a=0,s;if(n!==!1&&r.length===0){for(s=e;s;)a++,s=s.previousElementSibling;r.unshift(":nth-child("+a+")")}return r.unshift(e.tagName.toLowerCase()),r.join("")}function Loe(e){if(!Zb(e.ownerDocument,e))return;const t=[HC(e)];let n=e.parentElement;for(;n;){const r=n.tagName==="BODY";if(t.unshift(HC(n,!1,!r)),r)break;n=n.parentElement}return t.join(" ")}class UC extends Jb{constructor(t,n,r,o){super(t,n,o),this._isActive=!1,this._history=[[]],this._snapshotIndex=0,this.isActive=()=>this._isActive,this.setSnapshot=i=>{this._snapshotIndex=i,this._history.length>i+1&&this._history.splice(i+1,this._history.length-i-1),this._history[i]||(this._history[i]=[])},this.focusFirst=()=>{const i=this._element.get();return!!i&&this._tabster.focusedElement.focusFirst({container:i})},this.focusDefault=()=>{const i=this._element.get();return!!i&&this._tabster.focusedElement.focusDefault(i)},this.resetFocus=()=>{const i=this._element.get();return!!i&&this._tabster.focusedElement.resetFocus(i)},this.clearHistory=i=>{const a=this._element.get();if(!a){this._history[this._snapshotIndex]=[];return}this._history[this._snapshotIndex]=this._history[this._snapshotIndex].filter(s=>{const l=s.get();return l&&i?a.contains(l):!1})},this.uid=Hh(t.getWindow,n),this._onDispose=r}dispose(){this._remove(),this._onDispose(this),this._isActive=!1,this._snapshotIndex=0,this._props={},this._history=[]}setActive(t){this._isActive=t}getActions(){return{focusDefault:this.focusDefault,focusFirst:this.focusFirst,resetFocus:this.resetFocus,clearHistory:this.clearHistory,setSnapshot:this.setSnapshot,isActive:this.isActive}}unshift(t){let n=this._history[this._snapshotIndex];for(n=this._history[this._snapshotIndex]=n.filter(r=>{const o=r.get();return o&&o!==t}),n.unshift(new os(this._tabster.getWindow,t,Loe(t)));n.length>A0;)n.pop()}findAvailable(){const t=this._element.get();if(!t||!this._tabster.focusable.isVisible(t))return null;let n=this._props.restoreFocusOrder,r=null;const o=Io.getTabsterContext(this._tabster,t);if(!o)return null;const i=o.root,a=i.getElement();if(!a)return null;if(n===void 0&&(n=i.getProps().restoreFocusOrder),n===Wf.RootDefault&&(r=this._tabster.focusable.findDefault({container:a})),!r&&n===Wf.RootFirst&&(r=this._findFirst(a)),r)return r;const s=this._findInHistory(),l=this._tabster.focusable.findDefault({container:t}),u=this._findFirst(t);return s&&n===Wf.History?s:l&&n===Wf.DeloserDefault?l:u&&n===Wf.DeloserFirst?u:l||s||u||null}customFocusLostHandler(t){return Wd(t,pO,this.getActions())}_findInHistory(){const t=this._history[this._snapshotIndex].slice(0);this.clearHistory(!0);for(let n=0;n<t.length;n++){const r=t[n],o=r.get(),i=this._element.get();if(o&&i&&i.contains(o)){if(this._tabster.focusable.isFocusable(o))return o}else if(!this._props.noSelectorCheck){const a=r.getData();if(a&&i){let s;try{s=i.ownerDocument.querySelectorAll(a)}catch{continue}for(let l=0;l<s.length;l++){const u=s[l];if(u&&this._tabster.focusable.isFocusable(u))return u}}}}return null}_findFirst(t){if(this._tabster.keyboardNavigation.isNavigatingWithKeyboard()){const n=this._tabster.focusable.findFirst({container:t});if(n)return n}return null}_remove(){}}class SO{constructor(t,n){this._inDeloser=!1,this._isRestoringFocus=!1,this._isPaused=!1,this._init=()=>{this._initTimer=void 0,this._tabster.focusedElement.subscribe(this._onFocus)},this._onFocus=o=>{if(this._restoreFocusTimer&&(this._win().clearTimeout(this._restoreFocusTimer),this._restoreFocusTimer=void 0),!o){this._scheduleRestoreFocus();return}const i=this._history.process(o);i?this._activate(i):this._deactivate()},this._onDeloserDispose=o=>{this._history.removeDeloser(o),o.isActive()&&this._scheduleRestoreFocus()},this._tabster=t,this._win=t.getWindow,this._history=new Moe(t),this._initTimer=this._win().setTimeout(this._init,0);const r=n==null?void 0:n.autoDeloser;r&&(this._autoDeloser=r)}dispose(){const t=this._win();this._initTimer&&(t.clearTimeout(this._initTimer),this._initTimer=void 0),this._restoreFocusTimer&&(t.clearTimeout(this._restoreFocusTimer),this._restoreFocusTimer=void 0),this._autoDeloserInstance&&(this._autoDeloserInstance.dispose(),delete this._autoDeloserInstance,delete this._autoDeloser),this._tabster.focusedElement.unsubscribe(this._onFocus),this._history.dispose(),delete this._curDeloser}createDeloser(t,n){var r;const o=new UC(this._tabster,t,this._onDeloserDispose,n);return t.contains((r=this._tabster.focusedElement.getFocusedElement())!==null&&r!==void 0?r:null)&&this._activate(o),o}getActions(t){for(let n=t;n;n=n.parentElement){const r=Au(this._tabster,n);if(r&&r.deloser)return r.deloser.getActions()}}pause(){this._isPaused=!0,this._restoreFocusTimer&&(this._win().clearTimeout(this._restoreFocusTimer),this._restoreFocusTimer=void 0)}resume(t){this._isPaused=!1,t&&this._scheduleRestoreFocus()}_activate(t){const n=this._curDeloser;n!==t&&(this._inDeloser=!0,n==null||n.setActive(!1),t.setActive(!0),this._curDeloser=t)}_deactivate(){var t;this._inDeloser=!1,(t=this._curDeloser)===null||t===void 0||t.setActive(!1),this._curDeloser=void 0}_scheduleRestoreFocus(t){if(this._isPaused||this._isRestoringFocus)return;const n=async()=>{this._restoreFocusTimer=void 0;const r=this._tabster.focusedElement.getLastFocusedElement();if(!t&&(this._isRestoringFocus||!this._inDeloser||r!=null&&r.offsetParent))return;const o=this._curDeloser;if(o){if(r&&o.customFocusLostHandler(r))return;const i=o.findAvailable();if(i&&this._tabster.focusedElement.focus(i))return}this._deactivate(),this._isRestoringFocus=!0,await this._history.focusAvailable(null)||await this._history.resetFocus(null),this._isRestoringFocus=!1};t?n():this._restoreFocusTimer=this._win().setTimeout(n,100)}static getDeloser(t,n){var r;for(let i=n;i;i=i.parentElement){const a=Au(t,i);if(a&&a.deloser)return a.deloser}const o=t.deloser&&t.deloser;if(o){if(o._autoDeloserInstance)return o._autoDeloserInstance;const i=o._autoDeloser;if(!o._autoDeloserInstance&&i){const a=(r=n.ownerDocument)===null||r===void 0?void 0:r.body;a&&(o._autoDeloserInstance=new UC(t,a,t.deloser._onDeloserDispose,i))}return o._autoDeloserInstance}}static getHistory(t){return t._history}static forceRestoreFocus(t){t._scheduleRestoreFocus(!0)}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/let xO=class{constructor(){this._callbacks=[]}dispose(){this._callbacks=[],delete this._val}subscribe(t){this._callbacks.indexOf(t)<0&&this._callbacks.push(t)}unsubscribe(t){const n=this._callbacks.indexOf(t);n>=0&&this._callbacks.splice(n,1)}setVal(t,n){this._val!==t&&(this._val=t,this._callCallbacks(t,n))}getVal(){return this._val}trigger(t,n){this._callCallbacks(t,n)}_callCallbacks(t,n){this._callbacks.forEach(r=>r(t,n))}};/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const joe=["a[href]","button:not([disabled])","input:not([disabled])","select:not([disabled])","textarea:not([disabled])","*[tabindex]","*[contenteditable]"].join(", ");class zoe{constructor(t,n){this._tabster=t,this._win=n}dispose(){}_getBody(){const t=this._tabster.focusedElement.getLastFocusedElement();return t&&t.ownerDocument?t.ownerDocument.body:this._win().document.body}getProps(t){const n=Au(this._tabster,t);return n&&n.focusable||{}}isFocusable(t,n,r,o){return TO(t,joe)&&(n||t.tabIndex!==-1)?(r||this.isVisible(t))&&(o||this.isAccessible(t)):!1}isVisible(t){if(!t.ownerDocument||t.offsetParent===null&&t.ownerDocument.body!==t)return!1;const n=t.ownerDocument.defaultView;if(!n)return!1;const r=t.ownerDocument.body.getBoundingClientRect();return!(r.width===0&&r.height===0||n.getComputedStyle(t).visibility==="hidden")}isAccessible(t){var n;for(let r=t;r;r=r.parentElement){const o=Au(this._tabster,r);if(this._isHidden(r)||!((n=o==null?void 0:o.focusable)===null||n===void 0?void 0:n.ignoreAriaDisabled)&&this._isDisabled(r))return!1}return!0}_isDisabled(t){return t.hasAttribute("disabled")}_isHidden(t){const n=t.getAttribute("aria-hidden");return!!(n&&n.toLowerCase()==="true")}findFirst(t){return this.findElement({container:this._getBody(),...t})}findLast(t){return this.findElement({container:this._getBody(),isBackward:!0,...t})}findNext(t){return this.findElement({container:this._getBody(),...t})}findPrev(t){return this.findElement({container:this._getBody(),isBackward:!0,...t})}findDefault(t){return this.findElement({...t,acceptCondition:n=>this._tabster.focusable.isFocusable(n,t.includeProgrammaticallyFocusable)&&!!this.getProps(n).isDefault})||null}findAll(t){return this._findElements(!0,t)||[]}findElement(t){const n=this._findElements(!1,t);return n&&n[0]}_findElements(t,n){const{container:r,currentElement:o=null,includeProgrammaticallyFocusable:i,ignoreUncontrolled:a,ignoreAccessibiliy:s,isBackward:l,onUncontrolled:u,onElement:d}=n,h=[];let{acceptCondition:p}=n;if(!r)return null;p||(p=E=>this._tabster.focusable.isFocusable(E,i,s,s));const m={container:r,from:o||r,isBackward:l,acceptCondition:p,includeProgrammaticallyFocusable:i,ignoreUncontrolled:a,ignoreAccessibiliy:s,cachedGrouppers:{}},v=Xb(r.ownerDocument,r,E=>this._acceptElement(E,m));if(!v)return null;const _=E=>{const w=m.foundElement;return w&&h.push(w),t?w&&(m.found=!1,delete m.foundElement,delete m.fromCtx,m.from=w,d&&!d(w))?!1:!!(w||E):!!(E&&!w)};if(o)v.currentNode=o;else if(l){const E=kO(r);if(!E)return null;if(this._acceptElement(E,m)===NodeFilter.FILTER_ACCEPT&&!_(!0))return h;v.currentNode=E}let b;do b=(l?v.previousNode():v.nextNode())||void 0;while(_());if(!t){const E=m.nextUncontrolled;if(E)return u&&u(E),b?void 0:null}return h.length?h:null}_acceptElement(t,n){if(n.found)return NodeFilter.FILTER_ACCEPT;const r=n.container;if(t===r)return NodeFilter.FILTER_SKIP;if(!r.contains(t)||t.__tabsterDummyContainer)return NodeFilter.FILTER_REJECT;let o=n.lastToIgnore;if(o){if(o.contains(t))return NodeFilter.FILTER_REJECT;o=n.lastToIgnore=void 0}const i=n.currentCtx=Io.getTabsterContext(this._tabster,t);if(!i)return NodeFilter.FILTER_SKIP;if(n.ignoreUncontrolled){if(_O(t))return NodeFilter.FILTER_SKIP}else if(i.uncontrolled&&!n.nextUncontrolled&&this._tabster.focusable.isFocusable(t,void 0,!0,!0)&&!i.groupper&&!i.mover)return n.nextUncontrolled=i.uncontrolled,NodeFilter.FILTER_REJECT;if(t.tagName==="IFRAME"||t.tagName==="WEBVIEW")return n.found=!0,n.lastToIgnore=n.foundElement=t,NodeFilter.FILTER_ACCEPT;if(!n.ignoreAccessibiliy&&!this.isAccessible(t))return NodeFilter.FILTER_REJECT;let a,s=n.fromCtx;s||(s=n.fromCtx=Io.getTabsterContext(this._tabster,n.from));const l=s==null?void 0:s.mover;let u=i.groupper,d=i.mover;if(u||d||l){const h=u==null?void 0:u.getElement(),p=l==null?void 0:l.getElement();let m=d==null?void 0:d.getElement();m&&p&&r.contains(p)&&(!h||!d||p.contains(h))&&(d=l,m=p),h&&(h===r||!r.contains(h))&&(u=void 0),m&&!r.contains(m)&&(d=void 0),u&&d&&(m&&h&&!h.contains(m)?d=void 0:u=void 0),u&&(a=u.acceptElement(t,n)),d&&(a=d.acceptElement(t,n))}return a===void 0&&(a=n.acceptCondition(t)?NodeFilter.FILTER_ACCEPT:NodeFilter.FILTER_SKIP),a===NodeFilter.FILTER_ACCEPT&&!n.found&&(n.found=!0,n.foundElement=t),a}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const Ht={Tab:9,Enter:13,Esc:27,Space:32,PageUp:33,PageDown:34,End:35,Home:36,Left:37,Up:38,Right:39,Down:40};/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class ar extends xO{constructor(t,n){super(),this._init=()=>{this._initTimer=void 0;const r=this._win();r.document.addEventListener(wa,this._onFocusIn,!0),r.document.addEventListener("focusout",this._onFocusOut,!0),r.addEventListener("keydown",this._onKeyDown,!0)},this._onFocusIn=r=>{this._setFocusedElement(r.target,r.details.relatedTarget,r.details.isFocusedProgrammatically)},this._onFocusOut=r=>{this._setFocusedElement(void 0,r.relatedTarget)},this._validateFocusedElement=r=>{},this._onKeyDown=r=>{var o,i,a,s;if(r.keyCode!==Ht.Tab||r.ctrlKey)return;const l=this.getVal();if(!l||!l.ownerDocument||l.contentEditable==="true")return;const u=this._tabster,d=u.controlTab,h=Io.getTabsterContext(u,l);if(!h||!d&&!h.groupper&&!h.mover||h.ignoreKeydown[r.key])return;const p=r.shiftKey,m=ar.findNextTabbable(u,h,void 0,l,p);if((!m||!d&&!m.element)&&!d){const _=m==null?void 0:m.lastMoverOrGroupper;if(_){(o=_.dummyManager)===null||o===void 0||o.moveOutWithDefaultAction(p);return}}let v;if(m){let _=m.uncontrolled;if(_){const b=h.isGroupperFirst;let E=!1;if(b!==void 0){const w=(i=h.groupper)===null||i===void 0?void 0:i.getElement(),k=(a=h.mover)===null||a===void 0?void 0:a.getElement();let y;b&&w&&_.contains(w)?y=w:!b&&k&&_.contains(k)&&(y=k),y&&(_=y,E=!0)}_&&h.uncontrolled!==_&&es.moveWithPhantomDummy(this._tabster,_,E,p);return}if(v=m.element,h.modalizer){const b=v&&Io.getTabsterContext(u,v);if((!b||h.root.uid!==b.root.uid||!(!((s=b.modalizer)===null||s===void 0)&&s.isActive()))&&h.modalizer.onBeforeFocusOut()){r.preventDefault();return}if(!v&&h.modalizer.isActive()&&h.modalizer.getProps().isTrapped){const E=p?"findLast":"findFirst";v=u.focusable[E]({container:h.modalizer.getElement()})}}}v?v.tagName!=="IFRAME"&&(r.preventDefault(),r.stopImmediatePropagation(),np(v)):h.root.moveOutWithDefaultAction(p)},this._tabster=t,this._win=n,this._initTimer=n().setTimeout(this._init,0)}dispose(){super.dispose();const t=this._win();this._initTimer&&(t.clearTimeout(this._initTimer),this._initTimer=void 0),t.document.removeEventListener(wa,this._onFocusIn,!0),t.document.removeEventListener("focusout",this._onFocusOut,!0),t.removeEventListener("keydown",this._onKeyDown,!0),delete ar._lastResetElement,delete this._nextVal,delete this._lastVal}static forgetMemorized(t,n){var r,o;let i=ar._lastResetElement,a=i&&i.get();a&&n.contains(a)&&delete ar._lastResetElement,a=(o=(r=t._nextVal)===null||r===void 0?void 0:r.element)===null||o===void 0?void 0:o.get(),a&&n.contains(a)&&delete t._nextVal,i=t._lastVal,a=i&&i.get(),a&&n.contains(a)&&delete t._lastVal}getFocusedElement(){return this.getVal()}getLastFocusedElement(){var t;let n=(t=this._lastVal)===null||t===void 0?void 0:t.get();return(!n||n&&!Zb(n.ownerDocument,n))&&(this._lastVal=n=void 0),n}focus(t,n,r){return this._tabster.focusable.isFocusable(t,n,!1,r)?(t.focus(),!0):!1}focusDefault(t){const n=this._tabster.focusable.findDefault({container:t});return n?(this._tabster.focusedElement.focus(n),!0):!1}_focusFirstOrLast(t,n){const r=this._tabster.focusable,o=n.container;let i,a;if(o){const s=Io.getTabsterContext(this._tabster,o);if(s){let l=ar.findNextTabbable(this._tabster,s,o,void 0,!t);if(l)for(a=l.element,i=l.uncontrolled;!a&&i;)r.isFocusable(i,!1,!0,!0)?a=i:a=r[t?"findFirst":"findLast"]({container:i,ignoreUncontrolled:!0,ignoreAccessibiliy:!0}),a||(l=ar.findNextTabbable(this._tabster,s,i,void 0,!t),l&&(a=l.element,i=l.uncontrolled))}}return a&&!(o!=null&&o.contains(a))&&(a=void 0),a?(this.focus(a,!1,!0),!0):!1}focusFirst(t){return this._focusFirstOrLast(!0,t)}focusLast(t){return this._focusFirstOrLast(!1,t)}resetFocus(t){if(!this._tabster.focusable.isVisible(t))return!1;if(this._tabster.focusable.isFocusable(t,!0,!0,!0))this.focus(t);else{const n=t.getAttribute("tabindex"),r=t.getAttribute("aria-hidden");t.tabIndex=-1,t.setAttribute("aria-hidden","true"),ar._lastResetElement=new os(this._win,t),this.focus(t,!0,!0),this._setOrRemoveAttribute(t,"tabindex",n),this._setOrRemoveAttribute(t,"aria-hidden",r)}return!0}_setOrRemoveAttribute(t,n,r){r===null?t.removeAttribute(n):t.setAttribute(n,r)}_setFocusedElement(t,n,r){var o;if(this._tabster._noop)return;const i={relatedTarget:n};if(t){const s=(o=ar._lastResetElement)===null||o===void 0?void 0:o.get();if(ar._lastResetElement=void 0,s===t||_O(t))return;i.isFocusedProgrammatically=r}const a=this._nextVal={element:t?new os(this._win,t):void 0,details:i};t&&t!==this._val&&this._validateFocusedElement(t),this._nextVal===a&&this.setVal(t,i),this._nextVal=void 0}setVal(t,n){super.setVal(t,n),t&&(this._lastVal=new os(this._win,t))}static findNextTabbable(t,n,r,o,i){var a;const s=r||n.root.getElement();if(!s)return null;let l=null;const u=ar._isTabbingTimer,d=t.getWindow();u&&d.clearTimeout(u),ar.isTabbing=!0,ar._isTabbingTimer=d.setTimeout(()=>{delete ar._isTabbingTimer,ar.isTabbing=!1},0);const h=m=>{l=m.findNextTabbable(o,i)};if(n.groupper&&n.mover){let m=n.isGroupperFirst;if(m&&o){const v=Io.getTabsterContext(t,o);(v==null?void 0:v.groupper)!==n.groupper&&(m=!1)}h(m?n.groupper:n.mover)}else if(n.groupper)h(n.groupper);else if(n.mover)h(n.mover);else{let m;const v=b=>{m=b},_=i?t.focusable.findPrev({container:s,currentElement:o,onUncontrolled:v}):t.focusable.findNext({container:s,currentElement:o,onUncontrolled:v});l={element:m?void 0:_,uncontrolled:m}}const p=(a=l==null?void 0:l.lastMoverOrGroupper)===null||a===void 0?void 0:a.getElement();if(p){l=null;const m=LC(p,i);if(m){const v=Io.getTabsterContext(t,m,{checkRtl:!0});if(v){let _=LC(m,!i);_&&(i||(_=kO(_)),l=ar.findNextTabbable(t,v,s,_,i))}}}return l}}ar.isTabbing=!1;/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class Hoe extends xO{constructor(t){super(),this._onChange=n=>{this.setVal(n,void 0)},this._keyborg=Yb(t()),this._keyborg.subscribe(this._onChange)}dispose(){super.dispose(),this._keyborg&&(this._keyborg.unsubscribe(this._onChange),Qb(this._keyborg),delete this._keyborg)}setNavigatingWithKeyboard(t){var n;(n=this._keyborg)===null||n===void 0||n.setVal(t)}isNavigatingWithKeyboard(){var t;return!!(!((t=this._keyborg)===null||t===void 0)&&t.isNavigatingWithKeyboard())}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/let Uoe=0;class qoe extends Jb{constructor(t,n,r,o,i,a){super(t,n,a),this._isFocused=!1,this._onKeyDown=l=>{const u=l.keyCode,d=l.shiftKey;if(u!==Ht.Tab)return;const h=this._tabster.focusedElement.getFocusedElement(),p=this.getElement();let m=d?"findPrev":"findNext",v;h&&(p!=null&&p.contains(h))&&(v=this._tabster.focusable[m]({container:this.getElement(),currentElement:h})),!v&&this._props.isTrapped&&(m=d?"findLast":"findFirst",v=this._tabster.focusable[m]({container:this.getElement()})),v?(l.preventDefault(),l.stopImmediatePropagation(),np(v)):this._props.isOthersAccessible||this._moveOutWithDefault(d)},this.internalId="ml"+ ++Uoe,this.userId=a.id,this._onDispose=r,this._moveOutWithDefault=o,this._onActiveChange=i,t.controlTab||n.addEventListener("keydown",this._onKeyDown);const s=n.parentElement;s?this._modalizerParent=new os(t.getWindow,s):this._modalizerParent=null,this._setAccessibilityProps()}setProps(t){t.id&&(this.userId=t.id),this._props={...t},this._setAccessibilityProps()}dispose(){this._onDispose(this),this._remove()}setActive(t){var n,r,o;if(t===this._isActive)return;this._isActive=t,this._onActiveChange(t);let i=((n=this._element.get())===null||n===void 0?void 0:n.ownerDocument)||((o=(r=this._modalizerParent)===null||r===void 0?void 0:r.get())===null||o===void 0?void 0:o.ownerDocument);i||(i=this._tabster.getWindow().document);const a=i.body,s=Xb(i,a,l=>{var u;if(this._props.isOthersAccessible)return NodeFilter.FILTER_REJECT;const d=this._element.get(),h=(u=this._modalizerParent)===null||u===void 0?void 0:u.get(),p=d===l,m=!!l.contains(d||null),v=!!l.contains(h||null);if(p)return NodeFilter.FILTER_REJECT;if(m||v)return NodeFilter.FILTER_SKIP;Toe(this._tabster,l,"aria-hidden",t?"true":void 0);const _=d===(d==null?void 0:d.ownerDocument.body)?!1:d==null?void 0:d.ownerDocument.body.contains(d);return!(h===(h==null?void 0:h.ownerDocument.body)?!1:h==null?void 0:h.ownerDocument.body.contains(h))&&!_?NodeFilter.FILTER_SKIP:NodeFilter.FILTER_REJECT});if(s)for(;s.nextNode(););}isActive(){return!!this._isActive}contains(t){var n;return!!(!((n=this.getElement())===null||n===void 0)&&n.contains(t))}onBeforeFocusOut(){const t=this.getElement();return t?!Wd(t,mO,{eventName:"beforefocusout"}):!1}_remove(){}_setAccessibilityProps(){}}class $oe extends es{constructor(t,n,r){super(n,r,PT.Modalizer),this._onFocusDummyInput=o=>{const i=this._modalizerAPI.activeModalizer;if(!i||o.shouldMoveOut)return;const a=o.isFirst?"findFirst":"findLast",s=this._tabster.focusable[a]({container:i.getElement()});s&&this._tabster.focusedElement.focus(s)},this._modalizerAPI=t,this._tabster=n,this.setTabbable(!1),this._setHandlers(this._onFocusDummyInput)}}class Woe{constructor(t){if(this._init=()=>{this._initTimer=void 0,this._tabster.focusedElement.subscribe(this._onFocus)},this._onModalizerDispose=n=>{n.setActive(!1),this.activeModalizer===n&&(this.activeModalizer=void 0),delete this._modalizers[n.userId]},this._onFocus=(n,r)=>{var o,i,a;const s=n&&Io.getTabsterContext(this._tabster,n);if(!s||!n)return;this._focusOutTimer&&(this._win().clearTimeout(this._focusOutTimer),this._focusOutTimer=void 0);const l=s==null?void 0:s.modalizer;if(l!==this.activeModalizer){if(r.isFocusedProgrammatically&&!(!((o=this.activeModalizer)===null||o===void 0)&&o.contains(n)))(i=this.activeModalizer)===null||i===void 0||i.setActive(!1),this.activeModalizer=void 0,l&&(this.activeModalizer=l,this.activeModalizer.setActive(!0));else if(!(!((a=this.activeModalizer)===null||a===void 0)&&a.getProps().isOthersAccessible)){const u=this._win();u.clearTimeout(this._restoreModalizerFocusTimer),this._restoreModalizerFocusTimer=u.setTimeout(()=>this._restoreModalizerFocus(n),100)}}},this._tabster=t,this._win=t.getWindow,this._initTimer=this._win().setTimeout(this._init,0),this._modalizers={},!t.controlTab){const n=this._win().document.body;this._dummyManager=new $oe(this,t,new os(this._win,n))}}dispose(){var t;const n=this._win();(t=this._dummyManager)===null||t===void 0||t.dispose(),this._initTimer&&(n.clearTimeout(this._initTimer),this._initTimer=void 0),n.clearTimeout(this._restoreModalizerFocusTimer),n.clearTimeout(this._focusOutTimer),Object.keys(this._modalizers).forEach(r=>{this._modalizers[r]&&(this._modalizers[r].dispose(),delete this._modalizers[r])}),this._tabster.focusedElement.unsubscribe(this._onFocus),delete this.activeModalizer}createModalizer(t,n){var r,o,i,a,s;const l=new qoe(this._tabster,t,this._onModalizerDispose,(o=(r=this._dummyManager)===null||r===void 0?void 0:r.moveOutWithDefaultAction)!==null&&o!==void 0?o:()=>null,(a=(i=this._dummyManager)===null||i===void 0?void 0:i.setTabbable)!==null&&a!==void 0?a:()=>null,n);if(this._modalizers[n.id]=l,t.contains((s=this._tabster.focusedElement.getFocusedElement())!==null&&s!==void 0?s:null)){const u=this.activeModalizer;u&&u.setActive(!1),this.activeModalizer=l,this.activeModalizer.setActive(!0)}return l}focus(t,n,r){const o=Io.getTabsterContext(this._tabster,t);if(o&&o.modalizer){this.activeModalizer=o.modalizer,this.activeModalizer.setActive(!0);const i=this.activeModalizer.getProps(),a=this.activeModalizer.getElement();if(a){if(n===void 0&&(n=i.isNoFocusFirst),!n&&this._tabster.keyboardNavigation.isNavigatingWithKeyboard()&&this._tabster.focusedElement.focusFirst({container:a})||(r===void 0&&(r=i.isNoFocusDefault),!r&&this._tabster.focusedElement.focusDefault(a)))return!0;this._tabster.focusedElement.resetFocus(a)}}return!1}updateModalizer(t,n){n&&(t.isActive()&&t.setActive(!1),delete this._modalizers[t.userId],this.activeModalizer===t&&(this.activeModalizer=void 0))}_restoreModalizerFocus(t){if(!(t!=null&&t.ownerDocument)||!this.activeModalizer)return;let n=this._tabster.focusable.findFirst({container:this.activeModalizer.getElement()});if(n){if(t.compareDocumentPosition(n)&document.DOCUMENT_POSITION_PRECEDING&&(n=this._tabster.focusable.findLast({container:t.ownerDocument.body}),!n))throw new Error("Something went wrong.");this._tabster.focusedElement.focus(n)}else t.blur()}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const Goe=["input","textarea","*[contenteditable]"].join(", ");class Koe extends es{constructor(t,n,r){super(n,t,PT.Mover),this._onFocusDummyInput=o=>{var i,a;const s=this._element.get(),l=o.input;if(s&&!o.shouldMoveOut&&l){const u=Io.getTabsterContext(this._tabster,s);let d;u&&(d=(i=ar.findNextTabbable(this._tabster,u,void 0,l,!o.isFirst))===null||i===void 0?void 0:i.element);const h=(a=this._getMemorized())===null||a===void 0?void 0:a.get();h&&(d=h),d&&np(d)}},this._tabster=n,this._getMemorized=r,this._setHandlers(this._onFocusDummyInput)}}const Y2=1,qC=2,$C=3;class Voe extends Jb{constructor(t,n,r,o){super(t,n,o),this._visible={},this._onIntersection=a=>{for(const s of a){const l=s.target,u=Hh(this._win,l);let d,h=this._fullyVisible;if(s.intersectionRatio>=.25&&(d=s.intersectionRatio>=.75?Ul.Visible:Ul.PartiallyVisible,d===Ul.Visible&&(h=u)),this._visible[u]!==d){d===void 0?(delete this._visible[u],h===u&&delete this._fullyVisible):(this._visible[u]=d,this._fullyVisible=h);const p=this.getState(l);p&&Wd(l,T_,p)}}},this._win=t.getWindow,(this._props.trackState||this._props.visibilityAware)&&(this._intersectionObserver=new IntersectionObserver(this._onIntersection,{threshold:[0,.25,.5,.75,1]}),this._observeState()),this._onDispose=r;const i=()=>o.memorizeCurrent?this._current:void 0;t.controlTab||(this.dummyManager=new Koe(this._element,t,i))}dispose(){var t;this._onDispose(this),this._intersectionObserver&&(this._intersectionObserver.disconnect(),delete this._intersectionObserver),delete this._current,delete this._fullyVisible,delete this._allElements,delete this._updateQueue,this._unobserve&&(this._unobserve(),delete this._unobserve);const n=this._win();this._setCurrentTimer&&(n.clearTimeout(this._setCurrentTimer),delete this._setCurrentTimer),this._updateTimer&&(n.clearTimeout(this._updateTimer),delete this._updateTimer),(t=this.dummyManager)===null||t===void 0||t.dispose()}setCurrent(t){t?this._current=new os(this._win,t):this._current=void 0,(this._props.trackState||this._props.visibilityAware)&&!this._setCurrentTimer&&(this._setCurrentTimer=this._win().setTimeout(()=>{var n;delete this._setCurrentTimer;const r=[];this._current!==this._prevCurrent&&(r.push(this._current),r.push(this._prevCurrent),this._prevCurrent=this._current);for(const o of r){const i=o==null?void 0:o.get();if(i&&((n=this._allElements)===null||n===void 0?void 0:n.get(i))===this){const a=this._props;if(i&&(a.visibilityAware!==void 0||a.trackState)){const s=this.getState(i);s&&Wd(i,T_,s)}}}}))}getCurrent(){var t;return((t=this._current)===null||t===void 0?void 0:t.get())||null}findNextTabbable(t,n){var r;const o=this.getElement(),i=o&&((r=t==null?void 0:t.__tabsterDummyContainer)===null||r===void 0?void 0:r.get())===o;if(!o)return null;const s=this._tabster.focusable;let l=null,u;const d=h=>{u=h};return(this._props.tabbable||i||t&&!o.contains(t))&&(l=n?s.findPrev({currentElement:t,container:o,onUncontrolled:d}):s.findNext({currentElement:t,container:o,onUncontrolled:d})),{element:l,uncontrolled:u,lastMoverOrGroupper:l||u?void 0:this}}acceptElement(t,n){var r,o,i;if(!ar.isTabbing)return!((r=n.currentCtx)===null||r===void 0)&&r.isExcludedFromMover?NodeFilter.FILTER_REJECT:void 0;const{memorizeCurrent:a,visibilityAware:s}=this._props,l=this.getElement();if(l&&(a||s)&&(!l.contains(n.from)||((o=n.from.__tabsterDummyContainer)===null||o===void 0?void 0:o.get())===l)){if(a){const u=(i=this._current)===null||i===void 0?void 0:i.get();if(u&&n.acceptCondition(u))return n.found=!0,n.foundElement=u,n.lastToIgnore=l,NodeFilter.FILTER_ACCEPT}if(s){const u=this._tabster.focusable.findElement({container:l,ignoreUncontrolled:!0,isBackward:n.isBackward,acceptCondition:d=>{var h;const p=Hh(this._win,d),m=this._visible[p];return l!==d&&!!(!((h=this._allElements)===null||h===void 0)&&h.get(d))&&n.acceptCondition(d)&&(m===Ul.Visible||m===Ul.PartiallyVisible&&(s===Ul.PartiallyVisible||!this._fullyVisible))}});if(u)return n.found=!0,n.foundElement=u,n.lastToIgnore=l,NodeFilter.FILTER_ACCEPT}}}_observeState(){const t=this.getElement();if(this._unobserve||!t||typeof MutationObserver>"u")return;const n=this._win(),r=this._allElements=new WeakMap,o=this._tabster.focusable;let i=this._updateQueue=[];const a=new MutationObserver(m=>{for(const v of m){const _=v.target,b=v.removedNodes,E=v.addedNodes;if(v.type==="attributes")v.attributeName==="tabindex"&&i.push({element:_,type:qC});else{for(let w=0;w<b.length;w++)i.push({element:b[w],type:$C});for(let w=0;w<E.length;w++)i.push({element:E[w],type:Y2})}}h()}),s=(m,v)=>{var _,b;const E=r.get(m);E&&v&&((_=this._intersectionObserver)===null||_===void 0||_.unobserve(m),r.delete(m)),!E&&!v&&(r.set(m,this),(b=this._intersectionObserver)===null||b===void 0||b.observe(m))},l=m=>{const v=o.isFocusable(m);r.get(m)?v||s(m,!0):v&&s(m)},u=m=>{const{mover:v}=p(m);if(v&&v!==this)if(v.getElement()===m&&o.isFocusable(m))s(m);else return;const _=Xb(n.document,m,b=>{const{mover:E,groupper:w}=p(b);if(E&&E!==this)return NodeFilter.FILTER_REJECT;const k=w==null?void 0:w.getFirst(!0);return w&&w.getElement()!==b&&k&&k!==b?NodeFilter.FILTER_REJECT:(o.isFocusable(b)&&s(b),NodeFilter.FILTER_SKIP)});if(_)for(_.currentNode=m;_.nextNode(););},d=m=>{r.get(m)&&s(m,!0);for(let _=m.firstElementChild;_;_=_.nextElementSibling)d(_)},h=()=>{!this._updateTimer&&i.length&&(this._updateTimer=n.setTimeout(()=>{delete this._updateTimer;for(const{element:m,type:v}of i)switch(v){case qC:l(m);break;case Y2:u(m);break;case $C:d(m);break}i=this._updateQueue=[]},0))},p=m=>{const v={};for(let _=m;_;_=_.parentElement){const b=Au(this._tabster,_);if(b&&(b.groupper&&!v.groupper&&(v.groupper=b.groupper),b.mover)){v.mover=b.mover;break}}return v};i.push({element:t,type:Y2}),h(),a.observe(t,{childList:!0,subtree:!0,attributes:!0,attributeFilter:["tabindex"]}),this._unobserve=()=>{a.disconnect()}}getState(t){const n=Hh(this._win,t);if(n in this._visible){const r=this._visible[n]||Ul.Invisible;return{isCurrent:this._current?this._current.get()===t:void 0,visibility:r}}}}function Yoe(e,t,n,r,o,i,a,s){const l=n<o?o-n:a<e?e-a:0,u=r<i?i-r:s<t?t-s:0;return l===0?u:u===0?l:Math.sqrt(l*l+u*u)}class Qoe{constructor(t,n){this._init=()=>{this._initTimer=void 0,this._win().addEventListener("keydown",this._onKeyDown,!0)},this._onMoverDispose=r=>{delete this._movers[r.id]},this._onFocus=r=>{var o;for(let i=r;i;i=i.parentElement){const a=(o=Au(this._tabster,i))===null||o===void 0?void 0:o.mover;if(a){a.setCurrent(r);break}}},this._onKeyDown=async r=>{var o;this._ignoredInputTimer&&(this._win().clearTimeout(this._ignoredInputTimer),delete this._ignoredInputTimer),(o=this._ignoredInputResolve)===null||o===void 0||o.call(this,!1);let i=r.keyCode;switch(i){case Ht.Down:case Ht.Right:case Ht.Up:case Ht.Left:case Ht.PageDown:case Ht.PageUp:case Ht.Home:case Ht.End:break;default:return}const a=this._tabster,s=a.focusedElement.getFocusedElement();if(!s||await this._isIgnoredInput(s,i))return;const l=Io.getTabsterContext(a,s,{checkRtl:!0});if(!l||!l.mover||l.isExcludedFromMover||l.isGroupperFirst&&l.groupper&&l.groupper.isActive(!0))return;const u=l.mover,d=u.getElement();if(!d)return;const h=a.focusable,p=u.getProps(),m=p.direction||Gf.Both,v=m===Gf.Both,_=v||m===Gf.Vertical,b=v||m===Gf.Horizontal,E=m===Gf.Grid,w=p.cyclic;let k,y,F=0,C=0;if(E&&(y=s.getBoundingClientRect(),F=Math.ceil(y.left),C=Math.floor(y.right)),!(p.disableHomeEndKeys&&(i===Ht.Home||i===Ht.End))){if(l.isRtl&&(i===Ht.Right?i=Ht.Left:i===Ht.Left&&(i=Ht.Right)),i===Ht.Down&&_||i===Ht.Right&&(b||E))if(k=h.findNext({currentElement:s,container:d}),k&&E){const A=Math.ceil(k.getBoundingClientRect().left);C>A&&(k=void 0)}else!k&&w&&(k=h.findFirst({container:d}));else if(i===Ht.Up&&_||i===Ht.Left&&(b||E))k=h.findPrev({currentElement:s,container:d}),k&&E?Math.floor(k.getBoundingClientRect().right)>F&&(k=void 0):!k&&w&&(k=h.findLast({container:d}));else if(i===Ht.Home)k=h.findFirst({container:d});else if(i===Ht.End)k=h.findLast({container:d});else if(i===Ht.PageUp){let A=h.findPrev({currentElement:s,container:d}),P=null;for(;A;)P=A,A=DC(this._win,A)?h.findPrev({currentElement:A,container:d}):null;k=P,k&&PC(this._win,k,!1)}else if(i===Ht.PageDown){let A=h.findNext({currentElement:s,container:d}),P=null;for(;A;)P=A,A=DC(this._win,A)?h.findNext({currentElement:A,container:d}):null;k=P,k&&PC(this._win,k,!0)}else if(E){const A=i===Ht.Up,P=F,I=Math.ceil(y.top),j=C,H=Math.floor(y.bottom);let K,U,pe=0;h.findAll({container:d,currentElement:s,isBackward:A,onElement:se=>{const J=se.getBoundingClientRect(),$=Math.ceil(J.left),_e=Math.ceil(J.top),ve=Math.floor(J.right),fe=Math.floor(J.bottom);if(A&&I<fe||!A&&H>_e)return!0;const R=Math.ceil(Math.min(j,ve))-Math.floor(Math.max(P,$)),L=Math.ceil(Math.min(j-P,ve-$));if(R>0&&L>=R){const Ae=R/L;Ae>pe&&(K=se,pe=Ae)}else if(pe===0){const Ae=Yoe(P,I,j,H,$,_e,ve,fe);(U===void 0||Ae<U)&&(U=Ae,K=se)}else if(pe>0)return!1;return!0}}),k=K}k&&(r.preventDefault(),r.stopImmediatePropagation(),np(k))}},this._tabster=t,this._win=n,this._initTimer=n().setTimeout(this._init,0),this._movers={},t.focusedElement.subscribe(this._onFocus)}dispose(){var t;const n=this._win();this._tabster.focusedElement.unsubscribe(this._onFocus),this._initTimer&&(n.clearTimeout(this._initTimer),delete this._initTimer),(t=this._ignoredInputResolve)===null||t===void 0||t.call(this,!1),this._ignoredInputTimer&&(n.clearTimeout(this._ignoredInputTimer),delete this._ignoredInputTimer),n.removeEventListener("keydown",this._onKeyDown,!0),Object.keys(this._movers).forEach(r=>{this._movers[r]&&(this._movers[r].dispose(),delete this._movers[r])})}createMover(t,n){const r=new Voe(this._tabster,t,this._onMoverDispose,n);return this._movers[r.id]=r,r}async _isIgnoredInput(t,n){var r;if(t.getAttribute("aria-expanded")==="true")return!0;if(TO(t,Goe)){let o=0,i=0,a=0,s;if(t.tagName==="INPUT"||t.tagName==="TEXTAREA"){const l=t.type;if(a=(t.value||"").length,l==="email"||l==="number"){if(a){const d=(r=t.ownerDocument.defaultView)===null||r===void 0?void 0:r.getSelection();if(d){const h=d.toString().length,p=n===Ht.Left||n===Ht.Up;if(d.modify("extend",p?"backward":"forward","character"),h!==d.toString().length)return d.modify("extend",p?"forward":"backward","character"),!0;a=0}}}else{const d=t.selectionStart;if(d===null)return l==="hidden";o=d||0,i=t.selectionEnd||0}}else t.contentEditable==="true"&&(s=new(wO(this._win))(l=>{this._ignoredInputResolve=v=>{delete this._ignoredInputResolve,l(v)};const u=this._win();this._ignoredInputTimer&&u.clearTimeout(this._ignoredInputTimer);const{anchorNode:d,focusNode:h,anchorOffset:p,focusOffset:m}=u.getSelection()||{};this._ignoredInputTimer=u.setTimeout(()=>{var v,_,b;delete this._ignoredInputTimer;const{anchorNode:E,focusNode:w,anchorOffset:k,focusOffset:y}=u.getSelection()||{};if(E!==d||w!==h||k!==p||y!==m){(v=this._ignoredInputResolve)===null||v===void 0||v.call(this,!1);return}if(o=k||0,i=y||0,a=((_=t.textContent)===null||_===void 0?void 0:_.length)||0,E&&w&&t.contains(E)&&t.contains(w)&&E!==t){let F=!1;const C=A=>{if(A===E)F=!0;else if(A===w)return!0;const P=A.textContent;if(P&&!A.firstChild){const j=P.length;F?w!==E&&(i+=j):(o+=j,i+=j)}let I=!1;for(let j=A.firstChild;j&&!I;j=j.nextSibling)I=C(j);return I};C(t)}(b=this._ignoredInputResolve)===null||b===void 0||b.call(this,!0)},0)}));if(s&&!await s||o!==i||o>0&&(n===Ht.Left||n===Ht.Up||n===Ht.Home)||o<a&&(n===Ht.Right||n===Ht.Down||n===Ht.End))return!0}return!1}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/function Xoe(e,t,n,r){if(typeof MutationObserver>"u")return()=>{};const o=t.getWindow;let i;const a=d=>{for(const h of d){const p=h.target,m=h.removedNodes,v=h.addedNodes;if(h.type==="attributes")h.attributeName===xd&&n(t,p);else{for(let _=0;_<m.length;_++)s(m[_],!0);for(let _=0;_<v.length;_++)s(v[_])}}};function s(d,h){i||(i=bl(o).elementByUId),l(d,h);const p=Xb(e,d,m=>l(m,h));if(p)for(;p.nextNode(););}function l(d,h){var p;if(!d.getAttribute)return NodeFilter.FILTER_SKIP;const m=d.__tabsterElementUID;return m&&i&&(h?delete i[m]:(p=i[m])!==null&&p!==void 0||(i[m]=new os(o,d))),(Au(t,d)||d.hasAttribute(xd))&&n(t,d,h),NodeFilter.FILTER_SKIP}const u=new MutationObserver(a);return r&&s(o().document.body),u.observe(e,{childList:!0,subtree:!0,attributes:!0,attributeFilter:[xd]}),()=>{u.disconnect()}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class Zoe{constructor(){}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class Joe{constructor(t){this.keyboardNavigation=t.keyboardNavigation,this.focusedElement=t.focusedElement,this.focusable=t.focusable,this.root=t.root,this.uncontrolled=t.uncontrolled,this.core=t}}class eie{constructor(t,n){var r;this._forgetMemorizedElements=[],this._wrappers=new Set,this._version="3.0.8",this._noop=!1,this.getWindow=()=>{if(!this._win)throw new Error("Using disposed Tabster.");return this._win},this._storage=xoe(t),this._win=t;const o=this.getWindow;this.keyboardNavigation=new Hoe(o),this.focusedElement=new ar(this,o),this.focusable=new zoe(this,o),this.root=new Io(this,n==null?void 0:n.autoRoot),this.uncontrolled=new Zoe,this.controlTab=(r=n==null?void 0:n.controlTab)!==null&&r!==void 0?r:!0,this.rootDummyInputs=!!(n!=null&&n.rootDummyInputs),this.internal={stopObserver:()=>{this._unobserve&&(this._unobserve(),delete this._unobserve)},resumeObserver:i=>{if(!this._unobserve){const a=o().document;this._unobserve=Xoe(a,this,_oe,i)}}},this.internal.resumeObserver(!1),bO(o)}createTabster(t){const n=new Joe(this);return t||this._wrappers.add(n),n}disposeTabster(t,n){n?this._wrappers.clear():this._wrappers.delete(t),this._wrappers.size===0&&this.dispose()}dispose(){var t,n,r,o,i,a,s;this.internal.stopObserver();const l=this._win;this._forgetMemorizedElements=[],l&&this._forgetMemorizedTimer&&(l.clearTimeout(this._forgetMemorizedTimer),delete this._forgetMemorizedTimer),(t=this.outline)===null||t===void 0||t.dispose(),(n=this.crossOrigin)===null||n===void 0||n.dispose(),(r=this.deloser)===null||r===void 0||r.dispose(),(o=this.groupper)===null||o===void 0||o.dispose(),(i=this.mover)===null||i===void 0||i.dispose(),(a=this.modalizer)===null||a===void 0||a.dispose(),(s=this.observedElement)===null||s===void 0||s.dispose(),this.keyboardNavigation.dispose(),this.focusable.dispose(),this.focusedElement.dispose(),this.root.dispose(),Coe(this.getWindow),MC(this.getWindow),this._storage=new WeakMap,this._wrappers.clear(),l&&(Soe(l),delete l.__tabsterInstance,delete this._win)}storageEntry(t,n){const r=this._storage;let o=r.get(t);return o?n===!1&&Object.keys(o).length===0&&r.delete(t):n===!0&&(o={},r.set(t,o)),o}forceCleanup(){this._win&&(this._forgetMemorizedElements.push(this._win.document.body),!this._forgetMemorizedTimer&&(this._forgetMemorizedTimer=this._win.setTimeout(()=>{delete this._forgetMemorizedTimer;for(let t=this._forgetMemorizedElements.shift();t;t=this._forgetMemorizedElements.shift())MC(this.getWindow,t),ar.forgetMemorized(this.focusedElement,t)},0),vO(this.getWindow,!0)))}}function tie(e,t){let n=sie(e);return n||(n=new eie(e,t),e.__tabsterInstance=n),n.createTabster()}function nie(e){const t=e.core;return t.mover||(t.mover=new Qoe(t,t.getWindow)),t.mover}function rie(e,t){const n=e.core;return n.deloser||(n.deloser=new SO(n,t)),n.deloser}function oie(e){const t=e.core;return t.modalizer||(t.modalizer=new Woe(t)),t.modalizer}function iie(e,t){e.core.disposeTabster(e,t)}function aie(e,t){const n=JSON.stringify(e);return t===!0?n:{[xd]:n}}function sie(e){return e.__tabsterInstance}const ey=()=>{const{targetDocument:e}=Oo(),t=(e==null?void 0:e.defaultView)||void 0,n=T.useMemo(()=>t?tie(t,{autoRoot:{},controlTab:!1}):null,[t]);return us(()=>()=>{n&&iie(n)},[n]),n},S_=e=>(ey(),aie(e)),lie=(e={})=>{const{circular:t,axis:n,memorizeCurrent:r,tabbable:o,ignoreDefaultKeydown:i}=e,a=ey();return a&&nie(a),S_({mover:{cyclic:!!t,direction:uie(n??"vertical"),memorizeCurrent:r,tabbable:o},...i&&{focusable:{ignoreKeydown:i}}})};function uie(e){switch(e){case"horizontal":return Hm.MoverDirections.Horizontal;case"grid":return Hm.MoverDirections.Grid;case"both":return Hm.MoverDirections.Both;case"vertical":default:return Hm.MoverDirections.Vertical}}const op=()=>{const e=ey(),t=T.useCallback((a,s)=>(e==null?void 0:e.focusable.findAll({container:a,acceptCondition:s}))||[],[e]),n=T.useCallback(a=>e==null?void 0:e.focusable.findFirst({container:a}),[e]),r=T.useCallback(a=>e==null?void 0:e.focusable.findLast({container:a}),[e]),o=T.useCallback((a,s={})=>e==null?void 0:e.focusable.findNext({currentElement:a,...s}),[e]),i=T.useCallback((a,s={})=>e==null?void 0:e.focusable.findPrev({currentElement:a,...s}),[e]);return{findAllFocusable:t,findFirstFocusable:n,findLastFocusable:r,findNextFocusable:o,findPrevFocusable:i}},CO="data-fui-focus-visible",AO="data-fui-focus-within";function cie(e,t){if(NO(e))return()=>{};const n={current:void 0},r=Yb(t);r.subscribe(a=>{!a&&n.current&&(Q2(n.current),n.current=void 0)});const o=a=>{n.current&&(Q2(n.current),n.current=void 0),r.isNavigatingWithKeyboard()&&WC(a.target)&&a.target&&(n.current=a.target,fie(n.current))},i=a=>{(!a.relatedTarget||WC(a.relatedTarget)&&!e.contains(a.relatedTarget))&&n.current&&(Q2(n.current),n.current=void 0)};return e.addEventListener(wa,o),e.addEventListener("focusout",i),e.focusVisible=!0,()=>{e.removeEventListener(wa,o),e.removeEventListener("focusout",i),delete e.focusVisible,Qb(r)}}function fie(e){e.setAttribute(CO,"")}function Q2(e){e.removeAttribute(CO)}function WC(e){return e?!!(e&&typeof e=="object"&&"classList"in e&&"contains"in e):!1}function NO(e){return e?e.focusVisible?!0:NO(e==null?void 0:e.parentElement):!1}function FO(){const{targetDocument:e}=Oo(),t=T.useRef(null);return T.useEffect(()=>{if(e!=null&&e.defaultView&&t.current)return cie(t.current,e.defaultView)},[t,e]),t}function die(e,t){const n=Yb(t);n.subscribe(i=>{i||GC(e)});const r=i=>{n.isNavigatingWithKeyboard()&&KC(i.target)&&hie(e)},o=i=>{(!i.relatedTarget||KC(i.relatedTarget)&&!e.contains(i.relatedTarget))&&GC(e)};return e.addEventListener(wa,r),e.addEventListener("focusout",o),()=>{e.removeEventListener(wa,r),e.removeEventListener("focusout",o),Qb(n)}}function hie(e){e.setAttribute(AO,"")}function GC(e){e.removeAttribute(AO)}function KC(e){return e?!!(e&&typeof e=="object"&&"classList"in e&&"contains"in e):!1}function pie(){const{targetDocument:e}=Oo(),t=T.useRef(null);return T.useEffect(()=>{if(e!=null&&e.defaultView&&t.current)return die(t.current,e.defaultView)},[t,e]),t}const ty=(e={})=>{const{trapFocus:t,alwaysFocusable:n,legacyTrapFocus:r}=e,o=ey();o&&(oie(o),rie(o));const i=lo("modal-",e.id),a=S_({deloser:{},modalizer:{id:i,isOthersAccessible:!t,isAlwaysAccessible:n,isTrapped:r}}),s=S_({deloser:{}});return{modalAttributes:a,triggerAttributes:s}},we={0:"#000000",2:"#050505",4:"#0a0a0a",6:"#0f0f0f",8:"#141414",10:"#1a1a1a",12:"#1f1f1f",14:"#242424",16:"#292929",18:"#2e2e2e",20:"#333333",22:"#383838",24:"#3d3d3d",26:"#424242",28:"#474747",30:"#4d4d4d",32:"#525252",34:"#575757",36:"#5c5c5c",38:"#616161",40:"#666666",42:"#6b6b6b",44:"#707070",46:"#757575",48:"#7a7a7a",50:"#808080",52:"#858585",54:"#8a8a8a",56:"#8f8f8f",58:"#949494",60:"#999999",62:"#9e9e9e",64:"#a3a3a3",66:"#a8a8a8",68:"#adadad",70:"#b3b3b3",72:"#b8b8b8",74:"#bdbdbd",76:"#c2c2c2",78:"#c7c7c7",80:"#cccccc",82:"#d1d1d1",84:"#d6d6d6",86:"#dbdbdb",88:"#e0e0e0",90:"#e6e6e6",92:"#ebebeb",94:"#f0f0f0",96:"#f5f5f5",98:"#fafafa",100:"#ffffff"},ya={5:"rgba(255, 255, 255, 0.05)",10:"rgba(255, 255, 255, 0.1)",20:"rgba(255, 255, 255, 0.2)",30:"rgba(255, 255, 255, 0.3)",40:"rgba(255, 255, 255, 0.4)",50:"rgba(255, 255, 255, 0.5)",60:"rgba(255, 255, 255, 0.6)",70:"rgba(255, 255, 255, 0.7)",80:"rgba(255, 255, 255, 0.8)",90:"rgba(255, 255, 255, 0.9)"},ba={5:"rgba(0, 0, 0, 0.05)",10:"rgba(0, 0, 0, 0.1)",20:"rgba(0, 0, 0, 0.2)",30:"rgba(0, 0, 0, 0.3)",40:"rgba(0, 0, 0, 0.4)",50:"rgba(0, 0, 0, 0.5)",60:"rgba(0, 0, 0, 0.6)",70:"rgba(0, 0, 0, 0.7)",80:"rgba(0, 0, 0, 0.8)",90:"rgba(0, 0, 0, 0.9)"},VC={5:"rgba(36, 36, 36, 0.05)",10:"rgba(36, 36, 36, 0.1)",20:"rgba(36, 36, 36, 0.2)",30:"rgba(36, 36, 36, 0.3)",40:"rgba(36, 36, 36, 0.4)",50:"rgba(36, 36, 36, 0.5)",60:"rgba(36, 36, 36, 0.6)",70:"rgba(36, 36, 36, 0.7)",80:"rgba(36, 36, 36, 0.8)",90:"rgba(36, 36, 36, 0.9)"},ht="#ffffff",x_="#000000",mie={shade50:"#130204",shade40:"#230308",shade30:"#420610",shade20:"#590815",shade10:"#690a19",primary:"#750b1c",tint10:"#861b2c",tint20:"#962f3f",tint30:"#ac4f5e",tint40:"#d69ca5",tint50:"#e9c7cd",tint60:"#f9f0f2"},gie={shade50:"#200205",shade40:"#3b0509",shade30:"#6e0811",shade20:"#960b18",shade10:"#b10e1c",primary:"#c50f1f",tint10:"#cc2635",tint20:"#d33f4c",tint30:"#dc626d",tint40:"#eeacb2",tint50:"#f6d1d5",tint60:"#fdf3f4"},vie={shade50:"#210809",shade40:"#3f1011",shade30:"#751d1f",shade20:"#9f282b",shade10:"#bc2f32",primary:"#d13438",tint10:"#d7494c",tint20:"#dc5e62",tint30:"#e37d80",tint40:"#f1bbbc",tint50:"#f8dadb",tint60:"#fdf6f6"},bie={shade50:"#230900",shade40:"#411200",shade30:"#7a2101",shade20:"#a62d01",shade10:"#c43501",primary:"#da3b01",tint10:"#de501c",tint20:"#e36537",tint30:"#e9835e",tint40:"#f4bfab",tint50:"#f9dcd1",tint60:"#fdf6f3"},yie={shade50:"#200d03",shade40:"#3d1805",shade30:"#712d09",shade20:"#9a3d0c",shade10:"#b6480e",primary:"#ca5010",tint10:"#d06228",tint20:"#d77440",tint30:"#df8e64",tint40:"#efc4ad",tint50:"#f7dfd2",tint60:"#fdf7f4"},Eie={shade50:"#291600",shade40:"#4d2a00",shade30:"#8f4e00",shade20:"#c26a00",shade10:"#e67e00",primary:"#ff8c00",tint10:"#ff9a1f",tint20:"#ffa83d",tint30:"#ffba66",tint40:"#ffddb3",tint50:"#ffedd6",tint60:"#fffaf5"},_ie={shade50:"#251a00",shade40:"#463100",shade30:"#835b00",shade20:"#b27c00",shade10:"#d39300",primary:"#eaa300",tint10:"#edad1c",tint20:"#efb839",tint30:"#f2c661",tint40:"#f9e2ae",tint50:"#fcefd3",tint60:"#fefbf4"},Tie={primary:"#fde300",shade10:"#e4cc00",shade20:"#c0ad00",shade30:"#817400",shade40:"#4c4400",shade50:"#282400",tint10:"#fde61e",tint20:"#fdea3d",tint30:"#feee66",tint40:"#fef7b2",tint50:"#fffad6",tint60:"#fffef5"},wie={shade50:"#1f1900",shade40:"#3a2f00",shade30:"#6c5700",shade20:"#937700",shade10:"#ae8c00",primary:"#c19c00",tint10:"#c8a718",tint20:"#d0b232",tint30:"#dac157",tint40:"#ecdfa5",tint50:"#f5eece",tint60:"#fdfbf2"},kie={shade50:"#181202",shade40:"#2e2103",shade30:"#553e06",shade20:"#745408",shade10:"#89640a",primary:"#986f0b",tint10:"#a47d1e",tint20:"#b18c34",tint30:"#c1a256",tint40:"#e0cea2",tint50:"#efe4cb",tint60:"#fbf8f2"},Sie={shade50:"#170e07",shade40:"#2b1a0e",shade30:"#50301a",shade20:"#6c4123",shade10:"#804d29",primary:"#8e562e",tint10:"#9c663f",tint20:"#a97652",tint30:"#bb8f6f",tint40:"#ddc3b0",tint50:"#edded3",tint60:"#faf7f4"},xie={shade50:"#0c1501",shade40:"#162702",shade30:"#294903",shade20:"#376304",shade10:"#427505",primary:"#498205",tint10:"#599116",tint20:"#6ba02b",tint30:"#85b44c",tint40:"#bdd99b",tint50:"#dbebc7",tint60:"#f6faf0"},Cie={shade50:"#002111",shade40:"#003d20",shade30:"#00723b",shade20:"#009b51",shade10:"#00b85f",primary:"#00cc6a",tint10:"#19d279",tint20:"#34d889",tint30:"#5ae0a0",tint40:"#a8f0cd",tint50:"#cff7e4",tint60:"#f3fdf8"},Aie={shade50:"#031a02",shade40:"#063004",shade30:"#0b5a08",shade20:"#0e7a0b",shade10:"#11910d",primary:"#13a10e",tint10:"#27ac22",tint20:"#3db838",tint30:"#5ec75a",tint40:"#a7e3a5",tint50:"#cef0cd",tint60:"#f2fbf2"},Nie={shade50:"#031403",shade40:"#052505",shade30:"#094509",shade20:"#0c5e0c",shade10:"#0e700e",primary:"#107c10",tint10:"#218c21",tint20:"#359b35",tint30:"#54b054",tint40:"#9fd89f",tint50:"#c9eac9",tint60:"#f1faf1"},Fie={shade50:"#021102",shade40:"#032003",shade30:"#063b06",shade20:"#085108",shade10:"#0a5f0a",primary:"#0b6a0b",tint10:"#1a7c1a",tint20:"#2d8e2d",tint30:"#4da64d",tint40:"#9ad29a",tint50:"#c6e7c6",tint60:"#f0f9f0"},Iie={shade50:"#001d1f",shade40:"#00373a",shade30:"#00666d",shade20:"#008b94",shade10:"#00a5af",primary:"#00b7c3",tint10:"#18bfca",tint20:"#32c8d1",tint30:"#58d3db",tint40:"#a6e9ed",tint50:"#cef3f5",tint60:"#f2fcfd"},Bie={shade50:"#001516",shade40:"#012728",shade30:"#02494c",shade20:"#026467",shade10:"#037679",primary:"#038387",tint10:"#159195",tint20:"#2aa0a4",tint30:"#4cb4b7",tint40:"#9bd9db",tint50:"#c7ebec",tint60:"#f0fafa"},Rie={shade50:"#000f12",shade40:"#001b22",shade30:"#00333f",shade20:"#004555",shade10:"#005265",primary:"#005b70",tint10:"#0f6c81",tint20:"#237d92",tint30:"#4496a9",tint40:"#94c8d4",tint50:"#c3e1e8",tint60:"#eff7f9"},Oie={shade50:"#001322",shade40:"#002440",shade30:"#004377",shade20:"#005ba1",shade10:"#006cbf",primary:"#0078d4",tint10:"#1a86d9",tint20:"#3595de",tint30:"#5caae5",tint40:"#a9d3f2",tint50:"#d0e7f8",tint60:"#f3f9fd"},Die={shade50:"#000c16",shade40:"#00172a",shade30:"#002c4e",shade20:"#003b6a",shade10:"#00467e",primary:"#004e8c",tint10:"#125e9a",tint20:"#286fa8",tint30:"#4a89ba",tint40:"#9abfdc",tint50:"#c7dced",tint60:"#f0f6fa"},Pie={shade50:"#0d1126",shade40:"#182047",shade30:"#2c3c85",shade20:"#3c51b4",shade10:"#4760d5",primary:"#4f6bed",tint10:"#637cef",tint20:"#778df1",tint30:"#93a4f4",tint40:"#c8d1fa",tint50:"#e1e6fc",tint60:"#f7f9fe"},Mie={shade50:"#00061d",shade40:"#000c36",shade30:"#001665",shade20:"#001e89",shade10:"#0023a2",primary:"#0027b4",tint10:"#173bbd",tint20:"#3050c6",tint30:"#546fd2",tint40:"#a3b2e8",tint50:"#ccd5f3",tint60:"#f2f4fc"},Lie={shade50:"#120f25",shade40:"#221d46",shade30:"#3f3682",shade20:"#5649b0",shade10:"#6656d1",primary:"#7160e8",tint10:"#8172eb",tint20:"#9184ee",tint30:"#a79cf1",tint40:"#d2ccf8",tint50:"#e7e4fb",tint60:"#f9f8fe"},jie={shade50:"#0f0717",shade40:"#1c0e2b",shade30:"#341a51",shade20:"#46236e",shade10:"#532982",primary:"#5c2e91",tint10:"#6b3f9e",tint20:"#7c52ab",tint30:"#9470bd",tint40:"#c6b1de",tint50:"#e0d3ed",tint60:"#f7f4fb"},zie={shade50:"#160418",shade40:"#29072e",shade30:"#4c0d55",shade20:"#671174",shade10:"#7a1589",primary:"#881798",tint10:"#952aa4",tint20:"#a33fb1",tint30:"#b55fc1",tint40:"#d9a7e0",tint50:"#eaceef",tint60:"#faf2fb"},Hie={shade50:"#1f091d",shade40:"#3a1136",shade30:"#6d2064",shade20:"#932b88",shade10:"#af33a1",primary:"#c239b3",tint10:"#c94cbc",tint20:"#d161c4",tint30:"#da7ed0",tint40:"#edbbe7",tint50:"#f5daf2",tint60:"#fdf5fc"},Uie={shade50:"#1c0b1f",shade40:"#35153a",shade30:"#63276d",shade20:"#863593",shade10:"#9f3faf",primary:"#b146c2",tint10:"#ba58c9",tint20:"#c36bd1",tint30:"#cf87da",tint40:"#e6bfed",tint50:"#f2dcf5",tint60:"#fcf6fd"},qie={shade50:"#24091b",shade40:"#441232",shade30:"#80215d",shade20:"#ad2d7e",shade10:"#cd3595",primary:"#e43ba6",tint10:"#e750b0",tint20:"#ea66ba",tint30:"#ef85c8",tint40:"#f7c0e3",tint50:"#fbddf0",tint60:"#fef6fb"},$ie={shade50:"#1f0013",shade40:"#390024",shade30:"#6b0043",shade20:"#91005a",shade10:"#ac006b",primary:"#bf0077",tint10:"#c71885",tint20:"#ce3293",tint30:"#d957a8",tint40:"#eca5d1",tint50:"#f5cee6",tint60:"#fcf2f9"},Wie={shade50:"#13000c",shade40:"#240017",shade30:"#43002b",shade20:"#5a003b",shade10:"#6b0045",primary:"#77004d",tint10:"#87105d",tint20:"#98246f",tint30:"#ad4589",tint40:"#d696c0",tint50:"#e9c4dc",tint60:"#faf0f6"},Gie={shade50:"#141313",shade40:"#252323",shade30:"#444241",shade20:"#5d5958",shade10:"#6e6968",primary:"#7a7574",tint10:"#8a8584",tint20:"#9a9594",tint30:"#afabaa",tint40:"#d7d4d4",tint50:"#eae8e8",tint60:"#faf9f9"},Kie={shade50:"#0f0e0e",shade40:"#1c1b1a",shade30:"#343231",shade20:"#474443",shade10:"#54514f",primary:"#5d5a58",tint10:"#706d6b",tint20:"#84817e",tint30:"#9e9b99",tint40:"#cecccb",tint50:"#e5e4e3",tint60:"#f8f8f8"},Vie={shade50:"#111314",shade40:"#1f2426",shade30:"#3b4447",shade20:"#505c60",shade10:"#5f6d71",primary:"#69797e",tint10:"#79898d",tint20:"#89989d",tint30:"#a0adb2",tint40:"#cdd6d8",tint50:"#e4e9ea",tint60:"#f8f9fa"},Yie={shade50:"#090a0b",shade40:"#111315",shade30:"#202427",shade20:"#2b3135",shade10:"#333a3f",primary:"#394146",tint10:"#4d565c",tint20:"#626c72",tint30:"#808a90",tint40:"#bcc3c7",tint50:"#dbdfe1",tint60:"#f6f7f8"},Xt={red:vie,green:Nie,darkOrange:bie,yellow:Tie,berry:Hie,lightGreen:Aie,marigold:_ie},yu={darkRed:mie,cranberry:gie,pumpkin:yie,peach:Eie,gold:wie,brass:kie,brown:Sie,forest:xie,seafoam:Cie,darkGreen:Fie,lightTeal:Iie,teal:Bie,steel:Rie,blue:Oie,royalBlue:Die,cornflower:Pie,navy:Mie,lavender:Lie,purple:jie,grape:zie,lilac:Uie,pink:qie,magenta:$ie,plum:Wie,beige:Gie,mink:Kie,platinum:Vie,anchor:Yie},IO=["red","green","darkOrange","yellow","berry","lightGreen","marigold"],BO=["darkRed","cranberry","pumpkin","peach","gold","brass","brown","forest","seafoam","darkGreen","lightTeal","teal","steel","blue","royalBlue","cornflower","navy","lavender","purple","grape","lilac","pink","magenta","plum","beige","mink","platinum","anchor"],ip=IO.reduce((e,t)=>{const n=t.slice(0,1).toUpperCase()+t.slice(1),r={[`colorPalette${n}Background1`]:Xt[t].tint60,[`colorPalette${n}Background2`]:Xt[t].tint40,[`colorPalette${n}Background3`]:Xt[t].primary,[`colorPalette${n}Foreground1`]:Xt[t].shade10,[`colorPalette${n}Foreground2`]:Xt[t].shade30,[`colorPalette${n}Foreground3`]:Xt[t].primary,[`colorPalette${n}BorderActive`]:Xt[t].primary,[`colorPalette${n}Border1`]:Xt[t].tint40,[`colorPalette${n}Border2`]:Xt[t].primary};return Object.assign(e,r)},{});ip.colorPaletteYellowForeground1=Xt.yellow.shade30;ip.colorPaletteRedForegroundInverted=Xt.red.tint20;ip.colorPaletteGreenForegroundInverted=Xt.green.tint20;ip.colorPaletteYellowForegroundInverted=Xt.yellow.tint40;const Qie=BO.reduce((e,t)=>{const n=t.slice(0,1).toUpperCase()+t.slice(1),r={[`colorPalette${n}Background2`]:yu[t].tint40,[`colorPalette${n}Foreground2`]:yu[t].shade30,[`colorPalette${n}BorderActive`]:yu[t].primary};return Object.assign(e,r)},{}),Xie={...ip,...Qie},Zie=e=>({colorNeutralForeground1:we[14],colorNeutralForeground1Hover:we[14],colorNeutralForeground1Pressed:we[14],colorNeutralForeground1Selected:we[14],colorNeutralForeground2:we[26],colorNeutralForeground2Hover:we[14],colorNeutralForeground2Pressed:we[14],colorNeutralForeground2Selected:we[14],colorNeutralForeground2BrandHover:e[80],colorNeutralForeground2BrandPressed:e[70],colorNeutralForeground2BrandSelected:e[80],colorNeutralForeground3:we[38],colorNeutralForeground3Hover:we[26],colorNeutralForeground3Pressed:we[26],colorNeutralForeground3Selected:we[26],colorNeutralForeground3BrandHover:e[80],colorNeutralForeground3BrandPressed:e[70],colorNeutralForeground3BrandSelected:e[80],colorNeutralForeground4:we[44],colorNeutralForegroundDisabled:we[74],colorNeutralForegroundInvertedDisabled:ya[40],colorBrandForegroundLink:e[70],colorBrandForegroundLinkHover:e[60],colorBrandForegroundLinkPressed:e[40],colorBrandForegroundLinkSelected:e[70],colorNeutralForeground2Link:we[26],colorNeutralForeground2LinkHover:we[14],colorNeutralForeground2LinkPressed:we[14],colorNeutralForeground2LinkSelected:we[14],colorCompoundBrandForeground1:e[80],colorCompoundBrandForeground1Hover:e[70],colorCompoundBrandForeground1Pressed:e[60],colorBrandForeground1:e[80],colorBrandForeground2:e[70],colorNeutralForeground1Static:we[14],colorNeutralForegroundStaticInverted:ht,colorNeutralForegroundInverted:ht,colorNeutralForegroundInvertedHover:ht,colorNeutralForegroundInvertedPressed:ht,colorNeutralForegroundInvertedSelected:ht,colorNeutralForegroundInverted2:ht,colorNeutralForegroundOnBrand:ht,colorNeutralForegroundInvertedLink:ht,colorNeutralForegroundInvertedLinkHover:ht,colorNeutralForegroundInvertedLinkPressed:ht,colorNeutralForegroundInvertedLinkSelected:ht,colorBrandForegroundInverted:e[100],colorBrandForegroundInvertedHover:e[110],colorBrandForegroundInvertedPressed:e[100],colorBrandForegroundOnLight:e[80],colorBrandForegroundOnLightHover:e[70],colorBrandForegroundOnLightPressed:e[50],colorBrandForegroundOnLightSelected:e[60],colorNeutralBackground1:ht,colorNeutralBackground1Hover:we[96],colorNeutralBackground1Pressed:we[88],colorNeutralBackground1Selected:we[92],colorNeutralBackground2:we[98],colorNeutralBackground2Hover:we[94],colorNeutralBackground2Pressed:we[86],colorNeutralBackground2Selected:we[90],colorNeutralBackground3:we[96],colorNeutralBackground3Hover:we[92],colorNeutralBackground3Pressed:we[84],colorNeutralBackground3Selected:we[88],colorNeutralBackground4:we[94],colorNeutralBackground4Hover:we[98],colorNeutralBackground4Pressed:we[96],colorNeutralBackground4Selected:ht,colorNeutralBackground5:we[92],colorNeutralBackground5Hover:we[96],colorNeutralBackground5Pressed:we[94],colorNeutralBackground5Selected:we[98],colorNeutralBackground6:we[90],colorNeutralBackgroundInverted:we[16],colorNeutralBackgroundStatic:we[20],colorSubtleBackground:"transparent",colorSubtleBackgroundHover:we[96],colorSubtleBackgroundPressed:we[88],colorSubtleBackgroundSelected:we[92],colorSubtleBackgroundLightAlphaHover:ya[70],colorSubtleBackgroundLightAlphaPressed:ya[50],colorSubtleBackgroundLightAlphaSelected:"transparent",colorSubtleBackgroundInverted:"transparent",colorSubtleBackgroundInvertedHover:ba[10],colorSubtleBackgroundInvertedPressed:ba[30],colorSubtleBackgroundInvertedSelected:ba[20],colorTransparentBackground:"transparent",colorTransparentBackgroundHover:"transparent",colorTransparentBackgroundPressed:"transparent",colorTransparentBackgroundSelected:"transparent",colorNeutralBackgroundDisabled:we[94],colorNeutralBackgroundInvertedDisabled:ya[10],colorNeutralStencil1:we[90],colorNeutralStencil2:we[98],colorNeutralStencil1Alpha:ba[10],colorNeutralStencil2Alpha:ba[5],colorBackgroundOverlay:ba[40],colorScrollbarOverlay:ba[50],colorBrandBackground:e[80],colorBrandBackgroundHover:e[70],colorBrandBackgroundPressed:e[40],colorBrandBackgroundSelected:e[60],colorCompoundBrandBackground:e[80],colorCompoundBrandBackgroundHover:e[70],colorCompoundBrandBackgroundPressed:e[60],colorBrandBackgroundStatic:e[80],colorBrandBackground2:e[160],colorBrandBackgroundInverted:ht,colorBrandBackgroundInvertedHover:e[160],colorBrandBackgroundInvertedPressed:e[140],colorBrandBackgroundInvertedSelected:e[150],colorNeutralStrokeAccessible:we[38],colorNeutralStrokeAccessibleHover:we[34],colorNeutralStrokeAccessiblePressed:we[30],colorNeutralStrokeAccessibleSelected:e[80],colorNeutralStroke1:we[82],colorNeutralStroke1Hover:we[78],colorNeutralStroke1Pressed:we[70],colorNeutralStroke1Selected:we[74],colorNeutralStroke2:we[88],colorNeutralStroke3:we[94],colorNeutralStrokeOnBrand:ht,colorNeutralStrokeOnBrand2:ht,colorNeutralStrokeOnBrand2Hover:ht,colorNeutralStrokeOnBrand2Pressed:ht,colorNeutralStrokeOnBrand2Selected:ht,colorBrandStroke1:e[80],colorBrandStroke2:e[140],colorCompoundBrandStroke:e[80],colorCompoundBrandStrokeHover:e[70],colorCompoundBrandStrokePressed:e[60],colorNeutralStrokeDisabled:we[88],colorNeutralStrokeInvertedDisabled:ya[40],colorTransparentStroke:"transparent",colorTransparentStrokeInteractive:"transparent",colorTransparentStrokeDisabled:"transparent",colorStrokeFocus1:ht,colorStrokeFocus2:x_,colorNeutralShadowAmbient:"rgba(0,0,0,0.12)",colorNeutralShadowKey:"rgba(0,0,0,0.14)",colorNeutralShadowAmbientLighter:"rgba(0,0,0,0.06)",colorNeutralShadowKeyLighter:"rgba(0,0,0,0.07)",colorNeutralShadowAmbientDarker:"rgba(0,0,0,0.20)",colorNeutralShadowKeyDarker:"rgba(0,0,0,0.24)",colorBrandShadowAmbient:"rgba(0,0,0,0.30)",colorBrandShadowKey:"rgba(0,0,0,0.25)"}),RO={borderRadiusNone:"0",borderRadiusSmall:"2px",borderRadiusMedium:"4px",borderRadiusLarge:"6px",borderRadiusXLarge:"8px",borderRadiusCircular:"10000px"},OO={curveAccelerateMax:"cubic-bezier(1,0,1,1)",curveAccelerateMid:"cubic-bezier(0.7,0,1,0.5)",curveAccelerateMin:"cubic-bezier(0.8,0,1,1)",curveDecelerateMax:"cubic-bezier(0,0,0,1)",curveDecelerateMid:"cubic-bezier(0.1,0.9,0.2,1)",curveDecelerateMin:"cubic-bezier(0.33,0,0.1,1)",curveEasyEaseMax:"cubic-bezier(0.8,0,0.1,1)",curveEasyEase:"cubic-bezier(0.33,0,0.67,1)",curveLinear:"cubic-bezier(0,0,1,1)"},DO={durationUltraFast:"50ms",durationFaster:"100ms",durationFast:"150ms",durationNormal:"200ms",durationSlow:"300ms",durationSlower:"400ms",durationUltraSlow:"500ms"},PO={fontSizeBase100:"10px",fontSizeBase200:"12px",fontSizeBase300:"14px",fontSizeBase400:"16px",fontSizeBase500:"20px",fontSizeBase600:"24px",fontSizeHero700:"28px",fontSizeHero800:"32px",fontSizeHero900:"40px",fontSizeHero1000:"68px"},MO={lineHeightBase100:"14px",lineHeightBase200:"16px",lineHeightBase300:"20px",lineHeightBase400:"22px",lineHeightBase500:"28px",lineHeightBase600:"32px",lineHeightHero700:"36px",lineHeightHero800:"40px",lineHeightHero900:"52px",lineHeightHero1000:"92px"},LO={fontWeightRegular:400,fontWeightMedium:500,fontWeightSemibold:600,fontWeightBold:700},jO={fontFamilyBase:"'Segoe UI', 'Segoe UI Web (West European)', -apple-system, BlinkMacSystemFont, Roboto, 'Helvetica Neue', sans-serif",fontFamilyMonospace:"Consolas, 'Courier New', Courier, monospace",fontFamilyNumeric:"Bahnschrift, 'Segoe UI', 'Segoe UI Web (West European)', -apple-system, BlinkMacSystemFont, Roboto, 'Helvetica Neue', sans-serif"},Kn={none:"0",xxs:"2px",xs:"4px",sNudge:"6px",s:"8px",mNudge:"10px",m:"12px",l:"16px",xl:"20px",xxl:"24px",xxxl:"32px"},zO={spacingHorizontalNone:Kn.none,spacingHorizontalXXS:Kn.xxs,spacingHorizontalXS:Kn.xs,spacingHorizontalSNudge:Kn.sNudge,spacingHorizontalS:Kn.s,spacingHorizontalMNudge:Kn.mNudge,spacingHorizontalM:Kn.m,spacingHorizontalL:Kn.l,spacingHorizontalXL:Kn.xl,spacingHorizontalXXL:Kn.xxl,spacingHorizontalXXXL:Kn.xxxl},HO={spacingVerticalNone:Kn.none,spacingVerticalXXS:Kn.xxs,spacingVerticalXS:Kn.xs,spacingVerticalSNudge:Kn.sNudge,spacingVerticalS:Kn.s,spacingVerticalMNudge:Kn.mNudge,spacingVerticalM:Kn.m,spacingVerticalL:Kn.l,spacingVerticalXL:Kn.xl,spacingVerticalXXL:Kn.xxl,spacingVerticalXXXL:Kn.xxxl},UO={strokeWidthThin:"1px",strokeWidthThick:"2px",strokeWidthThicker:"3px",strokeWidthThickest:"4px"},nn={colorNeutralForeground1:"var(--colorNeutralForeground1)",colorNeutralForeground1Hover:"var(--colorNeutralForeground1Hover)",colorNeutralForeground1Pressed:"var(--colorNeutralForeground1Pressed)",colorNeutralForeground1Selected:"var(--colorNeutralForeground1Selected)",colorNeutralForeground2:"var(--colorNeutralForeground2)",colorNeutralForeground2Hover:"var(--colorNeutralForeground2Hover)",colorNeutralForeground2Pressed:"var(--colorNeutralForeground2Pressed)",colorNeutralForeground2Selected:"var(--colorNeutralForeground2Selected)",colorNeutralForeground2BrandHover:"var(--colorNeutralForeground2BrandHover)",colorNeutralForeground2BrandPressed:"var(--colorNeutralForeground2BrandPressed)",colorNeutralForeground2BrandSelected:"var(--colorNeutralForeground2BrandSelected)",colorNeutralForeground3:"var(--colorNeutralForeground3)",colorNeutralForeground3Hover:"var(--colorNeutralForeground3Hover)",colorNeutralForeground3Pressed:"var(--colorNeutralForeground3Pressed)",colorNeutralForeground3Selected:"var(--colorNeutralForeground3Selected)",colorNeutralForeground3BrandHover:"var(--colorNeutralForeground3BrandHover)",colorNeutralForeground3BrandPressed:"var(--colorNeutralForeground3BrandPressed)",colorNeutralForeground3BrandSelected:"var(--colorNeutralForeground3BrandSelected)",colorNeutralForeground4:"var(--colorNeutralForeground4)",colorNeutralForegroundDisabled:"var(--colorNeutralForegroundDisabled)",colorBrandForegroundLink:"var(--colorBrandForegroundLink)",colorBrandForegroundLinkHover:"var(--colorBrandForegroundLinkHover)",colorBrandForegroundLinkPressed:"var(--colorBrandForegroundLinkPressed)",colorBrandForegroundLinkSelected:"var(--colorBrandForegroundLinkSelected)",colorNeutralForeground2Link:"var(--colorNeutralForeground2Link)",colorNeutralForeground2LinkHover:"var(--colorNeutralForeground2LinkHover)",colorNeutralForeground2LinkPressed:"var(--colorNeutralForeground2LinkPressed)",colorNeutralForeground2LinkSelected:"var(--colorNeutralForeground2LinkSelected)",colorCompoundBrandForeground1:"var(--colorCompoundBrandForeground1)",colorCompoundBrandForeground1Hover:"var(--colorCompoundBrandForeground1Hover)",colorCompoundBrandForeground1Pressed:"var(--colorCompoundBrandForeground1Pressed)",colorNeutralForegroundOnBrand:"var(--colorNeutralForegroundOnBrand)",colorNeutralForegroundInverted:"var(--colorNeutralForegroundInverted)",colorNeutralForegroundInvertedHover:"var(--colorNeutralForegroundInvertedHover)",colorNeutralForegroundInvertedPressed:"var(--colorNeutralForegroundInvertedPressed)",colorNeutralForegroundInvertedSelected:"var(--colorNeutralForegroundInvertedSelected)",colorNeutralForegroundInverted2:"var(--colorNeutralForegroundInverted2)",colorNeutralForegroundStaticInverted:"var(--colorNeutralForegroundStaticInverted)",colorNeutralForegroundInvertedLink:"var(--colorNeutralForegroundInvertedLink)",colorNeutralForegroundInvertedLinkHover:"var(--colorNeutralForegroundInvertedLinkHover)",colorNeutralForegroundInvertedLinkPressed:"var(--colorNeutralForegroundInvertedLinkPressed)",colorNeutralForegroundInvertedLinkSelected:"var(--colorNeutralForegroundInvertedLinkSelected)",colorNeutralForegroundInvertedDisabled:"var(--colorNeutralForegroundInvertedDisabled)",colorBrandForeground1:"var(--colorBrandForeground1)",colorBrandForeground2:"var(--colorBrandForeground2)",colorNeutralForeground1Static:"var(--colorNeutralForeground1Static)",colorBrandForegroundInverted:"var(--colorBrandForegroundInverted)",colorBrandForegroundInvertedHover:"var(--colorBrandForegroundInvertedHover)",colorBrandForegroundInvertedPressed:"var(--colorBrandForegroundInvertedPressed)",colorBrandForegroundOnLight:"var(--colorBrandForegroundOnLight)",colorBrandForegroundOnLightHover:"var(--colorBrandForegroundOnLightHover)",colorBrandForegroundOnLightPressed:"var(--colorBrandForegroundOnLightPressed)",colorBrandForegroundOnLightSelected:"var(--colorBrandForegroundOnLightSelected)",colorNeutralBackground1:"var(--colorNeutralBackground1)",colorNeutralBackground1Hover:"var(--colorNeutralBackground1Hover)",colorNeutralBackground1Pressed:"var(--colorNeutralBackground1Pressed)",colorNeutralBackground1Selected:"var(--colorNeutralBackground1Selected)",colorNeutralBackground2:"var(--colorNeutralBackground2)",colorNeutralBackground2Hover:"var(--colorNeutralBackground2Hover)",colorNeutralBackground2Pressed:"var(--colorNeutralBackground2Pressed)",colorNeutralBackground2Selected:"var(--colorNeutralBackground2Selected)",colorNeutralBackground3:"var(--colorNeutralBackground3)",colorNeutralBackground3Hover:"var(--colorNeutralBackground3Hover)",colorNeutralBackground3Pressed:"var(--colorNeutralBackground3Pressed)",colorNeutralBackground3Selected:"var(--colorNeutralBackground3Selected)",colorNeutralBackground4:"var(--colorNeutralBackground4)",colorNeutralBackground4Hover:"var(--colorNeutralBackground4Hover)",colorNeutralBackground4Pressed:"var(--colorNeutralBackground4Pressed)",colorNeutralBackground4Selected:"var(--colorNeutralBackground4Selected)",colorNeutralBackground5:"var(--colorNeutralBackground5)",colorNeutralBackground5Hover:"var(--colorNeutralBackground5Hover)",colorNeutralBackground5Pressed:"var(--colorNeutralBackground5Pressed)",colorNeutralBackground5Selected:"var(--colorNeutralBackground5Selected)",colorNeutralBackground6:"var(--colorNeutralBackground6)",colorNeutralBackgroundStatic:"var(--colorNeutralBackgroundStatic)",colorNeutralBackgroundInverted:"var(--colorNeutralBackgroundInverted)",colorSubtleBackground:"var(--colorSubtleBackground)",colorSubtleBackgroundHover:"var(--colorSubtleBackgroundHover)",colorSubtleBackgroundPressed:"var(--colorSubtleBackgroundPressed)",colorSubtleBackgroundSelected:"var(--colorSubtleBackgroundSelected)",colorSubtleBackgroundLightAlphaHover:"var(--colorSubtleBackgroundLightAlphaHover)",colorSubtleBackgroundLightAlphaPressed:"var(--colorSubtleBackgroundLightAlphaPressed)",colorSubtleBackgroundLightAlphaSelected:"var(--colorSubtleBackgroundLightAlphaSelected)",colorSubtleBackgroundInverted:"var(--colorSubtleBackgroundInverted)",colorSubtleBackgroundInvertedHover:"var(--colorSubtleBackgroundInvertedHover)",colorSubtleBackgroundInvertedPressed:"var(--colorSubtleBackgroundInvertedPressed)",colorSubtleBackgroundInvertedSelected:"var(--colorSubtleBackgroundInvertedSelected)",colorTransparentBackground:"var(--colorTransparentBackground)",colorTransparentBackgroundHover:"var(--colorTransparentBackgroundHover)",colorTransparentBackgroundPressed:"var(--colorTransparentBackgroundPressed)",colorTransparentBackgroundSelected:"var(--colorTransparentBackgroundSelected)",colorNeutralBackgroundDisabled:"var(--colorNeutralBackgroundDisabled)",colorNeutralBackgroundInvertedDisabled:"var(--colorNeutralBackgroundInvertedDisabled)",colorNeutralStencil1:"var(--colorNeutralStencil1)",colorNeutralStencil2:"var(--colorNeutralStencil2)",colorNeutralStencil1Alpha:"var(--colorNeutralStencil1Alpha)",colorNeutralStencil2Alpha:"var(--colorNeutralStencil2Alpha)",colorBackgroundOverlay:"var(--colorBackgroundOverlay)",colorScrollbarOverlay:"var(--colorScrollbarOverlay)",colorBrandBackground:"var(--colorBrandBackground)",colorBrandBackgroundHover:"var(--colorBrandBackgroundHover)",colorBrandBackgroundPressed:"var(--colorBrandBackgroundPressed)",colorBrandBackgroundSelected:"var(--colorBrandBackgroundSelected)",colorCompoundBrandBackground:"var(--colorCompoundBrandBackground)",colorCompoundBrandBackgroundHover:"var(--colorCompoundBrandBackgroundHover)",colorCompoundBrandBackgroundPressed:"var(--colorCompoundBrandBackgroundPressed)",colorBrandBackgroundStatic:"var(--colorBrandBackgroundStatic)",colorBrandBackground2:"var(--colorBrandBackground2)",colorBrandBackgroundInverted:"var(--colorBrandBackgroundInverted)",colorBrandBackgroundInvertedHover:"var(--colorBrandBackgroundInvertedHover)",colorBrandBackgroundInvertedPressed:"var(--colorBrandBackgroundInvertedPressed)",colorBrandBackgroundInvertedSelected:"var(--colorBrandBackgroundInvertedSelected)",colorNeutralStrokeAccessible:"var(--colorNeutralStrokeAccessible)",colorNeutralStrokeAccessibleHover:"var(--colorNeutralStrokeAccessibleHover)",colorNeutralStrokeAccessiblePressed:"var(--colorNeutralStrokeAccessiblePressed)",colorNeutralStrokeAccessibleSelected:"var(--colorNeutralStrokeAccessibleSelected)",colorNeutralStroke1:"var(--colorNeutralStroke1)",colorNeutralStroke1Hover:"var(--colorNeutralStroke1Hover)",colorNeutralStroke1Pressed:"var(--colorNeutralStroke1Pressed)",colorNeutralStroke1Selected:"var(--colorNeutralStroke1Selected)",colorNeutralStroke2:"var(--colorNeutralStroke2)",colorNeutralStroke3:"var(--colorNeutralStroke3)",colorNeutralStrokeOnBrand:"var(--colorNeutralStrokeOnBrand)",colorNeutralStrokeOnBrand2:"var(--colorNeutralStrokeOnBrand2)",colorNeutralStrokeOnBrand2Hover:"var(--colorNeutralStrokeOnBrand2Hover)",colorNeutralStrokeOnBrand2Pressed:"var(--colorNeutralStrokeOnBrand2Pressed)",colorNeutralStrokeOnBrand2Selected:"var(--colorNeutralStrokeOnBrand2Selected)",colorBrandStroke1:"var(--colorBrandStroke1)",colorBrandStroke2:"var(--colorBrandStroke2)",colorCompoundBrandStroke:"var(--colorCompoundBrandStroke)",colorCompoundBrandStrokeHover:"var(--colorCompoundBrandStrokeHover)",colorCompoundBrandStrokePressed:"var(--colorCompoundBrandStrokePressed)",colorNeutralStrokeDisabled:"var(--colorNeutralStrokeDisabled)",colorNeutralStrokeInvertedDisabled:"var(--colorNeutralStrokeInvertedDisabled)",colorTransparentStroke:"var(--colorTransparentStroke)",colorTransparentStrokeInteractive:"var(--colorTransparentStrokeInteractive)",colorTransparentStrokeDisabled:"var(--colorTransparentStrokeDisabled)",colorStrokeFocus1:"var(--colorStrokeFocus1)",colorStrokeFocus2:"var(--colorStrokeFocus2)",colorNeutralShadowAmbient:"var(--colorNeutralShadowAmbient)",colorNeutralShadowKey:"var(--colorNeutralShadowKey)",colorNeutralShadowAmbientLighter:"var(--colorNeutralShadowAmbientLighter)",colorNeutralShadowKeyLighter:"var(--colorNeutralShadowKeyLighter)",colorNeutralShadowAmbientDarker:"var(--colorNeutralShadowAmbientDarker)",colorNeutralShadowKeyDarker:"var(--colorNeutralShadowKeyDarker)",colorBrandShadowAmbient:"var(--colorBrandShadowAmbient)",colorBrandShadowKey:"var(--colorBrandShadowKey)",colorPaletteRedBackground1:"var(--colorPaletteRedBackground1)",colorPaletteRedBackground2:"var(--colorPaletteRedBackground2)",colorPaletteRedBackground3:"var(--colorPaletteRedBackground3)",colorPaletteRedBorderActive:"var(--colorPaletteRedBorderActive)",colorPaletteRedBorder1:"var(--colorPaletteRedBorder1)",colorPaletteRedBorder2:"var(--colorPaletteRedBorder2)",colorPaletteRedForeground1:"var(--colorPaletteRedForeground1)",colorPaletteRedForeground2:"var(--colorPaletteRedForeground2)",colorPaletteRedForeground3:"var(--colorPaletteRedForeground3)",colorPaletteRedForegroundInverted:"var(--colorPaletteRedForegroundInverted)",colorPaletteGreenBackground1:"var(--colorPaletteGreenBackground1)",colorPaletteGreenBackground2:"var(--colorPaletteGreenBackground2)",colorPaletteGreenBackground3:"var(--colorPaletteGreenBackground3)",colorPaletteGreenBorderActive:"var(--colorPaletteGreenBorderActive)",colorPaletteGreenBorder1:"var(--colorPaletteGreenBorder1)",colorPaletteGreenBorder2:"var(--colorPaletteGreenBorder2)",colorPaletteGreenForeground1:"var(--colorPaletteGreenForeground1)",colorPaletteGreenForeground2:"var(--colorPaletteGreenForeground2)",colorPaletteGreenForeground3:"var(--colorPaletteGreenForeground3)",colorPaletteGreenForegroundInverted:"var(--colorPaletteGreenForegroundInverted)",colorPaletteDarkOrangeBackground1:"var(--colorPaletteDarkOrangeBackground1)",colorPaletteDarkOrangeBackground2:"var(--colorPaletteDarkOrangeBackground2)",colorPaletteDarkOrangeBackground3:"var(--colorPaletteDarkOrangeBackground3)",colorPaletteDarkOrangeBorderActive:"var(--colorPaletteDarkOrangeBorderActive)",colorPaletteDarkOrangeBorder1:"var(--colorPaletteDarkOrangeBorder1)",colorPaletteDarkOrangeBorder2:"var(--colorPaletteDarkOrangeBorder2)",colorPaletteDarkOrangeForeground1:"var(--colorPaletteDarkOrangeForeground1)",colorPaletteDarkOrangeForeground2:"var(--colorPaletteDarkOrangeForeground2)",colorPaletteDarkOrangeForeground3:"var(--colorPaletteDarkOrangeForeground3)",colorPaletteYellowBackground1:"var(--colorPaletteYellowBackground1)",colorPaletteYellowBackground2:"var(--colorPaletteYellowBackground2)",colorPaletteYellowBackground3:"var(--colorPaletteYellowBackground3)",colorPaletteYellowBorderActive:"var(--colorPaletteYellowBorderActive)",colorPaletteYellowBorder1:"var(--colorPaletteYellowBorder1)",colorPaletteYellowBorder2:"var(--colorPaletteYellowBorder2)",colorPaletteYellowForeground1:"var(--colorPaletteYellowForeground1)",colorPaletteYellowForeground2:"var(--colorPaletteYellowForeground2)",colorPaletteYellowForeground3:"var(--colorPaletteYellowForeground3)",colorPaletteYellowForegroundInverted:"var(--colorPaletteYellowForegroundInverted)",colorPaletteBerryBackground1:"var(--colorPaletteBerryBackground1)",colorPaletteBerryBackground2:"var(--colorPaletteBerryBackground2)",colorPaletteBerryBackground3:"var(--colorPaletteBerryBackground3)",colorPaletteBerryBorderActive:"var(--colorPaletteBerryBorderActive)",colorPaletteBerryBorder1:"var(--colorPaletteBerryBorder1)",colorPaletteBerryBorder2:"var(--colorPaletteBerryBorder2)",colorPaletteBerryForeground1:"var(--colorPaletteBerryForeground1)",colorPaletteBerryForeground2:"var(--colorPaletteBerryForeground2)",colorPaletteBerryForeground3:"var(--colorPaletteBerryForeground3)",colorPaletteMarigoldBackground1:"var(--colorPaletteMarigoldBackground1)",colorPaletteMarigoldBackground2:"var(--colorPaletteMarigoldBackground2)",colorPaletteMarigoldBackground3:"var(--colorPaletteMarigoldBackground3)",colorPaletteMarigoldBorderActive:"var(--colorPaletteMarigoldBorderActive)",colorPaletteMarigoldBorder1:"var(--colorPaletteMarigoldBorder1)",colorPaletteMarigoldBorder2:"var(--colorPaletteMarigoldBorder2)",colorPaletteMarigoldForeground1:"var(--colorPaletteMarigoldForeground1)",colorPaletteMarigoldForeground2:"var(--colorPaletteMarigoldForeground2)",colorPaletteMarigoldForeground3:"var(--colorPaletteMarigoldForeground3)",colorPaletteLightGreenBackground1:"var(--colorPaletteLightGreenBackground1)",colorPaletteLightGreenBackground2:"var(--colorPaletteLightGreenBackground2)",colorPaletteLightGreenBackground3:"var(--colorPaletteLightGreenBackground3)",colorPaletteLightGreenBorderActive:"var(--colorPaletteLightGreenBorderActive)",colorPaletteLightGreenBorder1:"var(--colorPaletteLightGreenBorder1)",colorPaletteLightGreenBorder2:"var(--colorPaletteLightGreenBorder2)",colorPaletteLightGreenForeground1:"var(--colorPaletteLightGreenForeground1)",colorPaletteLightGreenForeground2:"var(--colorPaletteLightGreenForeground2)",colorPaletteLightGreenForeground3:"var(--colorPaletteLightGreenForeground3)",colorPaletteAnchorBackground2:"var(--colorPaletteAnchorBackground2)",colorPaletteAnchorBorderActive:"var(--colorPaletteAnchorBorderActive)",colorPaletteAnchorForeground2:"var(--colorPaletteAnchorForeground2)",colorPaletteBeigeBackground2:"var(--colorPaletteBeigeBackground2)",colorPaletteBeigeBorderActive:"var(--colorPaletteBeigeBorderActive)",colorPaletteBeigeForeground2:"var(--colorPaletteBeigeForeground2)",colorPaletteBlueBackground2:"var(--colorPaletteBlueBackground2)",colorPaletteBlueBorderActive:"var(--colorPaletteBlueBorderActive)",colorPaletteBlueForeground2:"var(--colorPaletteBlueForeground2)",colorPaletteBrassBackground2:"var(--colorPaletteBrassBackground2)",colorPaletteBrassBorderActive:"var(--colorPaletteBrassBorderActive)",colorPaletteBrassForeground2:"var(--colorPaletteBrassForeground2)",colorPaletteBrownBackground2:"var(--colorPaletteBrownBackground2)",colorPaletteBrownBorderActive:"var(--colorPaletteBrownBorderActive)",colorPaletteBrownForeground2:"var(--colorPaletteBrownForeground2)",colorPaletteCornflowerBackground2:"var(--colorPaletteCornflowerBackground2)",colorPaletteCornflowerBorderActive:"var(--colorPaletteCornflowerBorderActive)",colorPaletteCornflowerForeground2:"var(--colorPaletteCornflowerForeground2)",colorPaletteCranberryBackground2:"var(--colorPaletteCranberryBackground2)",colorPaletteCranberryBorderActive:"var(--colorPaletteCranberryBorderActive)",colorPaletteCranberryForeground2:"var(--colorPaletteCranberryForeground2)",colorPaletteDarkGreenBackground2:"var(--colorPaletteDarkGreenBackground2)",colorPaletteDarkGreenBorderActive:"var(--colorPaletteDarkGreenBorderActive)",colorPaletteDarkGreenForeground2:"var(--colorPaletteDarkGreenForeground2)",colorPaletteDarkRedBackground2:"var(--colorPaletteDarkRedBackground2)",colorPaletteDarkRedBorderActive:"var(--colorPaletteDarkRedBorderActive)",colorPaletteDarkRedForeground2:"var(--colorPaletteDarkRedForeground2)",colorPaletteForestBackground2:"var(--colorPaletteForestBackground2)",colorPaletteForestBorderActive:"var(--colorPaletteForestBorderActive)",colorPaletteForestForeground2:"var(--colorPaletteForestForeground2)",colorPaletteGoldBackground2:"var(--colorPaletteGoldBackground2)",colorPaletteGoldBorderActive:"var(--colorPaletteGoldBorderActive)",colorPaletteGoldForeground2:"var(--colorPaletteGoldForeground2)",colorPaletteGrapeBackground2:"var(--colorPaletteGrapeBackground2)",colorPaletteGrapeBorderActive:"var(--colorPaletteGrapeBorderActive)",colorPaletteGrapeForeground2:"var(--colorPaletteGrapeForeground2)",colorPaletteLavenderBackground2:"var(--colorPaletteLavenderBackground2)",colorPaletteLavenderBorderActive:"var(--colorPaletteLavenderBorderActive)",colorPaletteLavenderForeground2:"var(--colorPaletteLavenderForeground2)",colorPaletteLightTealBackground2:"var(--colorPaletteLightTealBackground2)",colorPaletteLightTealBorderActive:"var(--colorPaletteLightTealBorderActive)",colorPaletteLightTealForeground2:"var(--colorPaletteLightTealForeground2)",colorPaletteLilacBackground2:"var(--colorPaletteLilacBackground2)",colorPaletteLilacBorderActive:"var(--colorPaletteLilacBorderActive)",colorPaletteLilacForeground2:"var(--colorPaletteLilacForeground2)",colorPaletteMagentaBackground2:"var(--colorPaletteMagentaBackground2)",colorPaletteMagentaBorderActive:"var(--colorPaletteMagentaBorderActive)",colorPaletteMagentaForeground2:"var(--colorPaletteMagentaForeground2)",colorPaletteMinkBackground2:"var(--colorPaletteMinkBackground2)",colorPaletteMinkBorderActive:"var(--colorPaletteMinkBorderActive)",colorPaletteMinkForeground2:"var(--colorPaletteMinkForeground2)",colorPaletteNavyBackground2:"var(--colorPaletteNavyBackground2)",colorPaletteNavyBorderActive:"var(--colorPaletteNavyBorderActive)",colorPaletteNavyForeground2:"var(--colorPaletteNavyForeground2)",colorPalettePeachBackground2:"var(--colorPalettePeachBackground2)",colorPalettePeachBorderActive:"var(--colorPalettePeachBorderActive)",colorPalettePeachForeground2:"var(--colorPalettePeachForeground2)",colorPalettePinkBackground2:"var(--colorPalettePinkBackground2)",colorPalettePinkBorderActive:"var(--colorPalettePinkBorderActive)",colorPalettePinkForeground2:"var(--colorPalettePinkForeground2)",colorPalettePlatinumBackground2:"var(--colorPalettePlatinumBackground2)",colorPalettePlatinumBorderActive:"var(--colorPalettePlatinumBorderActive)",colorPalettePlatinumForeground2:"var(--colorPalettePlatinumForeground2)",colorPalettePlumBackground2:"var(--colorPalettePlumBackground2)",colorPalettePlumBorderActive:"var(--colorPalettePlumBorderActive)",colorPalettePlumForeground2:"var(--colorPalettePlumForeground2)",colorPalettePumpkinBackground2:"var(--colorPalettePumpkinBackground2)",colorPalettePumpkinBorderActive:"var(--colorPalettePumpkinBorderActive)",colorPalettePumpkinForeground2:"var(--colorPalettePumpkinForeground2)",colorPalettePurpleBackground2:"var(--colorPalettePurpleBackground2)",colorPalettePurpleBorderActive:"var(--colorPalettePurpleBorderActive)",colorPalettePurpleForeground2:"var(--colorPalettePurpleForeground2)",colorPaletteRoyalBlueBackground2:"var(--colorPaletteRoyalBlueBackground2)",colorPaletteRoyalBlueBorderActive:"var(--colorPaletteRoyalBlueBorderActive)",colorPaletteRoyalBlueForeground2:"var(--colorPaletteRoyalBlueForeground2)",colorPaletteSeafoamBackground2:"var(--colorPaletteSeafoamBackground2)",colorPaletteSeafoamBorderActive:"var(--colorPaletteSeafoamBorderActive)",colorPaletteSeafoamForeground2:"var(--colorPaletteSeafoamForeground2)",colorPaletteSteelBackground2:"var(--colorPaletteSteelBackground2)",colorPaletteSteelBorderActive:"var(--colorPaletteSteelBorderActive)",colorPaletteSteelForeground2:"var(--colorPaletteSteelForeground2)",colorPaletteTealBackground2:"var(--colorPaletteTealBackground2)",colorPaletteTealBorderActive:"var(--colorPaletteTealBorderActive)",colorPaletteTealForeground2:"var(--colorPaletteTealForeground2)",borderRadiusNone:"var(--borderRadiusNone)",borderRadiusSmall:"var(--borderRadiusSmall)",borderRadiusMedium:"var(--borderRadiusMedium)",borderRadiusLarge:"var(--borderRadiusLarge)",borderRadiusXLarge:"var(--borderRadiusXLarge)",borderRadiusCircular:"var(--borderRadiusCircular)",fontFamilyBase:"var(--fontFamilyBase)",fontFamilyMonospace:"var(--fontFamilyMonospace)",fontFamilyNumeric:"var(--fontFamilyNumeric)",fontSizeBase100:"var(--fontSizeBase100)",fontSizeBase200:"var(--fontSizeBase200)",fontSizeBase300:"var(--fontSizeBase300)",fontSizeBase400:"var(--fontSizeBase400)",fontSizeBase500:"var(--fontSizeBase500)",fontSizeBase600:"var(--fontSizeBase600)",fontSizeHero700:"var(--fontSizeHero700)",fontSizeHero800:"var(--fontSizeHero800)",fontSizeHero900:"var(--fontSizeHero900)",fontSizeHero1000:"var(--fontSizeHero1000)",fontWeightRegular:"var(--fontWeightRegular)",fontWeightMedium:"var(--fontWeightMedium)",fontWeightSemibold:"var(--fontWeightSemibold)",fontWeightBold:"var(--fontWeightBold)",lineHeightBase100:"var(--lineHeightBase100)",lineHeightBase200:"var(--lineHeightBase200)",lineHeightBase300:"var(--lineHeightBase300)",lineHeightBase400:"var(--lineHeightBase400)",lineHeightBase500:"var(--lineHeightBase500)",lineHeightBase600:"var(--lineHeightBase600)",lineHeightHero700:"var(--lineHeightHero700)",lineHeightHero800:"var(--lineHeightHero800)",lineHeightHero900:"var(--lineHeightHero900)",lineHeightHero1000:"var(--lineHeightHero1000)",shadow2:"var(--shadow2)",shadow4:"var(--shadow4)",shadow8:"var(--shadow8)",shadow16:"var(--shadow16)",shadow28:"var(--shadow28)",shadow64:"var(--shadow64)",shadow2Brand:"var(--shadow2Brand)",shadow4Brand:"var(--shadow4Brand)",shadow8Brand:"var(--shadow8Brand)",shadow16Brand:"var(--shadow16Brand)",shadow28Brand:"var(--shadow28Brand)",shadow64Brand:"var(--shadow64Brand)",strokeWidthThin:"var(--strokeWidthThin)",strokeWidthThick:"var(--strokeWidthThick)",strokeWidthThicker:"var(--strokeWidthThicker)",strokeWidthThickest:"var(--strokeWidthThickest)",spacingHorizontalNone:"var(--spacingHorizontalNone)",spacingHorizontalXXS:"var(--spacingHorizontalXXS)",spacingHorizontalXS:"var(--spacingHorizontalXS)",spacingHorizontalSNudge:"var(--spacingHorizontalSNudge)",spacingHorizontalS:"var(--spacingHorizontalS)",spacingHorizontalMNudge:"var(--spacingHorizontalMNudge)",spacingHorizontalM:"var(--spacingHorizontalM)",spacingHorizontalL:"var(--spacingHorizontalL)",spacingHorizontalXL:"var(--spacingHorizontalXL)",spacingHorizontalXXL:"var(--spacingHorizontalXXL)",spacingHorizontalXXXL:"var(--spacingHorizontalXXXL)",spacingVerticalNone:"var(--spacingVerticalNone)",spacingVerticalXXS:"var(--spacingVerticalXXS)",spacingVerticalXS:"var(--spacingVerticalXS)",spacingVerticalSNudge:"var(--spacingVerticalSNudge)",spacingVerticalS:"var(--spacingVerticalS)",spacingVerticalMNudge:"var(--spacingVerticalMNudge)",spacingVerticalM:"var(--spacingVerticalM)",spacingVerticalL:"var(--spacingVerticalL)",spacingVerticalXL:"var(--spacingVerticalXL)",spacingVerticalXXL:"var(--spacingVerticalXXL)",spacingVerticalXXXL:"var(--spacingVerticalXXXL)",durationUltraFast:"var(--durationUltraFast)",durationFaster:"var(--durationFaster)",durationFast:"var(--durationFast)",durationNormal:"var(--durationNormal)",durationSlow:"var(--durationSlow)",durationSlower:"var(--durationSlower)",durationUltraSlow:"var(--durationUltraSlow)",curveAccelerateMax:"var(--curveAccelerateMax)",curveAccelerateMid:"var(--curveAccelerateMid)",curveAccelerateMin:"var(--curveAccelerateMin)",curveDecelerateMax:"var(--curveDecelerateMax)",curveDecelerateMid:"var(--curveDecelerateMid)",curveDecelerateMin:"var(--curveDecelerateMin)",curveEasyEaseMax:"var(--curveEasyEaseMax)",curveEasyEase:"var(--curveEasyEase)",curveLinear:"var(--curveLinear)"};function Hv(e,t,n=""){return{[`shadow2${n}`]:`0 0 2px ${e}, 0 1px 2px ${t}`,[`shadow4${n}`]:`0 0 2px ${e}, 0 2px 4px ${t}`,[`shadow8${n}`]:`0 0 2px ${e}, 0 4px 8px ${t}`,[`shadow16${n}`]:`0 0 2px ${e}, 0 8px 16px ${t}`,[`shadow28${n}`]:`0 0 8px ${e}, 0 14px 28px ${t}`,[`shadow64${n}`]:`0 0 8px ${e}, 0 32px 64px ${t}`}}const Jie=e=>{const t=Zie(e);return{...RO,...PO,...MO,...jO,...LO,...UO,...zO,...HO,...DO,...OO,...t,...Xie,...Hv(t.colorNeutralShadowAmbient,t.colorNeutralShadowKey),...Hv(t.colorBrandShadowAmbient,t.colorBrandShadowKey,"Brand")}},qO={10:"#2b2b40",20:"#2f2f4a",30:"#333357",40:"#383966",50:"#3d3e78",60:"#444791",70:"#4f52b2",80:"#5b5fc7",90:"#7579eb",100:"#7f85f5",110:"#9299f7",120:"#aab1fa",130:"#b6bcfa",140:"#c5cbfa",150:"#dce0fa",160:"#e8ebfa"},eae=Jie(qO),ms=IO.reduce((e,t)=>{const n=t.slice(0,1).toUpperCase()+t.slice(1),r={[`colorPalette${n}Background1`]:Xt[t].shade40,[`colorPalette${n}Background2`]:Xt[t].shade30,[`colorPalette${n}Background3`]:Xt[t].primary,[`colorPalette${n}Foreground1`]:Xt[t].tint30,[`colorPalette${n}Foreground2`]:Xt[t].tint40,[`colorPalette${n}Foreground3`]:Xt[t].tint20,[`colorPalette${n}BorderActive`]:Xt[t].tint30,[`colorPalette${n}Border1`]:Xt[t].primary,[`colorPalette${n}Border2`]:Xt[t].tint20};return Object.assign(e,r)},{});ms.colorPaletteRedForeground3=Xt.red.tint30;ms.colorPaletteRedBorder2=Xt.red.tint30;ms.colorPaletteGreenForeground3=Xt.green.tint40;ms.colorPaletteGreenBorder2=Xt.green.tint40;ms.colorPaletteDarkOrangeForeground3=Xt.darkOrange.tint30;ms.colorPaletteDarkOrangeBorder2=Xt.darkOrange.tint30;ms.colorPaletteRedForegroundInverted=Xt.red.primary;ms.colorPaletteGreenForegroundInverted=Xt.green.primary;ms.colorPaletteYellowForegroundInverted=Xt.yellow.shade30;const MT=BO.reduce((e,t)=>{const n=t.slice(0,1).toUpperCase()+t.slice(1),r={[`colorPalette${n}Background2`]:yu[t].shade30,[`colorPalette${n}Foreground2`]:yu[t].tint40,[`colorPalette${n}BorderActive`]:yu[t].tint30};return Object.assign(e,r)},{});MT.colorPaletteDarkRedBackground2=yu.darkRed.shade20;MT.colorPalettePlumBackground2=yu.plum.shade20;const tae={...ms,...MT},nae=e=>({colorNeutralForeground1:ht,colorNeutralForeground1Hover:ht,colorNeutralForeground1Pressed:ht,colorNeutralForeground1Selected:ht,colorNeutralForeground2:we[84],colorNeutralForeground2Hover:ht,colorNeutralForeground2Pressed:ht,colorNeutralForeground2Selected:ht,colorNeutralForeground2BrandHover:e[100],colorNeutralForeground2BrandPressed:e[90],colorNeutralForeground2BrandSelected:e[100],colorNeutralForeground3:we[68],colorNeutralForeground3Hover:we[84],colorNeutralForeground3Pressed:we[84],colorNeutralForeground3Selected:we[84],colorNeutralForeground3BrandHover:e[100],colorNeutralForeground3BrandPressed:e[90],colorNeutralForeground3BrandSelected:e[100],colorNeutralForeground4:we[60],colorNeutralForegroundDisabled:we[36],colorNeutralForegroundInvertedDisabled:ya[40],colorBrandForegroundLink:e[100],colorBrandForegroundLinkHover:e[110],colorBrandForegroundLinkPressed:e[90],colorBrandForegroundLinkSelected:e[100],colorNeutralForeground2Link:we[84],colorNeutralForeground2LinkHover:ht,colorNeutralForeground2LinkPressed:ht,colorNeutralForeground2LinkSelected:ht,colorCompoundBrandForeground1:e[100],colorCompoundBrandForeground1Hover:e[110],colorCompoundBrandForeground1Pressed:e[90],colorBrandForeground1:e[100],colorBrandForeground2:e[120],colorNeutralForeground1Static:we[14],colorNeutralForegroundStaticInverted:ht,colorNeutralForegroundInverted:we[14],colorNeutralForegroundInvertedHover:we[14],colorNeutralForegroundInvertedPressed:we[14],colorNeutralForegroundInvertedSelected:we[14],colorNeutralForegroundInverted2:we[14],colorNeutralForegroundOnBrand:ht,colorNeutralForegroundInvertedLink:ht,colorNeutralForegroundInvertedLinkHover:ht,colorNeutralForegroundInvertedLinkPressed:ht,colorNeutralForegroundInvertedLinkSelected:ht,colorBrandForegroundInverted:e[80],colorBrandForegroundInvertedHover:e[70],colorBrandForegroundInvertedPressed:e[60],colorBrandForegroundOnLight:e[80],colorBrandForegroundOnLightHover:e[70],colorBrandForegroundOnLightPressed:e[50],colorBrandForegroundOnLightSelected:e[60],colorNeutralBackground1:we[16],colorNeutralBackground1Hover:we[24],colorNeutralBackground1Pressed:we[12],colorNeutralBackground1Selected:we[22],colorNeutralBackground2:we[14],colorNeutralBackground2Hover:we[22],colorNeutralBackground2Pressed:we[10],colorNeutralBackground2Selected:we[20],colorNeutralBackground3:we[12],colorNeutralBackground3Hover:we[20],colorNeutralBackground3Pressed:we[8],colorNeutralBackground3Selected:we[18],colorNeutralBackground4:we[8],colorNeutralBackground4Hover:we[16],colorNeutralBackground4Pressed:we[4],colorNeutralBackground4Selected:we[14],colorNeutralBackground5:we[4],colorNeutralBackground5Hover:we[12],colorNeutralBackground5Pressed:x_,colorNeutralBackground5Selected:we[10],colorNeutralBackground6:we[20],colorNeutralBackgroundInverted:ht,colorNeutralBackgroundStatic:we[24],colorSubtleBackground:"transparent",colorSubtleBackgroundHover:we[22],colorSubtleBackgroundPressed:we[18],colorSubtleBackgroundSelected:we[20],colorSubtleBackgroundLightAlphaHover:VC[80],colorSubtleBackgroundLightAlphaPressed:VC[50],colorSubtleBackgroundLightAlphaSelected:"transparent",colorSubtleBackgroundInverted:"transparent",colorSubtleBackgroundInvertedHover:ba[10],colorSubtleBackgroundInvertedPressed:ba[30],colorSubtleBackgroundInvertedSelected:ba[20],colorTransparentBackground:"transparent",colorTransparentBackgroundHover:"transparent",colorTransparentBackgroundPressed:"transparent",colorTransparentBackgroundSelected:"transparent",colorNeutralBackgroundDisabled:we[8],colorNeutralBackgroundInvertedDisabled:ya[10],colorNeutralStencil1:we[34],colorNeutralStencil2:we[20],colorNeutralStencil1Alpha:ya[10],colorNeutralStencil2Alpha:ya[5],colorBackgroundOverlay:ba[50],colorScrollbarOverlay:ya[60],colorBrandBackground:e[70],colorBrandBackgroundHover:e[80],colorBrandBackgroundPressed:e[40],colorBrandBackgroundSelected:e[60],colorCompoundBrandBackground:e[100],colorCompoundBrandBackgroundHover:e[110],colorCompoundBrandBackgroundPressed:e[90],colorBrandBackgroundStatic:e[80],colorBrandBackground2:e[40],colorBrandBackgroundInverted:ht,colorBrandBackgroundInvertedHover:e[160],colorBrandBackgroundInvertedPressed:e[140],colorBrandBackgroundInvertedSelected:e[150],colorNeutralStrokeAccessible:we[68],colorNeutralStrokeAccessibleHover:we[74],colorNeutralStrokeAccessiblePressed:we[70],colorNeutralStrokeAccessibleSelected:e[100],colorNeutralStroke1:we[40],colorNeutralStroke1Hover:we[46],colorNeutralStroke1Pressed:we[42],colorNeutralStroke1Selected:we[44],colorNeutralStroke2:we[32],colorNeutralStroke3:we[24],colorNeutralStrokeOnBrand:we[16],colorNeutralStrokeOnBrand2:ht,colorNeutralStrokeOnBrand2Hover:ht,colorNeutralStrokeOnBrand2Pressed:ht,colorNeutralStrokeOnBrand2Selected:ht,colorBrandStroke1:e[100],colorBrandStroke2:e[50],colorCompoundBrandStroke:e[90],colorCompoundBrandStrokeHover:e[100],colorCompoundBrandStrokePressed:e[80],colorNeutralStrokeDisabled:we[26],colorNeutralStrokeInvertedDisabled:ya[40],colorTransparentStroke:"transparent",colorTransparentStrokeInteractive:"transparent",colorTransparentStrokeDisabled:"transparent",colorStrokeFocus1:x_,colorStrokeFocus2:ht,colorNeutralShadowAmbient:"rgba(0,0,0,0.24)",colorNeutralShadowKey:"rgba(0,0,0,0.28)",colorNeutralShadowAmbientLighter:"rgba(0,0,0,0.12)",colorNeutralShadowKeyLighter:"rgba(0,0,0,0.14)",colorNeutralShadowAmbientDarker:"rgba(0,0,0,0.40)",colorNeutralShadowKeyDarker:"rgba(0,0,0,0.48)",colorBrandShadowAmbient:"rgba(0,0,0,0.30)",colorBrandShadowKey:"rgba(0,0,0,0.25)"}),rae=e=>{const t=nae(e);return{...RO,...PO,...MO,...jO,...LO,...UO,...zO,...HO,...DO,...OO,...t,...tae,...Hv(t.colorNeutralShadowAmbient,t.colorNeutralShadowKey),...Hv(t.colorBrandShadowAmbient,t.colorBrandShadowKey,"Brand")}},oae=rae(qO),LT={root:"fui-FluentProvider"},iae=KR({root:{sj55zd:"f19n0e5",De3pzq:"fxugw4r",fsow6f:["f1o700av","fes3tcz"],Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"}},{d:[".f19n0e5{color:var(--colorNeutralForeground1);}",".fxugw4r{background-color:var(--colorNeutralBackground1);}",".f1o700av{text-align:left;}",".fes3tcz{text-align:right;}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fkhj508{font-size:var(--fontSizeBase300);}",".figsok6{font-weight:var(--fontWeightRegular);}",".f1i3iumi{line-height:var(--lineHeightBase300);}"]}),aae=e=>{const t=ep(),n=iae({dir:e.dir,renderer:t});return e.root.className=et(LT.root,e.themeClassName,n.root,e.root.className),e},sae=n0["useInsertionEffect"]?n0["useInsertionEffect"]:us,lae=(e,t)=>{if(!e)return;const n=e.createElement("style");return Object.keys(t).forEach(r=>{n.setAttribute(r,t[r])}),e.head.appendChild(n),n},uae=(e,t)=>{const n=e.sheet;n&&(n.cssRules.length>0&&n.deleteRule(0),n.insertRule(t,0))},cae=e=>{const{targetDocument:t,theme:n}=e,r=ep(),o=T.useRef(),i=lo(LT.root),a=r.styleElementAttributes,s=T.useMemo(()=>n?Object.keys(n).reduce((u,d)=>(u+=`--${d}: ${n[d]}; `,u),""):"",[n]),l=`.${i.replace(/:/g,"\\:")} { ${s} }`;return sae(()=>{if(o.current=lae(t,{...a,id:i}),o.current)return uae(o.current,l),()=>{var u;(u=o.current)===null||u===void 0||u.remove()}},[i,t,l,a]),i},fae=(e,t)=>{const n=Oo(),r=dae(),o=tO(),{applyStylesToPortals:i=!0,dir:a=n.dir,targetDocument:s=n.targetDocument,theme:l,overrides_unstable:u={}}=e,d=YC(r,l),h=YC(o,u);return T.useEffect(()=>{},[]),{applyStylesToPortals:i,dir:a,targetDocument:s,theme:d,overrides_unstable:h,themeClassName:cae({theme:d,targetDocument:s}),components:{root:"div"},root:vr("div",{...e,dir:a,ref:cs(t,FO())})}};function YC(e,t){return e&&t?{...e,...t}:e||t}function dae(){return T.useContext(YR)}function hae(e){const{applyStylesToPortals:t,dir:n,root:r,targetDocument:o,theme:i,themeClassName:a,overrides_unstable:s}=e,l=T.useMemo(()=>({dir:n,targetDocument:o}),[n,o]),[u]=T.useState(()=>({}));return{overrides_unstable:s,provider:l,textDirection:n,tooltip:u,theme:i,themeClassName:t?r.className:a}}const ny=T.forwardRef((e,t)=>{const n=fae(e,t);aae(n);const r=hae(n);return uoe(n,r)});ny.displayName="FluentProvider";const pae=e=>n=>{const r=T.useRef(n.value),o=T.useRef(0),i=T.useRef();return i.current||(i.current={value:r,version:o,listeners:[]}),us(()=>{r.current=n.value,o.current+=1,wE.unstable_runWithPriority(wE.unstable_NormalPriority,()=>{i.current.listeners.forEach(a=>{a([o.current,n.value])})})},[n.value]),T.createElement(e,{value:i.current},n.children)},ry=e=>{const t=T.createContext({value:{current:e},version:{current:-1},listeners:[]});return t.Provider=pae(t.Provider),delete t.Consumer,t},oy=(e,t)=>{const n=T.useContext(e),{value:{current:r},version:{current:o},listeners:i}=n,a=t(r),[s,l]=T.useReducer((u,d)=>{if(!d)return[r,a];if(d[0]<=o)return Um(u[1],a)?u:[r,a];try{if(Um(u[0],d[1]))return u;const h=t(d[1]);return Um(u[1],h)?u:[d[1],h]}catch{}return[u[0],u[1]]},[r,a]);return Um(s[1],a)||l(void 0),us(()=>(i.push(l),()=>{const u=i.indexOf(l);i.splice(u,1)}),[i]),s[1]};function mae(e,t){return e===t&&(e!==0||1/e===1/t)||e!==e&&t!==t}const Um=typeof Object.is=="function"?Object.is:mae;function jT(e){const t=T.useContext(e);return t.version?t.version.current!==-1:!1}const Uh="Enter",id=" ",gae="Tab",vae="ArrowDown",$O="ArrowLeft",WO="ArrowRight",ap="Escape";function Gd(e,t){const{disabled:n,disabledFocusable:r=!1,["aria-disabled"]:o,onClick:i,onKeyDown:a,onKeyUp:s,...l}=t??{},u=typeof o=="string"?o==="true":o,d=n||r||u,h=Et(v=>{d?(v.preventDefault(),v.stopPropagation()):i==null||i(v)}),p=Et(v=>{if(a==null||a(v),v.isDefaultPrevented())return;const _=v.key;if(d&&(_===Uh||_===id)){v.preventDefault(),v.stopPropagation();return}if(_===id){v.preventDefault();return}else _===Uh&&(v.preventDefault(),v.currentTarget.click())}),m=Et(v=>{if(s==null||s(v),v.isDefaultPrevented())return;const _=v.key;if(d&&(_===Uh||_===id)){v.preventDefault(),v.stopPropagation();return}_===id&&(v.preventDefault(),v.currentTarget.click())});if(e==="button"||e===void 0)return{...l,disabled:n&&!r,"aria-disabled":r?!0:u,onClick:r?void 0:h,onKeyUp:r?void 0:s,onKeyDown:r?void 0:a};{const v={role:"button",tabIndex:n&&!r?void 0:0,...l,onClick:h,onKeyUp:m,onKeyDown:p,"aria-disabled":n||r||u};return e==="a"&&d&&(v.href=void 0),v}}const bae=(e,t)=>{var n;const r=$t(e,t),o=Gd((n=r==null?void 0:r.as)!==null&&n!==void 0?n:"button",r);return r&&o},Lg="data-make-styles-bucket",C_=7,zT="___",yae=zT.length+C_,A_={},Eae=0,_ae=1;function Tae(e){const t=e.length;if(t===C_)return e;for(let n=t;n<C_;n++)e+="0";return e}function GO(e,t,n=[]){return zT+Tae(Ud(e+t))}function KO(e,t){let n="";for(const r in e){const o=e[r];if(o){const i=Array.isArray(o);t==="rtl"?n+=(i?o[1]:o)+" ":n+=(i?o[0]:o)+" "}}return n.slice(0,-1)}function QC(e,t){const n={};for(const r in e){const o=KO(e[r],t),i=GO(o,t),a=i+" "+o;A_[i]=[e[r],t],n[r]=a}return n}const XC={};function N_(){let e=null,t="",n="";const r=new Array(arguments.length);for(let u=0;u<arguments.length;u++){const d=arguments[u];if(typeof d=="string"){const h=d.indexOf(zT);if(h===-1)t+=d+" ";else{const p=d.substr(h,yae);h>0&&(t+=d.slice(0,h)),n+=p,r[u]=p}}}if(n==="")return t.slice(0,-1);const o=XC[n];if(o!==void 0)return t+o;const i=[];for(let u=0;u<arguments.length;u++){const d=r[u];if(d){const h=A_[d];h&&(i.push(h[Eae]),e=h[_ae])}}const a=Object.assign.apply(Object,[{}].concat(i));let s=KO(a,e);const l=GO(s,e,r);return s=l+" "+s,XC[n]=s,A_[l]=[a,e],t+s}function wae(e){return Array.isArray(e)?e:[e]}function kae(e,t,n){const r=[];if(n[Lg]=t,e)for(const i in n)e.setAttribute(i,n[i]);function o(i){return e!=null&&e.sheet?e.sheet.insertRule(i,e.sheet.cssRules.length):r.push(i)}return{elementAttributes:n,insertRule:o,element:e,bucketName:t,cssRules(){return e!=null&&e.sheet?Array.from(e.sheet.cssRules).map(i=>i.cssText):r}}}const Sae=["d","l","v","w","f","i","h","a","k","t","m"],ZC=Sae.reduce((e,t,n)=>(e[t]=n,e),{});function xae(e,t,n,r={},o){let i=e;if(e==="m"&&o&&(i=e+o.m),!n.stylesheets[i]){const a=t&&t.createElement("style");e==="m"&&o&&(r.media=o.m);const s=kae(a,e,r);if(n.stylesheets[i]=s,t&&a){const l=Cae(t,e,n,o);t.head.insertBefore(a,l)}}return n.stylesheets[i]}function Cae(e,t,n,r){const o=ZC[t];let i=s=>o-ZC[s.getAttribute(Lg)],a=e.head.querySelectorAll(`[${Lg}]`);if(t==="m"&&r){const s=e.head.querySelectorAll(`[${Lg}="${t}"]`);s.length&&(a=s,i=l=>n.compareMediaQueries(r.m,l.media))}for(const s of a)if(i(s)<0)return s;return null}let Aae=0;const Nae=(e,t)=>e<t?-1:e>t?1:0;function Fae(e=typeof document>"u"?void 0:document,t={}){const{unstable_filterCSSRule:n,compareMediaQueries:r=Nae}=t,o={insertionCache:{},stylesheets:{},compareMediaQueries:r,id:`d${Aae++}`,insertCSSRules(i){for(const a in i){const s=i[a];for(let l=0,u=s.length;l<u;l++){const[d,h]=wae(s[l]),p=xae(a,e,o,t.styleElementAttributes,h);if(!o.insertionCache[d]){o.insertionCache[d]=a;try{n?n(d)&&p.insertRule(d):p.insertRule(d)}catch{}}}}}};return o}function Iae(e,t){const n={};let r=null,o=null;function i(a){const{dir:s,renderer:l}=a,u=s==="ltr",d=u?l.id:l.id+"r";return u?r===null&&(r=QC(e,s)):o===null&&(o=QC(e,s)),n[d]===void 0&&(l.insertCSSRules(t),n[d]=!0),u?r:o}return i}const Bae=T.createContext(Fae());function Rae(){return T.useContext(Bae)}const Oae=T.createContext("ltr");function Dae(){return T.useContext(Oae)}function VO(e,t){const n=Iae(e,t);return function(){const o=Dae(),i=Rae();return n({dir:o,renderer:i})}}const Pae=VO({root:{mc9l5x:"f1w7gpdv",Bg96gwp:"fez10in",ycbfsm:"fg4l7m0"}},{d:[".f1w7gpdv{display:inline;}",".fez10in{line-height:0;}"],t:["@media (forced-colors: active){.fg4l7m0{forced-color-adjust:auto;}}"]}),Mae=e=>{const{title:t,primaryFill:n="currentColor"}=e,r=pl(e,["title","primaryFill"]),o=Object.assign(Object.assign({},r),{title:void 0,fill:n}),i=Pae();return o.className=N_(i.root,o.className),t&&(o["aria-label"]=t),!o["aria-label"]&&!o["aria-labelledby"]?o["aria-hidden"]=!0:o.role="img",o},Lae=(e,t)=>{const n=r=>{const o=Mae(r);return T.createElement(e,Object.assign({},o))};return n.displayName=t,n},Ge=Lae,jae=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:"1em",height:"1em",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M12.27 15.8a.75.75 0 0 1-1.06-.03l-5-5.25a.75.75 0 0 1 0-1.04l5-5.25a.75.75 0 1 1 1.08 1.04L7.8 10l4.5 4.73c.29.3.28.78-.02 1.06Z",fill:t}))},zae=Ge(jae,"ChevronLeftFilled"),Hae=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:"1em",height:"1em",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M12.35 15.85a.5.5 0 0 1-.7 0L6.16 10.4a.55.55 0 0 1 0-.78l5.49-5.46a.5.5 0 1 1 .7.7L7.2 10l5.16 5.15c.2.2.2.5 0 .7Z",fill:t}))},Uae=Ge(Hae,"ChevronLeftRegular"),qae=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:"1em",height:"1em",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M7.73 4.2a.75.75 0 0 1 1.06.03l5 5.25c.28.3.28.75 0 1.04l-5 5.25a.75.75 0 1 1-1.08-1.04L12.2 10l-4.5-4.73a.75.75 0 0 1 .02-1.06Z",fill:t}))},$ae=Ge(qae,"ChevronRightFilled"),Wae=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:"1em",height:"1em",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M7.65 4.15c.2-.2.5-.2.7 0l5.49 5.46c.21.22.21.57 0 .78l-5.49 5.46a.5.5 0 0 1-.7-.7L12.8 10 7.65 4.85a.5.5 0 0 1 0-.7Z",fill:t}))},Gae=Ge(Wae,"ChevronRightRegular"),Kae=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:"1em",height:"1em",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M10 2a8 8 0 1 0 0 16 8 8 0 0 0 0-16Z",fill:t}))},Vae=Ge(Kae,"CircleFilled"),Yae=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:"1em",height:"1em",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M10 2a4 4 0 1 0 0 8 4 4 0 0 0 0-8ZM7 6a3 3 0 1 1 6 0 3 3 0 0 1-6 0Zm-2 5a2 2 0 0 0-2 2c0 1.7.83 2.97 2.13 3.8A9.14 9.14 0 0 0 10 18c1.85 0 3.58-.39 4.87-1.2A4.35 4.35 0 0 0 17 13a2 2 0 0 0-2-2H5Zm-1 2a1 1 0 0 1 1-1h10a1 1 0 0 1 1 1c0 1.3-.62 2.28-1.67 2.95A8.16 8.16 0 0 1 10 17a8.16 8.16 0 0 1-4.33-1.05A3.36 3.36 0 0 1 4 13Z",fill:t}))},Qae=Ge(Yae,"PersonRegular"),Xae=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M11.88 3H12a1 1 0 0 1 1 .88V11h7a1 1 0 0 1 1 .88V12a1 1 0 0 1-.88 1H13v7a1 1 0 0 1-.88 1H12a1 1 0 0 1-1-.88V13H4a1 1 0 0 1-1-.88V12a1 1 0 0 1 .88-1H11V4a1 1 0 0 1 .88-1H12h-.12Z",fill:t}))},Zae=Ge(Xae,"Add24Filled"),Jae=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M11.75 3c.38 0 .7.28.74.65l.01.1V11h7.25a.75.75 0 0 1 .1 1.5H12.5v7.25a.75.75 0 0 1-1.49.1V12.5H3.74a.75.75 0 0 1-.1-1.5H11V3.75c0-.41.34-.75.75-.75Z",fill:t}))},ese=Ge(Jae,"Add24Regular"),tse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M14.85 1.15c.2.2.2.5 0 .7L10.9 5.81a4.78 4.78 0 0 0-.71-.7l3.96-3.96c.2-.2.5-.2.7 0ZM4.65 6.19l-.39.36 5.2 5.2.4-.4a3.67 3.67 0 1 0-5.2-5.16ZM1.3 8.04l2.1-.95 5.52 5.52-.95 2.1a.5.5 0 0 1-.81.14l-6-6a.5.5 0 0 1 .14-.8Z",fill:t}))},YO=Ge(tse,"Broom16Filled"),nse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M1 6a5 5 0 1 1 10 0A5 5 0 0 1 1 6Zm7.35-.9a.5.5 0 1 0-.7-.7L5.5 6.54 4.35 5.4a.5.5 0 1 0-.7.7l1.5 1.5c.2.2.5.2.7 0l2.5-2.5Z",fill:t}))},rse=Ge(nse,"CheckmarkCircle12Filled"),ose=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5.5 4.63V17.25c0 1.8 1.46 3.25 3.25 3.25h8.62c-.31.88-1.15 1.5-2.13 1.5H8.75A4.75 4.75 0 0 1 4 17.25V6.75c0-.98.63-1.81 1.5-2.12ZM17.75 2C18.99 2 20 3 20 4.25v13c0 1.24-1 2.25-2.25 2.25h-9c-1.24 0-2.25-1-2.25-2.25v-13C6.5 3.01 7.5 2 8.75 2h9Zm0 1.5h-9a.75.75 0 0 0-.75.75v13c0 .41.34.75.75.75h9c.41 0 .75-.34.75-.75v-13a.75.75 0 0 0-.75-.75Z",fill:t}))},QO=Ge(ose,"Copy24Regular"),ise=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M10 5h4a2 2 0 1 0-4 0ZM8.5 5a3.5 3.5 0 1 1 7 0h5.75a.75.75 0 0 1 0 1.5h-1.32l-1.17 12.11A3.75 3.75 0 0 1 15.03 22H8.97a3.75 3.75 0 0 1-3.73-3.39L4.07 6.5H2.75a.75.75 0 0 1 0-1.5H8.5Zm2 4.75a.75.75 0 0 0-1.5 0v7.5a.75.75 0 0 0 1.5 0v-7.5ZM14.25 9c.41 0 .75.34.75.75v7.5a.75.75 0 0 1-1.5 0v-7.5c0-.41.34-.75.75-.75Zm-7.52 9.47a2.25 2.25 0 0 0 2.24 2.03h6.06c1.15 0 2.12-.88 2.24-2.03L18.42 6.5H5.58l1.15 11.97Z",fill:t}))},ase=Ge(ise,"Delete24Regular"),sse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"m2.59 2.72.06-.07a.5.5 0 0 1 .63-.06l.07.06L8 7.29l4.65-4.64a.5.5 0 0 1 .7.7L8.71 8l4.64 4.65c.18.17.2.44.06.63l-.06.07a.5.5 0 0 1-.63.06l-.07-.06L8 8.71l-4.65 4.64a.5.5 0 0 1-.7-.7L7.29 8 2.65 3.35a.5.5 0 0 1-.06-.63l.06-.07-.06.07Z",fill:t}))},lse=Ge(sse,"Dismiss16Regular"),use=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"m4.21 4.39.08-.1a1 1 0 0 1 1.32-.08l.1.08L12 10.6l6.3-6.3a1 1 0 1 1 1.4 1.42L13.42 12l6.3 6.3a1 1 0 0 1 .08 1.31l-.08.1a1 1 0 0 1-1.32.08l-.1-.08L12 13.4l-6.3 6.3a1 1 0 0 1-1.4-1.42L10.58 12l-6.3-6.3a1 1 0 0 1-.08-1.31l.08-.1-.08.1Z",fill:t}))},cse=Ge(use,"Dismiss24Filled"),fse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"m4.4 4.55.07-.08a.75.75 0 0 1 .98-.07l.08.07L12 10.94l6.47-6.47a.75.75 0 1 1 1.06 1.06L13.06 12l6.47 6.47c.27.27.3.68.07.98l-.07.08a.75.75 0 0 1-.98.07l-.08-.07L12 13.06l-6.47 6.47a.75.75 0 0 1-1.06-1.06L10.94 12 4.47 5.53a.75.75 0 0 1-.07-.98l.07-.08-.07.08Z",fill:t}))},dse=Ge(fse,"Dismiss24Regular"),hse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M15.9 3.05a3.58 3.58 0 1 1 5.05 5.06l-.89.89L15 3.94l.9-.9ZM13.93 5l-10 10c-.4.4-.7.92-.82 1.48l-1.1 4.6a.75.75 0 0 0 .9.9l4.6-1.1A3.1 3.1 0 0 0 9 20.06l10-10L13.94 5Z",fill:t}))},pse=Ge(hse,"Edit24Filled"),mse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6 11A5 5 0 1 0 6 1a5 5 0 0 0 0 10Zm-.75-2.75a.75.75 0 1 1 1.5 0 .75.75 0 0 1-1.5 0Zm.26-4.84a.5.5 0 0 1 .98 0l.01.09v2.59a.5.5 0 0 1-1 0V3.41Z",fill:t}))},gse=Ge(mse,"ErrorCircle12Filled"),vse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M3.75 3a.75.75 0 0 0-.75.75V5.5a.5.5 0 0 1-1 0V3.75C2 2.78 2.78 2 3.75 2H5.5a.5.5 0 0 1 0 1H3.75ZM10 2.5c0-.28.22-.5.5-.5h1.75c.97 0 1.75.78 1.75 1.75V5.5a.5.5 0 0 1-1 0V3.75a.75.75 0 0 0-.75-.75H10.5a.5.5 0 0 1-.5-.5ZM2.5 10c.28 0 .5.22.5.5v1.75c0 .41.34.75.75.75H5.5a.5.5 0 0 1 0 1H3.75C2.78 14 2 13.22 2 12.25V10.5c0-.28.22-.5.5-.5Zm11 0c.28 0 .5.22.5.5v1.75c0 .97-.78 1.75-1.75 1.75H10.5a.5.5 0 0 1 0-1h1.75c.41 0 .75-.34.75-.75V10.5c0-.28.22-.5.5-.5Z",fill:t}))},bse=Ge(vse,"FullScreenMaximize16Regular"),yse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M11 4a1 1 0 0 0 1 1h1.5a.5.5 0 0 1 0 1H12a2 2 0 0 1-2-2V2.5a.5.5 0 0 1 1 0V4Zm0 8a1 1 0 0 1 1-1h1.5a.5.5 0 0 0 0-1H12a2 2 0 0 0-2 2v1.5a.5.5 0 0 0 1 0V12Zm-7-1a1 1 0 0 1 1 1v1.5a.5.5 0 0 0 1 0V12a2 2 0 0 0-2-2H2.5a.5.5 0 0 0 0 1H4Zm1-7a1 1 0 0 1-1 1H2.5a.5.5 0 0 0 0 1H4a2 2 0 0 0 2-2V2.5a.5.5 0 0 0-1 0V4Z",fill:t}))},Ese=Ge(yse,"FullScreenMinimize16Regular"),_se=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M8 7c.28 0 .5.22.5.5v3a.5.5 0 0 1-1 0v-3c0-.28.22-.5.5-.5Zm0-.75a.75.75 0 1 0 0-1.5.75.75 0 0 0 0 1.5ZM2 8a6 6 0 1 1 12 0A6 6 0 0 1 2 8Zm6-5a5 5 0 1 0 0 10A5 5 0 0 0 8 3Z",fill:t}))},Tse=Ge(_se,"Info16Regular"),wse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M12 8a2 2 0 1 1 0-4 2 2 0 0 1 0 4Zm0 6a2 2 0 1 1 0-4 2 2 0 0 1 0 4Zm-2 4a2 2 0 1 0 4 0 2 2 0 0 0-4 0Z",fill:t}))},XO=Ge(wse,"MoreVertical24Filled"),kse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5 10A5 5 0 1 0 5 0a5 5 0 0 0 0 10Zm2.1-5.9L4.85 6.35a.5.5 0 0 1-.7 0l-1-1a.5.5 0 0 1 .7-.7l.65.64 1.9-1.9a.5.5 0 0 1 .7.71Z",fill:t}))},JC=Ge(kse,"PresenceAvailable10Filled"),Sse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5 0a5 5 0 1 0 0 10A5 5 0 0 0 5 0ZM1 5a4 4 0 1 1 8 0 4 4 0 0 1-8 0Zm6.1-1.6c.2.2.2.5 0 .7L4.85 6.35a.5.5 0 0 1-.7 0l-1-1a.5.5 0 1 1 .7-.7l.65.64 1.9-1.9c.2-.19.5-.19.7 0Z",fill:t}))},e6=Ge(Sse,"PresenceAvailable10Regular"),xse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6 12A6 6 0 1 0 6 0a6 6 0 0 0 0 12Zm2.53-6.72L5.78 8.03c-.3.3-.77.3-1.06 0l-1-1a.75.75 0 0 1 1.06-1.06l.47.47 2.22-2.22a.75.75 0 0 1 1.06 1.06Z",fill:t}))},Cse=Ge(xse,"PresenceAvailable12Filled"),Ase=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6 0a6 6 0 1 0 0 12A6 6 0 0 0 6 0ZM1.5 6a4.5 4.5 0 1 1 9 0 4.5 4.5 0 0 1-9 0Zm7.03-1.78c.3.3.3.77 0 1.06L5.78 8.03c-.3.3-.77.3-1.06 0l-1-1a.75.75 0 0 1 1.06-1.06l.47.47 2.22-2.22c.3-.3.77-.3 1.06 0Z",fill:t}))},Nse=Ge(Ase,"PresenceAvailable12Regular"),Fse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M8 16A8 8 0 1 0 8 0a8 8 0 0 0 0 16Zm3.7-9.3-4 4a1 1 0 0 1-1.41 0l-2-2a1 1 0 1 1 1.42-1.4L7 8.58l3.3-3.3a1 1 0 0 1 1.4 1.42Z",fill:t}))},X2=Ge(Fse,"PresenceAvailable16Filled"),Ise=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M11.7 6.7a1 1 0 0 0-1.4-1.4L7 8.58l-1.3-1.3a1 1 0 0 0-1.4 1.42l2 2a1 1 0 0 0 1.4 0l4-4ZM0 8a8 8 0 1 1 16 0A8 8 0 0 1 0 8Zm8-6a6 6 0 1 0 0 12A6 6 0 0 0 8 2Z",fill:t}))},Z2=Ge(Ise,"PresenceAvailable16Regular"),Bse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5 10A5 5 0 1 0 5 0a5 5 0 0 0 0 10Zm0-7v1.8l1.35 1.35a.5.5 0 1 1-.7.7l-1.5-1.5A.5.5 0 0 1 4 5V3a.5.5 0 0 1 1 0Z",fill:t}))},t6=Ge(Bse,"PresenceAway10Filled"),Rse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6 12A6 6 0 1 0 6 0a6 6 0 0 0 0 12Zm.5-8.75v2.4l1.49 1.28A.75.75 0 1 1 7 8.07l-1.75-1.5A.75.75 0 0 1 5 6V3.25a.75.75 0 0 1 1.5 0Z",fill:t}))},Ose=Ge(Rse,"PresenceAway12Filled"),Dse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M8 16A8 8 0 1 0 8 0a8 8 0 0 0 0 16Zm.5-11.5v3.02l2.12 1.7a1 1 0 1 1-1.24 1.56l-2.5-2A1 1 0 0 1 6.5 8V4.5a1 1 0 0 1 2 0Z",fill:t}))},J2=Ge(Dse,"PresenceAway16Filled"),Pse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M10 5A5 5 0 1 0 0 5a5 5 0 0 0 10 0ZM9 5a4 4 0 0 1-6.45 3.16l5.61-5.61C8.69 3.22 9 4.08 9 5ZM7.45 1.84 1.84 7.45a4 4 0 0 1 5.61-5.61Z",fill:t}))},n6=Ge(Pse,"PresenceBlocked10Regular"),Mse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M12 6A6 6 0 1 1 0 6a6 6 0 0 1 12 0Zm-1.5 0c0-.97-.3-1.87-.83-2.6L3.39 9.66A4.5 4.5 0 0 0 10.5 6ZM8.6 2.33a4.5 4.5 0 0 0-6.28 6.28l6.29-6.28Z",fill:t}))},Lse=Ge(Mse,"PresenceBlocked12Regular"),jse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M16 8A8 8 0 1 1 0 8a8 8 0 0 1 16 0Zm-2 0c0-1.3-.41-2.5-1.1-3.48L4.51 12.9A6 6 0 0 0 14 8Zm-2.52-4.9a6 6 0 0 0-8.37 8.37l8.37-8.36Z",fill:t}))},e9=Ge(jse,"PresenceBlocked16Regular"),zse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M10 5A5 5 0 1 1 0 5a5 5 0 0 1 10 0Z",fill:t}))},r6=Ge(zse,"PresenceBusy10Filled"),Hse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M12 6A6 6 0 1 1 0 6a6 6 0 0 1 12 0Z",fill:t}))},Use=Ge(Hse,"PresenceBusy12Filled"),qse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M16 8A8 8 0 1 1 0 8a8 8 0 0 1 16 0Z",fill:t}))},t9=Ge(qse,"PresenceBusy16Filled"),$se=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5 10A5 5 0 1 0 5 0a5 5 0 0 0 0 10ZM3.5 4.5h3a.5.5 0 0 1 0 1h-3a.5.5 0 0 1 0-1Z",fill:t}))},o6=Ge($se,"PresenceDnd10Filled"),Wse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5 0a5 5 0 1 0 0 10A5 5 0 0 0 5 0ZM1 5a4 4 0 1 1 8 0 4 4 0 0 1-8 0Zm2 0c0-.28.22-.5.5-.5h3a.5.5 0 0 1 0 1h-3A.5.5 0 0 1 3 5Z",fill:t}))},i6=Ge(Wse,"PresenceDnd10Regular"),Gse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6 12A6 6 0 1 0 6 0a6 6 0 0 0 0 12ZM3.75 5.25h4.5a.75.75 0 0 1 0 1.5h-4.5a.75.75 0 0 1 0-1.5Z",fill:t}))},Kse=Ge(Gse,"PresenceDnd12Filled"),Vse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6 0a6 6 0 1 0 0 12A6 6 0 0 0 6 0ZM1.5 6a4.5 4.5 0 1 1 9 0 4.5 4.5 0 0 1-9 0ZM3 6c0-.41.34-.75.75-.75h4.5a.75.75 0 0 1 0 1.5h-4.5A.75.75 0 0 1 3 6Z",fill:t}))},Yse=Ge(Vse,"PresenceDnd12Regular"),Qse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M8 16A8 8 0 1 0 8 0a8 8 0 0 0 0 16ZM5.25 7h5.5a1 1 0 1 1 0 2h-5.5a1 1 0 1 1 0-2Z",fill:t}))},n9=Ge(Qse,"PresenceDnd16Filled"),Xse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5.25 7a1 1 0 0 0 0 2h5.5a1 1 0 1 0 0-2h-5.5ZM0 8a8 8 0 1 1 16 0A8 8 0 0 1 0 8Zm8-6a6 6 0 1 0 0 12A6 6 0 0 0 8 2Z",fill:t}))},r9=Ge(Xse,"PresenceDnd16Regular"),Zse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6.85 3.15c.2.2.2.5 0 .7L5.71 5l1.14 1.15a.5.5 0 1 1-.7.7L5 5.71 3.85 6.85a.5.5 0 1 1-.7-.7L4.29 5 3.15 3.85a.5.5 0 1 1 .7-.7L5 4.29l1.15-1.14c.2-.2.5-.2.7 0ZM0 5a5 5 0 1 1 10 0A5 5 0 0 1 0 5Zm5-4a4 4 0 1 0 0 8 4 4 0 0 0 0-8Z",fill:t}))},a6=Ge(Zse,"PresenceOffline10Regular"),Jse=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M8.03 3.97c.3.3.3.77 0 1.06L7.06 6l.97.97a.75.75 0 0 1-1.06 1.06L6 7.06l-.97.97a.75.75 0 0 1-1.06-1.06L4.94 6l-.97-.97a.75.75 0 0 1 1.06-1.06l.97.97.97-.97c.3-.3.77-.3 1.06 0ZM0 6a6 6 0 1 1 12 0A6 6 0 0 1 0 6Zm6-4.5a4.5 4.5 0 1 0 0 9 4.5 4.5 0 0 0 0-9Z",fill:t}))},ele=Ge(Jse,"PresenceOffline12Regular"),tle=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M10.7 5.3a1 1 0 0 1 0 1.4L9.42 8l1.3 1.3a1 1 0 0 1-1.42 1.4L8 9.42l-1.3 1.3a1 1 0 0 1-1.4-1.42L6.58 8l-1.3-1.3a1 1 0 0 1 1.42-1.4L8 6.58l1.3-1.3a1 1 0 0 1 1.4 0ZM0 8a8 8 0 1 1 16 0A8 8 0 0 1 0 8Zm8-6a6 6 0 1 0 0 12A6 6 0 0 0 8 2Z",fill:t}))},o9=Ge(tle,"PresenceOffline16Regular"),nle=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5.35 3.85a.5.5 0 1 0-.7-.7l-1.5 1.5a.5.5 0 0 0 0 .7l1.5 1.5a.5.5 0 1 0 .7-.7L4.7 5.5h1.8a.5.5 0 1 0 0-1H4.7l.65-.65ZM5 0a5 5 0 1 0 0 10A5 5 0 0 0 5 0ZM1 5a4 4 0 1 1 8 0 4 4 0 0 1-8 0Z",fill:t}))},s6=Ge(nle,"PresenceOof10Regular"),rle=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6.28 4.53a.75.75 0 0 0-1.06-1.06l-2 2c-.3.3-.3.77 0 1.06l2 2a.75.75 0 0 0 1.06-1.06l-.72-.72h2.69a.75.75 0 1 0 0-1.5h-2.7l.73-.72ZM6 0a6 6 0 1 0 0 12A6 6 0 0 0 6 0ZM1.5 6a4.5 4.5 0 1 1 9 0 4.5 4.5 0 0 1-9 0Z",fill:t}))},ole=Ge(rle,"PresenceOof12Regular"),ile=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M8.2 6.2a1 1 0 1 0-1.4-1.4L4.3 7.3a1 1 0 0 0 0 1.4l2.5 2.5a1 1 0 0 0 1.4-1.4L7.42 9H11a1 1 0 1 0 0-2H7.41l.8-.8ZM8 0a8 8 0 1 0 0 16A8 8 0 0 0 8 0ZM2 8a6 6 0 1 1 12 0A6 6 0 0 1 2 8Z",fill:t}))},i9=Ge(ile,"PresenceOof16Regular"),ale=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:10,height:10,viewBox:"0 0 10 10",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5 1a4 4 0 1 0 0 8 4 4 0 0 0 0-8ZM0 5a5 5 0 1 1 10 0A5 5 0 0 1 0 5Z",fill:t}))},l6=Ge(ale,"PresenceUnknown10Regular"),sle=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M6 1.5a4.5 4.5 0 1 0 0 9 4.5 4.5 0 0 0 0-9ZM0 6a6 6 0 1 1 12 0A6 6 0 0 1 0 6Z",fill:t}))},lle=Ge(sle,"PresenceUnknown12Regular"),ule=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M8 2a6 6 0 1 0 0 12A6 6 0 0 0 8 2ZM0 8a8 8 0 1 1 16 0A8 8 0 0 1 0 8Z",fill:t}))},a9=Ge(ule,"PresenceUnknown16Regular"),cle=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:16,height:16,viewBox:"0 0 16 16",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M1.72 1.05a.5.5 0 0 0-.71.55l1.4 4.85c.06.18.21.32.4.35l5.69.95c.27.06.27.44 0 .5l-5.69.95a.5.5 0 0 0-.4.35l-1.4 4.85a.5.5 0 0 0 .71.55l13-6.5a.5.5 0 0 0 0-.9l-13-6.5Z",fill:t}))},fle=Ge(cle,"Send16Filled"),dle=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5.7 12 2.3 3.27a.75.75 0 0 1 .94-.98l.1.04 18 9c.51.26.54.97.1 1.28l-.1.06-18 9a.75.75 0 0 1-1.07-.85l.03-.1L5.7 12 2.3 3.27 5.7 12ZM4.4 4.54l2.61 6.7 6.63.01c.38 0 .7.28.74.65v.1c0 .38-.27.7-.64.74l-.1.01H7l-2.6 6.7L19.31 12 4.4 4.54Z",fill:t}))},hle=Ge(dle,"Send24Regular"),ple=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:24,height:24,viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M12.01 2.25c.74 0 1.47.1 2.18.25.32.07.55.33.59.65l.17 1.53a1.38 1.38 0 0 0 1.92 1.11l1.4-.61c.3-.13.64-.06.85.17a9.8 9.8 0 0 1 2.2 3.8c.1.3 0 .63-.26.82l-1.24.92a1.38 1.38 0 0 0 0 2.22l1.24.92c.26.19.36.52.27.82a9.8 9.8 0 0 1-2.2 3.8.75.75 0 0 1-.85.17l-1.4-.62a1.38 1.38 0 0 0-1.93 1.12l-.17 1.52a.75.75 0 0 1-.58.65 9.52 9.52 0 0 1-4.4 0 .75.75 0 0 1-.57-.65l-.17-1.52a1.38 1.38 0 0 0-1.93-1.11l-1.4.62a.75.75 0 0 1-.85-.18 9.8 9.8 0 0 1-2.2-3.8c-.1-.3 0-.63.27-.82l1.24-.92a1.38 1.38 0 0 0 0-2.22l-1.24-.92a.75.75 0 0 1-.28-.82 9.8 9.8 0 0 1 2.2-3.8c.23-.23.57-.3.86-.17l1.4.62c.4.17.86.15 1.25-.08.38-.22.63-.6.68-1.04l.17-1.53a.75.75 0 0 1 .58-.65c.72-.16 1.45-.24 2.2-.25Zm0 1.5c-.45 0-.9.04-1.35.12l-.11.97a2.89 2.89 0 0 1-4.02 2.33l-.9-.4A8.3 8.3 0 0 0 4.28 9.1l.8.59a2.88 2.88 0 0 1 0 4.64l-.8.59a8.3 8.3 0 0 0 1.35 2.32l.9-.4a2.88 2.88 0 0 1 4.02 2.32l.1.99c.9.15 1.8.15 2.7 0l.1-.99a2.88 2.88 0 0 1 4.02-2.32l.9.4a8.3 8.3 0 0 0 1.36-2.32l-.8-.59a2.88 2.88 0 0 1 0-4.64l.8-.59a8.3 8.3 0 0 0-1.35-2.32l-.9.4a2.88 2.88 0 0 1-4.02-2.32l-.11-.98c-.45-.08-.9-.11-1.34-.12ZM12 8.25a3.75 3.75 0 1 1 0 7.5 3.75 3.75 0 0 1 0-7.5Zm0 1.5a2.25 2.25 0 1 0 0 4.5 2.25 2.25 0 0 0 0-4.5Z",fill:t}))},mle=Ge(ple,"Settings24Regular"),gle=e=>{const{fill:t="currentColor",className:n}=e;return T.createElement("svg",Object.assign({},e,{width:12,height:12,viewBox:"0 0 12 12",xmlns:"http://www.w3.org/2000/svg",className:n}),T.createElement("path",{d:"M5.21 1.46a.9.9 0 0 1 1.58 0l4.09 7.17a.92.92 0 0 1-.79 1.37H1.91a.92.92 0 0 1-.79-1.37l4.1-7.17ZM5.5 4.5v1a.5.5 0 0 0 1 0v-1a.5.5 0 0 0-1 0ZM6 6.75a.75.75 0 1 0 0 1.5.75.75 0 0 0 0-1.5Z",fill:t}))},vle=Ge(gle,"Warning12Filled"),ble="fui-Icon-filled",yle="fui-Icon-regular",Ele=VO({root:{mc9l5x:"fjseox"},visible:{mc9l5x:"f1w7gpdv"}},{d:[".fjseox{display:none;}",".f1w7gpdv{display:inline;}"]}),_le=(e,t)=>{const n=r=>{const{className:o,primaryFill:i="currentColor",filled:a}=r,s=pl(r,["className","primaryFill","filled"]),l=Ele();return T.createElement(T.Fragment,null,T.createElement(e,Object.assign({},s,{className:N_(l.root,a&&l.visible,ble,o),fill:i})),T.createElement(t,Object.assign({},s,{className:N_(l.root,!a&&l.visible,yle,o),fill:i})))};return n.displayName="CompoundIcon",n},ZO=_le,Tle=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root},t.initials&&T.createElement(t.initials,{...n.initials}),t.icon&&T.createElement(t.icon,{...n.icon}),t.image&&T.createElement(t.image,{...n.image}),t.badge&&T.createElement(t.badge,{...n.badge}),e.activeAriaLabelElement)},wle=/[\(\[\{][^\)\]\}]*[\)\]\}]/g,kle=/[\0-\u001F\!-/:-@\[-`\{-\u00BF\u0250-\u036F\uD800-\uFFFF]/g,Sle=/^\d+[\d\s]*(:?ext|x|)\s*\d+$/i,xle=/\s+/g,Cle=/[\u0600-\u06FF\u0750-\u077F\u08A0-\u08FF\u1100-\u11FF\u3130-\u318F\uA960-\uA97F\uAC00-\uD7AF\uD7B0-\uD7FF\u3040-\u309F\u30A0-\u30FF\u3400-\u4DBF\u4E00-\u9FFF\uF900-\uFAFF]|[\uD840-\uD869][\uDC00-\uDED6]/;function Ale(e,t,n){let r="";const o=e.split(" ");return o.length!==0&&(r+=o[0].charAt(0).toUpperCase()),n||(o.length===2?r+=o[1].charAt(0).toUpperCase():o.length===3&&(r+=o[2].charAt(0).toUpperCase())),t&&r.length>1?r.charAt(1)+r.charAt(0):r}function Nle(e){return e=e.replace(wle,""),e=e.replace(kle,""),e=e.replace(xle," "),e=e.trim(),e}function Fle(e,t,n){return!e||(e=Nle(e),Cle.test(e)||!(n!=null&&n.allowPhoneInitials)&&Sle.test(e))?"":Ale(e,t,n==null?void 0:n.firstInitialOnly)}const Ile=(e,t)=>{const{shape:n="circular",size:r="medium",iconPosition:o="before",appearance:i="filled",color:a="brand"}=e;return{shape:n,size:r,iconPosition:o,appearance:i,color:a,components:{root:"div",icon:"span"},root:vr("div",{ref:t,...e}),icon:$t(e.icon)}},Ble=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root},e.iconPosition==="before"&&t.icon&&T.createElement(t.icon,{...n.icon}),e.root.children,e.iconPosition==="after"&&t.icon&&T.createElement(t.icon,{...n.icon}))},Rle={tiny:t6,"extra-small":t6,small:Ose,medium:J2,large:J2,"extra-large":J2},Ole={tiny:e6,"extra-small":e6,small:Nse,medium:Z2,large:Z2,"extra-large":Z2},Dle={tiny:JC,"extra-small":JC,small:Cse,medium:X2,large:X2,"extra-large":X2},Ple={tiny:n6,"extra-small":n6,small:Lse,medium:e9,large:e9,"extra-large":e9},Mle={tiny:r6,"extra-small":r6,small:Use,medium:t9,large:t9,"extra-large":t9},Lle={tiny:o6,"extra-small":o6,small:Kse,medium:n9,large:n9,"extra-large":n9},jle={tiny:i6,"extra-small":i6,small:Yse,medium:r9,large:r9,"extra-large":r9},zle={tiny:s6,"extra-small":s6,small:ole,medium:i9,large:i9,"extra-large":i9},u6={tiny:a6,"extra-small":a6,small:ele,medium:o9,large:o9,"extra-large":o9},c6={tiny:l6,"extra-small":l6,small:lle,medium:a9,large:a9,"extra-large":a9},Hle=(e,t,n)=>{switch(e){case"available":return t?Ole[n]:Dle[n];case"away":return t?u6[n]:Rle[n];case"blocked":return Ple[n];case"busy":return t?c6[n]:Mle[n];case"do-not-disturb":return t?jle[n]:Lle[n];case"offline":return u6[n];case"out-of-office":return zle[n];case"unknown":return c6[n]}},f6={busy:"busy","out-of-office":"out of office",away:"away",available:"available",offline:"offline","do-not-disturb":"do not disturb",unknown:"unknown",blocked:"blocked"},Ule=(e,t)=>{const{size:n="medium",status:r="available",outOfOffice:o=!1}=e,i=f6[r],a=e.outOfOffice&&e.status!=="out-of-office"?` ${f6["out-of-office"]}`:"",s=Hle(r,o,n);return{...Ile({"aria-label":i+a,role:"img",...e,size:n,icon:$t(e.icon,{defaultProps:{children:s?T.createElement(s,null):null},required:!0})},t),status:r,outOfOffice:o}},d6={root:"fui-PresenceBadge",icon:"fui-PresenceBadge__icon"},qle=e=>e==="busy"||e==="do-not-disturb"||e==="unknown"||e==="blocked",$le=pt({root:{z8tnut:"f1g0x7ka",z189sj:["fhxju0i","f1cnd47f"],Byoj8tv:"f1qch9an",uwmqm3:["f1cnd47f","fhxju0i"],mc9l5x:"ftuwxu6",B7ck84d:"f1ewtqcl",Bt984gj:"f122n59",Brf1p80:"f4d9j23",Bhmb4qv:"fb8jth9",Bbmb7ep:["f8fbkgy","f1nfllo7"],Beyfa6y:["f1nfllo7","f8fbkgy"],B7oj6ja:["f1djnp8u","f1s8kh49"],Btl43ni:["f1s8kh49","f1djnp8u"],De3pzq:"fxugw4r"},statusBusy:{sj55zd:"fvi85wt"},statusAway:{sj55zd:"f14k8a89"},statusAvailable:{sj55zd:"fqa5hgp"},statusOffline:{sj55zd:"f11d4kpn"},statusOutOfOffice:{sj55zd:"fdce8r3"},outOfOffice:{sj55zd:"fr0bkrk"},outOfOfficeAvailable:{sj55zd:"fqa5hgp"},outOfOfficeBusy:{sj55zd:"fvi85wt"},outOfOfficeAway:{sj55zd:"f14k8a89"},tiny:{Bubjx69:"f9ikmtg",a9b677:"f16dn6v3",B5pe6w7:"fab5kbq",p4uzdd:"f1ms1d91"},large:{Bubjx69:"f9ikmtg",a9b677:"f64fuq3",B5pe6w7:"f1vfi1yj",p4uzdd:"f15s34gz"},extraLarge:{Bubjx69:"f9ikmtg",a9b677:"f1w9dchk",B5pe6w7:"f14efy9b",p4uzdd:"fhipgdu"}},{d:[".f1g0x7ka{padding-top:0;}",".fhxju0i{padding-right:0;}",".f1cnd47f{padding-left:0;}",".f1qch9an{padding-bottom:0;}",".ftuwxu6{display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;}",".f1ewtqcl{box-sizing:border-box;}",".f122n59{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;}",".f4d9j23{-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;}",".fb8jth9 span{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f8fbkgy{border-bottom-right-radius:var(--borderRadiusCircular);}",".f1nfllo7{border-bottom-left-radius:var(--borderRadiusCircular);}",".f1djnp8u{border-top-right-radius:var(--borderRadiusCircular);}",".f1s8kh49{border-top-left-radius:var(--borderRadiusCircular);}",".fxugw4r{background-color:var(--colorNeutralBackground1);}",".fvi85wt{color:var(--colorPaletteRedBackground3);}",".f14k8a89{color:var(--colorPaletteMarigoldBackground3);}",".fqa5hgp{color:var(--colorPaletteLightGreenForeground3);}",".f11d4kpn{color:var(--colorNeutralForeground3);}",".fdce8r3{color:var(--colorPaletteBerryForeground3);}",".fr0bkrk{color:var(--colorNeutralBackground1);}",".f9ikmtg{aspect-ratio:1;}",".f16dn6v3{width:6px;}",".fab5kbq svg{width:6px!important;}",".f1ms1d91 svg{height:6px!important;}",".f64fuq3{width:20px;}",".f1vfi1yj svg{width:20px!important;}",".f15s34gz svg{height:20px!important;}",".f1w9dchk{width:28px;}",".f14efy9b svg{width:28px!important;}",".fhipgdu svg{height:28px!important;}"]}),Wle=e=>{const t=$le(),n=qle(e.status);return e.root.className=et(d6.root,t.root,n&&t.statusBusy,e.status==="away"&&t.statusAway,e.status==="available"&&t.statusAvailable,e.status==="offline"&&t.statusOffline,e.status==="out-of-office"&&t.statusOutOfOffice,e.outOfOffice&&t.outOfOffice,e.outOfOffice&&e.status==="available"&&t.outOfOfficeAvailable,e.outOfOffice&&n&&t.outOfOfficeBusy,e.outOfOffice&&e.status==="away"&&t.outOfOfficeAway,e.outOfOffice&&e.status==="offline"&&t.statusOffline,e.outOfOffice&&e.status==="out-of-office"&&t.statusOutOfOffice,e.size==="tiny"&&t.tiny,e.size==="large"&&t.large,e.size==="extra-large"&&t.extraLarge,e.root.className),e.icon&&(e.icon.className=et(d6.icon,e.icon.className)),e},JO=T.forwardRef((e,t)=>{const n=Ule(e,t);return Wle(n),Ble(n)});JO.displayName="PresenceBadge";const eD=T.createContext(void 0),Gle={};eD.Provider;const Kle=()=>{var e;return(e=T.useContext(eD))!==null&&e!==void 0?e:Gle},Vle={active:"active",inactive:"inactive"},Yle=(e,t)=>{var n;const{dir:r}=Oo(),{size:o}=Kle(),{name:i,size:a=o??32,shape:s="circular",active:l="unset",activeAppearance:u="ring",idForColor:d}=e;let{color:h="neutral"}=e;h==="colorful"&&(h=h6[Xle((n=d??i)!==null&&n!==void 0?n:"")%h6.length]);const p=lo("avatar-"),m=vr("span",{role:"img",id:p,...e,ref:t},["name"]),[v,_]=T.useState(void 0),b=$t(e.image,{defaultProps:{alt:"",role:"presentation","aria-hidden":!0,hidden:v}});b&&(b.onError=Vn(b.onError,()=>_(!0)),b.onLoad=Vn(b.onLoad,()=>_(void 0)));let E=$t(e.initials,{required:!0,defaultProps:{children:Fle(i,r==="rtl",{firstInitialOnly:a<=16}),id:p+"__initials"}});E!=null&&E.children||(E=void 0);let w;!E&&(!b||v)&&(w=$t(e.icon,{required:!0,defaultProps:{children:T.createElement(Qae,null),"aria-hidden":!0}}));const k=$t(e.badge,{defaultProps:{size:Qle(a),id:p+"__badge"}});let y;if(!m["aria-label"]&&!m["aria-labelledby"]&&(i?(m["aria-label"]=i,k&&(m["aria-labelledby"]=m.id+" "+k.id)):E&&(m["aria-labelledby"]=E.id+(k?" "+k.id:"")),l==="active"||l==="inactive")){const F=Vle[l];if(m["aria-labelledby"]){const C=p+"__active";m["aria-labelledby"]+=" "+C,y=T.createElement("span",{hidden:!0,id:C},F)}else m["aria-label"]&&(m["aria-label"]+=" "+F)}return{size:a,shape:s,active:l,activeAppearance:u,activeAriaLabelElement:y,color:h,components:{root:"span",initials:"span",icon:"span",image:"img",badge:JO},root:m,initials:E,icon:w,image:b,badge:k}},Qle=e=>e>=96?"extra-large":e>=64?"large":e>=56?"medium":e>=40?"small":e>=28?"extra-small":"tiny",h6=["dark-red","cranberry","red","pumpkin","peach","marigold","gold","brass","brown","forest","seafoam","dark-green","light-teal","teal","steel","blue","royal-blue","cornflower","navy","lavender","purple","grape","lilac","pink","magenta","plum","beige","mink","platinum","anchor"],Xle=e=>{let t=0;for(let n=e.length-1;n>=0;n--){const r=e.charCodeAt(n),o=n%8;t^=(r<<o)+(r>>8-o)}return t},ih={root:"fui-Avatar",image:"fui-Avatar__image",initials:"fui-Avatar__initials",icon:"fui-Avatar__icon",badge:"fui-Avatar__badge"},Zle=pt({root:{mc9l5x:"f14t3ns0",Bnnss6s:"fi64zpg",qhf8xq:"f10pi13n",ha4doy:"fmrv4ls",Bbmb7ep:["f8fbkgy","f1nfllo7"],Beyfa6y:["f1nfllo7","f8fbkgy"],B7oj6ja:["f1djnp8u","f1s8kh49"],Btl43ni:["f1s8kh49","f1djnp8u"],Bahqtrf:"fk6fouc",Bhrd7zp:"fl43uef"},textCaption2Strong:{Be2twd7:"f13mqy1h",Bhrd7zp:"fl43uef"},textCaption1Strong:{Be2twd7:"fy9rknc"},textBody1Strong:{Be2twd7:"fkhj508"},textSubtitle2:{Be2twd7:"fod5ikn"},textSubtitle1:{Be2twd7:"f1pp30po"},textTitle:{Be2twd7:"f1x0m3f5"},squareSmall:{Bbmb7ep:["f1g3puop","fi2rrw2"],Beyfa6y:["fi2rrw2","f1g3puop"],B7oj6ja:["f1rstyi9","f1s4nn1u"],Btl43ni:["f1s4nn1u","f1rstyi9"]},squareMedium:{Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"]},squareLarge:{Bbmb7ep:["f1ldthgs","frrelxk"],Beyfa6y:["frrelxk","f1ldthgs"],B7oj6ja:["fobrfso","ffisxpw"],Btl43ni:["ffisxpw","fobrfso"]},squareXLarge:{Bbmb7ep:["fnivh3a","fc7yr5o"],Beyfa6y:["fc7yr5o","fnivh3a"],B7oj6ja:["f1el4m67","f8yange"],Btl43ni:["f8yange","f1el4m67"]},activeOrInactive:{Bz10aip:"ftfx35i",Bmy1vo4:"fv0atk9",B3o57yi:"f1iry5bo",Cwk7ip:"f1gyuh7d",Hwfdqs:"f1onx1g3",Ftih45:"f1wl9k8s",Brfgrao:"f1j7ml58",Bciustq:"ffi060y",Fbdkly:["f1fzr1x6","f1f351id"],lawp4y:"fchca7p",mdwyqc:["f1f351id","f1fzr1x6"],Budzafs:["f1kd9phw","fyf2ch2"],r59vdv:["fyf2ch2","f1kd9phw"],n07z76:["f1gnrg9b","f1xx2lx6"],ck0cow:["f1xx2lx6","f1gnrg9b"],B8bqphf:"f1e9wvyh",h7gv66:"f1vyz52m",Bvy8d8o:"f1rjhkxy",B1pumaf:"f1ak47q9",B17wnbm:"f1apa6og"},ring:{Bdkvgpv:"f163fonl",m598lv:["f1yq6w5o","f1jpmc5p"],qa3bma:"f11yjt3y",Bbv0w2i:["f1jpmc5p","f1yq6w5o"]},ringThick:{qehafq:"f1rbtjc9",Bicfajf:["f1wm0e7m","f1o0l8kp"],susq4k:"f1tz5420",Biibvgv:["f1o0l8kp","f1wm0e7m"],B0qfbqy:"f1q30tuz",B4f6apu:["f9c0djs","fcwzx2y"],y0oebl:"f1hdqo1a",uvfttm:["fcwzx2y","f9c0djs"]},ringThicker:{qehafq:"fk7ejgl",Bicfajf:["f12sbt0w","f1tnh028"],susq4k:"fcrsff4",Biibvgv:["f1tnh028","f12sbt0w"],B0qfbqy:"f1jrge4j",B4f6apu:["fc2vpa6","f133djwz"],y0oebl:"f9hcsm3",uvfttm:["f133djwz","fc2vpa6"]},ringThickest:{qehafq:"fl3e39p",Bicfajf:["f14m8wrz","fckzhtt"],susq4k:"fnxq6pw",Biibvgv:["fckzhtt","f14m8wrz"],B0qfbqy:"fr6r3yi",B4f6apu:["ftxoq8w","f4gs2h8"],y0oebl:"f9gga8r",uvfttm:["f4gs2h8","ftxoq8w"]},shadow4:{h8m2vh:"f196qwgu"},shadow8:{h8m2vh:"fut48mo"},shadow16:{h8m2vh:"fh2kfig"},shadow28:{h8m2vh:"f4c2u2p"},inactive:{abs64n:"fp25eh",Bz10aip:"f1clczzi",Bmy1vo4:"fv0atk9",B3o57yi:"f1iry5bo",Cwk7ip:"fxm264b",Hwfdqs:"f1onx1g3",Bwz0kr7:"f1o7dfsw",qehafq:"fe3o830",Bicfajf:["fzynn9s","f1z0ukd1"],susq4k:"f1kyqvp9",Biibvgv:["f1z0ukd1","fzynn9s"],vz82u:"f1dhznln",B8bqphf:"f1e9wvyh",h7gv66:"f1vyz52m",Bvy8d8o:"f1yb2g89",B1pumaf:"f1ak47q9",B17wnbm:"f1apa6og"},badge:{qhf8xq:"f1euv43f",B5kzvoi:"f1yab3r1",j35jbq:["f1e31b4d","f1vgc2s3"],E5pizo:"ffo9j2l"},badgeLarge:{E5pizo:"f1nayfl2"},image:{qhf8xq:"f1euv43f",Bhzewxz:"f15twtuk",oyh7mz:["f1vgc2s3","f1e31b4d"],a9b677:"fly5x3f",Bqenvij:"f1l02sjl",Bbmb7ep:["f1d9uwra","fzibvwi"],Beyfa6y:["fzibvwi","f1d9uwra"],B7oj6ja:["fuoumxm","f1vtqnvc"],Btl43ni:["f1vtqnvc","fuoumxm"],st4lth:"f1ps3kmd",ha4doy:"f12kltsn"},iconInitials:{qhf8xq:"f1euv43f",B7ck84d:"f1ewtqcl",Bhzewxz:"f15twtuk",oyh7mz:["f1vgc2s3","f1e31b4d"],a9b677:"fly5x3f",Bqenvij:"f1l02sjl",Bg96gwp:"fp6vxd",B4j52fo:"f192inf7",Bekrc4i:["f5tn483","f1ojsxk5"],Bn0qgzm:"f1vxd6vx",ibv6hh:["f1ojsxk5","f5tn483"],icvyot:"fzkkow9",vrafjx:["fcdblym","fjik90z"],oivjwe:"fg706s2",wvpqe5:["fjik90z","fcdblym"],g2u3we:"fghlq4f",h3c5rm:["f1gn591s","fjscplz"],B9xav0g:"fb073pr",zhjwy3:["fjscplz","f1gn591s"],mc9l5x:"f22iagw",Bt984gj:"f122n59",Brf1p80:"f4d9j23",ha4doy:"fa4t5tb",fsow6f:"f17mccla",famaaq:"f1xqy1su",Bbmb7ep:["f1d9uwra","fzibvwi"],Beyfa6y:["fzibvwi","f1d9uwra"],B7oj6ja:["fuoumxm","f1vtqnvc"],Btl43ni:["f1vtqnvc","fuoumxm"]},icon12:{Be2twd7:"f1ugzwwg"},icon16:{Be2twd7:"f4ybsrx"},icon20:{Be2twd7:"fe5j1ua"},icon24:{Be2twd7:"f1rt2boy"},icon28:{Be2twd7:"f24l1pt"},icon32:{Be2twd7:"ffl51b"},icon48:{Be2twd7:"f18m8u13"}},{d:[".f14t3ns0{display:inline-block;}",".fi64zpg{-webkit-flex-shrink:0;-ms-flex-negative:0;flex-shrink:0;}",".f10pi13n{position:relative;}",".fmrv4ls{vertical-align:middle;}",".f8fbkgy{border-bottom-right-radius:var(--borderRadiusCircular);}",".f1nfllo7{border-bottom-left-radius:var(--borderRadiusCircular);}",".f1djnp8u{border-top-right-radius:var(--borderRadiusCircular);}",".f1s8kh49{border-top-left-radius:var(--borderRadiusCircular);}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fl43uef{font-weight:var(--fontWeightSemibold);}",".f13mqy1h{font-size:var(--fontSizeBase100);}",".fy9rknc{font-size:var(--fontSizeBase200);}",".fkhj508{font-size:var(--fontSizeBase300);}",".fod5ikn{font-size:var(--fontSizeBase400);}",".f1pp30po{font-size:var(--fontSizeBase500);}",".f1x0m3f5{font-size:var(--fontSizeBase600);}",".f1g3puop{border-bottom-right-radius:var(--borderRadiusSmall);}",".fi2rrw2{border-bottom-left-radius:var(--borderRadiusSmall);}",".f1rstyi9{border-top-right-radius:var(--borderRadiusSmall);}",".f1s4nn1u{border-top-left-radius:var(--borderRadiusSmall);}",".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".f1ldthgs{border-bottom-right-radius:var(--borderRadiusLarge);}",".frrelxk{border-bottom-left-radius:var(--borderRadiusLarge);}",".fobrfso{border-top-right-radius:var(--borderRadiusLarge);}",".ffisxpw{border-top-left-radius:var(--borderRadiusLarge);}",".fnivh3a{border-bottom-right-radius:var(--borderRadiusXLarge);}",".fc7yr5o{border-bottom-left-radius:var(--borderRadiusXLarge);}",".f1el4m67{border-top-right-radius:var(--borderRadiusXLarge);}",".f8yange{border-top-left-radius:var(--borderRadiusXLarge);}",".ftfx35i{-webkit-transform:perspective(1px);-moz-transform:perspective(1px);-ms-transform:perspective(1px);transform:perspective(1px);}",".fv0atk9{transition-property:transform,opacity;}",".f1iry5bo{transition-duration:var(--durationUltraSlow),var(--durationFaster);}",".f1gyuh7d{transition-delay:var(--curveEasyEaseMax),var(--curveLinear);}",'.f1wl9k8s::before{content:"";}',".f1j7ml58::before{position:absolute;}",".ffi060y::before{top:0;}",".f1fzr1x6::before{left:0;}",".f1f351id::before{right:0;}",".fchca7p::before{bottom:0;}",".f1kd9phw::before{border-bottom-right-radius:inherit;}",".fyf2ch2::before{border-bottom-left-radius:inherit;}",".f1gnrg9b::before{border-top-right-radius:inherit;}",".f1xx2lx6::before{border-top-left-radius:inherit;}",".f1e9wvyh::before{transition-property:margin,opacity;}",".f1vyz52m::before{transition-duration:var(--durationUltraSlow),var(--durationSlower);}",".f1rjhkxy::before{transition-delay:var(--curveEasyEaseMax),var(--curveLinear);}",".f163fonl::before{border-top-style:solid;}",".f1yq6w5o::before{border-right-style:solid;}",".f1jpmc5p::before{border-left-style:solid;}",".f11yjt3y::before{border-bottom-style:solid;}",".f1rbtjc9::before{margin-top:calc(-2 * var(--strokeWidthThick));}",".f1wm0e7m::before{margin-right:calc(-2 * var(--strokeWidthThick));}",".f1o0l8kp::before{margin-left:calc(-2 * var(--strokeWidthThick));}",".f1tz5420::before{margin-bottom:calc(-2 * var(--strokeWidthThick));}",".f1q30tuz::before{border-top-width:var(--strokeWidthThick);}",".f9c0djs::before{border-right-width:var(--strokeWidthThick);}",".fcwzx2y::before{border-left-width:var(--strokeWidthThick);}",".f1hdqo1a::before{border-bottom-width:var(--strokeWidthThick);}",".fk7ejgl::before{margin-top:calc(-2 * var(--strokeWidthThicker));}",".f12sbt0w::before{margin-right:calc(-2 * var(--strokeWidthThicker));}",".f1tnh028::before{margin-left:calc(-2 * var(--strokeWidthThicker));}",".fcrsff4::before{margin-bottom:calc(-2 * var(--strokeWidthThicker));}",".f1jrge4j::before{border-top-width:var(--strokeWidthThicker);}",".fc2vpa6::before{border-right-width:var(--strokeWidthThicker);}",".f133djwz::before{border-left-width:var(--strokeWidthThicker);}",".f9hcsm3::before{border-bottom-width:var(--strokeWidthThicker);}",".fl3e39p::before{margin-top:calc(-2 * var(--strokeWidthThickest));}",".f14m8wrz::before{margin-right:calc(-2 * var(--strokeWidthThickest));}",".fckzhtt::before{margin-left:calc(-2 * var(--strokeWidthThickest));}",".fnxq6pw::before{margin-bottom:calc(-2 * var(--strokeWidthThickest));}",".fr6r3yi::before{border-top-width:var(--strokeWidthThickest);}",".ftxoq8w::before{border-right-width:var(--strokeWidthThickest);}",".f4gs2h8::before{border-left-width:var(--strokeWidthThickest);}",".f9gga8r::before{border-bottom-width:var(--strokeWidthThickest);}",".f196qwgu::before{box-shadow:var(--shadow4);}",".fut48mo::before{box-shadow:var(--shadow8);}",".fh2kfig::before{box-shadow:var(--shadow16);}",".f4c2u2p::before{box-shadow:var(--shadow28);}",".fp25eh{opacity:0.8;}",".f1clczzi{-webkit-transform:scale(0.875);-moz-transform:scale(0.875);-ms-transform:scale(0.875);transform:scale(0.875);}",".fxm264b{transition-delay:var(--curveDecelerateMin),var(--curveLinear);}",".fe3o830::before{margin-top:0;}",".fzynn9s::before{margin-right:0;}",".f1z0ukd1::before{margin-left:0;}",".f1kyqvp9::before{margin-bottom:0;}",".f1dhznln::before{opacity:0;}",".f1yb2g89::before{transition-delay:var(--curveDecelerateMin),var(--curveLinear);}",".f1euv43f{position:absolute;}",".f1yab3r1{bottom:0;}",".f1e31b4d{right:0;}",".f1vgc2s3{left:0;}",".ffo9j2l{box-shadow:0 0 0 var(--strokeWidthThin) var(--colorNeutralBackground1);}",".f1nayfl2{box-shadow:0 0 0 var(--strokeWidthThick) var(--colorNeutralBackground1);}",".f15twtuk{top:0;}",".fly5x3f{width:100%;}",".f1l02sjl{height:100%;}",".f1d9uwra{border-bottom-right-radius:inherit;}",".fzibvwi{border-bottom-left-radius:inherit;}",".fuoumxm{border-top-right-radius:inherit;}",".f1vtqnvc{border-top-left-radius:inherit;}",".f1ps3kmd{object-fit:cover;}",".f12kltsn{vertical-align:top;}",".f1ewtqcl{box-sizing:border-box;}",".fp6vxd{line-height:1;}",".f192inf7{border-top-width:var(--strokeWidthThin);}",".f5tn483{border-right-width:var(--strokeWidthThin);}",".f1ojsxk5{border-left-width:var(--strokeWidthThin);}",".f1vxd6vx{border-bottom-width:var(--strokeWidthThin);}",".fzkkow9{border-top-style:solid;}",".fcdblym{border-right-style:solid;}",".fjik90z{border-left-style:solid;}",".fg706s2{border-bottom-style:solid;}",".fghlq4f{border-top-color:var(--colorTransparentStroke);}",".f1gn591s{border-right-color:var(--colorTransparentStroke);}",".fjscplz{border-left-color:var(--colorTransparentStroke);}",".fb073pr{border-bottom-color:var(--colorTransparentStroke);}",".f22iagw{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f122n59{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;}",".f4d9j23{-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;}",".fa4t5tb{vertical-align:center;}",".f17mccla{text-align:center;}",".f1xqy1su{-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;}",".f1ugzwwg{font-size:12px;}",".f4ybsrx{font-size:16px;}",".fe5j1ua{font-size:20px;}",".f1rt2boy{font-size:24px;}",".f24l1pt{font-size:28px;}",".ffl51b{font-size:32px;}",".f18m8u13{font-size:48px;}"],m:[["@media screen and (prefers-reduced-motion: reduce){.f1onx1g3{transition-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1ak47q9::before{transition-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1apa6og::before{transition-delay:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1onx1g3{transition-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1o7dfsw{transition-delay:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1ak47q9::before{transition-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1apa6og::before{transition-delay:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}]]}),Jle=pt({16:{a9b677:"fjw5fx7",Bqenvij:"fd461yt"},20:{a9b677:"f64fuq3",Bqenvij:"fjamq6b"},24:{a9b677:"fq4mcun",Bqenvij:"frvgh55"},28:{a9b677:"f1w9dchk",Bqenvij:"fxldao9"},32:{a9b677:"f1szoe96",Bqenvij:"f1d2rq10"},36:{a9b677:"fpdz1er",Bqenvij:"f8ljn23"},40:{a9b677:"feqmc2u",Bqenvij:"fbhnoac"},48:{a9b677:"f124akge",Bqenvij:"ff2sm71"},56:{a9b677:"f1u66zr1",Bqenvij:"fzki0ko"},64:{a9b677:"fa9ln6p",Bqenvij:"f16k9i2m"},72:{a9b677:"fhcae8x",Bqenvij:"f1shusfg"},96:{a9b677:"f1kyr2gn",Bqenvij:"fypu0ge"},120:{a9b677:"fwfqyga",Bqenvij:"fjr5b71"},128:{a9b677:"f1iksgmy",Bqenvij:"fele2au"}},{d:[".fjw5fx7{width:16px;}",".fd461yt{height:16px;}",".f64fuq3{width:20px;}",".fjamq6b{height:20px;}",".fq4mcun{width:24px;}",".frvgh55{height:24px;}",".f1w9dchk{width:28px;}",".fxldao9{height:28px;}",".f1szoe96{width:32px;}",".f1d2rq10{height:32px;}",".fpdz1er{width:36px;}",".f8ljn23{height:36px;}",".feqmc2u{width:40px;}",".fbhnoac{height:40px;}",".f124akge{width:48px;}",".ff2sm71{height:48px;}",".f1u66zr1{width:56px;}",".fzki0ko{height:56px;}",".fa9ln6p{width:64px;}",".f16k9i2m{height:64px;}",".fhcae8x{width:72px;}",".f1shusfg{height:72px;}",".f1kyr2gn{width:96px;}",".fypu0ge{height:96px;}",".fwfqyga{width:120px;}",".fjr5b71{height:120px;}",".f1iksgmy{width:128px;}",".fele2au{height:128px;}"]}),eue=pt({neutral:{sj55zd:"f11d4kpn",De3pzq:"f18f03hv",Bic5iru:"f1uuiafn"},brand:{sj55zd:"fonrgv7",De3pzq:"f1blnnmj",Bic5iru:"f1uuiafn"},"dark-red":{sj55zd:"fqjd1y1",De3pzq:"f1vq2oo4",Bic5iru:"f1t2x9on"},cranberry:{sj55zd:"fg9gses",De3pzq:"f1lwxszt",Bic5iru:"f1pvshc9"},red:{sj55zd:"f23f7i0",De3pzq:"f1q9qhfq",Bic5iru:"f1ectbk9"},pumpkin:{sj55zd:"fjnan08",De3pzq:"fz91bi3",Bic5iru:"fvzpl0b"},peach:{sj55zd:"fknu15p",De3pzq:"f1b9nr51",Bic5iru:"fwj2kd7"},marigold:{sj55zd:"f9603vw",De3pzq:"f3z4w6d",Bic5iru:"fr120vy"},gold:{sj55zd:"fmq0uwp",De3pzq:"fg50kya",Bic5iru:"f8xmmar"},brass:{sj55zd:"f28g5vo",De3pzq:"f4w2gd0",Bic5iru:"f1hbety2"},brown:{sj55zd:"ftl572b",De3pzq:"f14wu1f4",Bic5iru:"f1vg3s4g"},forest:{sj55zd:"f1gymlvd",De3pzq:"f19ut4y6",Bic5iru:"f1m3olm5"},seafoam:{sj55zd:"fnnb6wn",De3pzq:"f1n057jc",Bic5iru:"f17xiqtr"},"dark-green":{sj55zd:"ff58qw8",De3pzq:"f11t05wk",Bic5iru:"fx32vyh"},"light-teal":{sj55zd:"f1up9qbj",De3pzq:"f42feg1",Bic5iru:"f1mkihwv"},teal:{sj55zd:"f135dsb4",De3pzq:"f6hvv1p",Bic5iru:"fecnooh"},steel:{sj55zd:"f151dlcp",De3pzq:"f1lnp8zf",Bic5iru:"f15hfgzm"},blue:{sj55zd:"f1rjv50u",De3pzq:"f1ggcpy6",Bic5iru:"fqproka"},"royal-blue":{sj55zd:"f1emykk5",De3pzq:"f12rj61f",Bic5iru:"f17v2w59"},cornflower:{sj55zd:"fqsigj7",De3pzq:"f8k7hur",Bic5iru:"fp0q1mo"},navy:{sj55zd:"f1nj97xi",De3pzq:"f19gw0ux",Bic5iru:"f1nlym55"},lavender:{sj55zd:"fwctg0i",De3pzq:"ff379vm",Bic5iru:"f62vk8h"},purple:{sj55zd:"fjrsgpu",De3pzq:"f1mzf1e1",Bic5iru:"f15zl69q"},grape:{sj55zd:"f1fiiydq",De3pzq:"f1o4k8oy",Bic5iru:"f53w4j7"},lilac:{sj55zd:"f1res9jt",De3pzq:"f1x6mz1o",Bic5iru:"fu2771t"},pink:{sj55zd:"fv3fbbi",De3pzq:"fydlv6t",Bic5iru:"fzflscs"},magenta:{sj55zd:"f1f1fwnz",De3pzq:"f4xb6j5",Bic5iru:"fb6rmqc"},plum:{sj55zd:"f8ptl6j",De3pzq:"fqo8e26",Bic5iru:"f1a4gm5b"},beige:{sj55zd:"f1ntv3ld",De3pzq:"f101elhj",Bic5iru:"f1qpf9z1"},mink:{sj55zd:"f1fscmp",De3pzq:"f13g8o5c",Bic5iru:"f1l7or83"},platinum:{sj55zd:"f1dr00v2",De3pzq:"fkh7blw",Bic5iru:"fzrj0iu"},anchor:{sj55zd:"f1f3ti53",De3pzq:"fu4yj0j",Bic5iru:"f8oz6wf"}},{d:[".f11d4kpn{color:var(--colorNeutralForeground3);}",".f18f03hv{background-color:var(--colorNeutralBackground6);}",".f1uuiafn::before{color:var(--colorBrandStroke1);}",".fonrgv7{color:var(--colorNeutralForegroundStaticInverted);}",".f1blnnmj{background-color:var(--colorBrandBackgroundStatic);}",".fqjd1y1{color:var(--colorPaletteDarkRedForeground2);}",".f1vq2oo4{background-color:var(--colorPaletteDarkRedBackground2);}",".f1t2x9on::before{color:var(--colorPaletteDarkRedBorderActive);}",".fg9gses{color:var(--colorPaletteCranberryForeground2);}",".f1lwxszt{background-color:var(--colorPaletteCranberryBackground2);}",".f1pvshc9::before{color:var(--colorPaletteCranberryBorderActive);}",".f23f7i0{color:var(--colorPaletteRedForeground2);}",".f1q9qhfq{background-color:var(--colorPaletteRedBackground2);}",".f1ectbk9::before{color:var(--colorPaletteRedBorderActive);}",".fjnan08{color:var(--colorPalettePumpkinForeground2);}",".fz91bi3{background-color:var(--colorPalettePumpkinBackground2);}",".fvzpl0b::before{color:var(--colorPalettePumpkinBorderActive);}",".fknu15p{color:var(--colorPalettePeachForeground2);}",".f1b9nr51{background-color:var(--colorPalettePeachBackground2);}",".fwj2kd7::before{color:var(--colorPalettePeachBorderActive);}",".f9603vw{color:var(--colorPaletteMarigoldForeground2);}",".f3z4w6d{background-color:var(--colorPaletteMarigoldBackground2);}",".fr120vy::before{color:var(--colorPaletteMarigoldBorderActive);}",".fmq0uwp{color:var(--colorPaletteGoldForeground2);}",".fg50kya{background-color:var(--colorPaletteGoldBackground2);}",".f8xmmar::before{color:var(--colorPaletteGoldBorderActive);}",".f28g5vo{color:var(--colorPaletteBrassForeground2);}",".f4w2gd0{background-color:var(--colorPaletteBrassBackground2);}",".f1hbety2::before{color:var(--colorPaletteBrassBorderActive);}",".ftl572b{color:var(--colorPaletteBrownForeground2);}",".f14wu1f4{background-color:var(--colorPaletteBrownBackground2);}",".f1vg3s4g::before{color:var(--colorPaletteBrownBorderActive);}",".f1gymlvd{color:var(--colorPaletteForestForeground2);}",".f19ut4y6{background-color:var(--colorPaletteForestBackground2);}",".f1m3olm5::before{color:var(--colorPaletteForestBorderActive);}",".fnnb6wn{color:var(--colorPaletteSeafoamForeground2);}",".f1n057jc{background-color:var(--colorPaletteSeafoamBackground2);}",".f17xiqtr::before{color:var(--colorPaletteSeafoamBorderActive);}",".ff58qw8{color:var(--colorPaletteDarkGreenForeground2);}",".f11t05wk{background-color:var(--colorPaletteDarkGreenBackground2);}",".fx32vyh::before{color:var(--colorPaletteDarkGreenBorderActive);}",".f1up9qbj{color:var(--colorPaletteLightTealForeground2);}",".f42feg1{background-color:var(--colorPaletteLightTealBackground2);}",".f1mkihwv::before{color:var(--colorPaletteLightTealBorderActive);}",".f135dsb4{color:var(--colorPaletteTealForeground2);}",".f6hvv1p{background-color:var(--colorPaletteTealBackground2);}",".fecnooh::before{color:var(--colorPaletteTealBorderActive);}",".f151dlcp{color:var(--colorPaletteSteelForeground2);}",".f1lnp8zf{background-color:var(--colorPaletteSteelBackground2);}",".f15hfgzm::before{color:var(--colorPaletteSteelBorderActive);}",".f1rjv50u{color:var(--colorPaletteBlueForeground2);}",".f1ggcpy6{background-color:var(--colorPaletteBlueBackground2);}",".fqproka::before{color:var(--colorPaletteBlueBorderActive);}",".f1emykk5{color:var(--colorPaletteRoyalBlueForeground2);}",".f12rj61f{background-color:var(--colorPaletteRoyalBlueBackground2);}",".f17v2w59::before{color:var(--colorPaletteRoyalBlueBorderActive);}",".fqsigj7{color:var(--colorPaletteCornflowerForeground2);}",".f8k7hur{background-color:var(--colorPaletteCornflowerBackground2);}",".fp0q1mo::before{color:var(--colorPaletteCornflowerBorderActive);}",".f1nj97xi{color:var(--colorPaletteNavyForeground2);}",".f19gw0ux{background-color:var(--colorPaletteNavyBackground2);}",".f1nlym55::before{color:var(--colorPaletteNavyBorderActive);}",".fwctg0i{color:var(--colorPaletteLavenderForeground2);}",".ff379vm{background-color:var(--colorPaletteLavenderBackground2);}",".f62vk8h::before{color:var(--colorPaletteLavenderBorderActive);}",".fjrsgpu{color:var(--colorPalettePurpleForeground2);}",".f1mzf1e1{background-color:var(--colorPalettePurpleBackground2);}",".f15zl69q::before{color:var(--colorPalettePurpleBorderActive);}",".f1fiiydq{color:var(--colorPaletteGrapeForeground2);}",".f1o4k8oy{background-color:var(--colorPaletteGrapeBackground2);}",".f53w4j7::before{color:var(--colorPaletteGrapeBorderActive);}",".f1res9jt{color:var(--colorPaletteLilacForeground2);}",".f1x6mz1o{background-color:var(--colorPaletteLilacBackground2);}",".fu2771t::before{color:var(--colorPaletteLilacBorderActive);}",".fv3fbbi{color:var(--colorPalettePinkForeground2);}",".fydlv6t{background-color:var(--colorPalettePinkBackground2);}",".fzflscs::before{color:var(--colorPalettePinkBorderActive);}",".f1f1fwnz{color:var(--colorPaletteMagentaForeground2);}",".f4xb6j5{background-color:var(--colorPaletteMagentaBackground2);}",".fb6rmqc::before{color:var(--colorPaletteMagentaBorderActive);}",".f8ptl6j{color:var(--colorPalettePlumForeground2);}",".fqo8e26{background-color:var(--colorPalettePlumBackground2);}",".f1a4gm5b::before{color:var(--colorPalettePlumBorderActive);}",".f1ntv3ld{color:var(--colorPaletteBeigeForeground2);}",".f101elhj{background-color:var(--colorPaletteBeigeBackground2);}",".f1qpf9z1::before{color:var(--colorPaletteBeigeBorderActive);}",".f1fscmp{color:var(--colorPaletteMinkForeground2);}",".f13g8o5c{background-color:var(--colorPaletteMinkBackground2);}",".f1l7or83::before{color:var(--colorPaletteMinkBorderActive);}",".f1dr00v2{color:var(--colorPalettePlatinumForeground2);}",".fkh7blw{background-color:var(--colorPalettePlatinumBackground2);}",".fzrj0iu::before{color:var(--colorPalettePlatinumBorderActive);}",".f1f3ti53{color:var(--colorPaletteAnchorForeground2);}",".fu4yj0j{background-color:var(--colorPaletteAnchorBackground2);}",".f8oz6wf::before{color:var(--colorPaletteAnchorBorderActive);}"]}),tue=e=>{const{size:t,shape:n,active:r,activeAppearance:o,color:i}=e,a=Zle(),s=Jle(),l=eue(),u=[a.root,s[t],l[i]];if(t<=24?u.push(a.textCaption2Strong):t<=28?u.push(a.textCaption1Strong):t<=40?u.push(a.textBody1Strong):t<=56?u.push(a.textSubtitle2):t<=96?u.push(a.textSubtitle1):u.push(a.textTitle),n==="square"&&(t<=24?u.push(a.squareSmall):t<=48?u.push(a.squareMedium):t<=72?u.push(a.squareLarge):u.push(a.squareXLarge)),(r==="active"||r==="inactive")&&(u.push(a.activeOrInactive),(o==="ring"||o==="ring-shadow")&&(u.push(a.ring),t<=48?u.push(a.ringThick):t<=64?u.push(a.ringThicker):u.push(a.ringThickest)),(o==="shadow"||o==="ring-shadow")&&(t<=28?u.push(a.shadow4):t<=48?u.push(a.shadow8):t<=64?u.push(a.shadow16):u.push(a.shadow28)),r==="inactive"&&u.push(a.inactive)),e.root.className=et(ih.root,...u,e.root.className),e.badge&&(e.badge.className=et(ih.badge,a.badge,t>=64&&a.badgeLarge,e.badge.className)),e.image&&(e.image.className=et(ih.image,a.image,e.image.className)),e.initials&&(e.initials.className=et(ih.initials,a.iconInitials,e.initials.className)),e.icon){let d;t<=16?d=a.icon12:t<=24?d=a.icon16:t<=40?d=a.icon20:t<=48?d=a.icon24:t<=56?d=a.icon28:t<=72?d=a.icon32:d=a.icon48,e.icon.className=et(ih.icon,a.iconInitials,d,e.icon.className)}return e},tD=T.forwardRef((e,t)=>{const n=Yle(e,t);return tue(n),Tle(n)});tD.displayName="Avatar";function nue(e){const t=e.clientX,n=e.clientY,r=t+1,o=n+1;function i(){return{left:t,top:n,right:r,bottom:o,x:t,y:n,height:1,width:1}}return{getBoundingClientRect:i}}function a1(e){return e.split("-")[1]}function HT(e){return e==="y"?"height":"width"}function rl(e){return e.split("-")[0]}function s1(e){return["top","bottom"].includes(rl(e))?"x":"y"}function p6(e,t,n){let{reference:r,floating:o}=e;const i=r.x+r.width/2-o.width/2,a=r.y+r.height/2-o.height/2,s=s1(t),l=HT(s),u=r[l]/2-o[l]/2,d=s==="x";let h;switch(rl(t)){case"top":h={x:i,y:r.y-o.height};break;case"bottom":h={x:i,y:r.y+r.height};break;case"right":h={x:r.x+r.width,y:a};break;case"left":h={x:r.x-o.width,y:a};break;default:h={x:r.x,y:r.y}}switch(a1(t)){case"start":h[s]-=u*(n&&d?-1:1);break;case"end":h[s]+=u*(n&&d?-1:1)}return h}const rue=async(e,t,n)=>{const{placement:r="bottom",strategy:o="absolute",middleware:i=[],platform:a}=n,s=i.filter(Boolean),l=await(a.isRTL==null?void 0:a.isRTL(t));let u=await a.getElementRects({reference:e,floating:t,strategy:o}),{x:d,y:h}=p6(u,r,l),p=r,m={},v=0;for(let _=0;_<s.length;_++){const{name:b,fn:E}=s[_],{x:w,y:k,data:y,reset:F}=await E({x:d,y:h,initialPlacement:r,placement:p,strategy:o,middlewareData:m,rects:u,platform:a,elements:{reference:e,floating:t}});d=w??d,h=k??h,m={...m,[b]:{...m[b],...y}},F&&v<=50&&(v++,typeof F=="object"&&(F.placement&&(p=F.placement),F.rects&&(u=F.rects===!0?await a.getElementRects({reference:e,floating:t,strategy:o}):F.rects),{x:d,y:h}=p6(u,p,l)),_=-1)}return{x:d,y:h,placement:p,strategy:o,middlewareData:m}};function nD(e){return typeof e!="number"?function(t){return{top:0,right:0,bottom:0,left:0,...t}}(e):{top:e,right:e,bottom:e,left:e}}function Uv(e){return{...e,top:e.y,left:e.x,right:e.x+e.width,bottom:e.y+e.height}}async function Kd(e,t){var n;t===void 0&&(t={});const{x:r,y:o,platform:i,rects:a,elements:s,strategy:l}=e,{boundary:u="clippingAncestors",rootBoundary:d="viewport",elementContext:h="floating",altBoundary:p=!1,padding:m=0}=t,v=nD(m),_=s[p?h==="floating"?"reference":"floating":h],b=Uv(await i.getClippingRect({element:(n=await(i.isElement==null?void 0:i.isElement(_)))==null||n?_:_.contextElement||await(i.getDocumentElement==null?void 0:i.getDocumentElement(s.floating)),boundary:u,rootBoundary:d,strategy:l})),E=h==="floating"?{...a.floating,x:r,y:o}:a.reference,w=await(i.getOffsetParent==null?void 0:i.getOffsetParent(s.floating)),k=await(i.isElement==null?void 0:i.isElement(w))&&await(i.getScale==null?void 0:i.getScale(w))||{x:1,y:1},y=Uv(i.convertOffsetParentRelativeRectToViewportRelativeRect?await i.convertOffsetParentRelativeRectToViewportRelativeRect({rect:E,offsetParent:w,strategy:l}):E);return{top:(b.top-y.top+v.top)/k.y,bottom:(y.bottom-b.bottom+v.bottom)/k.y,left:(b.left-y.left+v.left)/k.x,right:(y.right-b.right+v.right)/k.x}}const oue=Math.min,dc=Math.max;function F_(e,t,n){return dc(e,oue(t,n))}const iue=e=>({name:"arrow",options:e,async fn(t){const{element:n,padding:r=0}=e||{},{x:o,y:i,placement:a,rects:s,platform:l}=t;if(n==null)return{};const u=nD(r),d={x:o,y:i},h=s1(a),p=HT(h),m=await l.getDimensions(n),v=h==="y"?"top":"left",_=h==="y"?"bottom":"right",b=s.reference[p]+s.reference[h]-d[h]-s.floating[p],E=d[h]-s.reference[h],w=await(l.getOffsetParent==null?void 0:l.getOffsetParent(n));let k=w?h==="y"?w.clientHeight||0:w.clientWidth||0:0;k===0&&(k=s.floating[p]);const y=b/2-E/2,F=u[v],C=k-m[p]-u[_],A=k/2-m[p]/2+y,P=F_(F,A,C),I=a1(a)!=null&&A!=P&&s.reference[p]/2-(A<F?u[v]:u[_])-m[p]/2<0;return{[h]:d[h]-(I?A<F?F-A:C-A:0),data:{[h]:P,centerOffset:A-P}}}}),rD=["top","right","bottom","left"];rD.reduce((e,t)=>e.concat(t,t+"-start",t+"-end"),[]);const aue={left:"right",right:"left",bottom:"top",top:"bottom"};function qv(e){return e.replace(/left|right|bottom|top/g,t=>aue[t])}function sue(e,t,n){n===void 0&&(n=!1);const r=a1(e),o=s1(e),i=HT(o);let a=o==="x"?r===(n?"end":"start")?"right":"left":r==="start"?"bottom":"top";return t.reference[i]>t.floating[i]&&(a=qv(a)),{main:a,cross:qv(a)}}const lue={start:"end",end:"start"};function s9(e){return e.replace(/start|end/g,t=>lue[t])}const uue=function(e){return e===void 0&&(e={}),{name:"flip",options:e,async fn(t){var n;const{placement:r,middlewareData:o,rects:i,initialPlacement:a,platform:s,elements:l}=t,{mainAxis:u=!0,crossAxis:d=!0,fallbackPlacements:h,fallbackStrategy:p="bestFit",fallbackAxisSideDirection:m="none",flipAlignment:v=!0,..._}=e,b=rl(r),E=rl(a)===a,w=await(s.isRTL==null?void 0:s.isRTL(l.floating)),k=h||(E||!v?[qv(a)]:function(j){const H=qv(j);return[s9(j),H,s9(H)]}(a));h||m==="none"||k.push(...function(j,H,K,U){const pe=a1(j);let se=function(J,$,_e){const ve=["left","right"],fe=["right","left"],R=["top","bottom"],L=["bottom","top"];switch(J){case"top":case"bottom":return _e?$?fe:ve:$?ve:fe;case"left":case"right":return $?R:L;default:return[]}}(rl(j),K==="start",U);return pe&&(se=se.map(J=>J+"-"+pe),H&&(se=se.concat(se.map(s9)))),se}(a,v,m,w));const y=[a,...k],F=await Kd(t,_),C=[];let A=((n=o.flip)==null?void 0:n.overflows)||[];if(u&&C.push(F[b]),d){const{main:j,cross:H}=sue(r,i,w);C.push(F[j],F[H])}if(A=[...A,{placement:r,overflows:C}],!C.every(j=>j<=0)){var P;const j=(((P=o.flip)==null?void 0:P.index)||0)+1,H=y[j];if(H)return{data:{index:j,overflows:A},reset:{placement:H}};let K="bottom";switch(p){case"bestFit":{var I;const U=(I=A.map(pe=>[pe,pe.overflows.filter(se=>se>0).reduce((se,J)=>se+J,0)]).sort((pe,se)=>pe[1]-se[1])[0])==null?void 0:I[0].placement;U&&(K=U);break}case"initialPlacement":K=a}if(r!==K)return{reset:{placement:K}}}return{}}}};function m6(e,t){return{top:e.top-t.height,right:e.right-t.width,bottom:e.bottom-t.height,left:e.left-t.width}}function g6(e){return rD.some(t=>e[t]>=0)}const v6=function(e){return e===void 0&&(e={}),{name:"hide",options:e,async fn(t){const{strategy:n="referenceHidden",...r}=e,{rects:o}=t;switch(n){case"referenceHidden":{const i=m6(await Kd(t,{...r,elementContext:"reference"}),o.reference);return{data:{referenceHiddenOffsets:i,referenceHidden:g6(i)}}}case"escaped":{const i=m6(await Kd(t,{...r,altBoundary:!0}),o.floating);return{data:{escapedOffsets:i,escaped:g6(i)}}}default:return{}}}}},cue=function(e){return e===void 0&&(e=0),{name:"offset",options:e,async fn(t){const{x:n,y:r}=t,o=await async function(i,a){const{placement:s,platform:l,elements:u}=i,d=await(l.isRTL==null?void 0:l.isRTL(u.floating)),h=rl(s),p=a1(s),m=s1(s)==="x",v=["left","top"].includes(h)?-1:1,_=d&&m?-1:1,b=typeof a=="function"?a(i):a;let{mainAxis:E,crossAxis:w,alignmentAxis:k}=typeof b=="number"?{mainAxis:b,crossAxis:0,alignmentAxis:null}:{mainAxis:0,crossAxis:0,alignmentAxis:null,...b};return p&&typeof k=="number"&&(w=p==="end"?-1*k:k),m?{x:w*_,y:E*v}:{x:E*v,y:w*_}}(t,e);return{x:n+o.x,y:r+o.y,data:o}}}};function oD(e){return e==="x"?"y":"x"}const fue=function(e){return e===void 0&&(e={}),{name:"shift",options:e,async fn(t){const{x:n,y:r,placement:o}=t,{mainAxis:i=!0,crossAxis:a=!1,limiter:s={fn:b=>{let{x:E,y:w}=b;return{x:E,y:w}}},...l}=e,u={x:n,y:r},d=await Kd(t,l),h=s1(rl(o)),p=oD(h);let m=u[h],v=u[p];if(i){const b=h==="y"?"bottom":"right";m=F_(m+d[h==="y"?"top":"left"],m,m-d[b])}if(a){const b=p==="y"?"bottom":"right";v=F_(v+d[p==="y"?"top":"left"],v,v-d[b])}const _=s.fn({...t,[h]:m,[p]:v});return{..._,data:{x:_.x-n,y:_.y-r}}}}},due=function(e){return e===void 0&&(e={}),{options:e,fn(t){const{x:n,y:r,placement:o,rects:i,middlewareData:a}=t,{offset:s=0,mainAxis:l=!0,crossAxis:u=!0}=e,d={x:n,y:r},h=s1(o),p=oD(h);let m=d[h],v=d[p];const _=typeof s=="function"?s(t):s,b=typeof _=="number"?{mainAxis:_,crossAxis:0}:{mainAxis:0,crossAxis:0,..._};if(l){const k=h==="y"?"height":"width",y=i.reference[h]-i.floating[k]+b.mainAxis,F=i.reference[h]+i.reference[k]-b.mainAxis;m<y?m=y:m>F&&(m=F)}if(u){var E,w;const k=h==="y"?"width":"height",y=["top","left"].includes(rl(o)),F=i.reference[p]-i.floating[k]+(y&&((E=a.offset)==null?void 0:E[p])||0)+(y?0:b.crossAxis),C=i.reference[p]+i.reference[k]+(y?0:((w=a.offset)==null?void 0:w[p])||0)-(y?b.crossAxis:0);v<F?v=F:v>C&&(v=C)}return{[h]:m,[p]:v}}}},hue=function(e){return e===void 0&&(e={}),{name:"size",options:e,async fn(t){const{placement:n,rects:r,platform:o,elements:i}=t,{apply:a=()=>{},...s}=e,l=await Kd(t,s),u=rl(n),d=a1(n);let h,p;u==="top"||u==="bottom"?(h=u,p=d===(await(o.isRTL==null?void 0:o.isRTL(i.floating))?"start":"end")?"left":"right"):(p=u,h=d==="end"?"top":"bottom");const m=dc(l.left,0),v=dc(l.right,0),_=dc(l.top,0),b=dc(l.bottom,0),E={availableHeight:r.floating.height-(["left","right"].includes(n)?2*(_!==0||b!==0?_+b:dc(l.top,l.bottom)):l[h]),availableWidth:r.floating.width-(["top","bottom"].includes(n)?2*(m!==0||v!==0?m+v:dc(l.left,l.right)):l[p])};await a({...t,...E});const w=await o.getDimensions(i.floating);return r.floating.width!==w.width||r.floating.height!==w.height?{reset:{rects:!0}}:{}}}};function qi(e){var t;return((t=e.ownerDocument)==null?void 0:t.defaultView)||window}function is(e){return qi(e).getComputedStyle(e)}function Nu(e){return aD(e)?(e.nodeName||"").toLowerCase():""}let qm;function iD(){if(qm)return qm;const e=navigator.userAgentData;return e&&Array.isArray(e.brands)?(qm=e.brands.map(t=>t.brand+"/"+t.version).join(" "),qm):navigator.userAgent}function ul(e){return e instanceof qi(e).HTMLElement}function Eu(e){return e instanceof qi(e).Element}function aD(e){return e instanceof qi(e).Node}function b6(e){return typeof ShadowRoot>"u"?!1:e instanceof qi(e).ShadowRoot||e instanceof ShadowRoot}function iy(e){const{overflow:t,overflowX:n,overflowY:r,display:o}=is(e);return/auto|scroll|overlay|hidden|clip/.test(t+r+n)&&!["inline","contents"].includes(o)}function pue(e){return["table","td","th"].includes(Nu(e))}function I_(e){const t=/firefox/i.test(iD()),n=is(e),r=n.backdropFilter||n.WebkitBackdropFilter;return n.transform!=="none"||n.perspective!=="none"||!!r&&r!=="none"||t&&n.willChange==="filter"||t&&!!n.filter&&n.filter!=="none"||["transform","perspective"].some(o=>n.willChange.includes(o))||["paint","layout","strict","content"].some(o=>{const i=n.contain;return i!=null&&i.includes(o)})}function sD(){return!/^((?!chrome|android).)*safari/i.test(iD())}function UT(e){return["html","body","#document"].includes(Nu(e))}const y6=Math.min,qh=Math.max,$v=Math.round;function lD(e){const t=is(e);let n=parseFloat(t.width),r=parseFloat(t.height);const o=e.offsetWidth,i=e.offsetHeight,a=$v(n)!==o||$v(r)!==i;return a&&(n=o,r=i),{width:n,height:r,fallback:a}}function uD(e){return Eu(e)?e:e.contextElement}const cD={x:1,y:1};function Cd(e){const t=uD(e);if(!ul(t))return cD;const n=t.getBoundingClientRect(),{width:r,height:o,fallback:i}=lD(t);let a=(i?$v(n.width):n.width)/r,s=(i?$v(n.height):n.height)/o;return a&&Number.isFinite(a)||(a=1),s&&Number.isFinite(s)||(s=1),{x:a,y:s}}function N0(e,t,n,r){var o,i;t===void 0&&(t=!1),n===void 0&&(n=!1);const a=e.getBoundingClientRect(),s=uD(e);let l=cD;t&&(r?Eu(r)&&(l=Cd(r)):l=Cd(e));const u=s?qi(s):window,d=!sD()&&n;let h=(a.left+(d&&((o=u.visualViewport)==null?void 0:o.offsetLeft)||0))/l.x,p=(a.top+(d&&((i=u.visualViewport)==null?void 0:i.offsetTop)||0))/l.y,m=a.width/l.x,v=a.height/l.y;if(s){const _=qi(s),b=r&&Eu(r)?qi(r):r;let E=_.frameElement;for(;E&&r&&b!==_;){const w=Cd(E),k=E.getBoundingClientRect(),y=getComputedStyle(E);k.x+=(E.clientLeft+parseFloat(y.paddingLeft))*w.x,k.y+=(E.clientTop+parseFloat(y.paddingTop))*w.y,h*=w.x,p*=w.y,m*=w.x,v*=w.y,h+=k.x,p+=k.y,E=qi(E).frameElement}}return{width:m,height:v,top:p,right:h+m,bottom:p+v,left:h,x:h,y:p}}function _u(e){return((aD(e)?e.ownerDocument:e.document)||window.document).documentElement}function ay(e){return Eu(e)?{scrollLeft:e.scrollLeft,scrollTop:e.scrollTop}:{scrollLeft:e.pageXOffset,scrollTop:e.pageYOffset}}function fD(e){return N0(_u(e)).left+ay(e).scrollLeft}function mue(e,t,n){const r=ul(t),o=_u(t),i=N0(e,!0,n==="fixed",t);let a={scrollLeft:0,scrollTop:0};const s={x:0,y:0};if(r||!r&&n!=="fixed")if((Nu(t)!=="body"||iy(o))&&(a=ay(t)),ul(t)){const l=N0(t,!0);s.x=l.x+t.clientLeft,s.y=l.y+t.clientTop}else o&&(s.x=fD(o));return{x:i.left+a.scrollLeft-s.x,y:i.top+a.scrollTop-s.y,width:i.width,height:i.height}}function F0(e){if(Nu(e)==="html")return e;const t=e.assignedSlot||e.parentNode||(b6(e)?e.host:null)||_u(e);return b6(t)?t.host:t}function E6(e){return ul(e)&&is(e).position!=="fixed"?e.offsetParent:null}function _6(e){const t=qi(e);let n=E6(e);for(;n&&pue(n)&&is(n).position==="static";)n=E6(n);return n&&(Nu(n)==="html"||Nu(n)==="body"&&is(n).position==="static"&&!I_(n))?t:n||function(r){let o=F0(r);for(;ul(o)&&!UT(o);){if(I_(o))return o;o=F0(o)}return null}(e)||t}function dD(e){const t=F0(e);return UT(t)?e.ownerDocument.body:ul(t)&&iy(t)?t:dD(t)}function hD(e,t){var n;t===void 0&&(t=[]);const r=dD(e),o=r===((n=e.ownerDocument)==null?void 0:n.body),i=qi(r);return o?t.concat(i,i.visualViewport||[],iy(r)?r:[]):t.concat(r,hD(r))}function T6(e,t,n){return t==="viewport"?Uv(function(r,o){const i=qi(r),a=_u(r),s=i.visualViewport;let l=a.clientWidth,u=a.clientHeight,d=0,h=0;if(s){l=s.width,u=s.height;const p=sD();(p||!p&&o==="fixed")&&(d=s.offsetLeft,h=s.offsetTop)}return{width:l,height:u,x:d,y:h}}(e,n)):Eu(t)?function(r,o){const i=N0(r,!0,o==="fixed"),a=i.top+r.clientTop,s=i.left+r.clientLeft,l=ul(r)?Cd(r):{x:1,y:1},u=r.clientWidth*l.x,d=r.clientHeight*l.y,h=s*l.x,p=a*l.y;return{top:p,left:h,right:h+u,bottom:p+d,x:h,y:p,width:u,height:d}}(t,n):Uv(function(r){var o;const i=_u(r),a=ay(r),s=(o=r.ownerDocument)==null?void 0:o.body,l=qh(i.scrollWidth,i.clientWidth,s?s.scrollWidth:0,s?s.clientWidth:0),u=qh(i.scrollHeight,i.clientHeight,s?s.scrollHeight:0,s?s.clientHeight:0);let d=-a.scrollLeft+fD(r);const h=-a.scrollTop;return is(s||i).direction==="rtl"&&(d+=qh(i.clientWidth,s?s.clientWidth:0)-l),{width:l,height:u,x:d,y:h}}(_u(e)))}const gue={getClippingRect:function(e){let{element:t,boundary:n,rootBoundary:r,strategy:o}=e;const i=n==="clippingAncestors"?function(u,d){const h=d.get(u);if(h)return h;let p=hD(u).filter(b=>Eu(b)&&Nu(b)!=="body"),m=null;const v=is(u).position==="fixed";let _=v?F0(u):u;for(;Eu(_)&&!UT(_);){const b=is(_),E=I_(_);(v?E||m:E||b.position!=="static"||!m||!["absolute","fixed"].includes(m.position))?m=b:p=p.filter(w=>w!==_),_=F0(_)}return d.set(u,p),p}(t,this._c):[].concat(n),a=[...i,r],s=a[0],l=a.reduce((u,d)=>{const h=T6(t,d,o);return u.top=qh(h.top,u.top),u.right=y6(h.right,u.right),u.bottom=y6(h.bottom,u.bottom),u.left=qh(h.left,u.left),u},T6(t,s,o));return{width:l.right-l.left,height:l.bottom-l.top,x:l.left,y:l.top}},convertOffsetParentRelativeRectToViewportRelativeRect:function(e){let{rect:t,offsetParent:n,strategy:r}=e;const o=ul(n),i=_u(n);if(n===i)return t;let a={scrollLeft:0,scrollTop:0},s={x:1,y:1};const l={x:0,y:0};if((o||!o&&r!=="fixed")&&((Nu(n)!=="body"||iy(i))&&(a=ay(n)),ul(n))){const u=N0(n);s=Cd(n),l.x=u.x+n.clientLeft,l.y=u.y+n.clientTop}return{width:t.width*s.x,height:t.height*s.y,x:t.x*s.x-a.scrollLeft*s.x+l.x,y:t.y*s.y-a.scrollTop*s.y+l.y}},isElement:Eu,getDimensions:function(e){return lD(e)},getOffsetParent:_6,getDocumentElement:_u,getScale:Cd,async getElementRects(e){let{reference:t,floating:n,strategy:r}=e;const o=this.getOffsetParent||_6,i=this.getDimensions;return{reference:mue(t,await o(n),r),floating:{x:0,y:0,...await i(n)}}},getClientRects:e=>Array.from(e.getClientRects()),isRTL:e=>is(e).direction==="rtl"},vue=(e,t,n)=>{const r=new Map,o={platform:gue,...n},i={...o.platform,_c:r};return rue(e,t,{...o,platform:i})};function pD(e){const t=e.split("-");return{side:t[0],alignment:t[1]}}const bue=e=>e.nodeName==="HTML"?e:e.parentNode||e.host,yue=e=>{var t;return e.nodeType!==1?{}:((t=e.ownerDocument)===null||t===void 0?void 0:t.defaultView).getComputedStyle(e,null)},I0=e=>{const t=e&&bue(e);if(!t)return document.body;switch(t.nodeName){case"HTML":case"BODY":return t.ownerDocument.body;case"#document":return t.body}const{overflow:n,overflowX:r,overflowY:o}=yue(t);return/(auto|scroll|overlay)/.test(n+o+r)?t:I0(t)},Eue=e=>{var t;const n=I0(e);return n?n!==((t=n.ownerDocument)===null||t===void 0?void 0:t.body):!1};function qT(e,t){if(t==="window")return e==null?void 0:e.ownerDocument.documentElement;if(t==="clippingParents")return"clippingAncestors";if(t==="scrollParent"){let n=I0(e);return n.nodeName==="BODY"&&(n=e==null?void 0:e.ownerDocument.documentElement),n}return t}function mD(e,t){return typeof e=="number"||typeof e=="object"&&e!==null?l9(e,t):typeof e=="function"?n=>{const r=e(n);return l9(r,t)}:{mainAxis:t}}const l9=(e,t)=>{var n;return typeof e=="number"?{mainAxis:e+t}:{...e,mainAxis:((n=e.mainAxis)!==null&&n!==void 0?n:0)+t}},_ue=e=>({above:"top",below:"bottom",before:e?"right":"left",after:e?"left":"right"}),Tue=()=>({start:"start",end:"end",top:"start",bottom:"end",center:void 0}),wue=(e,t)=>{const n=e==="above"||e==="below",r=t==="top"||t==="bottom";return n&&r||!n&&!r},kue=(e,t,n)=>{const r=wue(t,e)?"center":e,o=t&&_ue(n)[t],i=r&&Tue()[r];return o&&i?`${o}-${i}`:o},Sue=()=>({top:"above",bottom:"below",right:"after",left:"before"}),xue=e=>e==="above"||e==="below"?{start:"start",end:"end"}:{start:"top",end:"bottom"},Cue=e=>{const{side:t,alignment:n}=pD(e),r=Sue()[t],o=n&&xue(r)[n];return{position:r,alignment:o}},Aue={above:{position:"above",align:"center"},"above-start":{position:"above",align:"start"},"above-end":{position:"above",align:"end"},below:{position:"below",align:"center"},"below-start":{position:"below",align:"start"},"below-end":{position:"below",align:"end"},before:{position:"before",align:"center"},"before-top":{position:"before",align:"top"},"before-bottom":{position:"before",align:"bottom"},after:{position:"after",align:"center"},"after-top":{position:"after",align:"top"},"after-bottom":{position:"after",align:"bottom"}};function $T(e){return e==null?{}:typeof e=="string"?Aue[e]:e}function u9(e,t,n){const r=T.useRef(!0),[o]=T.useState(()=>({value:e,callback:t,facade:{get current(){return o.value},set current(i){const a=o.value;if(a!==i){if(o.value=i,n&&r.current)return;o.callback(i,a)}}}}));return us(()=>{r.current=!1},[]),o.callback=t,o.facade}function Nue(e){let t;return()=>(t||(t=new Promise(n=>{Promise.resolve().then(()=>{t=void 0,n(e())})})),t)}function Fue(e){const{arrow:t,middlewareData:n}=e;if(!n.arrow||!t)return;const{x:r,y:o}=n.arrow;Object.assign(t.style,{left:`${r}px`,top:`${o}px`})}const w6="data-popper-is-intersecting",k6="data-popper-escaped",S6="data-popper-reference-hidden",Iue="data-popper-placement";function Bue(e){var t,n;const{container:r,placement:o,middlewareData:i,strategy:a,lowPPI:s,coordinates:l}=e;if(!r)return;r.setAttribute(Iue,o),r.removeAttribute(w6),i.intersectionObserver.intersecting&&r.setAttribute(w6,""),r.removeAttribute(k6),!((t=i.hide)===null||t===void 0)&&t.escaped&&r.setAttribute(k6,""),r.removeAttribute(S6),!((n=i.hide)===null||n===void 0)&&n.referenceHidden&&r.setAttribute(S6,"");const u=Math.round(l.x),d=Math.round(l.y);Object.assign(r.style,{transform:s?`translate(${u}px, ${d}px)`:`translate3d(${u}px, ${d}px, 0)`,position:a})}function Rue(){return{name:"coverTarget",fn:e=>{const{placement:t,rects:n,x:r,y:o}=e,i=pD(t).side,a={x:r,y:o};switch(i){case"bottom":a.y-=n.reference.height;break;case"top":a.y+=n.reference.height;break;case"left":a.x+=n.reference.width;break;case"right":a.x-=n.reference.width;break}return a}}}function Oue(e){const{hasScrollableElement:t,flipBoundary:n,container:r}=e;return uue({...t&&{boundary:"clippingAncestors"},...n&&{altBoundary:!0,boundary:qT(r,n)},fallbackStrategy:"bestFit"})}function Due(){return{name:"intersectionObserver",fn:async e=>{const t=e.rects.floating,n=await Kd(e,{altBoundary:!0}),r=n.top<t.height&&n.top>0,o=n.bottom<t.height&&n.bottom>0;return{data:{intersecting:r||o}}}}}function Pue(e,t){const{container:n,overflowBoundary:r}=t;return hue({...r&&{altBoundary:!0,boundary:qT(n,r)},apply({availableHeight:o,availableWidth:i,elements:a,rects:s}){const l=e==="always"||e==="width-always"||s.floating.width>i&&(e===!0||e==="width");(e==="always"||e==="height-always"||s.floating.height>o&&(e===!0||e==="height"))&&Object.assign(a.floating.style,{maxHeight:`${o}px`,boxSizing:"border-box"}),l&&Object.assign(a.floating.style,{maxWidth:`${i}px`,boxSizing:"border-box"})}})}function Mue(e){return!e||typeof e=="number"||typeof e=="object"?e:({rects:{floating:t,reference:n},placement:r})=>{const{position:o,alignment:i}=Cue(r);return e({positionedRect:t,targetRect:n,position:o,alignment:i})}}function Lue(e){const t=Mue(e);return cue(t)}function jue(e){const{hasScrollableElement:t,disableTether:n,overflowBoundary:r,container:o}=e;return fue({...t&&{boundary:"clippingAncestors"},...n&&{crossAxis:n==="all",limiter:due({crossAxis:n!=="all",mainAxis:!1})},...r&&{altBoundary:!0,boundary:qT(o,r)}})}function zue(e){const{container:t,target:n,arrow:r,strategy:o,middleware:i,placement:a}=e;if(!n||!t)return{updatePosition:()=>{},dispose:()=>{}};let s=!0;const l=new Set,u=t.ownerDocument.defaultView;Object.assign(t.style,{position:"fixed",left:0,top:0,margin:0});let d=()=>{s&&(l.add(I0(t)),n instanceof HTMLElement&&l.add(I0(n)),l.forEach(m=>{m.addEventListener("scroll",h)}),s=!1),Object.assign(t.style,{position:o}),vue(n,t,{placement:a,middleware:i,strategy:o}).then(({x:m,y:v,middlewareData:_,placement:b})=>{Fue({arrow:r,middlewareData:_}),Bue({container:t,middlewareData:_,placement:b,coordinates:{x:m,y:v},lowPPI:((u==null?void 0:u.devicePixelRatio)||1)<=1,strategy:o})}).catch(m=>{})};const h=Nue(()=>d()),p=()=>{d=()=>null,u&&(u.removeEventListener("scroll",h),u.removeEventListener("resize",h)),l.forEach(m=>{m.removeEventListener("scroll",h)})};return u&&(u.addEventListener("scroll",h),u.addEventListener("resize",h)),h(),{updatePosition:h,dispose:p}}function WT(e){const t=T.useRef(null),n=T.useRef(null),r=T.useRef(null),o=T.useRef(null),i=T.useRef(null),{enabled:a=!0}=e,s=Hue(e),l=T.useCallback(()=>{var m;t.current&&t.current.dispose(),t.current=null;const v=(m=r.current)!==null&&m!==void 0?m:n.current;a&&DT()&&v&&o.current&&(t.current=zue({container:o.current,target:v,arrow:i.current,...s(o.current,i.current)}))},[a,s]),u=Et(m=>{r.current=m,l()});T.useImperativeHandle(e.positioningRef,()=>({updatePosition:()=>{var m;return(m=t.current)===null||m===void 0?void 0:m.updatePosition()},setTarget:m=>{e.target,u(m)}}),[e.target,u]),us(()=>{var m;u((m=e.target)!==null&&m!==void 0?m:null)},[e.target,u]),us(()=>{l()},[l]);const d=u9(null,m=>{n.current!==m&&(n.current=m,l())}),h=u9(null,m=>{o.current!==m&&(o.current=m,l())}),p=u9(null,m=>{i.current!==m&&(i.current=m,l())});return{targetRef:d,containerRef:h,arrowRef:p}}function Hue(e){const{align:t,arrowPadding:n,autoSize:r,coverTarget:o,flipBoundary:i,offset:a,overflowBoundary:s,pinned:l,position:u,unstable_disableTether:d,positionFixed:h}=e,{dir:p}=Oo(),m=p==="rtl",v=h?"fixed":"absolute";return T.useCallback((_,b)=>{const E=Eue(_),w=kue(t,u,m),k=[a&&Lue(a),o&&Rue(),!l&&Oue({container:_,flipBoundary:i,hasScrollableElement:E}),jue({container:_,hasScrollableElement:E,overflowBoundary:s,disableTether:d}),r&&Pue(r,{container:_,overflowBoundary:s}),Due(),b&&iue({element:b,padding:n}),v6({strategy:"referenceHidden"}),v6({strategy:"escaped"})].filter(Boolean);return{placement:w,middleware:k,strategy:v}},[t,n,r,o,d,i,m,a,s,l,u,v])}const gD=e=>{const[t,n]=T.useState(e);return[t,o=>{if(o==null){n(void 0);return}let i;o instanceof MouseEvent?i=o:i=o.nativeEvent,i instanceof MouseEvent;const a=nue(i);n(a)}]};var vD=()=>T.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED.ReactCurrentOwner.current,Uue=()=>!1,x6=new WeakSet;function que(e,t){const n=vD();T.useEffect(()=>{if(!x6.has(n)){x6.add(n),e();return}return e()},t)}var C6=new WeakSet;function $ue(e,t){return T.useMemo(()=>{const n=vD();return C6.has(n)?e():(C6.add(n),null)},t)}function Wue(e,t){var n;const r=Uue()&&!1,o=r?$ue:T.useMemo,i=r?que:T.useEffect,[a,s]=(n=o(()=>e(),t))!=null?n:[null,()=>null];return i(()=>s,t),a}const Gue=n0["useInsertionEffect"],Kue=pt({root:{qhf8xq:"f10pi13n",Bj3rh1h:"f494woh"}},{d:[".f10pi13n{position:relative;}",".f494woh{z-index:1000000;}"]}),Vue=Number(T.version.split(".")[0]),Yue=e=>{const{targetDocument:t,dir:n}=Oo(),r=FO(),o=Kue(),i=XR(),a=et(i,o.root),s=Wue(()=>{if(t===void 0||e.disabled)return[null,()=>null];const l=t.createElement("div");return t.body.appendChild(l),[l,()=>l.remove()]},[t]);return Vue>=18?Gue(()=>{if(!s)return;const l=a.split(" ").filter(Boolean);return s.classList.add(...l),s.setAttribute("dir",n),r.current=s,()=>{s.classList.remove(...l),s.removeAttribute("dir")}},[a,n,s,r]):T.useMemo(()=>{s&&(s.className=a,s.setAttribute("dir",n),r.current=s)},[a,n,s,r]),s};function Que(e){return e&&!!e._virtual}function Xue(e){return Que(e)&&e._virtual.parent||null}function Zue(e,t={}){if(!e)return null;if(!t.skipVirtual){const n=Xue(e);if(n)return n}return(e==null?void 0:e.parentNode)||null}function B0(e,t){if(!e||!t)return!1;if(e===t)return!0;{const n=new WeakSet;for(;t;){const r=Zue(t,{skipVirtual:n.has(t)});if(n.add(t),r===e)return!0;t=r}}return!1}function A6(e,t){if(!e)return;const n=e;n._virtual||(n._virtual={}),n._virtual.parent=t}const Jue=e=>{const{children:t,mountNode:n}=e,r=T.useRef(null),o=Yue({disabled:!!n}),i={children:t,mountNode:n??o,virtualParentRootRef:r};return T.useEffect(()=>(i.virtualParentRootRef.current&&i.mountNode&&A6(i.mountNode,i.virtualParentRootRef.current),()=>{i.mountNode&&A6(i.mountNode,void 0)}),[i.virtualParentRootRef,i.mountNode]),i},ece=e=>T.createElement("span",{hidden:!0,ref:e.virtualParentRootRef},e.mountNode&&_T.createPortal(e.children,e.mountNode)),sp=e=>{const t=Jue(e);return ece(t)};sp.displayName="Portal";const GT=ry(void 0),tce={open:!1,setOpen:()=>null,toggleOpen:()=>null,triggerRef:{current:null},contentRef:{current:null},arrowRef:{current:null},openOnContext:!1,openOnHover:!1,size:"medium",trapFocus:!1,inline:!1};GT.Provider;const Gr=e=>oy(GT,(t=tce)=>e(t)),nce=(e,t)=>{const n=Gr(w=>w.contentRef),r=Gr(w=>w.openOnHover),o=Gr(w=>w.setOpen),i=Gr(w=>w.mountNode),a=Gr(w=>w.arrowRef),s=Gr(w=>w.size),l=Gr(w=>w.withArrow),u=Gr(w=>w.appearance),d=Gr(w=>w.trapFocus),h=Gr(w=>w.legacyTrapFocus),p=Gr(w=>w.inline),{modalAttributes:m}=ty({trapFocus:d,legacyTrapFocus:h}),v={inline:p,appearance:u,withArrow:l,size:s,arrowRef:a,mountNode:i,components:{root:"div"},root:vr("div",{ref:cs(t,n),role:d?"dialog":"group","aria-modal":d?!0:void 0,...m,...e})},{onMouseEnter:_,onMouseLeave:b,onKeyDown:E}=v.root;return v.root.onMouseEnter=w=>{r&&o(w,!0),_==null||_(w)},v.root.onMouseLeave=w=>{r&&o(w,!1),b==null||b(w)},v.root.onKeyDown=w=>{var k;w.key==="Escape"&&(!((k=n.current)===null||k===void 0)&&k.contains(w.target))&&o(w,!1),E==null||E(w)},v},rce=e=>{const{slots:t,slotProps:n}=Jn(e),r=T.createElement(t.root,{...n.root},e.withArrow&&T.createElement("div",{ref:e.arrowRef,className:e.arrowClassName}),n.root.children);return e.inline?r:T.createElement(sp,{mountNode:e.mountNode},r)},oce={root:"fui-PopoverSurface"},ice={small:6,medium:8,large:8},ace=pt({root:{sj55zd:"f19n0e5",De3pzq:"fxugw4r",E5pizo:"f1hg901r",Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"],B4j52fo:"f5ogflp",Bekrc4i:["f1hqa2wf","finvdd3"],Bn0qgzm:"f1f09k3d",ibv6hh:["finvdd3","f1hqa2wf"],icvyot:"fzkkow9",vrafjx:["fcdblym","fjik90z"],oivjwe:"fg706s2",wvpqe5:["fjik90z","fcdblym"],g2u3we:"fghlq4f",h3c5rm:["f1gn591s","fjscplz"],B9xav0g:"fb073pr",zhjwy3:["fjscplz","f1gn591s"],Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"},inverted:{De3pzq:"fg3r6xk",sj55zd:"fonrgv7"},brand:{De3pzq:"ffp7eso",sj55zd:"f1phragk"},smallPadding:{z8tnut:"f1kcqot9",z189sj:["f11qrl6u","fjlbh76"],Byoj8tv:"fpe6lb7",uwmqm3:["fjlbh76","f11qrl6u"]},mediumPadding:{z8tnut:"fqag9an",z189sj:["f1gbmcue","f1rh9g5y"],Byoj8tv:"fp67ikv",uwmqm3:["f1rh9g5y","f1gbmcue"]},largePadding:{z8tnut:"fc7z3ec",z189sj:["fat0sn4","fekwl8i"],Byoj8tv:"fe2my4m",uwmqm3:["fekwl8i","fat0sn4"]},smallArrow:{a9b677:"f1ekdpwm",Bqenvij:"f83vc9z"},mediumLargeArrow:{a9b677:"f1kmc0fn",Bqenvij:"fb6lvc5"},arrow:{qhf8xq:"f1euv43f",De3pzq:"f1u2r49w",Bcdw1i0:"fd7fpy0",Bj3rh1h:"f1bsuimh",Ftih45:"f1wl9k8s",B1puzpu:"f1wkw4r9",Brfgrao:"f1j7ml58",Bcvre1j:"fyl8oag",Ccq8qp:"frdoeuz",Baz25je:"fb81m9q",cmx5o7:"f1ljr5q2",B4f6apu:"fyfemzf",m598lv:"focyt6c",Bk5zm6e:"fnhxbxj",y0oebl:"fdw6hkg",qa3bma:"f11yjt3y",Bqjgrrk:"f1172wan",Budzafs:["f9e5op9","f112wvtl"],Hv9wc6:["ftj5xct","fyavhwi"],hl6cv3:"f1773hnp",Bh2vraf:"f1n8855c",yayu3t:"f1v7783n",wedwtw:"fsw6im5",rhl9o9:"fh2hsk5",Bu8t5uz:"f159pzir",B6q6orb:"f11yvu4",Bwwlvwl:"fm1ycve"}},{d:[".f19n0e5{color:var(--colorNeutralForeground1);}",".fxugw4r{background-color:var(--colorNeutralBackground1);}",".f1hg901r{box-shadow:var(--shadow16);}",".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".f5ogflp{border-top-width:1px;}",".f1hqa2wf{border-right-width:1px;}",".finvdd3{border-left-width:1px;}",".f1f09k3d{border-bottom-width:1px;}",".fzkkow9{border-top-style:solid;}",".fcdblym{border-right-style:solid;}",".fjik90z{border-left-style:solid;}",".fg706s2{border-bottom-style:solid;}",".fghlq4f{border-top-color:var(--colorTransparentStroke);}",".f1gn591s{border-right-color:var(--colorTransparentStroke);}",".fjscplz{border-left-color:var(--colorTransparentStroke);}",".fb073pr{border-bottom-color:var(--colorTransparentStroke);}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fkhj508{font-size:var(--fontSizeBase300);}",".figsok6{font-weight:var(--fontWeightRegular);}",".f1i3iumi{line-height:var(--lineHeightBase300);}",".fg3r6xk{background-color:var(--colorNeutralBackgroundStatic);}",".fonrgv7{color:var(--colorNeutralForegroundStaticInverted);}",".ffp7eso{background-color:var(--colorBrandBackground);}",".f1phragk{color:var(--colorNeutralForegroundOnBrand);}",".f1kcqot9{padding-top:12px;}",".f11qrl6u{padding-right:12px;}",".fjlbh76{padding-left:12px;}",".fpe6lb7{padding-bottom:12px;}",".fqag9an{padding-top:16px;}",".f1gbmcue{padding-right:16px;}",".f1rh9g5y{padding-left:16px;}",".fp67ikv{padding-bottom:16px;}",".fc7z3ec{padding-top:20px;}",".fat0sn4{padding-right:20px;}",".fekwl8i{padding-left:20px;}",".fe2my4m{padding-bottom:20px;}",".f1ekdpwm{width:8.484px;}",".f83vc9z{height:8.484px;}",".f1kmc0fn{width:11.312px;}",".fb6lvc5{height:11.312px;}",".f1euv43f{position:absolute;}",".f1u2r49w{background-color:inherit;}",".fd7fpy0{visibility:hidden;}",".f1bsuimh{z-index:-1;}",'.f1wl9k8s::before{content:"";}',".f1wkw4r9::before{visibility:visible;}",".f1j7ml58::before{position:absolute;}",".fyl8oag::before{box-sizing:border-box;}",".frdoeuz::before{width:inherit;}",".fb81m9q::before{height:inherit;}",".f1ljr5q2::before{background-color:inherit;}",".fyfemzf::before{border-right-width:1px;}",".focyt6c::before{border-right-style:solid;}",".fnhxbxj::before{border-right-color:var(--colorTransparentStroke);}",".fdw6hkg::before{border-bottom-width:1px;}",".f11yjt3y::before{border-bottom-style:solid;}",".f1172wan::before{border-bottom-color:var(--colorTransparentStroke);}",".f9e5op9::before{border-bottom-right-radius:var(--borderRadiusSmall);}",".f112wvtl::before{border-bottom-left-radius:var(--borderRadiusSmall);}",".ftj5xct::before{-webkit-transform:rotate(var(--angle)) translate(0, 50%) rotate(45deg);-moz-transform:rotate(var(--angle)) translate(0, 50%) rotate(45deg);-ms-transform:rotate(var(--angle)) translate(0, 50%) rotate(45deg);transform:rotate(var(--angle)) translate(0, 50%) rotate(45deg);}",".fyavhwi::before{-webkit-transform:rotate(var(--angle)) translate(0, 50%) rotate(-45deg);-moz-transform:rotate(var(--angle)) translate(0, 50%) rotate(-45deg);-ms-transform:rotate(var(--angle)) translate(0, 50%) rotate(-45deg);transform:rotate(var(--angle)) translate(0, 50%) rotate(-45deg);}",'[data-popper-placement^="top"] .f1773hnp{bottom:-1px;}','[data-popper-placement^="top"] .f1n8855c{--angle:0;}','[data-popper-placement^="right"] .f1v7783n{left:-1px;}','[data-popper-placement^="right"] .fsw6im5{--angle:90deg;}','[data-popper-placement^="bottom"] .fh2hsk5{top:-1px;}','[data-popper-placement^="bottom"] .f159pzir{--angle:180deg;}','[data-popper-placement^="left"] .f11yvu4{right:-1px;}','[data-popper-placement^="left"] .fm1ycve{--angle:270deg;}']}),sce=e=>{const t=ace();return e.root.className=et(oce.root,t.root,e.size==="small"&&t.smallPadding,e.size==="medium"&&t.mediumPadding,e.size==="large"&&t.largePadding,e.appearance==="inverted"&&t.inverted,e.appearance==="brand"&&t.brand,e.root.className),e.arrowClassName=et(t.arrow,e.size==="small"?t.smallArrow:t.mediumLargeArrow),e},B_=T.forwardRef((e,t)=>{const n=nce(e,t);return sce(n),rce(n)});B_.displayName="PopoverSurface";const lce=4,uce=e=>{var t;const[n,r]=gD(),o={size:"medium",contextTarget:n,setContextTarget:r,...e},i=T.Children.toArray(e.children);let a,s;i.length===2?(a=i[0],s=i[1]):i.length===1&&(s=i[0]);const[l,u]=cce(o),d=T.useRef(0),h=Et((E,w)=>{var k;clearTimeout(d.current),!(E instanceof Event)&&E.persist&&E.persist(),E.type==="mouseleave"?d.current=setTimeout(()=>{u(E,w)},(k=e.mouseLeaveDelay)!==null&&k!==void 0?k:500):u(E,w)});T.useEffect(()=>()=>{clearTimeout(d.current)},[]);const p=T.useCallback(E=>{h(E,!l)},[h,l]),m=fce(o),{targetDocument:v}=Oo();iO({contains:B0,element:v,callback:E=>h(E,!1),refs:[m.triggerRef,m.contentRef],disabled:!l});const _=o.openOnContext||o.closeOnScroll;aO({contains:B0,element:v,callback:E=>h(E,!1),refs:[m.triggerRef,m.contentRef],disabled:!l||!_});const{findFirstFocusable:b}=op();return T.useEffect(()=>{var E;if(!e.unstable_disableAutoFocus&&l&&m.contentRef.current){const w=(E=m.contentRef.current.getAttribute("tabIndex"))!==null&&E!==void 0?E:void 0,k=isNaN(w)?b(m.contentRef.current):m.contentRef.current;k==null||k.focus()}},[b,l,m.contentRef,e.unstable_disableAutoFocus]),{...o,...m,popoverTrigger:a,popoverSurface:s,open:l,setOpen:h,toggleOpen:p,setContextTarget:r,contextTarget:n,inline:(t=e.inline)!==null&&t!==void 0?t:!1}};function cce(e){const t=Et((a,s)=>{var l;return(l=e.onOpenChange)===null||l===void 0?void 0:l.call(e,a,s)}),[n,r]=Wc({state:e.open,defaultState:e.defaultOpen,initialState:!1});e.open=n!==void 0?n:e.open;const o=e.setContextTarget,i=T.useCallback((a,s)=>{s&&a.type==="contextmenu"&&o(a),s||o(void 0),r(s),t==null||t(a,{open:s})},[r,t,o]);return[n,i]}function fce(e){const t={position:"above",align:"center",arrowPadding:2*lce,target:e.openOnContext?e.contextTarget:void 0,...$T(e.positioning)};t.coverTarget&&(e.withArrow=!1),e.withArrow&&(t.offset=mD(t.offset,ice[e.size]));const{targetRef:n,containerRef:r,arrowRef:o}=WT(t);return{triggerRef:n,contentRef:r,arrowRef:o}}const dce=e=>{const{appearance:t,arrowRef:n,contentRef:r,inline:o,mountNode:i,open:a,openOnContext:s,openOnHover:l,setOpen:u,size:d,toggleOpen:h,trapFocus:p,triggerRef:m,withArrow:v,legacyTrapFocus:_}=e;return T.createElement(GT.Provider,{value:{appearance:t,arrowRef:n,contentRef:r,inline:o,mountNode:i,open:a,openOnContext:s,openOnHover:l,setOpen:u,toggleOpen:h,triggerRef:m,size:d,trapFocus:p,legacyTrapFocus:_,withArrow:v}},e.popoverTrigger,e.open&&e.popoverSurface)},R_=e=>{const t=uce(e);return dce(t)};R_.displayName="Popover";const hce=e=>{const{children:t,disableButtonEnhancement:n=!1}=e,r=tp(t),o=Gr(k=>k.open),i=Gr(k=>k.setOpen),a=Gr(k=>k.toggleOpen),s=Gr(k=>k.triggerRef),l=Gr(k=>k.openOnHover),u=Gr(k=>k.openOnContext),{triggerAttributes:d}=ty(),h=k=>{u&&(k.preventDefault(),i(k,!0))},p=k=>{u||a(k)},m=k=>{k.key===ap&&o&&(i(k,!1),k.stopPropagation())},v=k=>{l&&i(k,!0)},_=k=>{l&&i(k,!1)},b={...d,"aria-expanded":`${o}`,...r==null?void 0:r.props,onMouseEnter:Et(Vn(r==null?void 0:r.props.onMouseEnter,v)),onMouseLeave:Et(Vn(r==null?void 0:r.props.onMouseLeave,_)),onContextMenu:Et(Vn(r==null?void 0:r.props.onContextMenu,h)),ref:cs(s,r==null?void 0:r.ref)},E={...b,onClick:Et(Vn(r==null?void 0:r.props.onClick,p)),onKeyDown:Et(Vn(r==null?void 0:r.props.onKeyDown,m))},w=Gd((r==null?void 0:r.type)==="button"||(r==null?void 0:r.type)==="a"?r.type:"div",E);return{children:Vb(e.children,Gd((r==null?void 0:r.type)==="button"||(r==null?void 0:r.type)==="a"?r.type:"div",u?b:n?E:w))}},pce=e=>e.children,Wv=e=>{const t=hce(e);return pce(t)};Wv.displayName="PopoverTrigger";Wv.isFluentTriggerComponent=!0;const mce=6,gce=4,vce=e=>{var t,n,r,o;const i=Tre(),a=Bre(),{targetDocument:s}=Oo(),[l,u]=Pre(),{appearance:d="normal",children:h,content:p,withArrow:m=!1,positioning:v="above",onVisibleChange:_,relationship:b,showDelay:E=250,hideDelay:w=250,mountNode:k}=e,[y,F]=Wc({state:e.visible,initialState:!1}),C=T.useCallback((_e,ve)=>{u(),F(fe=>(_e!==fe&&(_==null||_(ve,{visible:_e})),_e))},[u,F,_]),A={withArrow:m,positioning:v,showDelay:E,hideDelay:w,relationship:b,visible:y,shouldRenderTooltip:y,appearance:d,mountNode:k,components:{content:"div"},content:$t(p,{defaultProps:{role:"tooltip"},required:!0})};A.content.id=lo("tooltip-",A.content.id);const P={enabled:A.visible,arrowPadding:2*gce,position:"above",align:"center",offset:4,...$T(A.positioning)};A.withArrow&&(P.offset=mD(P.offset,mce));const{targetRef:I,containerRef:j,arrowRef:H}=WT(P);A.content.ref=cs(A.content.ref,j),A.arrowRef=H,us(()=>{var _e;if(y){const ve={hide:()=>C(!1)};(_e=i.visibleTooltip)===null||_e===void 0||_e.hide(),i.visibleTooltip=ve;const fe=R=>{R.key===ap&&(ve.hide(),R.stopPropagation())};return s==null||s.addEventListener("keydown",fe,{capture:!0}),()=>{i.visibleTooltip===ve&&(i.visibleTooltip=void 0),s==null||s.removeEventListener("keydown",fe,{capture:!0})}}},[i,s,y,C]);const K=T.useRef(!1),U=T.useCallback(_e=>{if(_e.type==="focus"&&K.current){K.current=!1;return}const ve=i.visibleTooltip?0:A.showDelay;l(()=>{C(!0,_e)},ve),_e.persist()},[l,C,A.showDelay,i]),pe=T.useCallback(_e=>{let ve=A.hideDelay;_e.type==="blur"&&(ve=0,K.current=(s==null?void 0:s.activeElement)===_e.target),l(()=>{C(!1,_e)},ve),_e.persist()},[l,C,A.hideDelay,s]);A.content.onPointerEnter=Vn(A.content.onPointerEnter,u),A.content.onPointerLeave=Vn(A.content.onPointerLeave,pe),A.content.onFocus=Vn(A.content.onFocus,u),A.content.onBlur=Vn(A.content.onBlur,pe);const se=tp(h),J={};b==="label"?typeof A.content.children=="string"?J["aria-label"]=A.content.children:(J["aria-labelledby"]=A.content.id,A.shouldRenderTooltip=!0):b==="description"&&(J["aria-describedby"]=A.content.id,A.shouldRenderTooltip=!0),a&&(A.shouldRenderTooltip=!1);const $=cs(se==null?void 0:se.ref,I);return A.children=Vb(h,{...J,...se==null?void 0:se.props,ref:P.target===void 0?$:se==null?void 0:se.ref,onPointerEnter:Et(Vn((t=se==null?void 0:se.props)===null||t===void 0?void 0:t.onPointerEnter,U)),onPointerLeave:Et(Vn((n=se==null?void 0:se.props)===null||n===void 0?void 0:n.onPointerLeave,pe)),onFocus:Et(Vn((r=se==null?void 0:se.props)===null||r===void 0?void 0:r.onFocus,U)),onBlur:Et(Vn((o=se==null?void 0:se.props)===null||o===void 0?void 0:o.onBlur,pe))}),A},bce=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(T.Fragment,null,e.children,e.shouldRenderTooltip&&T.createElement(sp,{mountNode:e.mountNode},T.createElement(t.content,{...n.content},e.withArrow&&T.createElement("div",{ref:e.arrowRef,className:e.arrowClassName}),e.content.children)))},yce={content:"fui-Tooltip__content"},Ece=pt({root:{mc9l5x:"fjseox",B7ck84d:"f1ewtqcl",B2u0y6b:"f132xexn",Bceei9c:"f158kwzp",Bahqtrf:"fk6fouc",Be2twd7:"fy9rknc",Bg96gwp:"fwrc4pm",Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"],B4j52fo:"f5ogflp",Bekrc4i:["f1hqa2wf","finvdd3"],Bn0qgzm:"f1f09k3d",ibv6hh:["finvdd3","f1hqa2wf"],icvyot:"fzkkow9",vrafjx:["fcdblym","fjik90z"],oivjwe:"fg706s2",wvpqe5:["fjik90z","fcdblym"],g2u3we:"fghlq4f",h3c5rm:["f1gn591s","fjscplz"],B9xav0g:"fb073pr",zhjwy3:["fjscplz","f1gn591s"],z8tnut:"f10ra9hq",z189sj:["fd9xhir","f1jlaasf"],Byoj8tv:"f1d7kygh",uwmqm3:["f1jlaasf","fd9xhir"],De3pzq:"fxugw4r",sj55zd:"f19n0e5",Bhu2qc9:"fxeb0a7"},visible:{mc9l5x:"ftgm304"},inverted:{De3pzq:"fg3r6xk",sj55zd:"fonrgv7"},arrow:{qhf8xq:"f1euv43f",De3pzq:"f1u2r49w",Bcdw1i0:"fd7fpy0",Bj3rh1h:"f1bsuimh",a9b677:"f1ekdpwm",Bqenvij:"f83vc9z",Ftih45:"f1wl9k8s",B1puzpu:"f1wkw4r9",Brfgrao:"f1j7ml58",Bcvre1j:"fyl8oag",Ccq8qp:"frdoeuz",Baz25je:"fb81m9q",cmx5o7:"f1ljr5q2",B4f6apu:"fyfemzf",m598lv:"focyt6c",Bk5zm6e:"fnhxbxj",y0oebl:"fdw6hkg",qa3bma:"f11yjt3y",Bqjgrrk:"f1172wan",Budzafs:["f9e5op9","f112wvtl"],Hv9wc6:["ftj5xct","fyavhwi"],hl6cv3:"f1773hnp",Bh2vraf:"f1n8855c",yayu3t:"f1v7783n",wedwtw:"fsw6im5",rhl9o9:"fh2hsk5",Bu8t5uz:"f159pzir",B6q6orb:"f11yvu4",Bwwlvwl:"fm1ycve"}},{d:[".fjseox{display:none;}",".f1ewtqcl{box-sizing:border-box;}",".f132xexn{max-width:240px;}",".f158kwzp{cursor:default;}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fy9rknc{font-size:var(--fontSizeBase200);}",".fwrc4pm{line-height:var(--lineHeightBase200);}",".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".f5ogflp{border-top-width:1px;}",".f1hqa2wf{border-right-width:1px;}",".finvdd3{border-left-width:1px;}",".f1f09k3d{border-bottom-width:1px;}",".fzkkow9{border-top-style:solid;}",".fcdblym{border-right-style:solid;}",".fjik90z{border-left-style:solid;}",".fg706s2{border-bottom-style:solid;}",".fghlq4f{border-top-color:var(--colorTransparentStroke);}",".f1gn591s{border-right-color:var(--colorTransparentStroke);}",".fjscplz{border-left-color:var(--colorTransparentStroke);}",".fb073pr{border-bottom-color:var(--colorTransparentStroke);}",".f10ra9hq{padding-top:4px;}",".fd9xhir{padding-right:11px;}",".f1jlaasf{padding-left:11px;}",".f1d7kygh{padding-bottom:6px;}",".fxugw4r{background-color:var(--colorNeutralBackground1);}",".f19n0e5{color:var(--colorNeutralForeground1);}",".fxeb0a7{-webkit-filter:drop-shadow(0 0 2px var(--colorNeutralShadowAmbient)) drop-shadow(0 4px 8px var(--colorNeutralShadowKey));filter:drop-shadow(0 0 2px var(--colorNeutralShadowAmbient)) drop-shadow(0 4px 8px var(--colorNeutralShadowKey));}",".ftgm304{display:block;}",".fg3r6xk{background-color:var(--colorNeutralBackgroundStatic);}",".fonrgv7{color:var(--colorNeutralForegroundStaticInverted);}",".f1euv43f{position:absolute;}",".f1u2r49w{background-color:inherit;}",".fd7fpy0{visibility:hidden;}",".f1bsuimh{z-index:-1;}",".f1ekdpwm{width:8.484px;}",".f83vc9z{height:8.484px;}",'.f1wl9k8s::before{content:"";}',".f1wkw4r9::before{visibility:visible;}",".f1j7ml58::before{position:absolute;}",".fyl8oag::before{box-sizing:border-box;}",".frdoeuz::before{width:inherit;}",".fb81m9q::before{height:inherit;}",".f1ljr5q2::before{background-color:inherit;}",".fyfemzf::before{border-right-width:1px;}",".focyt6c::before{border-right-style:solid;}",".fnhxbxj::before{border-right-color:var(--colorTransparentStroke);}",".fdw6hkg::before{border-bottom-width:1px;}",".f11yjt3y::before{border-bottom-style:solid;}",".f1172wan::before{border-bottom-color:var(--colorTransparentStroke);}",".f9e5op9::before{border-bottom-right-radius:var(--borderRadiusSmall);}",".f112wvtl::before{border-bottom-left-radius:var(--borderRadiusSmall);}",".ftj5xct::before{-webkit-transform:rotate(var(--angle)) translate(0, 50%) rotate(45deg);-moz-transform:rotate(var(--angle)) translate(0, 50%) rotate(45deg);-ms-transform:rotate(var(--angle)) translate(0, 50%) rotate(45deg);transform:rotate(var(--angle)) translate(0, 50%) rotate(45deg);}",".fyavhwi::before{-webkit-transform:rotate(var(--angle)) translate(0, 50%) rotate(-45deg);-moz-transform:rotate(var(--angle)) translate(0, 50%) rotate(-45deg);-ms-transform:rotate(var(--angle)) translate(0, 50%) rotate(-45deg);transform:rotate(var(--angle)) translate(0, 50%) rotate(-45deg);}",'[data-popper-placement^="top"] .f1773hnp{bottom:-1px;}','[data-popper-placement^="top"] .f1n8855c{--angle:0;}','[data-popper-placement^="right"] .f1v7783n{left:-1px;}','[data-popper-placement^="right"] .fsw6im5{--angle:90deg;}','[data-popper-placement^="bottom"] .fh2hsk5{top:-1px;}','[data-popper-placement^="bottom"] .f159pzir{--angle:180deg;}','[data-popper-placement^="left"] .f11yvu4{right:-1px;}','[data-popper-placement^="left"] .fm1ycve{--angle:270deg;}']}),_ce=e=>{const t=Ece();return e.content.className=et(yce.content,t.root,e.appearance==="inverted"&&t.inverted,e.visible&&t.visible,e.content.className),e.arrowClassName=t.arrow,e},cl=e=>{const t=vce(e);return _ce(t),bce(t)};cl.displayName="Tooltip";cl.isFluentTriggerComponent=!0;const Tce=e=>{const{slots:t,slotProps:n}=Jn(e),{iconOnly:r,iconPosition:o}=e;return T.createElement(t.root,{...n.root},o!=="after"&&t.icon&&T.createElement(t.icon,{...n.icon}),!r&&e.root.children,o==="after"&&t.icon&&T.createElement(t.icon,{...n.icon}))},bD=T.createContext(void 0),wce={};bD.Provider;const kce=()=>{var e;return(e=T.useContext(bD))!==null&&e!==void 0?e:wce},Sce=(e,t)=>{const{size:n}=kce(),{appearance:r="secondary",as:o="button",disabled:i=!1,disabledFocusable:a=!1,icon:s,iconPosition:l="before",shape:u="rounded",size:d=n??"medium"}=e,h=$t(s);return{appearance:r,disabled:i,disabledFocusable:a,iconPosition:l,shape:u,size:d,iconOnly:!!(h!=null&&h.children&&!e.children),components:{root:"button",icon:"span"},root:vr(o,bae(e,{required:!0,defaultProps:{ref:t,type:"button"}})),icon:h}},N6={root:"fui-Button",icon:"fui-Button__icon"},xce=$c("rsawnvh","r1eny37h",[".rsawnvh{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;box-sizing:border-box;display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;text-decoration-line:none;vertical-align:middle;margin:0;overflow:hidden;background-color:var(--colorNeutralBackground1);color:var(--colorNeutralForeground1);border:var(--strokeWidthThin) solid var(--colorNeutralStroke1);font-family:var(--fontFamilyBase);outline-style:none;padding:5px var(--spacingHorizontalM);min-width:96px;border-radius:var(--borderRadiusMedium);font-size:var(--fontSizeBase300);font-weight:var(--fontWeightSemibold);line-height:var(--lineHeightBase300);transition-duration:var(--durationFaster);transition-property:background,border,color;transition-timing-function:var(--curveEasyEase);}",".rsawnvh:hover{background-color:var(--colorNeutralBackground1Hover);border-color:var(--colorNeutralStroke1Hover);color:var(--colorNeutralForeground1Hover);cursor:pointer;}",".rsawnvh:hover .fui-Icon-filled{display:inline;}",".rsawnvh:hover .fui-Icon-regular{display:none;}",".rsawnvh:hover:active{background-color:var(--colorNeutralBackground1Pressed);border-color:var(--colorNeutralStroke1Pressed);color:var(--colorNeutralForeground1Pressed);outline-style:none;}",".rsawnvh:hover:active .fui-Icon-filled{display:inline;}",".rsawnvh:hover:active .fui-Icon-regular{display:none;}","@media screen and (prefers-reduced-motion: reduce){.rsawnvh{transition-duration:0.01ms;}}","@media (forced-colors: active){.rsawnvh:focus{border-color:ButtonText;}.rsawnvh:hover{background-color:HighlightText;border-color:Highlight;color:Highlight;forced-color-adjust:none;}.rsawnvh:hover:active{background-color:HighlightText;border-color:Highlight;color:Highlight;forced-color-adjust:none;}}",".rsawnvh:focus{outline-style:none;}",".rsawnvh:focus-visible{outline-style:none;}",".rsawnvh[data-fui-focus-visible]{border-color:var(--colorTransparentStroke);border-radius:var(--borderRadiusMedium);outline:var(--strokeWidthThick) solid var(--colorTransparentStroke);box-shadow:var(--shadow4),0 0 0 2px var(--colorStrokeFocus2);z-index:1;}",".r1eny37h{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;box-sizing:border-box;display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;text-decoration-line:none;vertical-align:middle;margin:0;overflow:hidden;background-color:var(--colorNeutralBackground1);color:var(--colorNeutralForeground1);border:var(--strokeWidthThin) solid var(--colorNeutralStroke1);font-family:var(--fontFamilyBase);outline-style:none;padding:5px var(--spacingHorizontalM);min-width:96px;border-radius:var(--borderRadiusMedium);font-size:var(--fontSizeBase300);font-weight:var(--fontWeightSemibold);line-height:var(--lineHeightBase300);transition-duration:var(--durationFaster);transition-property:background,border,color;transition-timing-function:var(--curveEasyEase);}",".r1eny37h:hover{background-color:var(--colorNeutralBackground1Hover);border-color:var(--colorNeutralStroke1Hover);color:var(--colorNeutralForeground1Hover);cursor:pointer;}",".r1eny37h:hover .fui-Icon-filled{display:inline;}",".r1eny37h:hover .fui-Icon-regular{display:none;}",".r1eny37h:hover:active{background-color:var(--colorNeutralBackground1Pressed);border-color:var(--colorNeutralStroke1Pressed);color:var(--colorNeutralForeground1Pressed);outline-style:none;}",".r1eny37h:hover:active .fui-Icon-filled{display:inline;}",".r1eny37h:hover:active .fui-Icon-regular{display:none;}","@media screen and (prefers-reduced-motion: reduce){.r1eny37h{transition-duration:0.01ms;}}","@media (forced-colors: active){.r1eny37h:focus{border-color:ButtonText;}.r1eny37h:hover{background-color:HighlightText;border-color:Highlight;color:Highlight;forced-color-adjust:none;}.r1eny37h:hover:active{background-color:HighlightText;border-color:Highlight;color:Highlight;forced-color-adjust:none;}}",".r1eny37h:focus{outline-style:none;}",".r1eny37h:focus-visible{outline-style:none;}",".r1eny37h[data-fui-focus-visible]{border-color:var(--colorTransparentStroke);border-radius:var(--borderRadiusMedium);outline:var(--strokeWidthThick) solid var(--colorTransparentStroke);box-shadow:var(--shadow4),0 0 0 2px var(--colorStrokeFocus2);z-index:1;}"]),Cce=$c("rywnvv2",null,[".rywnvv2{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;font-size:20px;height:20px;width:20px;--fui-Button__icon--spacing:var(--spacingHorizontalSNudge);}"]),Ace=pt({outline:{De3pzq:"f1c21dwh",Jwef8y:"fjxutwb",iro3zm:"fwiml72"},primary:{De3pzq:"ffp7eso",g2u3we:"f1p3nwhy",h3c5rm:["f11589ue","f1pdflbu"],B9xav0g:"f1q5o8ev",zhjwy3:["f1pdflbu","f11589ue"],sj55zd:"f1phragk",Jwef8y:"f15wkkf3",Bgoe8wy:"f1s2uweq",Bwzppfd:["fr80ssc","fecsdlb"],oetu4i:"f1ukrpxl",gg5e9n:["fecsdlb","fr80ssc"],Bi91k9c:"f1rq72xc",iro3zm:"fnp9lpt",b661bw:"f1h0usnq",Bk6r4ia:["fs4ktlq","fx2bmrt"],B9zn80p:"f16h9ulv",Bpld233:["fx2bmrt","fs4ktlq"],B2d53fq:"f1d6v5y2"},secondary:{},subtle:{De3pzq:"fhovq9v",g2u3we:"f1p3nwhy",h3c5rm:["f11589ue","f1pdflbu"],B9xav0g:"f1q5o8ev",zhjwy3:["f1pdflbu","f11589ue"],sj55zd:"fkfq4zb",Jwef8y:"f1t94bn6",Bgoe8wy:"f1s2uweq",Bwzppfd:["fr80ssc","fecsdlb"],oetu4i:"f1ukrpxl",gg5e9n:["fecsdlb","fr80ssc"],Bi91k9c:"fnwyq0v",Bbdnnc7:"fy5bs14",iro3zm:"fsv2rcd",b661bw:"f1h0usnq",Bk6r4ia:["fs4ktlq","fx2bmrt"],B9zn80p:"f16h9ulv",Bpld233:["fx2bmrt","fs4ktlq"],B2d53fq:"f1omzyqd",x3br3k:"fj8yq94"},transparent:{De3pzq:"f1c21dwh",g2u3we:"f1p3nwhy",h3c5rm:["f11589ue","f1pdflbu"],B9xav0g:"f1q5o8ev",zhjwy3:["f1pdflbu","f11589ue"],sj55zd:"fkfq4zb",Jwef8y:"fjxutwb",Bgoe8wy:"f1s2uweq",Bwzppfd:["fr80ssc","fecsdlb"],oetu4i:"f1ukrpxl",gg5e9n:["fecsdlb","fr80ssc"],Bi91k9c:"f139oj5f",iro3zm:"fwiml72",b661bw:"f1h0usnq",Bk6r4ia:["fs4ktlq","fx2bmrt"],B9zn80p:"f16h9ulv",Bpld233:["fx2bmrt","fs4ktlq"],B2d53fq:"f1fg1p5m"},circular:{Bbmb7ep:["f8fbkgy","f1nfllo7"],Beyfa6y:["f1nfllo7","f8fbkgy"],B7oj6ja:["f1djnp8u","f1s8kh49"],Btl43ni:["f1s8kh49","f1djnp8u"]},rounded:{},square:{Bbmb7ep:["fzi6hpg","fyowgf4"],Beyfa6y:["fyowgf4","fzi6hpg"],B7oj6ja:["f3fg2lr","f13av6d4"],Btl43ni:["f13av6d4","f3fg2lr"]},small:{Bf4jedk:"fh7ncta",z8tnut:"f1khb0e9",z189sj:["f1vdfbxk","f1f5gg8d"],Byoj8tv:"f1jnq6q7",uwmqm3:["f1f5gg8d","f1vdfbxk"],Bbmb7ep:["fclariu","fyjfh2l"],Beyfa6y:["fyjfh2l","fclariu"],B7oj6ja:["f11xeu6h","f1knf8zw"],Btl43ni:["f1knf8zw","f11xeu6h"],Be2twd7:"fy9rknc",Bhrd7zp:"figsok6",Bg96gwp:"fwrc4pm"},smallWithIcon:{Byoj8tv:"f1brlhvm",z8tnut:"f1sl3k7w"},medium:{},large:{Bf4jedk:"f14es27b",z8tnut:"fp9bwmr",z189sj:["fjodcmx","fhx4nu"],Byoj8tv:"f150uoa4",uwmqm3:["fhx4nu","fjodcmx"],Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"],Be2twd7:"fod5ikn",Bhrd7zp:"fl43uef",Bg96gwp:"faaz57k"},largeWithIcon:{Byoj8tv:"fy7v416",z8tnut:"f1a1bwwz"}},{d:[".f1c21dwh{background-color:var(--colorTransparentBackground);}",".ffp7eso{background-color:var(--colorBrandBackground);}",".f1p3nwhy{border-top-color:transparent;}",".f11589ue{border-right-color:transparent;}",".f1pdflbu{border-left-color:transparent;}",".f1q5o8ev{border-bottom-color:transparent;}",".f1phragk{color:var(--colorNeutralForegroundOnBrand);}",".fhovq9v{background-color:var(--colorSubtleBackground);}",".fkfq4zb{color:var(--colorNeutralForeground2);}",".f8fbkgy{border-bottom-right-radius:var(--borderRadiusCircular);}",".f1nfllo7{border-bottom-left-radius:var(--borderRadiusCircular);}",".f1djnp8u{border-top-right-radius:var(--borderRadiusCircular);}",".f1s8kh49{border-top-left-radius:var(--borderRadiusCircular);}",".fzi6hpg{border-bottom-right-radius:var(--borderRadiusNone);}",".fyowgf4{border-bottom-left-radius:var(--borderRadiusNone);}",".f3fg2lr{border-top-right-radius:var(--borderRadiusNone);}",".f13av6d4{border-top-left-radius:var(--borderRadiusNone);}",".fh7ncta{min-width:64px;}",".f1khb0e9{padding-top:3px;}",".f1vdfbxk{padding-right:var(--spacingHorizontalS);}",".f1f5gg8d{padding-left:var(--spacingHorizontalS);}",".f1jnq6q7{padding-bottom:3px;}",".fclariu{border-bottom-right-radius:3px;}",".fyjfh2l{border-bottom-left-radius:3px;}",".f11xeu6h{border-top-right-radius:3px;}",".f1knf8zw{border-top-left-radius:3px;}",".fy9rknc{font-size:var(--fontSizeBase200);}",".figsok6{font-weight:var(--fontWeightRegular);}",".fwrc4pm{line-height:var(--lineHeightBase200);}",".f1brlhvm{padding-bottom:1px;}",".f1sl3k7w{padding-top:1px;}",".f14es27b{min-width:96px;}",".fp9bwmr{padding-top:8px;}",".fjodcmx{padding-right:var(--spacingHorizontalL);}",".fhx4nu{padding-left:var(--spacingHorizontalL);}",".f150uoa4{padding-bottom:8px;}",".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".fod5ikn{font-size:var(--fontSizeBase400);}",".fl43uef{font-weight:var(--fontWeightSemibold);}",".faaz57k{line-height:var(--lineHeightBase400);}",".fy7v416{padding-bottom:7px;}",".f1a1bwwz{padding-top:7px;}"],h:[".fjxutwb:hover{background-color:var(--colorTransparentBackgroundHover);}",".fwiml72:hover:active{background-color:var(--colorTransparentBackgroundPressed);}",".f15wkkf3:hover{background-color:var(--colorBrandBackgroundHover);}",".f1s2uweq:hover{border-top-color:transparent;}",".fr80ssc:hover{border-right-color:transparent;}",".fecsdlb:hover{border-left-color:transparent;}",".f1ukrpxl:hover{border-bottom-color:transparent;}",".f1rq72xc:hover{color:var(--colorNeutralForegroundOnBrand);}",".fnp9lpt:hover:active{background-color:var(--colorBrandBackgroundPressed);}",".f1h0usnq:hover:active{border-top-color:transparent;}",".fs4ktlq:hover:active{border-right-color:transparent;}",".fx2bmrt:hover:active{border-left-color:transparent;}",".f16h9ulv:hover:active{border-bottom-color:transparent;}",".f1d6v5y2:hover:active{color:var(--colorNeutralForegroundOnBrand);}",".f1t94bn6:hover{background-color:var(--colorSubtleBackgroundHover);}",".fnwyq0v:hover{color:var(--colorNeutralForeground2Hover);}",".fy5bs14:hover .fui-Button__icon{color:var(--colorNeutralForeground2BrandHover);}",".fsv2rcd:hover:active{background-color:var(--colorSubtleBackgroundPressed);}",".f1omzyqd:hover:active{color:var(--colorNeutralForeground2Pressed);}",".fj8yq94:hover:active .fui-Button__icon{color:var(--colorNeutralForeground2BrandPressed);}",".f139oj5f:hover{color:var(--colorNeutralForeground2BrandHover);}",".f1fg1p5m:hover:active{color:var(--colorNeutralForeground2BrandPressed);}"]}),Nce=pt({base:{De3pzq:"f1bg9a2p",g2u3we:"f1jj8ep1",h3c5rm:["f15xbau","fy0fskl"],B9xav0g:"f4ikngz",zhjwy3:["fy0fskl","f15xbau"],sj55zd:"f1s2aq7o",Bceei9c:"fdrzuqr",Jwef8y:"f1falr9n",Bgoe8wy:"f12mpcsy",Bwzppfd:["f1gwvigk","f18rmfxp"],oetu4i:"f1jnshp0",gg5e9n:["f18rmfxp","f1gwvigk"],Bi91k9c:"fvgxktp",eoavqd:"fphbwmw",Bk3fhr4:"f19vpps7",Bmfj8id:"fv5swzo",iro3zm:"f1t6o4dc",b661bw:"f10ztigi",Bk6r4ia:["f1ft5sdu","f1gzf82w"],B9zn80p:"f12zbtn2",Bpld233:["f1gzf82w","f1ft5sdu"],B2d53fq:"fcvwxyo",c3iz72:"f8w4c43",em6i61:"f1ol4fw6",vm6p8p:"f1q1lw4e"},highContrast:{Bjwas2f:"fg455y9",Bn1d65q:["f1rvyvqg","f14g86mu"],Bxeuatn:"f1cwzwz",n51gp8:["f14g86mu","f1rvyvqg"],Bbusuzp:"f1dcs8yz",G867l3:"fjwq6ea",gdbnj:["f1lr3nhc","f1mbxvi6"],mxns5l:"fn5gmvv",o3nasb:["f1mbxvi6","f1lr3nhc"],pgvf35:"f53ppgq",Bh7lczh:["f1663y11","f80fkiy"],dpv3f4:"f18v5270",Bpnjhaq:["f80fkiy","f1663y11"],ze5xyy:"f1kc2mi9",Bf756sw:"fihuait",Bow2dr7:["fnxhupq","fyd6l6x"],Bvhedfk:"fx507ft",Gye4lf:["fyd6l6x","fnxhupq"],pc6evw:"fb3rf2x"},outline:{De3pzq:"f1c21dwh",Jwef8y:"f9ql6rf",iro3zm:"f3h1zc4"},primary:{g2u3we:"f1p3nwhy",h3c5rm:["f11589ue","f1pdflbu"],B9xav0g:"f1q5o8ev",zhjwy3:["f1pdflbu","f11589ue"],Bgoe8wy:"f1s2uweq",Bwzppfd:["fr80ssc","fecsdlb"],oetu4i:"f1ukrpxl",gg5e9n:["fecsdlb","fr80ssc"],b661bw:"f1h0usnq",Bk6r4ia:["fs4ktlq","fx2bmrt"],B9zn80p:"f16h9ulv",Bpld233:["fx2bmrt","fs4ktlq"]},secondary:{},subtle:{De3pzq:"f1c21dwh",g2u3we:"f1p3nwhy",h3c5rm:["f11589ue","f1pdflbu"],B9xav0g:"f1q5o8ev",zhjwy3:["f1pdflbu","f11589ue"],Jwef8y:"f9ql6rf",Bgoe8wy:"f1s2uweq",Bwzppfd:["fr80ssc","fecsdlb"],oetu4i:"f1ukrpxl",gg5e9n:["fecsdlb","fr80ssc"],iro3zm:"f3h1zc4",b661bw:"f1h0usnq",Bk6r4ia:["fs4ktlq","fx2bmrt"],B9zn80p:"f16h9ulv",Bpld233:["fx2bmrt","fs4ktlq"]},transparent:{De3pzq:"f1c21dwh",g2u3we:"f1p3nwhy",h3c5rm:["f11589ue","f1pdflbu"],B9xav0g:"f1q5o8ev",zhjwy3:["f1pdflbu","f11589ue"],Jwef8y:"f9ql6rf",Bgoe8wy:"f1s2uweq",Bwzppfd:["fr80ssc","fecsdlb"],oetu4i:"f1ukrpxl",gg5e9n:["fecsdlb","fr80ssc"],iro3zm:"f3h1zc4",b661bw:"f1h0usnq",Bk6r4ia:["fs4ktlq","fx2bmrt"],B9zn80p:"f16h9ulv",Bpld233:["fx2bmrt","fs4ktlq"]}},{d:[".f1bg9a2p{background-color:var(--colorNeutralBackgroundDisabled);}",".f1jj8ep1{border-top-color:var(--colorNeutralStrokeDisabled);}",".f15xbau{border-right-color:var(--colorNeutralStrokeDisabled);}",".fy0fskl{border-left-color:var(--colorNeutralStrokeDisabled);}",".f4ikngz{border-bottom-color:var(--colorNeutralStrokeDisabled);}",".f1s2aq7o{color:var(--colorNeutralForegroundDisabled);}",".fdrzuqr{cursor:not-allowed;}",".f1c21dwh{background-color:var(--colorTransparentBackground);}",".f1p3nwhy{border-top-color:transparent;}",".f11589ue{border-right-color:transparent;}",".f1pdflbu{border-left-color:transparent;}",".f1q5o8ev{border-bottom-color:transparent;}"],h:[".f1falr9n:hover{background-color:var(--colorNeutralBackgroundDisabled);}",".f12mpcsy:hover{border-top-color:var(--colorNeutralStrokeDisabled);}",".f1gwvigk:hover{border-right-color:var(--colorNeutralStrokeDisabled);}",".f18rmfxp:hover{border-left-color:var(--colorNeutralStrokeDisabled);}",".f1jnshp0:hover{border-bottom-color:var(--colorNeutralStrokeDisabled);}",".fvgxktp:hover{color:var(--colorNeutralForegroundDisabled);}",".fphbwmw:hover{cursor:not-allowed;}",".f19vpps7:hover .fui-Icon-filled{display:none;}",".fv5swzo:hover .fui-Icon-regular{display:inline;}",".f1t6o4dc:hover:active{background-color:var(--colorNeutralBackgroundDisabled);}",".f10ztigi:hover:active{border-top-color:var(--colorNeutralStrokeDisabled);}",".f1ft5sdu:hover:active{border-right-color:var(--colorNeutralStrokeDisabled);}",".f1gzf82w:hover:active{border-left-color:var(--colorNeutralStrokeDisabled);}",".f12zbtn2:hover:active{border-bottom-color:var(--colorNeutralStrokeDisabled);}",".fcvwxyo:hover:active{color:var(--colorNeutralForegroundDisabled);}",".f8w4c43:hover:active{cursor:not-allowed;}",".f1ol4fw6:hover:active .fui-Icon-filled{display:none;}",".f1q1lw4e:hover:active .fui-Icon-regular{display:inline;}",".f9ql6rf:hover{background-color:var(--colorTransparentBackground);}",".f3h1zc4:hover:active{background-color:var(--colorTransparentBackground);}",".f1s2uweq:hover{border-top-color:transparent;}",".fr80ssc:hover{border-right-color:transparent;}",".fecsdlb:hover{border-left-color:transparent;}",".f1ukrpxl:hover{border-bottom-color:transparent;}",".f1h0usnq:hover:active{border-top-color:transparent;}",".fs4ktlq:hover:active{border-right-color:transparent;}",".fx2bmrt:hover:active{border-left-color:transparent;}",".f16h9ulv:hover:active{border-bottom-color:transparent;}"],m:[["@media (forced-colors: active){.fg455y9{border-top-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1rvyvqg{border-right-color:GrayText;}.f14g86mu{border-left-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1cwzwz{border-bottom-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f14g86mu{border-left-color:GrayText;}.f1rvyvqg{border-right-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1dcs8yz{color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fjwq6ea:focus{border-top-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1lr3nhc:focus{border-right-color:GrayText;}.f1mbxvi6:focus{border-left-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fn5gmvv:focus{border-bottom-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1mbxvi6:focus{border-left-color:GrayText;}.f1lr3nhc:focus{border-right-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f53ppgq:hover{border-top-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1663y11:hover{border-right-color:GrayText;}.f80fkiy:hover{border-left-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f18v5270:hover{border-bottom-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f80fkiy:hover{border-left-color:GrayText;}.f1663y11:hover{border-right-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1kc2mi9:hover{color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fihuait:hover:active{border-top-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fnxhupq:hover:active{border-right-color:GrayText;}.fyd6l6x:hover:active{border-left-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fx507ft:hover:active{border-bottom-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fyd6l6x:hover:active{border-left-color:GrayText;}.fnxhupq:hover:active{border-right-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fb3rf2x:hover:active{color:GrayText;}}",{m:"(forced-colors: active)"}]]}),Fce=pt({circular:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",kdpuga:["fanj13w","f1gou5sz"],Bw81rd7:["f1gou5sz","fanj13w"],B6xbmo0:["fulf6x3","foeb2x"],dm238s:["foeb2x","fulf6x3"]},rounded:{},square:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",kdpuga:["f1ndz5i7","f1co4qro"],Bw81rd7:["f1co4qro","f1ndz5i7"],B6xbmo0:["f146y5a9","f1k2ftg"],dm238s:["f1k2ftg","f146y5a9"]},primary:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",B8q5s1w:"f15my96h",Bci5o5g:["f8yq1e5","f59w28j"],n8qw10:"f1mze7uc",Bdrgwmp:["f59w28j","f8yq1e5"],j6ew2k:"ftbnf46"},small:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",kdpuga:["fg3gtdo","fwii5mg"],Bw81rd7:["fwii5mg","fg3gtdo"],B6xbmo0:["f1palphq","f12nxie7"],dm238s:["f12nxie7","f1palphq"]},medium:{},large:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",kdpuga:["ft3lys4","f1la4x2g"],Bw81rd7:["f1la4x2g","ft3lys4"],B6xbmo0:["f156y0zm","fakimq4"],dm238s:["fakimq4","f156y0zm"]}},{f:[".ftqa4ok:focus{outline-style:none;}"],i:[".f2hkw1w:focus-visible{outline-style:none;}"],d:[".fanj13w[data-fui-focus-visible]{border-bottom-right-radius:var(--borderRadiusCircular);}",".f1gou5sz[data-fui-focus-visible]{border-bottom-left-radius:var(--borderRadiusCircular);}",".fulf6x3[data-fui-focus-visible]{border-top-right-radius:var(--borderRadiusCircular);}",".foeb2x[data-fui-focus-visible]{border-top-left-radius:var(--borderRadiusCircular);}",".f1ndz5i7[data-fui-focus-visible]{border-bottom-right-radius:var(--borderRadiusNone);}",".f1co4qro[data-fui-focus-visible]{border-bottom-left-radius:var(--borderRadiusNone);}",".f146y5a9[data-fui-focus-visible]{border-top-right-radius:var(--borderRadiusNone);}",".f1k2ftg[data-fui-focus-visible]{border-top-left-radius:var(--borderRadiusNone);}",".f15my96h[data-fui-focus-visible]{border-top-color:var(--colorNeutralForegroundOnBrand);}",".f8yq1e5[data-fui-focus-visible]{border-right-color:var(--colorNeutralForegroundOnBrand);}",".f59w28j[data-fui-focus-visible]{border-left-color:var(--colorNeutralForegroundOnBrand);}",".f1mze7uc[data-fui-focus-visible]{border-bottom-color:var(--colorNeutralForegroundOnBrand);}",".ftbnf46[data-fui-focus-visible]{box-shadow:var(--shadow2),0 0 0 2px var(--colorStrokeFocus2);}",".fg3gtdo[data-fui-focus-visible]{border-bottom-right-radius:var(--borderRadiusSmall);}",".fwii5mg[data-fui-focus-visible]{border-bottom-left-radius:var(--borderRadiusSmall);}",".f1palphq[data-fui-focus-visible]{border-top-right-radius:var(--borderRadiusSmall);}",".f12nxie7[data-fui-focus-visible]{border-top-left-radius:var(--borderRadiusSmall);}",".ft3lys4[data-fui-focus-visible]{border-bottom-right-radius:var(--borderRadiusLarge);}",".f1la4x2g[data-fui-focus-visible]{border-bottom-left-radius:var(--borderRadiusLarge);}",".f156y0zm[data-fui-focus-visible]{border-top-right-radius:var(--borderRadiusLarge);}",".fakimq4[data-fui-focus-visible]{border-top-left-radius:var(--borderRadiusLarge);}"]}),Ice=pt({small:{z8tnut:"f1sl3k7w",z189sj:["f136y8j8","f10xn8zz"],Byoj8tv:"f1brlhvm",uwmqm3:["f10xn8zz","f136y8j8"],Bf4jedk:"f17fgpbq",B2u0y6b:"f1jt17bm"},medium:{z8tnut:"f1sbtcvk",z189sj:["fwiuce9","f15vdbe4"],Byoj8tv:"fdghr9",uwmqm3:["f15vdbe4","fwiuce9"],Bf4jedk:"fwbmr0d",B2u0y6b:"f44c6la"},large:{z8tnut:"f1a1bwwz",z189sj:["f18k1jr3","f1rtp3s9"],Byoj8tv:"fy7v416",uwmqm3:["f1rtp3s9","f18k1jr3"],Bf4jedk:"f12clzc2",B2u0y6b:"fjy1crr"}},{d:[".f1sl3k7w{padding-top:1px;}",".f136y8j8{padding-right:1px;}",".f10xn8zz{padding-left:1px;}",".f1brlhvm{padding-bottom:1px;}",".f17fgpbq{min-width:24px;}",".f1jt17bm{max-width:24px;}",".f1sbtcvk{padding-top:5px;}",".fwiuce9{padding-right:5px;}",".f15vdbe4{padding-left:5px;}",".fdghr9{padding-bottom:5px;}",".fwbmr0d{min-width:32px;}",".f44c6la{max-width:32px;}",".f1a1bwwz{padding-top:7px;}",".f18k1jr3{padding-right:7px;}",".f1rtp3s9{padding-left:7px;}",".fy7v416{padding-bottom:7px;}",".f12clzc2{min-width:40px;}",".fjy1crr{max-width:40px;}"]}),Bce=pt({small:{Be2twd7:"fe5j1ua",Bqenvij:"fjamq6b",a9b677:"f64fuq3",Bqrlyyl:"fbaiahx"},medium:{},large:{Be2twd7:"f1rt2boy",Bqenvij:"frvgh55",a9b677:"fq4mcun",Bqrlyyl:"f1exjqw5"},before:{t21cq0:["f1nizpg2","f1a695kz"]},after:{Frg6f3:["f1a695kz","f1nizpg2"]}},{d:[".fe5j1ua{font-size:20px;}",".fjamq6b{height:20px;}",".f64fuq3{width:20px;}",".fbaiahx{--fui-Button__icon--spacing:var(--spacingHorizontalXS);}",".f1rt2boy{font-size:24px;}",".frvgh55{height:24px;}",".fq4mcun{width:24px;}",".f1exjqw5{--fui-Button__icon--spacing:var(--spacingHorizontalSNudge);}",".f1nizpg2{margin-right:var(--fui-Button__icon--spacing);}",".f1a695kz{margin-left:var(--fui-Button__icon--spacing);}"]}),Rce=e=>{const t=xce(),n=Cce(),r=Ace(),o=Nce(),i=Fce(),a=Ice(),s=Bce(),{appearance:l,disabled:u,disabledFocusable:d,icon:h,iconOnly:p,iconPosition:m,shape:v,size:_}=e;return e.root.className=et(N6.root,t,l&&r[l],r[_],h&&_==="small"&&r.smallWithIcon,h&&_==="large"&&r.largeWithIcon,r[v],(u||d)&&o.base,(u||d)&&o.highContrast,l&&(u||d)&&o[l],l==="primary"&&i.primary,i[_],i[v],p&&a[_],e.root.className),e.icon&&(e.icon.className=et(N6.icon,n,e.root.children!==void 0&&e.root.children!==null&&s[m],s[_],e.icon.className)),e},En=T.forwardRef((e,t)=>{const n=Sce(e,t);return Rce(n),Tce(n)});En.displayName="Button";const Oce=(e,t)=>{const{disabled:n=!1,required:r=!1,weight:o="regular",size:i="medium"}=e;return{disabled:n,required:$t(r===!0?"*":r||void 0,{defaultProps:{"aria-hidden":"true"}}),weight:o,size:i,components:{root:"label",required:"span"},root:vr("label",{ref:t,...e})}},Dce=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root},e.root.children,t.required&&T.createElement(t.required,{...n.required}))},F6={root:"fui-Label",required:"fui-Label__required"},Pce=pt({root:{Bahqtrf:"fk6fouc",sj55zd:"f19n0e5"},disabled:{sj55zd:"f1s2aq7o"},required:{sj55zd:"f1whyuy6",uwmqm3:["fycuoez","f8wuabp"]},requiredDisabled:{sj55zd:"f1s2aq7o"},small:{Be2twd7:"fy9rknc",Bg96gwp:"fwrc4pm"},medium:{Be2twd7:"fkhj508",Bg96gwp:"f1i3iumi"},large:{Be2twd7:"fod5ikn",Bg96gwp:"faaz57k",Bhrd7zp:"fl43uef"},semibold:{Bhrd7zp:"fl43uef"}},{d:[".fk6fouc{font-family:var(--fontFamilyBase);}",".f19n0e5{color:var(--colorNeutralForeground1);}",".f1s2aq7o{color:var(--colorNeutralForegroundDisabled);}",".f1whyuy6{color:var(--colorPaletteRedForeground3);}",".fycuoez{padding-left:4px;}",".f8wuabp{padding-right:4px;}",".fy9rknc{font-size:var(--fontSizeBase200);}",".fwrc4pm{line-height:var(--lineHeightBase200);}",".fkhj508{font-size:var(--fontSizeBase300);}",".f1i3iumi{line-height:var(--lineHeightBase300);}",".fod5ikn{font-size:var(--fontSizeBase400);}",".faaz57k{line-height:var(--lineHeightBase400);}",".fl43uef{font-weight:var(--fontWeightSemibold);}"]}),Mce=e=>{const t=Pce();return e.root.className=et(F6.root,t.root,e.disabled&&t.disabled,t[e.size],e.weight==="semibold"&&t.semibold,e.root.className),e.required&&(e.required.className=et(F6.required,t.required,e.disabled&&t.requiredDisabled,e.required.className)),e},Zo=T.forwardRef((e,t)=>{const n=Oce(e,t);return Mce(n),Dce(n)});Zo.displayName="Label";const Lce=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root},t.label&&T.createElement(t.label,{...n.label}),n.root.children,t.validationMessage&&T.createElement(t.validationMessage,{...n.validationMessage},t.validationMessageIcon&&T.createElement(t.validationMessageIcon,{...n.validationMessageIcon}),n.validationMessage.children),t.hint&&T.createElement(t.hint,{...n.hint}))},jce={error:T.createElement(gse,null),warning:T.createElement(vle,null),success:T.createElement(rse,null),none:void 0},zce=(e,t)=>{var n,r,o,i;const{children:a,orientation:s="vertical",required:l,validationState:u=e.validationMessage?"error":"none",size:d}=e,h=lo("field-"),p=vr("div",{...e,ref:t},["children"]),m=$t(e.label,{defaultProps:{id:h+"__label",required:l,size:d}}),v=$t(e.validationMessage,{defaultProps:{id:h+"__validationMessage",role:u==="error"?"alert":void 0}}),_=$t(e.hint,{defaultProps:{id:h+"__hint"}}),b=jce[u],E=$t(e.validationMessageIcon,{required:!!b,defaultProps:{children:b}}),w=T.isValidElement(a)?{...a.props}:{};return m&&((n=w["aria-labelledby"])!==null&&n!==void 0||(w["aria-labelledby"]=m.id),m.htmlFor||((r=w.id)!==null&&r!==void 0||(w.id=h+"__control"),m.htmlFor=w.id)),(v||_)&&(w["aria-describedby"]=[v==null?void 0:v.id,_==null?void 0:_.id,w["aria-describedby"]].filter(Boolean).join(" ")),u==="error"&&((o=w["aria-invalid"])!==null&&o!==void 0||(w["aria-invalid"]=!0)),l&&((i=w["aria-required"])!==null&&i!==void 0||(w["aria-required"]=!0)),T.isValidElement(a)?p.children=T.cloneElement(a,w):typeof a=="function"&&(p.children=a(w)),{orientation:s,validationState:u,components:{root:"div",label:Zo,validationMessage:"div",validationMessageIcon:"span",hint:"div"},root:p,label:m,validationMessageIcon:E,validationMessage:v,hint:_}},ah={root:"fui-Field",label:"fui-Field__label",validationMessage:"fui-Field__validationMessage",validationMessageIcon:"fui-Field__validationMessageIcon",hint:"fui-Field__hint"},Hce=pt({base:{mc9l5x:"f13qh94s"},horizontal:{Budl1dq:"f2wwaib",wkccdc:"f1645dqt"},horizontalNoLabel:{uwmqm3:["f15jqgz8","fggqkej"],Budl1dq:"f1c2z91y"}},{d:[".f13qh94s{display:grid;}",".f2wwaib{grid-template-columns:33% 1fr;}",".f1645dqt{grid-template-rows:auto auto auto 1fr;}",".f15jqgz8{padding-left:33%;}",".fggqkej{padding-right:33%;}",".f1c2z91y{grid-template-columns:1fr;}"]}),Uce=pt({base:{z8tnut:"fclwglc",Byoj8tv:"fywfov9"},large:{z8tnut:"f1sl3k7w",Byoj8tv:"f1brlhvm"},vertical:{jrapky:"fyacil5"},verticalLarge:{jrapky:"f8l5zjj"},horizontal:{t21cq0:["fkujibs","f199hnxi"],Ijaq50:"f16hsg94",nk6f5a:"f1nzqi2z"}},{d:[".fclwglc{padding-top:var(--spacingVerticalXXS);}",".fywfov9{padding-bottom:var(--spacingVerticalXXS);}",".f1sl3k7w{padding-top:1px;}",".f1brlhvm{padding-bottom:1px;}",".fyacil5{margin-bottom:var(--spacingVerticalXXS);}",".f8l5zjj{margin-bottom:var(--spacingVerticalXS);}",".fkujibs{margin-right:var(--spacingHorizontalM);}",".f199hnxi{margin-left:var(--spacingHorizontalM);}",".f16hsg94{grid-row-start:1;}",".f1nzqi2z{grid-row-end:-1;}"]}),qce=$c("r5c4z9l",null,[".r5c4z9l{margin-top:var(--spacingVerticalXXS);color:var(--colorNeutralForeground3);font-family:var(--fontFamilyBase);font-size:var(--fontSizeBase200);font-weight:var(--fontWeightRegular);line-height:var(--lineHeightBase200);}"]),$ce=pt({error:{sj55zd:"f1hcrxcs"},withIcon:{uwmqm3:["frawy03","fg4c52"]}},{d:[".f1hcrxcs{color:var(--colorPaletteRedForeground1);}",".frawy03{padding-left:calc(12px + var(--spacingHorizontalXS));}",".fg4c52{padding-right:calc(12px + var(--spacingHorizontalXS));}"]}),Wce=$c("ra7h1uk","r1rh6bd7",[".ra7h1uk{display:inline-block;font-size:12px;margin-left:calc(-12px - var(--spacingHorizontalXS));margin-right:var(--spacingHorizontalXS);line-height:0;vertical-align:-1px;}",".r1rh6bd7{display:inline-block;font-size:12px;margin-right:calc(-12px - var(--spacingHorizontalXS));margin-left:var(--spacingHorizontalXS);line-height:0;vertical-align:-1px;}"]),Gce=pt({error:{sj55zd:"f1hcrxcs"},warning:{sj55zd:"f1k5f75o"},success:{sj55zd:"ffmvakt"}},{d:[".f1hcrxcs{color:var(--colorPaletteRedForeground1);}",".f1k5f75o{color:var(--colorPaletteDarkOrangeForeground1);}",".ffmvakt{color:var(--colorPaletteGreenForeground1);}"]}),Kce=e=>{const{validationState:t}=e,n=e.orientation==="horizontal",r=Hce();e.root.className=et(ah.root,r.base,n&&r.horizontal,n&&!e.label&&r.horizontalNoLabel,e.root.className);const o=Uce();e.label&&(e.label.className=et(ah.label,o.base,n&&o.horizontal,!n&&o.vertical,e.label.size==="large"&&o.large,!n&&e.label.size==="large"&&o.verticalLarge,e.label.className));const i=Wce(),a=Gce();e.validationMessageIcon&&(e.validationMessageIcon.className=et(ah.validationMessageIcon,i,t!=="none"&&a[t],e.validationMessageIcon.className));const s=qce(),l=$ce();e.validationMessage&&(e.validationMessage.className=et(ah.validationMessage,s,t==="error"&&l.error,!!e.validationMessageIcon&&l.withIcon,e.validationMessage.className)),e.hint&&(e.hint.className=et(ah.hint,s,e.hint.className))},yD=T.forwardRef((e,t)=>{const n=zce(e,t);return Kce(n),Lce(n)});yD.displayName="Field";const Vce=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root},n.root.children!==void 0&&T.createElement(t.wrapper,{...n.wrapper},n.root.children))},Yce=(e,t)=>{const{alignContent:n="center",appearance:r="default",inset:o=!1,vertical:i=!1,wrapper:a}=e,s=lo("divider-");return{alignContent:n,appearance:r,inset:o,vertical:i,components:{root:"div",wrapper:"div"},root:vr("div",{role:"separator","aria-orientation":i?"vertical":"horizontal","aria-labelledby":e.children?s:void 0,...e,ref:t}),wrapper:$t(a,{required:!0,defaultProps:{id:s,children:e.children}})}},I6={root:"fui-Divider",wrapper:"fui-Divider__wrapper"},Qce=pt({base:{Bt984gj:"f122n59",B7ck84d:"f1ewtqcl",mc9l5x:"f22iagw",Beiy3e4:"f1063pyq",Bh6795r:"fqerorx",qhf8xq:"f10pi13n",Bahqtrf:"fk6fouc",Be2twd7:"fy9rknc",Bhrd7zp:"figsok6",Bg96gwp:"fwrc4pm",fsow6f:"f17mccla",Bcvre1j:"fyl8oag",Br0sdwz:"f16vkdww",Bn78ew0:"fhsnbul",li1rpt:"f1gw3sf2",ap17g6:"f1ly5f7u",B771hl4:"f1s3tz6t"},childless:{susq4k:"f1kyqvp9",Bicfajf:["fzynn9s","f1z0ukd1"],jwcpgy:["fekrn8e","ftdg338"],B4rk6o:"fesgyo"},start:{Bsft5z2:"f13zj6fq"},center:{Ftih45:"f1wl9k8s",Bsft5z2:"f13zj6fq"},end:{Ftih45:"f1wl9k8s"},brand:{sj55zd:"f16muhyy",Bq4z7u6:"fcbuu2a",Bk5zm6e:["f1wdw2dr","f1ttio3w"],Bqjgrrk:"f1582fpk",Bm6vgfq:["f1ttio3w","f1wdw2dr"],B0n5ga8:"f1ahrvm8",s924m2:["f1cd3wbc","f17hbk9y"],B1q35kw:"fvrapl0",Gp14am:["f17hbk9y","f1cd3wbc"]},default:{sj55zd:"fkfq4zb",Bq4z7u6:"f1vccso1",Bk5zm6e:["f1geml7w","fjml6kk"],Bqjgrrk:"f1r7kh1m",Bm6vgfq:["fjml6kk","f1geml7w"],B0n5ga8:"f16j7guv",s924m2:["fx01ahm","fj1a37q"],B1q35kw:"fl8d8yv",Gp14am:["fj1a37q","fx01ahm"]},subtle:{sj55zd:"fkfq4zb",Bq4z7u6:"f5g06un",Bk5zm6e:["f13sxdku","f1n015lb"],Bqjgrrk:"f1x6bl8t",Bm6vgfq:["f1n015lb","f13sxdku"],B0n5ga8:"fvod1wy",s924m2:["fwslg65","flk0e17"],B1q35kw:"f103fvts",Gp14am:["flk0e17","fwslg65"]},strong:{sj55zd:"fkfq4zb",Bq4z7u6:"f10tv6oz",Bk5zm6e:["f16xp3sf","f1seuxxq"],Bqjgrrk:"fwrmqbx",Bm6vgfq:["f1seuxxq","f16xp3sf"],B0n5ga8:"ft83z1f",s924m2:["f1g4150c","f192dr6e"],B1q35kw:"f1qnawh6",Gp14am:["f192dr6e","f1g4150c"]}},{d:[".f122n59{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;}",".f1ewtqcl{box-sizing:border-box;}",".f22iagw{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f1063pyq{-webkit-flex-direction:row;-ms-flex-direction:row;flex-direction:row;}",".fqerorx{-webkit-box-flex:1;-webkit-flex-grow:1;-ms-flex-positive:1;flex-grow:1;}",".f10pi13n{position:relative;}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fy9rknc{font-size:var(--fontSizeBase200);}",".figsok6{font-weight:var(--fontWeightRegular);}",".fwrc4pm{line-height:var(--lineHeightBase200);}",".f17mccla{text-align:center;}",".fyl8oag::before{box-sizing:border-box;}",".f16vkdww::before{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".fhsnbul::before{-webkit-box-flex:1;-webkit-flex-grow:1;-ms-flex-positive:1;flex-grow:1;}",".f1gw3sf2::after{box-sizing:border-box;}",".f1ly5f7u::after{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f1s3tz6t::after{-webkit-box-flex:1;-webkit-flex-grow:1;-ms-flex-positive:1;flex-grow:1;}",".f1kyqvp9::before{margin-bottom:0;}",".fzynn9s::before{margin-right:0;}",".f1z0ukd1::before{margin-left:0;}",".fekrn8e::after{margin-left:0;}",".ftdg338::after{margin-right:0;}",".fesgyo::after{margin-top:0;}",'.f13zj6fq::after{content:"";}','.f1wl9k8s::before{content:"";}',".f16muhyy{color:var(--colorBrandForeground1);}",".fcbuu2a::before{border-top-color:var(--colorBrandStroke1);}",".f1wdw2dr::before{border-right-color:var(--colorBrandStroke1);}",".f1ttio3w::before{border-left-color:var(--colorBrandStroke1);}",".f1582fpk::before{border-bottom-color:var(--colorBrandStroke1);}",".f1ahrvm8::after{border-top-color:var(--colorBrandStroke1);}",".f1cd3wbc::after{border-right-color:var(--colorBrandStroke1);}",".f17hbk9y::after{border-left-color:var(--colorBrandStroke1);}",".fvrapl0::after{border-bottom-color:var(--colorBrandStroke1);}",".fkfq4zb{color:var(--colorNeutralForeground2);}",".f1vccso1::before{border-top-color:var(--colorNeutralStroke2);}",".f1geml7w::before{border-right-color:var(--colorNeutralStroke2);}",".fjml6kk::before{border-left-color:var(--colorNeutralStroke2);}",".f1r7kh1m::before{border-bottom-color:var(--colorNeutralStroke2);}",".f16j7guv::after{border-top-color:var(--colorNeutralStroke2);}",".fx01ahm::after{border-right-color:var(--colorNeutralStroke2);}",".fj1a37q::after{border-left-color:var(--colorNeutralStroke2);}",".fl8d8yv::after{border-bottom-color:var(--colorNeutralStroke2);}",".f5g06un::before{border-top-color:var(--colorNeutralStroke3);}",".f13sxdku::before{border-right-color:var(--colorNeutralStroke3);}",".f1n015lb::before{border-left-color:var(--colorNeutralStroke3);}",".f1x6bl8t::before{border-bottom-color:var(--colorNeutralStroke3);}",".fvod1wy::after{border-top-color:var(--colorNeutralStroke3);}",".fwslg65::after{border-right-color:var(--colorNeutralStroke3);}",".flk0e17::after{border-left-color:var(--colorNeutralStroke3);}",".f103fvts::after{border-bottom-color:var(--colorNeutralStroke3);}",".f10tv6oz::before{border-top-color:var(--colorNeutralStroke1);}",".f16xp3sf::before{border-right-color:var(--colorNeutralStroke1);}",".f1seuxxq::before{border-left-color:var(--colorNeutralStroke1);}",".fwrmqbx::before{border-bottom-color:var(--colorNeutralStroke1);}",".ft83z1f::after{border-top-color:var(--colorNeutralStroke1);}",".f1g4150c::after{border-right-color:var(--colorNeutralStroke1);}",".f192dr6e::after{border-left-color:var(--colorNeutralStroke1);}",".f1qnawh6::after{border-bottom-color:var(--colorNeutralStroke1);}"]}),Xce=pt({base:{a9b677:"fly5x3f",Bdkvgpv:"f163fonl",B0qfbqy:"f51yk4v",pbipgd:"f13rof3u",Bm2nyyq:"f8rth92",xrcqlc:"f6czdpx",i5u598:"f1iyka9k"},inset:{uwmqm3:["fjlbh76","f11qrl6u"],z189sj:["f11qrl6u","fjlbh76"]},start:{Ftih45:"f1wl9k8s",Bicfajf:["f1ojjlep","fk1kexq"],Bxwl2t9:"f1he2m4d",jwcpgy:["f12w1bnb","f1558wlj"]},center:{Bicfajf:["f1ojjlep","fk1kexq"],jwcpgy:["f12w1bnb","f1558wlj"]},end:{Bicfajf:["f1ojjlep","fk1kexq"],Bsft5z2:"f13zj6fq",jwcpgy:["f12w1bnb","f1558wlj"],Iy66sp:"f1ayce8x"}},{d:[".fly5x3f{width:100%;}",".f163fonl::before{border-top-style:solid;}",".f51yk4v::before{border-top-width:var(--strokeWidthThin);}",".f13rof3u::before{min-width:8px;}",".f8rth92::after{border-top-style:solid;}",".f6czdpx::after{border-top-width:var(--strokeWidthThin);}",".f1iyka9k::after{min-width:8px;}",".fjlbh76{padding-left:12px;}",".f11qrl6u{padding-right:12px;}",'.f1wl9k8s::before{content:"";}',".f1ojjlep::before{margin-right:12px;}",".fk1kexq::before{margin-left:12px;}",".f1he2m4d::before{max-width:8px;}",".f12w1bnb::after{margin-left:12px;}",".f1558wlj::after{margin-right:12px;}",'.f13zj6fq::after{content:"";}',".f1ayce8x::after{max-width:8px;}"]}),Zce=pt({base:{Beiy3e4:"f1vx9l62",sshi5w:"f16gbxbe",m598lv:["f1yq6w5o","f1jpmc5p"],B4f6apu:["f9sc749","f1x8pvcy"],zkzzav:"fhkwbjy",Barhvk9:["flthirb","ftkbnf5"],Ihftqj:["f13hvwk3","f1en4csx"],Bde111x:"f19onpk6"},inset:{B6of3ja:"f1xdg43u",jrapky:"f1jlhsmd"},withChildren:{sshi5w:"f1tjaq3g"},start:{Ftih45:"f1wl9k8s",susq4k:"fg2pwug",Bbdr6tz:"fkjtzyi",B4rk6o:"f8vk40g"},center:{susq4k:"fg2pwug",B4rk6o:"f8vk40g"},end:{susq4k:"fg2pwug",Bsft5z2:"f13zj6fq",B4rk6o:"f8vk40g",gn64ia:"fqg5mu5"}},{d:[".f1vx9l62{-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;}",".f16gbxbe{min-height:20px;}",".f1yq6w5o::before{border-right-style:solid;}",".f1jpmc5p::before{border-left-style:solid;}",".f9sc749::before{border-right-width:var(--strokeWidthThin);}",".f1x8pvcy::before{border-left-width:var(--strokeWidthThin);}",".fhkwbjy::before{min-height:8px;}",".flthirb::after{border-right-style:solid;}",".ftkbnf5::after{border-left-style:solid;}",".f13hvwk3::after{border-right-width:var(--strokeWidthThin);}",".f1en4csx::after{border-left-width:var(--strokeWidthThin);}",".f19onpk6::after{min-height:8px;}",".f1xdg43u{margin-top:12px;}",".f1jlhsmd{margin-bottom:12px;}",".f1tjaq3g{min-height:84px;}",'.f1wl9k8s::before{content:"";}',".fg2pwug::before{margin-bottom:12px;}",".fkjtzyi::before{max-height:8px;}",".f8vk40g::after{margin-top:12px;}",'.f13zj6fq::after{content:"";}',".fqg5mu5::after{max-height:8px;}"]}),Jce=e=>{const t=Qce(),n=Xce(),r=Zce(),{alignContent:o,appearance:i,inset:a,vertical:s}=e;return e.root.className=et(I6.root,t.base,t[o],i&&t[i],!s&&n.base,!s&&a&&n.inset,!s&&n[o],s&&r.base,s&&a&&r.inset,s&&r[o],s&&e.root.children!==void 0&&r.withChildren,e.root.children===void 0&&t.childless,e.root.className),e.wrapper&&(e.wrapper.className=et(I6.wrapper,e.wrapper.className)),e},O_=T.forwardRef((e,t)=>{const n=Yce(e,t);return Jce(n),Vce(n)});O_.displayName="Divider";const efe=(e,t)=>{var n;const r=tO(),{size:o="medium",appearance:i=(n=r.inputDefaultAppearance)!==null&&n!==void 0?n:"outline",onChange:a}=e,[s,l]=Wc({state:e.value,defaultState:e.defaultValue,initialState:""}),u=lO({props:e,primarySlotTagName:"input",excludedPropNames:["size","onChange","value","defaultValue"]}),d={size:o,appearance:i,components:{root:"span",input:"input",contentBefore:"span",contentAfter:"span"},input:$t(e.input,{required:!0,defaultProps:{type:"text",ref:t,...u.primary}}),contentAfter:$t(e.contentAfter),contentBefore:$t(e.contentBefore),root:$t(e.root,{required:!0,defaultProps:u.root})};return d.input.value=s,d.input.onChange=Et(h=>{const p=h.target.value;a==null||a(h,{value:p}),l(p)}),d},tfe=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root},t.contentBefore&&T.createElement(t.contentBefore,{...n.contentBefore}),T.createElement(t.input,{...n.input}),t.contentAfter&&T.createElement(t.contentAfter,{...n.contentAfter}))},$m={root:"fui-Input",input:"fui-Input__input",contentBefore:"fui-Input__contentBefore",contentAfter:"fui-Input__contentAfter"},nfe=pt({base:{mc9l5x:"ftuwxu6",Bt984gj:"f122n59",Eh141a:"flvyvdh",i8kkvl:"f14mj54c",Belr9w4:"fiut8dr",Bahqtrf:"fk6fouc",Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"],qhf8xq:"f10pi13n",B7ck84d:"f1ewtqcl"},interactive:{li1rpt:"f1gw3sf2",Bsft5z2:"f13zj6fq",E3zdtr:"f1mdlcz9",Eqx8gd:["f1a7op3","f1cjjd47"],By385i5:"f1gboi2j",B1piin3:["f1cjjd47","f1a7op3"],Dlnsje:"f145g4dw",d9w3h3:["f1kp91vd","f1ibwz09"],B3778ie:["f1ibwz09","f1kp91vd"],Bcgy8vk:"f1cb6c3",Bw17bha:"f1lh990p",B1q35kw:"f1jc6hxc",Gjdm7m:"f13evtba",b1kco5:"f1yk9hq",Ba2ppi3:"fhwpy7i",F2fol1:"f14ee0xe",lck23g:"f1xhbsuh",df92cz:"fv8e3ye",I188md:"ftb5wc6",umuwi5:"fjw5xc1",Blcqepd:"f1xdyd5c",nplu4u:"fatpbeo",Bioka5o:"fb7uyps",H713fs:"f1cmft4k",B9ooomg:"f1x58t8o",Bercvud:"f1ibeo51",Bbr2w1p:"f14a1fxs",Bduesf4:"f3e99gv",Bpq79vn:"fhljsf7"},small:{sshi5w:"f1pha7fy",z8tnut:"f1g0x7ka",z189sj:["fdw0yi8","fk8j09s"],Byoj8tv:"f1qch9an",uwmqm3:["fk8j09s","fdw0yi8"],Bahqtrf:"fk6fouc",Be2twd7:"fy9rknc",Bhrd7zp:"figsok6",Bg96gwp:"fwrc4pm"},medium:{sshi5w:"f1nxs5xn",z8tnut:"f1g0x7ka",z189sj:["f11gcy0p","f1ng84yb"],Byoj8tv:"f1qch9an",uwmqm3:["f1ng84yb","f11gcy0p"],Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"},large:{sshi5w:"f1w5jphr",z8tnut:"f1g0x7ka",z189sj:["fw5db7e","f1uw59to"],Byoj8tv:"f1qch9an",uwmqm3:["f1uw59to","fw5db7e"],Bahqtrf:"fk6fouc",Be2twd7:"fod5ikn",Bhrd7zp:"figsok6",Bg96gwp:"faaz57k",i8kkvl:"f1rjii52",Belr9w4:"f1r7g2jn"},outline:{De3pzq:"fxugw4r",B4j52fo:"f5ogflp",Bekrc4i:["f1hqa2wf","finvdd3"],Bn0qgzm:"f1f09k3d",ibv6hh:["finvdd3","f1hqa2wf"],icvyot:"fzkkow9",vrafjx:["fcdblym","fjik90z"],oivjwe:"fg706s2",wvpqe5:["fjik90z","fcdblym"],g2u3we:"fj3muxo",h3c5rm:["f1akhkt","f1lxtadh"],B9xav0g:"f1c1zstj",zhjwy3:["f1lxtadh","f1akhkt"]},outlineInteractive:{Bgoe8wy:"fvcxoqz",Bwzppfd:["f1ub3y4t","f1m52nbi"],oetu4i:"f1l4zc64",gg5e9n:["f1m52nbi","f1ub3y4t"],Drbcw7:"f8vnjqi",udz0bu:["fz1etlk","f1hc16gm"],Be8ivqh:"f1klwx88",ofdepl:["f1hc16gm","fz1etlk"]},underline:{De3pzq:"f1c21dwh",Bbmb7ep:["f1krrbdw","f1deotkl"],Beyfa6y:["f1deotkl","f1krrbdw"],B7oj6ja:["f10ostut","f1ozlkrg"],Btl43ni:["f1ozlkrg","f10ostut"],Bn0qgzm:"f1f09k3d",oivjwe:"fg706s2",B9xav0g:"f1c1zstj"},underlineInteractive:{oetu4i:"f1l4zc64",Be8ivqh:"f1klwx88",B3778ie:["f1nf3wye","feulmo5"],d9w3h3:["feulmo5","f1nf3wye"],Bl18szs:["f18vqdqu","f53nyzz"],B4j8arr:["f53nyzz","f18vqdqu"]},filled:{B4j52fo:"f5ogflp",Bekrc4i:["f1hqa2wf","finvdd3"],Bn0qgzm:"f1f09k3d",ibv6hh:["finvdd3","f1hqa2wf"],icvyot:"fzkkow9",vrafjx:["fcdblym","fjik90z"],oivjwe:"fg706s2",wvpqe5:["fjik90z","fcdblym"],g2u3we:"fghlq4f",h3c5rm:["f1gn591s","fjscplz"],B9xav0g:"fb073pr",zhjwy3:["fjscplz","f1gn591s"]},filledInteractive:{q7v0qe:"ftmjh5b",kmh5ft:["f17blpuu","fsrcdbj"],nagaa4:"f1tpwn32",B1yhkcb:["fsrcdbj","f17blpuu"]},invalid:{tvckwq:"fs4k3qj",gk2u95:["fcee079","fmyw78r"],hhx65j:"f1fgmyf4",Bxowmz0:["fmyw78r","fcee079"]},"filled-darker":{De3pzq:"f16xq7d1"},"filled-lighter":{De3pzq:"fxugw4r"},"filled-darker-shadow":{De3pzq:"f16xq7d1",E5pizo:"fyed02w"},"filled-lighter-shadow":{De3pzq:"fxugw4r",E5pizo:"fyed02w"},disabled:{Bceei9c:"fdrzuqr",De3pzq:"f1c21dwh",g2u3we:"f1jj8ep1",h3c5rm:["f15xbau","fy0fskl"],B9xav0g:"f4ikngz",zhjwy3:["fy0fskl","f15xbau"],Bjwas2f:"fg455y9",Bn1d65q:["f1rvyvqg","f14g86mu"],Bxeuatn:"f1cwzwz",n51gp8:["f14g86mu","f1rvyvqg"]}},{d:[".ftuwxu6{display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;}",".f122n59{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;}",".flvyvdh{-webkit-box-flex-wrap:nowrap;-webkit-flex-wrap:nowrap;-ms-flex-wrap:nowrap;flex-wrap:nowrap;}",".f14mj54c{-webkit-column-gap:var(--spacingHorizontalXXS);column-gap:var(--spacingHorizontalXXS);}",".fiut8dr{row-gap:var(--spacingHorizontalXXS);}",".fk6fouc{font-family:var(--fontFamilyBase);}",".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".f10pi13n{position:relative;}",".f1ewtqcl{box-sizing:border-box;}",".f1gw3sf2::after{box-sizing:border-box;}",'.f13zj6fq::after{content:"";}',".f1mdlcz9::after{position:absolute;}",".f1a7op3::after{left:-1px;}",".f1cjjd47::after{right:-1px;}",".f1gboi2j::after{bottom:-1px;}",".f145g4dw::after{height:max(2px, var(--borderRadiusMedium));}",".f1kp91vd::after{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1ibwz09::after{border-bottom-right-radius:var(--borderRadiusMedium);}",".f1cb6c3::after{border-bottom-width:2px;}",".f1lh990p::after{border-bottom-style:solid;}",".f1jc6hxc::after{border-bottom-color:var(--colorCompoundBrandStroke);}",".f13evtba::after{-webkit-clip-path:inset(calc(100% - 2px) 0 0 0);clip-path:inset(calc(100% - 2px) 0 0 0);}",".f1yk9hq::after{-webkit-transform:scaleX(0);-moz-transform:scaleX(0);-ms-transform:scaleX(0);transform:scaleX(0);}",".fhwpy7i::after{transition-property:transform;}",".f14ee0xe::after{transition-duration:var(--durationUltraFast);}",".f1xhbsuh::after{transition-delay:var(--curveAccelerateMid);}",".f1pha7fy{min-height:24px;}",".f1g0x7ka{padding-top:0;}",".fdw0yi8{padding-right:var(--spacingHorizontalSNudge);}",".fk8j09s{padding-left:var(--spacingHorizontalSNudge);}",".f1qch9an{padding-bottom:0;}",".fy9rknc{font-size:var(--fontSizeBase200);}",".figsok6{font-weight:var(--fontWeightRegular);}",".fwrc4pm{line-height:var(--lineHeightBase200);}",".f1nxs5xn{min-height:32px;}",".f11gcy0p{padding-right:var(--spacingHorizontalMNudge);}",".f1ng84yb{padding-left:var(--spacingHorizontalMNudge);}",".fkhj508{font-size:var(--fontSizeBase300);}",".f1i3iumi{line-height:var(--lineHeightBase300);}",".f1w5jphr{min-height:40px;}",".fw5db7e{padding-right:var(--spacingHorizontalM);}",".f1uw59to{padding-left:var(--spacingHorizontalM);}",".fod5ikn{font-size:var(--fontSizeBase400);}",".faaz57k{line-height:var(--lineHeightBase400);}",".f1rjii52{-webkit-column-gap:var(--spacingHorizontalSNudge);column-gap:var(--spacingHorizontalSNudge);}",".f1r7g2jn{row-gap:var(--spacingHorizontalSNudge);}",".fxugw4r{background-color:var(--colorNeutralBackground1);}",".f5ogflp{border-top-width:1px;}",".f1hqa2wf{border-right-width:1px;}",".finvdd3{border-left-width:1px;}",".f1f09k3d{border-bottom-width:1px;}",".fzkkow9{border-top-style:solid;}",".fcdblym{border-right-style:solid;}",".fjik90z{border-left-style:solid;}",".fg706s2{border-bottom-style:solid;}",".fj3muxo{border-top-color:var(--colorNeutralStroke1);}",".f1akhkt{border-right-color:var(--colorNeutralStroke1);}",".f1lxtadh{border-left-color:var(--colorNeutralStroke1);}",".f1c1zstj{border-bottom-color:var(--colorNeutralStrokeAccessible);}",".f1c21dwh{background-color:var(--colorTransparentBackground);}",".f1krrbdw{border-bottom-right-radius:0;}",".f1deotkl{border-bottom-left-radius:0;}",".f10ostut{border-top-right-radius:0;}",".f1ozlkrg{border-top-left-radius:0;}",".f1nf3wye::after{border-bottom-right-radius:0;}",".feulmo5::after{border-bottom-left-radius:0;}",".f18vqdqu::after{border-top-right-radius:0;}",".f53nyzz::after{border-top-left-radius:0;}",".fghlq4f{border-top-color:var(--colorTransparentStroke);}",".f1gn591s{border-right-color:var(--colorTransparentStroke);}",".fjscplz{border-left-color:var(--colorTransparentStroke);}",".fb073pr{border-bottom-color:var(--colorTransparentStroke);}",".fs4k3qj:not(:focus-within),.fs4k3qj:hover:not(:focus-within){border-top-color:var(--colorPaletteRedBorder2);}",".fcee079:not(:focus-within),.fcee079:hover:not(:focus-within){border-right-color:var(--colorPaletteRedBorder2);}",".fmyw78r:not(:focus-within),.fmyw78r:hover:not(:focus-within){border-left-color:var(--colorPaletteRedBorder2);}",".f1fgmyf4:not(:focus-within),.f1fgmyf4:hover:not(:focus-within){border-bottom-color:var(--colorPaletteRedBorder2);}",".f16xq7d1{background-color:var(--colorNeutralBackground3);}",".fyed02w{box-shadow:var(--shadow2);}",".fdrzuqr{cursor:not-allowed;}",".f1jj8ep1{border-top-color:var(--colorNeutralStrokeDisabled);}",".f15xbau{border-right-color:var(--colorNeutralStrokeDisabled);}",".fy0fskl{border-left-color:var(--colorNeutralStrokeDisabled);}",".f4ikngz{border-bottom-color:var(--colorNeutralStrokeDisabled);}"],m:[["@media screen and (prefers-reduced-motion: reduce){.fv8e3ye::after{transition-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.ftb5wc6::after{transition-delay:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1cmft4k:focus-within::after{transition-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1x58t8o:focus-within::after{transition-delay:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media (forced-colors: active){.fg455y9{border-top-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1rvyvqg{border-right-color:GrayText;}.f14g86mu{border-left-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f1cwzwz{border-bottom-color:GrayText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f14g86mu{border-left-color:GrayText;}.f1rvyvqg{border-right-color:GrayText;}}",{m:"(forced-colors: active)"}]],w:[".fjw5xc1:focus-within::after{-webkit-transform:scaleX(1);-moz-transform:scaleX(1);-ms-transform:scaleX(1);transform:scaleX(1);}",".f1xdyd5c:focus-within::after{transition-property:transform;}",".fatpbeo:focus-within::after{transition-duration:var(--durationNormal);}",".fb7uyps:focus-within::after{transition-delay:var(--curveDecelerateMid);}",".f1ibeo51:focus-within:active::after{border-bottom-color:var(--colorCompoundBrandStrokePressed);}",".f14a1fxs:focus-within{outline-width:2px;}",".f3e99gv:focus-within{outline-style:solid;}",".fhljsf7:focus-within{outline-color:transparent;}"],h:[".fvcxoqz:hover{border-top-color:var(--colorNeutralStroke1Hover);}",".f1ub3y4t:hover{border-right-color:var(--colorNeutralStroke1Hover);}",".f1m52nbi:hover{border-left-color:var(--colorNeutralStroke1Hover);}",".f1l4zc64:hover{border-bottom-color:var(--colorNeutralStrokeAccessibleHover);}",".ftmjh5b:hover,.ftmjh5b:focus-within{border-top-color:var(--colorTransparentStrokeInteractive);}",".f17blpuu:hover,.f17blpuu:focus-within{border-right-color:var(--colorTransparentStrokeInteractive);}",".fsrcdbj:hover,.fsrcdbj:focus-within{border-left-color:var(--colorTransparentStrokeInteractive);}",".f1tpwn32:hover,.f1tpwn32:focus-within{border-bottom-color:var(--colorTransparentStrokeInteractive);}"],a:[".f8vnjqi:active,.f8vnjqi:focus-within{border-top-color:var(--colorNeutralStroke1Pressed);}",".fz1etlk:active,.fz1etlk:focus-within{border-right-color:var(--colorNeutralStroke1Pressed);}",".f1hc16gm:active,.f1hc16gm:focus-within{border-left-color:var(--colorNeutralStroke1Pressed);}",".f1klwx88:active,.f1klwx88:focus-within{border-bottom-color:var(--colorNeutralStrokeAccessiblePressed);}"]}),rfe=pt({base:{B7ck84d:"f1ewtqcl",Bh6795r:"fqerorx",Bf4jedk:"fy77jfu",icvyot:"f1ern45e",vrafjx:["f1n71otn","f1deefiw"],oivjwe:"f1h8hb77",wvpqe5:["f1deefiw","f1n71otn"],z8tnut:"f1g0x7ka",z189sj:["ffczdla","fgiv446"],Byoj8tv:"f1qch9an",uwmqm3:["fgiv446","ffczdla"],sj55zd:"f19n0e5",De3pzq:"f3rmtva",yvdlaj:"fwyc1cq",B3o7kgh:"f13ta7ih",oeaueh:"f1s6fcnf"},small:{Bahqtrf:"fk6fouc",Be2twd7:"fy9rknc",Bhrd7zp:"figsok6",Bg96gwp:"fwrc4pm"},medium:{Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"},large:{Bahqtrf:"fk6fouc",Be2twd7:"fod5ikn",Bhrd7zp:"figsok6",Bg96gwp:"faaz57k",z8tnut:"f1g0x7ka",z189sj:["fdw0yi8","fk8j09s"],Byoj8tv:"f1qch9an",uwmqm3:["fk8j09s","fdw0yi8"]},disabled:{sj55zd:"f1s2aq7o",De3pzq:"f1c21dwh",Bceei9c:"fdrzuqr",yvdlaj:"fahhnxm"}},{d:[".f1ewtqcl{box-sizing:border-box;}",".fqerorx{-webkit-box-flex:1;-webkit-flex-grow:1;-ms-flex-positive:1;flex-grow:1;}",".fy77jfu{min-width:0;}",".f1ern45e{border-top-style:none;}",".f1n71otn{border-right-style:none;}",".f1deefiw{border-left-style:none;}",".f1h8hb77{border-bottom-style:none;}",".f1g0x7ka{padding-top:0;}",".ffczdla{padding-right:var(--spacingHorizontalXXS);}",".fgiv446{padding-left:var(--spacingHorizontalXXS);}",".f1qch9an{padding-bottom:0;}",".f19n0e5{color:var(--colorNeutralForeground1);}",".f3rmtva{background-color:transparent;}",".fwyc1cq::-webkit-input-placeholder{color:var(--colorNeutralForeground4);}",".fwyc1cq::-moz-placeholder{color:var(--colorNeutralForeground4);}",".f13ta7ih::-webkit-input-placeholder{opacity:1;}",".f13ta7ih::-moz-placeholder{opacity:1;}",".f1s6fcnf{outline-style:none;}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fy9rknc{font-size:var(--fontSizeBase200);}",".figsok6{font-weight:var(--fontWeightRegular);}",".fwrc4pm{line-height:var(--lineHeightBase200);}",".fkhj508{font-size:var(--fontSizeBase300);}",".f1i3iumi{line-height:var(--lineHeightBase300);}",".fod5ikn{font-size:var(--fontSizeBase400);}",".faaz57k{line-height:var(--lineHeightBase400);}",".fdw0yi8{padding-right:var(--spacingHorizontalSNudge);}",".fk8j09s{padding-left:var(--spacingHorizontalSNudge);}",".f1s2aq7o{color:var(--colorNeutralForegroundDisabled);}",".f1c21dwh{background-color:var(--colorTransparentBackground);}",".fdrzuqr{cursor:not-allowed;}",".fahhnxm::-webkit-input-placeholder{color:var(--colorNeutralForegroundDisabled);}",".fahhnxm::-moz-placeholder{color:var(--colorNeutralForegroundDisabled);}"]}),ofe=pt({base:{B7ck84d:"f1ewtqcl",sj55zd:"f11d4kpn",mc9l5x:"f22iagw"},disabled:{sj55zd:"f1s2aq7o"},small:{kwki1k:"f3u2cy0"},medium:{kwki1k:"f1oqplr0"},large:{kwki1k:"fa420co"}},{d:[".f1ewtqcl{box-sizing:border-box;}",".f11d4kpn{color:var(--colorNeutralForeground3);}",".f22iagw{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f1s2aq7o{color:var(--colorNeutralForegroundDisabled);}",".f3u2cy0>svg{font-size:16px;}",".f1oqplr0>svg{font-size:20px;}",".fa420co>svg{font-size:24px;}"]}),ife=e=>{const{size:t,appearance:n}=e,r=e.input.disabled,o=`${e.input["aria-invalid"]}`=="true",i=n.startsWith("filled"),a=nfe(),s=rfe(),l=ofe();e.root.className=et($m.root,a.base,a[t],a[n],!r&&a.interactive,!r&&n==="outline"&&a.outlineInteractive,!r&&n==="underline"&&a.underlineInteractive,!r&&i&&a.filledInteractive,i&&a.filled,!r&&o&&a.invalid,r&&a.disabled,e.root.className),e.input.className=et($m.input,s.base,s[t],r&&s.disabled,e.input.className);const u=[l.base,r&&l.disabled,l[t]];return e.contentBefore&&(e.contentBefore.className=et($m.contentBefore,...u,e.contentBefore.className)),e.contentAfter&&(e.contentAfter.className=et($m.contentAfter,...u,e.contentAfter.className)),e},Ad=T.forwardRef((e,t)=>{const n=efe(e,t);return ife(n),tfe(n)});Ad.displayName="Input";const afe=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root})},sfe=(e,t)=>{const{bordered:n=!1,fit:r="default",block:o=!1,shape:i="square",shadow:a=!1}=e;return{bordered:n,fit:r,block:o,shape:i,shadow:a,components:{root:"img"},root:vr("img",{ref:t,...e})}},lfe={root:"fui-Image"},ufe=pt({base:{g2u3we:"fj3muxo",h3c5rm:["f1akhkt","f1lxtadh"],B9xav0g:"f1aperda",zhjwy3:["f1lxtadh","f1akhkt"],Bbmb7ep:["fzi6hpg","fyowgf4"],Beyfa6y:["fyowgf4","fzi6hpg"],B7oj6ja:["f3fg2lr","f13av6d4"],Btl43ni:["f13av6d4","f3fg2lr"],B7ck84d:"f1ewtqcl",mc9l5x:"f14t3ns0"},bordered:{icvyot:"fzkkow9",vrafjx:["fcdblym","fjik90z"],oivjwe:"fg706s2",wvpqe5:["fjik90z","fcdblym"],B4j52fo:"f192inf7",Bekrc4i:["f5tn483","f1ojsxk5"],Bn0qgzm:"f1vxd6vx",ibv6hh:["f1ojsxk5","f5tn483"]},circular:{Bbmb7ep:["f8fbkgy","f1nfllo7"],Beyfa6y:["f1nfllo7","f8fbkgy"],B7oj6ja:["f1djnp8u","f1s8kh49"],Btl43ni:["f1s8kh49","f1djnp8u"]},rounded:{Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"]},square:{},shadow:{E5pizo:"f1whvlc6"},center:{st4lth:"f1plgu50",Ermj5k:"f14xojzb",Bqenvij:"f1l02sjl",a9b677:"fly5x3f"},contain:{st4lth:"f1kle4es",Ermj5k:"f14xojzb",Bqenvij:"f1l02sjl",a9b677:"fly5x3f"},default:{},cover:{st4lth:"f1ps3kmd",Ermj5k:"f14xojzb",Bqenvij:"f1l02sjl",a9b677:"fly5x3f"},none:{st4lth:"f1plgu50",Ermj5k:["f13uwng7","fjmyj0p"],Bqenvij:"f1l02sjl",a9b677:"fly5x3f"},block:{a9b677:"fly5x3f"}},{d:[".fj3muxo{border-top-color:var(--colorNeutralStroke1);}",".f1akhkt{border-right-color:var(--colorNeutralStroke1);}",".f1lxtadh{border-left-color:var(--colorNeutralStroke1);}",".f1aperda{border-bottom-color:var(--colorNeutralStroke1);}",".fzi6hpg{border-bottom-right-radius:var(--borderRadiusNone);}",".fyowgf4{border-bottom-left-radius:var(--borderRadiusNone);}",".f3fg2lr{border-top-right-radius:var(--borderRadiusNone);}",".f13av6d4{border-top-left-radius:var(--borderRadiusNone);}",".f1ewtqcl{box-sizing:border-box;}",".f14t3ns0{display:inline-block;}",".fzkkow9{border-top-style:solid;}",".fcdblym{border-right-style:solid;}",".fjik90z{border-left-style:solid;}",".fg706s2{border-bottom-style:solid;}",".f192inf7{border-top-width:var(--strokeWidthThin);}",".f5tn483{border-right-width:var(--strokeWidthThin);}",".f1ojsxk5{border-left-width:var(--strokeWidthThin);}",".f1vxd6vx{border-bottom-width:var(--strokeWidthThin);}",".f8fbkgy{border-bottom-right-radius:var(--borderRadiusCircular);}",".f1nfllo7{border-bottom-left-radius:var(--borderRadiusCircular);}",".f1djnp8u{border-top-right-radius:var(--borderRadiusCircular);}",".f1s8kh49{border-top-left-radius:var(--borderRadiusCircular);}",".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".f1whvlc6{box-shadow:var(--shadow4);}",".f1plgu50{object-fit:none;}",".f14xojzb{object-position:center;}",".f1l02sjl{height:100%;}",".fly5x3f{width:100%;}",".f1kle4es{object-fit:contain;}",".f1ps3kmd{object-fit:cover;}",".f13uwng7{object-position:left top;}",".fjmyj0p{object-position:right top;}"]}),cfe=e=>{const t=ufe();e.root.className=et(lfe.root,t.base,e.block&&t.block,e.bordered&&t.bordered,e.shadow&&t.shadow,t[e.fit],t[e.shape],e.root.className)},Gv=T.forwardRef((e,t)=>{const n=sfe(e,t);return cfe(n),afe(n)});Gv.displayName="Image";const ffe=e=>{const{disabled:t,disabledFocusable:n}=e,{onClick:r,onKeyDown:o,role:i,tabIndex:a,type:s}=e.root;return e.root.as==="a"?(e.root.href=t?void 0:e.root.href,e.root.tabIndex=a??(t&&!n?void 0:0),(t||n)&&(e.root.role=i||"link")):e.root.type=s||"button",e.root.onClick=l=>{t||n?l.preventDefault():r==null||r(l)},e.root.onKeyDown=l=>{(t||n)&&(l.key===Uh||l.key===id)?(l.preventDefault(),l.stopPropagation()):o==null||o(l)},e.disabled=t||n,e.root["aria-disabled"]=t||n||void 0,e.root.as==="button"&&(e.root.disabled=t&&!n),e},dfe=(e,t)=>{const{appearance:n="default",disabled:r=!1,disabledFocusable:o=!1,inline:i=!1}=e,a=e.as||(e.href?"a":"button"),l={appearance:n,disabled:r,disabledFocusable:o,inline:i,components:{root:"a"},root:vr(a,{ref:t,type:a==="button"?"button":void 0,...e,as:a})};return ffe(l),l},hfe={root:"fui-Link"},pfe=pt({focusIndicator:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",Bttzg6e:"fhgqx19",B3uz8dt:"f1olyrje",B6ihwck:"f1p93eir"},root:{De3pzq:"f3rmtva",B7ck84d:"f1ewtqcl",sj55zd:"fyind8e",Bceei9c:"f1k6fduh",mc9l5x:"f1w7gpdv",Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",B6of3ja:"f1hu3pq6",t21cq0:["f11qmguv","f1tyq0we"],jrapky:"f19f4twv",Frg6f3:["f1tyq0we","f11qmguv"],z8tnut:"f1g0x7ka",z189sj:["fhxju0i","f1cnd47f"],Byoj8tv:"f1qch9an",uwmqm3:["f1cnd47f","fhxju0i"],B68tc82:"fqv5qza",Bmxbyg5:"f1vmzxwi",fsow6f:["f1o700av","fes3tcz"],w71qe1:"f1iuv45f",Bkioxbp:"f1cmlufx",ygn44y:"f9n3di6",famaaq:"f1ids18y",Bde5pd6:"f1tx3yz7",Bi91k9c:"f1deo86v",i089h6:"f1eh06m1",lj723h:"f1iescvh"},button:{icvyot:"f1ern45e",vrafjx:["f1n71otn","f1deefiw"],oivjwe:"f1h8hb77",wvpqe5:["f1deefiw","f1n71otn"]},href:{Be2twd7:"fjoy568"},subtle:{sj55zd:"fkfq4zb",Bde5pd6:"f1tx3yz7",Bi91k9c:"fnwyq0v",i089h6:"f1eh06m1",lj723h:"flvvhsy"},inline:{w71qe1:"f13mvf36"},disabled:{w71qe1:"f1iuv45f",sj55zd:"f1s2aq7o",Bceei9c:"fdrzuqr",Bde5pd6:"fbnuktb",Bi91k9c:"fvgxktp",i089h6:"fljg2da",lj723h:"f19wldhg"}},{f:[".ftqa4ok:focus{outline-style:none;}"],i:[".f2hkw1w:focus-visible{outline-style:none;}"],d:[".fhgqx19[data-fui-focus-visible]{text-decoration-color:var(--colorStrokeFocus2);}",".f1olyrje[data-fui-focus-visible]{text-decoration-line:underline;}",".f1p93eir[data-fui-focus-visible]{text-decoration-style:double;}",".f3rmtva{background-color:transparent;}",".f1ewtqcl{box-sizing:border-box;}",".fyind8e{color:var(--colorBrandForegroundLink);}",".f1k6fduh{cursor:pointer;}",".f1w7gpdv{display:inline;}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fkhj508{font-size:var(--fontSizeBase300);}",".figsok6{font-weight:var(--fontWeightRegular);}",".f1hu3pq6{margin-top:0;}",".f11qmguv{margin-right:0;}",".f1tyq0we{margin-left:0;}",".f19f4twv{margin-bottom:0;}",".f1g0x7ka{padding-top:0;}",".fhxju0i{padding-right:0;}",".f1cnd47f{padding-left:0;}",".f1qch9an{padding-bottom:0;}",".fqv5qza{overflow-x:inherit;}",".f1vmzxwi{overflow-y:inherit;}",".f1o700av{text-align:left;}",".fes3tcz{text-align:right;}",".f1iuv45f{text-decoration-line:none;}",".f1cmlufx{text-decoration-thickness:var(--strokeWidthThin);}",".f9n3di6{text-overflow:inherit;}",".f1ids18y{-webkit-user-select:text;-moz-user-select:text;-ms-user-select:text;user-select:text;}",".f1ern45e{border-top-style:none;}",".f1n71otn{border-right-style:none;}",".f1deefiw{border-left-style:none;}",".f1h8hb77{border-bottom-style:none;}",".fjoy568{font-size:inherit;}",".fkfq4zb{color:var(--colorNeutralForeground2);}",".f13mvf36{text-decoration-line:underline;}",".f1s2aq7o{color:var(--colorNeutralForegroundDisabled);}",".fdrzuqr{cursor:not-allowed;}"],h:[".f1tx3yz7:hover{text-decoration-line:underline;}",".f1deo86v:hover{color:var(--colorBrandForegroundLinkHover);}",".fnwyq0v:hover{color:var(--colorNeutralForeground2Hover);}",".fbnuktb:hover{text-decoration-line:none;}",".fvgxktp:hover{color:var(--colorNeutralForegroundDisabled);}"],a:[".f1eh06m1:active{text-decoration-line:underline;}",".f1iescvh:active{color:var(--colorBrandForegroundLinkPressed);}",".flvvhsy:active{color:var(--colorNeutralForeground2Pressed);}",".fljg2da:active{text-decoration-line:none;}",".f19wldhg:active{color:var(--colorNeutralForegroundDisabled);}"]}),mfe=e=>{const t=pfe(),{appearance:n,disabled:r,inline:o,root:i}=e;return e.root.className=et(hfe.root,t.root,t.focusIndicator,i.as==="a"&&i.href&&t.href,i.as==="button"&&t.button,n==="subtle"&&t.subtle,o&&t.inline,r&&t.disabled,e.root.className),e},gfe=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root})},ED=T.forwardRef((e,t)=>{const n=dfe(e,t);return mfe(n),gfe(n)});ED.displayName="Link";const KT=ry(void 0),vfe={open:!1,setOpen:()=>!1,checkedValues:{},onCheckedValueChange:()=>null,isSubmenu:!1,triggerRef:{current:null},menuPopoverRef:{current:null},triggerId:"",openOnContext:!1,openOnHover:!1,hasIcons:!1,hasCheckmarks:!1,inline:!1,persistOnItemClick:!1},bfe=KT.Provider,lr=e=>oy(KT,(t=vfe)=>e(t)),_D=T.createContext(void 0),yfe=!1,Efe=_D.Provider,_fe=()=>{var e;return(e=T.useContext(_D))!==null&&e!==void 0?e:yfe},VT=ry(void 0),Tfe={checkedValues:{},setFocusByFirstCharacter:()=>null,toggleCheckbox:()=>null,selectRadio:()=>null,hasIcons:!1,hasCheckmarks:!1},wfe=VT.Provider,D_=e=>oy(VT,(t=Tfe)=>e(t)),R0="fuimenuenter",kfe=e=>{const{refs:t,callback:n,element:r,disabled:o}=e,i=Et(a=>{var s;const l=t[0],u=a.target;!B0((s=l.current)!==null&&s!==void 0?s:null,u)&&!o&&n(a)});T.useEffect(()=>{if(r!=null)return o||r.addEventListener(R0,i),()=>{r.removeEventListener(R0,i)}},[i,r,o])},Sfe=(e,t)=>{e.dispatchEvent(new CustomEvent(R0,{bubbles:!0,detail:{nativeEvent:t}}))};function YT(){const e=lr(n=>n.isSubmenu),t=jT(VT);return e||t}const xfe=e=>{const t=YT(),{hoverDelay:n=500,inline:r=!1,hasCheckmarks:o=!1,hasIcons:i=!1,closeOnScroll:a=!1,openOnContext:s=!1,persistOnItemClick:l=!1,openOnHover:u=t,defaultCheckedValues:d}=e,h=lo("menu"),[p,m]=gD(),v={position:t?"after":"below",align:t?"top":"start",target:e.openOnContext?p:void 0,...$T(e.positioning)},_=T.Children.toArray(e.children);let b,E;_.length===2?(b=_[0],E=_[1]):_.length===1&&(E=_[0]);const{targetRef:w,containerRef:k}=WT(v),[y,F]=Afe({hoverDelay:n,isSubmenu:t,setContextTarget:m,closeOnScroll:a,menuPopoverRef:k,triggerRef:w,open:e.open,defaultOpen:e.defaultOpen,onOpenChange:e.onOpenChange,openOnContext:s}),[C,A]=Cfe({checkedValues:e.checkedValues,defaultCheckedValues:d,onCheckedValueChange:e.onCheckedValueChange});return{inline:r,hoverDelay:n,triggerId:h,isSubmenu:t,openOnHover:u,contextTarget:p,setContextTarget:m,hasCheckmarks:o,hasIcons:i,closeOnScroll:a,menuTrigger:b,menuPopover:E,triggerRef:w,menuPopoverRef:k,components:{},openOnContext:s,open:y,setOpen:F,checkedValues:C,onCheckedValueChange:A,persistOnItemClick:l}},Cfe=e=>{const[t,n]=Wc({state:e.checkedValues,defaultState:e.defaultCheckedValues,initialState:{}}),r=Et((o,{name:i,checkedItems:a})=>{var s;(s=e.onCheckedValueChange)===null||s===void 0||s.call(e,o,{name:i,checkedItems:a}),n(l=>({...l,[i]:a}))});return[t,r]},Afe=e=>{const{targetDocument:t}=Oo(),n=lr(v=>v.setOpen),r=Et((v,_)=>{var b;return(b=e.onOpenChange)===null||b===void 0?void 0:b.call(e,v,_)}),o=T.useRef(!1),i=T.useRef(0),a=T.useRef(!1),[s,l]=Wc({state:e.open,defaultState:e.defaultOpen,initialState:!1}),u=Et((v,_)=>{const b=v instanceof CustomEvent&&v.type===R0?v.detail.nativeEvent:v;r==null||r(b,{..._}),_.open&&v.type==="contextmenu"&&e.setContextTarget(v),_.open||(e.setContextTarget(void 0),o.current=!0),_.bubble&&n(v,{..._}),l(_.open)}),d=Et((v,_)=>{var b;clearTimeout(i.current),!(v instanceof Event)&&v.persist&&v.persist(),v.type==="mouseleave"||v.type==="mouseenter"||v.type==="mousemove"||v.type===R0?(!((b=e.triggerRef.current)===null||b===void 0)&&b.contains(v.target)&&(a.current=v.type==="mouseenter"||v.type==="mousemove"),i.current=setTimeout(()=>u(v,_),e.hoverDelay)):u(v,_)});iO({contains:B0,disabled:!s,element:t,refs:[e.menuPopoverRef,!e.openOnContext&&e.triggerRef].filter(Boolean),callback:v=>d(v,{open:!1,type:"clickOutside",event:v})});const h=e.openOnContext||e.closeOnScroll;aO({contains:B0,element:t,callback:v=>d(v,{open:!1,type:"scrollOutside",event:v}),refs:[e.menuPopoverRef,!e.openOnContext&&e.triggerRef].filter(Boolean),disabled:!s||!h}),kfe({element:t,callback:v=>{a.current||d(v,{open:!1,type:"menuMouseEnter",event:v})},disabled:!s,refs:[e.menuPopoverRef]}),T.useEffect(()=>()=>{clearTimeout(i.current)},[]);const{findFirstFocusable:p}=op(),m=T.useCallback(()=>{const v=p(e.menuPopoverRef.current);v==null||v.focus()},[p,e.menuPopoverRef]);return T.useEffect(()=>{var v;s?m():o.current&&((v=e.triggerRef.current)===null||v===void 0||v.focus()),o.current=!1},[e.triggerRef,e.isSubmenu,s,m]),[s,d]};function Nfe(e){const{checkedValues:t,hasCheckmarks:n,hasIcons:r,inline:o,isSubmenu:i,menuPopoverRef:a,onCheckedValueChange:s,open:l,openOnContext:u,openOnHover:d,persistOnItemClick:h,setOpen:p,triggerId:m,triggerRef:v}=e;return{menu:{checkedValues:t,hasCheckmarks:n,hasIcons:r,inline:o,isSubmenu:i,menuPopoverRef:a,onCheckedValueChange:s,open:l,openOnContext:u,openOnHover:d,persistOnItemClick:h,setOpen:p,triggerId:m,triggerRef:v}}}const Ffe=(e,t)=>T.createElement(bfe,{value:t.menu},e.menuTrigger,e.open&&e.menuPopover),QT=e=>{const t=xfe(e),n=Nfe(t);return Ffe(t,n)};QT.displayName="Menu";const Ife=(e,t)=>{const n=D_(o=>o.setFocusByFirstCharacter),{onKeyDown:r}=e.root;return e.root.onKeyDown=o=>{var i;r==null||r(o),!(((i=o.key)===null||i===void 0?void 0:i.length)>1)&&t.current&&(n==null||n(o,t.current))},e},Bfe=ZO($ae,Gae),Rfe=ZO(zae,Uae),Ofe=(e,t)=>{const n=_fe(),r=lr(_=>_.persistOnItemClick),{as:o="div",disabled:i=!1,hasSubmenu:a=n,persistOnClick:s=r}=e,l=D_(_=>_.hasIcons),u=D_(_=>_.hasCheckmarks),d=lr(_=>_.setOpen),{dir:h}=Oo(),p=T.useRef(null),m=T.useRef(!1),v={hasSubmenu:a,disabled:i,persistOnClick:s,components:{root:"div",icon:"span",checkmark:"span",submenuIndicator:"span",content:"span",secondaryContent:"span"},root:vr(o,Gd(o,{role:"menuitem",...e,disabled:!1,disabledFocusable:i,ref:cs(t,p),onKeyDown:Et(_=>{var b;(b=e.onKeyDown)===null||b===void 0||b.call(e,_),!_.isDefaultPrevented()&&(_.key===id||_.key===Uh)&&(m.current=!0)}),onMouseEnter:Et(_=>{var b,E;(b=p.current)===null||b===void 0||b.focus(),(E=e.onMouseEnter)===null||E===void 0||E.call(e,_)}),onClick:Et(_=>{var b;!a&&!s&&(d(_,{open:!1,keyboard:m.current,bubble:!0,type:"menuItemClick",event:_}),m.current=!1),(b=e.onClick)===null||b===void 0||b.call(e,_)})})),icon:$t(e.icon,{required:l}),checkmark:$t(e.checkmark,{required:u}),submenuIndicator:$t(e.submenuIndicator,{required:a,defaultProps:{children:h==="ltr"?T.createElement(Bfe,null):T.createElement(Rfe,null)}}),content:$t(e.content,{required:!!e.children,defaultProps:{children:e.children}}),secondaryContent:$t(e.secondaryContent)};return Ife(v,p),v},Dfe=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root},t.checkmark&&T.createElement(t.checkmark,{...n.checkmark}),t.icon&&T.createElement(t.icon,{...n.icon}),t.content&&T.createElement(t.content,{...n.content}),t.secondaryContent&&T.createElement(t.secondaryContent,{...n.secondaryContent}),t.submenuIndicator&&T.createElement(t.submenuIndicator,{...n.submenuIndicator}))},Pfe=pt({root:{a9b677:"fjw5fx7",Bqenvij:"fd461yt",Bcdw1i0:"fd7fpy0"},rootChecked:{Bcdw1i0:"f1022m68"}},{d:[".fjw5fx7{width:16px;}",".fd461yt{height:16px;}",".fd7fpy0{visibility:hidden;}",".f1022m68{visibility:visible;}"]}),Mfe=e=>{const t=Pfe();e.checkmark&&(e.checkmark.className=et(t.root,e.checked&&t.rootChecked,e.checkmark.className))},Sf={root:"fui-MenuItem",icon:"fui-MenuItem__icon",checkmark:"fui-MenuItem__checkmark",submenuIndicator:"fui-MenuItem__submenuIndicator",content:"fui-MenuItem__content",secondaryContent:"fui-MenuItem__secondaryContent"},Lfe=pt({focusIndicator:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",B8q5s1w:"f8hki3x",Bci5o5g:["f1d2448m","ffh67wi"],n8qw10:"f1bjia2o",Bdrgwmp:["ffh67wi","f1d2448m"],Bm4h7ae:"f15bsgw9",B7ys5i9:"f14e48fq",Busjfv9:"f18yb2kv",Bhk32uz:"fd6o370",Bf4ptjt:"fh1cnn4",kclons:["fy7oxxb","f184ne2d"],Bhdgwq3:"fpukqih",Blkhhs4:["f184ne2d","fy7oxxb"],Bqtpl0w:"frrh606",clg4pj:["f1v5zibi","fo2hd23"],hgwjuy:"ful5kiu",Bonggc9:["fo2hd23","f1v5zibi"],B1tsrr9:["f1jqcqds","ftffrms"],Dah5zi:["ftffrms","f1jqcqds"],Bkh64rk:["f2e7qr6","fsr1zz6"],qqdqy8:["fsr1zz6","f2e7qr6"],B6dhp37:"f1dvezut",i03rao:["fd0oaoj","f1cwg4i8"],Boxcth7:"fjvm52t",Bsom6fd:["f1cwg4i8","fd0oaoj"],J0r882:"fdiulkx",Bjwuhne:"f1yalx80",Ghsupd:["fq22d5a","f1jw7pan"],Bule8hv:["f1jw7pan","fq22d5a"]},root:{Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"],qhf8xq:"f10pi13n",sj55zd:"fkfq4zb",De3pzq:"fxugw4r",z189sj:["f81rol6","frdkuqy"],uwmqm3:["frdkuqy","f81rol6"],Bqenvij:"f1d2rq10",mc9l5x:"f22iagw",Bt984gj:"f122n59",Be2twd7:"fkhj508",Bceei9c:"f1k6fduh",i8kkvl:"f1q8lukm",Belr9w4:"f1ma2n7n",Jwef8y:"f1knas48",Bi91k9c:"fnwyq0v",Bk3fhr4:"ft1hn21",Bmfj8id:"fuxngvv",Bg7n49j:"fp258yr",famaaq:"f1xqy1su"},content:{uwmqm3:["f161knb0","f12huiiw"],z189sj:["f12huiiw","f161knb0"],De3pzq:"f3rmtva",Bh6795r:"fqerorx"},secondaryContent:{uwmqm3:["f161knb0","f12huiiw"],z189sj:["f12huiiw","f161knb0"],sj55zd:"f11d4kpn",Bi91k9c:"f1jp5ecu",t0hwav:"fc1cou1"},icon:{a9b677:"f64fuq3",Bqenvij:"fjamq6b",Be2twd7:"fe5j1ua",Bg96gwp:"fez10in",Bt984gj:"f122n59",mc9l5x:"ftuwxu6",Brf1p80:"f4d9j23"},submenuIndicator:{a9b677:"f64fuq3",Bqenvij:"fjamq6b",Be2twd7:"fe5j1ua",Bg96gwp:"fez10in",Bt984gj:"f122n59",mc9l5x:"ftuwxu6",Brf1p80:"f4d9j23"},disabled:{sj55zd:"f1s2aq7o",Bi91k9c:"fvgxktp",t0hwav:"ft33916"}},{f:[".ftqa4ok:focus{outline-style:none;}",".fc1cou1:focus{color:var(--colorNeutralForeground3Hover);}",".ft33916:focus{color:var(--colorNeutralForegroundDisabled);}"],i:[".f2hkw1w:focus-visible{outline-style:none;}"],d:[".f8hki3x[data-fui-focus-visible]{border-top-color:transparent;}",".f1d2448m[data-fui-focus-visible]{border-right-color:transparent;}",".ffh67wi[data-fui-focus-visible]{border-left-color:transparent;}",".f1bjia2o[data-fui-focus-visible]{border-bottom-color:transparent;}",'.f15bsgw9[data-fui-focus-visible]::after{content:"";}',".f14e48fq[data-fui-focus-visible]::after{position:absolute;}",".f18yb2kv[data-fui-focus-visible]::after{pointer-events:none;}",".fd6o370[data-fui-focus-visible]::after{z-index:1;}",".fh1cnn4[data-fui-focus-visible]::after{border-top-style:solid;}",".fy7oxxb[data-fui-focus-visible]::after{border-right-style:solid;}",".f184ne2d[data-fui-focus-visible]::after{border-left-style:solid;}",".fpukqih[data-fui-focus-visible]::after{border-bottom-style:solid;}",".frrh606[data-fui-focus-visible]::after{border-top-width:2px;}",".f1v5zibi[data-fui-focus-visible]::after{border-right-width:2px;}",".fo2hd23[data-fui-focus-visible]::after{border-left-width:2px;}",".ful5kiu[data-fui-focus-visible]::after{border-bottom-width:2px;}",".f1jqcqds[data-fui-focus-visible]::after{border-bottom-right-radius:var(--borderRadiusMedium);}",".ftffrms[data-fui-focus-visible]::after{border-bottom-left-radius:var(--borderRadiusMedium);}",".f2e7qr6[data-fui-focus-visible]::after{border-top-right-radius:var(--borderRadiusMedium);}",".fsr1zz6[data-fui-focus-visible]::after{border-top-left-radius:var(--borderRadiusMedium);}",".f1dvezut[data-fui-focus-visible]::after{border-top-color:var(--colorStrokeFocus2);}",".fd0oaoj[data-fui-focus-visible]::after{border-right-color:var(--colorStrokeFocus2);}",".f1cwg4i8[data-fui-focus-visible]::after{border-left-color:var(--colorStrokeFocus2);}",".fjvm52t[data-fui-focus-visible]::after{border-bottom-color:var(--colorStrokeFocus2);}",".fdiulkx[data-fui-focus-visible]::after{top:-2px;}",".f1yalx80[data-fui-focus-visible]::after{bottom:-2px;}",".fq22d5a[data-fui-focus-visible]::after{left:-2px;}",".f1jw7pan[data-fui-focus-visible]::after{right:-2px;}",".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".f10pi13n{position:relative;}",".fkfq4zb{color:var(--colorNeutralForeground2);}",".fxugw4r{background-color:var(--colorNeutralBackground1);}",".f81rol6{padding-right:10px;}",".frdkuqy{padding-left:10px;}",".f1d2rq10{height:32px;}",".f22iagw{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f122n59{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;}",".fkhj508{font-size:var(--fontSizeBase300);}",".f1k6fduh{cursor:pointer;}",".f1q8lukm{-webkit-column-gap:4px;column-gap:4px;}",".f1ma2n7n{row-gap:4px;}",".f1xqy1su{-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;}",".f161knb0{padding-left:2px;}",".f12huiiw{padding-right:2px;}",".f3rmtva{background-color:transparent;}",".fqerorx{-webkit-box-flex:1;-webkit-flex-grow:1;-ms-flex-positive:1;flex-grow:1;}",".f11d4kpn{color:var(--colorNeutralForeground3);}",".f64fuq3{width:20px;}",".fjamq6b{height:20px;}",".fe5j1ua{font-size:20px;}",".fez10in{line-height:0;}",".ftuwxu6{display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;}",".f4d9j23{-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;}",".f1s2aq7o{color:var(--colorNeutralForegroundDisabled);}"],h:[".f1knas48:hover{background-color:var(--colorNeutralBackground1Hover);}",".fnwyq0v:hover{color:var(--colorNeutralForeground2Hover);}",".ft1hn21:hover .fui-Icon-filled{display:inline;}",".fuxngvv:hover .fui-Icon-regular{display:none;}",".fp258yr:hover .fui-MenuItem__icon{color:var(--colorNeutralForeground2BrandSelected);}",".f1jp5ecu:hover{color:var(--colorNeutralForeground3Hover);}",".fvgxktp:hover{color:var(--colorNeutralForegroundDisabled);}"]}),jfe=e=>{const t=Lfe();e.root.className=et(Sf.root,t.root,t.focusIndicator,e.disabled&&t.disabled,e.root.className),e.content&&(e.content.className=et(Sf.content,t.content,e.content.className)),e.checkmark&&(e.checkmark.className=et(Sf.checkmark,e.checkmark.className)),e.secondaryContent&&(e.secondaryContent.className=et(Sf.secondaryContent,!e.disabled&&t.secondaryContent,e.secondaryContent.className)),e.icon&&(e.icon.className=et(Sf.icon,t.icon,e.icon.className)),e.submenuIndicator&&(e.submenuIndicator.className=et(Sf.submenuIndicator,t.submenuIndicator,e.submenuIndicator.className)),Mfe(e)},$h=T.forwardRef((e,t)=>{const n=Ofe(e,t);return jfe(n),Dfe(n)});$h.displayName="MenuItem";const zfe=(e,t)=>{var n,r;const o=lie({circular:!0,ignoreDefaultKeydown:{Tab:!0}}),{findAllFocusable:i}=op(),a=Hfe(),s=jT(KT);Ufe(e,a,s)&&console.warn("You are using both MenuList and Menu props, we recommend you to use Menu props when available");const l=T.useRef(null),u=T.useCallback((_,b)=>{const E=["menuitem","menuitemcheckbox","menuitemradio"];if(!l.current)return;const w=i(l.current,P=>P.hasAttribute("role")&&E.indexOf(P.getAttribute("role"))!==-1);let k=w.indexOf(b)+1;k===w.length&&(k=0);const y=w.map(P=>{var I;return(I=P.textContent)===null||I===void 0?void 0:I.charAt(0).toLowerCase()}),F=_.key.toLowerCase(),C=(P,I)=>{for(let j=P;j<y.length;j++)if(F===y[j])return j;return-1};let A=C(k);A===-1&&(A=C(0)),A>-1&&w[A].focus()},[i]),[d,h]=Wc({state:(n=e.checkedValues)!==null&&n!==void 0?n:s?a.checkedValues:void 0,defaultState:e.defaultCheckedValues,initialState:{}}),p=(r=e.onCheckedValueChange)!==null&&r!==void 0?r:s?a.onCheckedValueChange:void 0,m=Et((_,b,E,w)=>{const y=[...(d==null?void 0:d[b])||[]];w?y.splice(y.indexOf(E),1):y.push(E),p==null||p(_,{name:b,checkedItems:y}),h(F=>({...F,[b]:y}))}),v=Et((_,b,E)=>{const w=[E];h(k=>({...k,[b]:w})),p==null||p(_,{name:b,checkedItems:w})});return{components:{root:"div"},root:vr("div",{ref:cs(t,l),role:"menu","aria-labelledby":a.triggerId,...o,...e}),hasIcons:a.hasIcons||!1,hasCheckmarks:a.hasCheckmarks||!1,checkedValues:d,setFocusByFirstCharacter:u,selectRadio:v,toggleCheckbox:m}},Hfe=()=>{const e=lr(i=>i.checkedValues),t=lr(i=>i.onCheckedValueChange),n=lr(i=>i.triggerId),r=lr(i=>i.hasIcons),o=lr(i=>i.hasCheckmarks);return{checkedValues:e,onCheckedValueChange:t,triggerId:n,hasIcons:r,hasCheckmarks:o}},Ufe=(e,t,n)=>{let r=!1;for(const o in t)e[o]&&(r=!0);return n&&r},qfe=(e,t)=>{const{slots:n,slotProps:r}=Jn(e);return T.createElement(wfe,{value:t.menuList},T.createElement(n.root,{...r.root}))};function $fe(e){const{checkedValues:t,hasCheckmarks:n,hasIcons:r,selectRadio:o,setFocusByFirstCharacter:i,toggleCheckbox:a}=e;return{menuList:{checkedValues:t,hasCheckmarks:n,hasIcons:r,selectRadio:o,setFocusByFirstCharacter:i,toggleCheckbox:a}}}const Wfe={root:"fui-MenuList"},Gfe=pt({root:{mc9l5x:"f22iagw",Beiy3e4:"f1vx9l62",i8kkvl:"f16mnhsx",Belr9w4:"fbi42co"}},{d:[".f22iagw{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f1vx9l62{-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;}",".f16mnhsx{-webkit-column-gap:2px;column-gap:2px;}",".fbi42co{row-gap:2px;}"]}),Kfe=e=>{const t=Gfe();return e.root.className=et(Wfe.root,t.root,e.root.className),e},XT=T.forwardRef((e,t)=>{const n=zfe(e,t),r=$fe(n);return Kfe(n),qfe(n,r)});XT.displayName="MenuList";const Vfe=(e,t)=>{var n;const r=lr(E=>E.menuPopoverRef),o=lr(E=>E.setOpen),i=lr(E=>E.open),a=lr(E=>E.openOnHover),s=YT(),l=T.useRef(!0),u=T.useRef(0),{dir:d}=Oo(),h=d==="ltr"?$O:WO,p=T.useCallback(E=>{E&&E.addEventListener("mouseover",w=>{l.current&&(l.current=!1,Sfe(r.current,w),u.current=setTimeout(()=>l.current=!0,250))})},[r,u]);T.useEffect(()=>{},[]);const m=(n=lr(E=>E.inline))!==null&&n!==void 0?n:!1,v=vr("div",{role:"presentation",...e,ref:cs(t,r,p)}),{onMouseEnter:_,onKeyDown:b}=v;return v.onMouseEnter=Et(E=>{a&&o(E,{open:!0,keyboard:!1,type:"menuPopoverMouseEnter",event:E}),_==null||_(E)}),v.onKeyDown=Et(E=>{var w;const k=E.key;(k===ap||s&&k===h)&&i&&!((w=r.current)===null||w===void 0)&&w.contains(E.target)&&(o(E,{open:!1,keyboard:!0,type:"menuPopoverKeyDown",event:E}),E.stopPropagation()),k===gae&&o(E,{open:!1,keyboard:!0,type:"menuPopoverKeyDown",event:E}),b==null||b(E)}),{inline:m,components:{root:"div"},root:v}},Yfe={root:"fui-MenuPopover"},Qfe=pt({root:{Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"],De3pzq:"fxugw4r",sj55zd:"f19n0e5",Bf4jedk:"fkqu4gx",B2u0y6b:"f1kaai3v",a9b677:"f1ahpp82",E5pizo:"f1hg901r",z8tnut:"f10ra9hq",z189sj:["f8wuabp","fycuoez"],Byoj8tv:"f1y2xyjm",uwmqm3:["fycuoez","f8wuabp"],B4j52fo:"f5ogflp",Bekrc4i:["f1hqa2wf","finvdd3"],Bn0qgzm:"f1f09k3d",ibv6hh:["finvdd3","f1hqa2wf"],icvyot:"fzkkow9",vrafjx:["fcdblym","fjik90z"],oivjwe:"fg706s2",wvpqe5:["fjik90z","fcdblym"],g2u3we:"fghlq4f",h3c5rm:["f1gn591s","fjscplz"],B9xav0g:"fb073pr",zhjwy3:["fjscplz","f1gn591s"],Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"}},{d:[".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".fxugw4r{background-color:var(--colorNeutralBackground1);}",".f19n0e5{color:var(--colorNeutralForeground1);}",".fkqu4gx{min-width:128px;}",".f1kaai3v{max-width:300px;}",".f1ahpp82{width:-webkit-max-content;width:-moz-max-content;width:max-content;}",".f1hg901r{box-shadow:var(--shadow16);}",".f10ra9hq{padding-top:4px;}",".f8wuabp{padding-right:4px;}",".fycuoez{padding-left:4px;}",".f1y2xyjm{padding-bottom:4px;}",".f5ogflp{border-top-width:1px;}",".f1hqa2wf{border-right-width:1px;}",".finvdd3{border-left-width:1px;}",".f1f09k3d{border-bottom-width:1px;}",".fzkkow9{border-top-style:solid;}",".fcdblym{border-right-style:solid;}",".fjik90z{border-left-style:solid;}",".fg706s2{border-bottom-style:solid;}",".fghlq4f{border-top-color:var(--colorTransparentStroke);}",".f1gn591s{border-right-color:var(--colorTransparentStroke);}",".fjscplz{border-left-color:var(--colorTransparentStroke);}",".fb073pr{border-bottom-color:var(--colorTransparentStroke);}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fkhj508{font-size:var(--fontSizeBase300);}",".figsok6{font-weight:var(--fontWeightRegular);}",".f1i3iumi{line-height:var(--lineHeightBase300);}"]}),Xfe=e=>{const t=Qfe();return e.root.className=et(Yfe.root,t.root,e.root.className),e},Zfe=e=>{const{slots:t,slotProps:n}=Jn(e);return e.inline?T.createElement(t.root,{...n.root}):T.createElement(sp,null,T.createElement(t.root,{...n.root}))},ZT=T.forwardRef((e,t)=>{const n=Vfe(e,t);return Xfe(n),Zfe(n)});ZT.displayName="MenuPopover";const Jfe=e=>{const{children:t,disableButtonEnhancement:n=!1}=e,r=lr(H=>H.triggerRef),o=lr(H=>H.menuPopoverRef),i=lr(H=>H.setOpen),a=lr(H=>H.open),s=lr(H=>H.triggerId),l=lr(H=>H.openOnHover),u=lr(H=>H.openOnContext),d=YT(),{findFirstFocusable:h}=op(),p=T.useCallback(()=>{const H=h(o.current);H==null||H.focus()},[h,o]),m=T.useRef(!1),v=T.useRef(!1),{dir:_}=Oo(),b=_==="ltr"?WO:$O,E=tp(t),w=H=>{xf(H)||u&&(H.preventDefault(),i(H,{open:!0,keyboard:!1,type:"menuTriggerContextMenu",event:H}))},k=H=>{xf(H)||u||(i(H,{open:!a,keyboard:m.current,type:"menuTriggerClick",event:H}),m.current=!1)},y=H=>{if(xf(H))return;const K=H.key;!u&&(d&&K===b||!d&&K===vae)&&i(H,{open:!0,keyboard:!0,type:"menuTriggerKeyDown",event:H}),K===ap&&!d&&i(H,{open:!1,keyboard:!0,type:"menuTriggerKeyDown",event:H}),a&&K===b&&d&&p()},F=H=>{xf(H)||l&&v.current&&i(H,{open:!0,keyboard:!1,type:"menuTriggerMouseEnter",event:H})},C=H=>{xf(H)||l&&!v.current&&(i(H,{open:!0,keyboard:!1,type:"menuTriggerMouseMove",event:H}),v.current=!0)},A=H=>{xf(H)||l&&i(H,{open:!1,keyboard:!1,type:"menuTriggerMouseLeave",event:H})},P={id:s,...E==null?void 0:E.props,ref:cs(r,E==null?void 0:E.ref),onMouseEnter:Et(Vn(E==null?void 0:E.props.onMouseEnter,F)),onMouseLeave:Et(Vn(E==null?void 0:E.props.onMouseLeave,A)),onContextMenu:Et(Vn(E==null?void 0:E.props.onContextMenu,w)),onMouseMove:Et(Vn(E==null?void 0:E.props.onMouseMove,C))},I={"aria-haspopup":"menu","aria-expanded":!a&&!d?void 0:a,...P,onClick:Et(Vn(E==null?void 0:E.props.onClick,k)),onKeyDown:Et(Vn(E==null?void 0:E.props.onKeyDown,y))},j=Gd((E==null?void 0:E.type)==="button"||(E==null?void 0:E.type)==="a"?E.type:"div",I);return{isSubmenu:d,children:Vb(t,u?P:n?I:j)}},xf=e=>{const t=n=>n.hasAttribute("disabled")||n.hasAttribute("aria-disabled")&&n.getAttribute("aria-disabled")==="true";return e.target instanceof HTMLElement&&t(e.target)?!0:e.currentTarget instanceof HTMLElement&&t(e.currentTarget)},ede=e=>T.createElement(Efe,{value:e.isSubmenu},e.children),sy=e=>{const t=Jfe(e);return ede(t)};sy.displayName="MenuTrigger";sy.isFluentTriggerComponent=!0;const tde=()=>T.createElement("svg",{className:"fui-Spinner__Progressbar"},T.createElement("circle",{className:"fui-Spinner__Track"}),T.createElement("circle",{className:"fui-Spinner__Tail"})),nde=(e,t)=>{const{appearance:n="primary",labelPosition:r="after",size:o="medium"}=e,i=lo("spinner"),{role:a="progressbar",tabIndex:s,...l}=e,u=vr("div",{ref:t,role:a,...l},["size"]),d=$t(e.label,{defaultProps:{id:i},required:!1}),h=$t(e.spinner,{required:!0,defaultProps:{children:T.createElement(tde,null),tabIndex:s}});return d&&u&&!u["aria-labelledby"]&&(u["aria-labelledby"]=d.id),{appearance:n,labelPosition:r,size:o,components:{root:"div",spinner:"span",label:Zo},root:u,spinner:h,label:d}},rde=e=>{const{slots:t,slotProps:n}=Jn(e),{labelPosition:r}=e;return T.createElement(t.root,{...n.root},t.label&&(r==="above"||r==="before")&&T.createElement(t.label,{...n.label}),t.spinner&&T.createElement(t.spinner,{...n.spinner}),t.label&&(r==="below"||r==="after")&&T.createElement(t.label,{...n.label}))},c9={root:"fui-Spinner",spinner:"fui-Spinner__spinner",label:"fui-Spinner__label"},ode=pt({root:{mc9l5x:"f22iagw",Bt984gj:"f122n59",Brf1p80:"f4d9j23",Bg96gwp:"fez10in",i8kkvl:"f4px1ci",Belr9w4:"fn67r4l"},horizontal:{Beiy3e4:"f1063pyq"},vertical:{Beiy3e4:"f1vx9l62"}},{d:[".f22iagw{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f122n59{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;}",".f4d9j23{-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;}",".fez10in{line-height:0;}",".f4px1ci{-webkit-column-gap:8px;column-gap:8px;}",".fn67r4l{row-gap:8px;}",".f1063pyq{-webkit-flex-direction:row;-ms-flex-direction:row;flex-direction:row;}",".f1vx9l62{-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;}"]}),ide=pt({spinnerSVG:{B3aqqti:"f1or16p5",Brovlpu:"f1grzc83",Bxa1mx5:"f19shzzi",Bwaue66:["f5tbecn","f15qb8s7"],fyp1ls:"fn4mtlg",ag6ruv:"f1y80fxs",osj692:"f1r2crtq",aq5vjd:"f1wsi8sr",tlu9e1:"f1bkm2qd",J3u96z:"f1urqz7h",d32isg:"f1da2vov",Bsvqbuc:"f11rfva0",b3s3i5:"f1exc66"},tiny:{Bah9ito:"f1j4wmu2",ut6tcf:"f1vppzuq",B7p06xz:"fv1u54w",B807ibg:"fngtx1d"},"extra-small":{Bah9ito:"fmpqlna",ut6tcf:"f15z5jzu",B7p06xz:"fv1u54w",B807ibg:"fadawes"},small:{Bah9ito:"fo52gbo",ut6tcf:"f1b41i3v",B7p06xz:"fv1u54w",B807ibg:"f1xqyyrl"},medium:{Bah9ito:"f1aiqagr",ut6tcf:"f1wtx80b",B7p06xz:"f1flujpd",B807ibg:"f1u06hy7"},large:{Bah9ito:"f1trdq7b",ut6tcf:"f9e0mc5",B7p06xz:"f1flujpd",B807ibg:"f13pmvhl"},"extra-large":{Bah9ito:"f89rf2a",ut6tcf:"f1w2xg3q",B7p06xz:"f1flujpd",B807ibg:"fmn74v6"},huge:{Bah9ito:"f1rx7k5y",ut6tcf:"f1vtyt49",B7p06xz:"f1owbg48",B807ibg:"f1fr1izd"}},{f:[".f1or16p5:focus{outline-width:3px;}",".f1grzc83:focus{outline-style:solid;}",".f19shzzi:focus{outline-color:transparent;}"],k:["@-webkit-keyframes fb7n1on{0%{-webkit-transform:rotate(0deg);-moz-transform:rotate(0deg);-ms-transform:rotate(0deg);transform:rotate(0deg);}100%{-webkit-transform:rotate(360deg);-moz-transform:rotate(360deg);-ms-transform:rotate(360deg);transform:rotate(360deg);}}","@-webkit-keyframes f1gx3jof{0%{-webkit-transform:rotate(0deg);-moz-transform:rotate(0deg);-ms-transform:rotate(0deg);transform:rotate(0deg);}100%{-webkit-transform:rotate(-360deg);-moz-transform:rotate(-360deg);-ms-transform:rotate(-360deg);transform:rotate(-360deg);}}","@keyframes fb7n1on{0%{-webkit-transform:rotate(0deg);-moz-transform:rotate(0deg);-ms-transform:rotate(0deg);transform:rotate(0deg);}100%{-webkit-transform:rotate(360deg);-moz-transform:rotate(360deg);-ms-transform:rotate(360deg);transform:rotate(360deg);}}","@keyframes f1gx3jof{0%{-webkit-transform:rotate(0deg);-moz-transform:rotate(0deg);-ms-transform:rotate(0deg);transform:rotate(0deg);}100%{-webkit-transform:rotate(-360deg);-moz-transform:rotate(-360deg);-ms-transform:rotate(-360deg);transform:rotate(-360deg);}}"],d:[".f5tbecn>svg{-webkit-animation-name:fb7n1on;animation-name:fb7n1on;}",".f15qb8s7>svg{-webkit-animation-name:f1gx3jof;animation-name:f1gx3jof;}",".fn4mtlg>svg{-webkit-animation-duration:3s;animation-duration:3s;}",".f1y80fxs>svg{-webkit-animation-iteration-count:infinite;animation-iteration-count:infinite;}",".f1r2crtq>svg{-webkit-animation-timing-function:linear;animation-timing-function:linear;}",".f1wsi8sr>svg{background-color:transparent;}",".f1da2vov>svg>circle{cx:50%;}",".f11rfva0>svg>circle{cy:50%;}",".f1exc66>svg>circle{fill:none;}",".f1j4wmu2>svg{height:20px;}",".f1vppzuq>svg{width:20px;}",".fv1u54w>svg>circle{stroke-width:var(--strokeWidthThick);}",".fngtx1d>svg>circle{r:9px;}",".fmpqlna>svg{height:24px;}",".f15z5jzu>svg{width:24px;}",".fadawes>svg>circle{r:11px;}",".fo52gbo>svg{height:28px;}",".f1b41i3v>svg{width:28px;}",".f1xqyyrl>svg>circle{r:13px;}",".f1aiqagr>svg{height:32px;}",".f1wtx80b>svg{width:32px;}",".f1flujpd>svg>circle{stroke-width:var(--strokeWidthThicker);}",".f1u06hy7>svg>circle{r:14.5px;}",".f1trdq7b>svg{height:36px;}",".f9e0mc5>svg{width:36px;}",".f13pmvhl>svg>circle{r:16.5px;}",".f89rf2a>svg{height:40px;}",".f1w2xg3q>svg{width:40px;}",".fmn74v6>svg>circle{r:18.5px;}",".f1rx7k5y>svg{height:44px;}",".f1vtyt49>svg{width:44px;}",".f1owbg48>svg>circle{stroke-width:var(--strokeWidthThickest);}",".f1fr1izd>svg>circle{r:20px;}"],m:[["@media screen and (prefers-reduced-motion: reduce){.f1bkm2qd>svg{-webkit-animation-duration:0.01ms;animation-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.f1urqz7h>svg{-webkit-animation-iteration-count:1;animation-iteration-count:1;}}",{m:"screen and (prefers-reduced-motion: reduce)"}]]}),ade=pt({inverted:{gwg7kz:"f1jvpmnu",Bvrehnu:"fq8a5sv",Bidp6o:"f1b4lwqj",cq3kgi:"f1najlst",Btwiser:"fjxod4",B8001xd:"fu3xdw0",Bdordwa:["f1ttdh6v","fmyjox0"],Bo2mdfu:"f1eseayc",E10nrc:"folzdkc",Bwl7w15:"fhlfkde",Bksq7rz:"f1esql28"},primary:{gwg7kz:"f11ditju",B8k2rxp:"f1m9nikz",Bvrehnu:"fq8a5sv",Bidp6o:"f1b4lwqj",cq3kgi:"f1najlst",Btwiser:"fjxod4",B8001xd:"fu3xdw0",Bdordwa:["f1ttdh6v","fmyjox0"],Bo2mdfu:"f1eseayc",E10nrc:"folzdkc",Bwl7w15:"fhlfkde",Bksq7rz:"f61h2gu",y14cdu:"flglbw1"}},{d:[".f1jvpmnu>svg>circle.fui-Spinner__Tail{stroke:var(--colorNeutralStrokeOnBrand2);}",".fq8a5sv>svg>circle.fui-Spinner__Tail{-webkit-animation-name:f1v1ql0f;animation-name:f1v1ql0f;}",".f1b4lwqj>svg>circle.fui-Spinner__Tail{-webkit-animation-duration:1.5s;animation-duration:1.5s;}",".f1najlst>svg>circle.fui-Spinner__Tail{-webkit-animation-iteration-count:infinite;animation-iteration-count:infinite;}",".fjxod4>svg>circle.fui-Spinner__Tail{-webkit-animation-timing-function:var(--curveEasyEase);animation-timing-function:var(--curveEasyEase);}",".fu3xdw0>svg>circle.fui-Spinner__Tail{stroke-linecap:round;}",".f1ttdh6v>svg>circle.fui-Spinner__Tail{-webkit-transform:rotate(-90deg);-moz-transform:rotate(-90deg);-ms-transform:rotate(-90deg);transform:rotate(-90deg);}",".fmyjox0>svg>circle.fui-Spinner__Tail{-webkit-transform:rotate(90deg);-moz-transform:rotate(90deg);-ms-transform:rotate(90deg);transform:rotate(90deg);}",".f1eseayc>svg>circle.fui-Spinner__Tail{transform-origin:50% 50%;}",".f1esql28>svg>circle.fui-Spinner__Track{stroke:rgba(255, 255, 255, 0.2);}",".f11ditju>svg>circle.fui-Spinner__Tail{stroke:var(--colorBrandStroke1);}",".f61h2gu>svg>circle.fui-Spinner__Track{stroke:var(--colorBrandStroke2);}"],k:["@-webkit-keyframes f1v1ql0f{0%{stroke-dasharray:1,150;stroke-dashoffset:0;}50%{stroke-dasharray:90,150;stroke-dashoffset:-35;}100%{stroke-dasharray:90,150;stroke-dashoffset:-124;}}","@keyframes f1v1ql0f{0%{stroke-dasharray:1,150;stroke-dashoffset:0;}50%{stroke-dasharray:90,150;stroke-dashoffset:-35;}100%{stroke-dasharray:90,150;stroke-dashoffset:-124;}}"],m:[["@media screen and (prefers-reduced-motion: reduce){.folzdkc>svg>circle.fui-Spinner__Tail{-webkit-animation-duration:0.01ms;animation-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.fhlfkde>svg>circle.fui-Spinner__Tail{-webkit-animation-iteration-count:1;animation-iteration-count:1;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (forced-colors: active){.f1m9nikz>svg>circle.fui-Spinner__Tail{stroke:var(--colorNeutralStrokeOnBrand2);}}",{m:"screen and (forced-colors: active)"}],["@media screen and (prefers-reduced-motion: reduce){.folzdkc>svg>circle.fui-Spinner__Tail{-webkit-animation-duration:0.01ms;animation-duration:0.01ms;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (prefers-reduced-motion: reduce){.fhlfkde>svg>circle.fui-Spinner__Tail{-webkit-animation-iteration-count:1;animation-iteration-count:1;}}",{m:"screen and (prefers-reduced-motion: reduce)"}],["@media screen and (forced-colors: active){.flglbw1>svg>circle.fui-Spinner__Track{stroke:var(--colorNeutralBackgroundInverted);}}",{m:"screen and (forced-colors: active)"}]]}),sde=pt({inverted:{sj55zd:"f15aqcq"},primary:{},tiny:{Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"},"extra-small":{Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"},small:{Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"},medium:{Bahqtrf:"fk6fouc",Be2twd7:"fod5ikn",Bhrd7zp:"fl43uef",Bg96gwp:"faaz57k"},large:{Bahqtrf:"fk6fouc",Be2twd7:"fod5ikn",Bhrd7zp:"fl43uef",Bg96gwp:"faaz57k"},"extra-large":{Bahqtrf:"fk6fouc",Be2twd7:"fod5ikn",Bhrd7zp:"fl43uef",Bg96gwp:"faaz57k"},huge:{Bahqtrf:"fk6fouc",Be2twd7:"f1pp30po",Bhrd7zp:"fl43uef",Bg96gwp:"f106mvju"}},{d:[".f15aqcq{color:rgba(255, 255, 255, 1);}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fkhj508{font-size:var(--fontSizeBase300);}",".figsok6{font-weight:var(--fontWeightRegular);}",".f1i3iumi{line-height:var(--lineHeightBase300);}",".fod5ikn{font-size:var(--fontSizeBase400);}",".fl43uef{font-weight:var(--fontWeightSemibold);}",".faaz57k{line-height:var(--lineHeightBase400);}",".f1pp30po{font-size:var(--fontSizeBase500);}",".f106mvju{line-height:var(--lineHeightBase500);}"]}),lde=e=>{const{labelPosition:t,size:n,appearance:r="primary"}=e,o=ode(),i=ide(),a=sde(),s=ade();return e.root.className=et(c9.root,o.root,(t==="above"||t==="below")&&o.vertical,(t==="before"||t==="after")&&o.horizontal,e.root.className),e.spinner&&(e.spinner.className=et(c9.spinner,i.spinnerSVG,i[n],s[r],e.spinner.className)),e.label&&(e.label.className=et(c9.label,a[n],a[r],e.label.className)),e},TD=T.forwardRef((e,t)=>{const n=nde(e,t);return lde(n),rde(n)});TD.displayName="Spinner";const ude=(e,t)=>{const{checked:n,defaultChecked:r,disabled:o,labelPosition:i="after",onChange:a,required:s}=e,l=lO({props:e,primarySlotTagName:"input",excludedPropNames:["checked","defaultChecked","onChange"]}),u=lo("switch-",l.primary.id),d=$t(e.root,{defaultProps:{ref:pie(),...l.root},required:!0}),h=$t(e.indicator,{defaultProps:{"aria-hidden":!0,children:T.createElement(Vae,null)},required:!0}),p=$t(e.input,{defaultProps:{checked:n,defaultChecked:r,id:u,ref:t,role:"switch",type:"checkbox",...l.primary},required:!0});p.onChange=Vn(p.onChange,v=>a==null?void 0:a(v,{checked:v.currentTarget.checked}));const m=$t(e.label,{defaultProps:{disabled:o,htmlFor:u,required:s,size:"medium"}});return{labelPosition:i,components:{root:"div",indicator:"div",input:"input",label:Zo},root:d,indicator:h,input:p,label:m}},cde=e=>{const{slots:t,slotProps:n}=Jn(e),{labelPosition:r}=e;return T.createElement(t.root,{...n.root},T.createElement(t.input,{...n.input}),r!=="after"&&t.label&&T.createElement(t.label,{...n.label}),T.createElement(t.indicator,{...n.indicator}),r==="after"&&t.label&&T.createElement(t.label,{...n.label}))},Wm={root:"fui-Switch",indicator:"fui-Switch__indicator",input:"fui-Switch__input",label:"fui-Switch__label"},fde=$c("r1u7w45w","rlzel8d",[".r1u7w45w{-webkit-align-items:flex-start;-webkit-box-align:flex-start;-ms-flex-align:flex-start;align-items:flex-start;box-sizing:border-box;display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;position:relative;}",".r1u7w45w:focus{outline-style:none;}",".r1u7w45w:focus-visible{outline-style:none;}",".r1u7w45w[data-fui-focus-within]:focus-within{border-top-color:transparent;border-right-color:transparent;border-bottom-color:transparent;border-left-color:transparent;}",'.r1u7w45w[data-fui-focus-within]:focus-within::after{content:"";position:absolute;pointer-events:none;z-index:1;border-top-style:solid;border-right-style:solid;border-bottom-style:solid;border-left-style:solid;border-top-width:2px;border-right-width:2px;border-bottom-width:2px;border-left-width:2px;border-bottom-right-radius:var(--borderRadiusMedium);border-bottom-left-radius:var(--borderRadiusMedium);border-top-right-radius:var(--borderRadiusMedium);border-top-left-radius:var(--borderRadiusMedium);border-top-color:var(--colorStrokeFocus2);border-right-color:var(--colorStrokeFocus2);border-bottom-color:var(--colorStrokeFocus2);border-left-color:var(--colorStrokeFocus2);top:-2px;bottom:-2px;left:-2px;right:-2px;}',".rlzel8d{-webkit-align-items:flex-start;-webkit-box-align:flex-start;-ms-flex-align:flex-start;align-items:flex-start;box-sizing:border-box;display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;position:relative;}",".rlzel8d:focus{outline-style:none;}",".rlzel8d:focus-visible{outline-style:none;}",".rlzel8d[data-fui-focus-within]:focus-within{border-top-color:transparent;border-left-color:transparent;border-bottom-color:transparent;border-right-color:transparent;}",'.rlzel8d[data-fui-focus-within]:focus-within::after{content:"";position:absolute;pointer-events:none;z-index:1;border-top-style:solid;border-left-style:solid;border-bottom-style:solid;border-right-style:solid;border-top-width:2px;border-left-width:2px;border-bottom-width:2px;border-right-width:2px;border-bottom-left-radius:var(--borderRadiusMedium);border-bottom-right-radius:var(--borderRadiusMedium);border-top-left-radius:var(--borderRadiusMedium);border-top-right-radius:var(--borderRadiusMedium);border-top-color:var(--colorStrokeFocus2);border-left-color:var(--colorStrokeFocus2);border-bottom-color:var(--colorStrokeFocus2);border-right-color:var(--colorStrokeFocus2);top:-2px;bottom:-2px;right:-2px;left:-2px;}']),dde=pt({vertical:{Beiy3e4:"f1vx9l62"}},{d:[".f1vx9l62{-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;}"]}),hde=$c("r13wlxb8",null,[".r13wlxb8{border-radius:var(--borderRadiusCircular);border:1px solid;line-height:0;box-sizing:border-box;fill:currentColor;-webkit-flex-shrink:0;-ms-flex-negative:0;flex-shrink:0;font-size:18px;height:20px;margin:var(--spacingVerticalS) var(--spacingHorizontalS);pointer-events:none;transition-duration:var(--durationNormal);transition-timing-function:var(--curveEasyEase);transition-property:background,border,color;width:40px;}","@media screen and (prefers-reduced-motion: reduce){.r13wlxb8{transition-duration:0.01ms;}}",".r13wlxb8>*{transition-duration:var(--durationNormal);transition-timing-function:var(--curveEasyEase);transition-property:transform;}","@media screen and (prefers-reduced-motion: reduce){.r13wlxb8>*{transition-duration:0.01ms;}}"]),pde=pt({labelAbove:{B6of3ja:"f1hu3pq6"}},{d:[".f1hu3pq6{margin-top:0;}"]}),mde=$c("r92li9d","rxjpw57",[".r92li9d{box-sizing:border-box;cursor:pointer;height:100%;margin:0;opacity:0;position:absolute;width:calc(40px + 2 * var(--spacingHorizontalS));}",".r92li9d:checked~.fui-Switch__indicator>*{-webkit-transform:translateX(20px);-moz-transform:translateX(20px);-ms-transform:translateX(20px);transform:translateX(20px);}",".r92li9d:disabled{cursor:default;}",".r92li9d:disabled~.fui-Switch__indicator{color:var(--colorNeutralForegroundDisabled);}",".r92li9d:disabled~.fui-Switch__label{cursor:default;color:var(--colorNeutralForegroundDisabled);}",".r92li9d:enabled:not(:checked)~.fui-Switch__indicator{color:var(--colorNeutralStrokeAccessible);border-color:var(--colorNeutralStrokeAccessible);}",".r92li9d:enabled:not(:checked)~.fui-Switch__label{color:var(--colorNeutralForeground1);}",".r92li9d:enabled:not(:checked):hover~.fui-Switch__indicator{color:var(--colorNeutralStrokeAccessibleHover);border-color:var(--colorNeutralStrokeAccessibleHover);}",".r92li9d:enabled:not(:checked):hover:active~.fui-Switch__indicator{color:var(--colorNeutralStrokeAccessiblePressed);border-color:var(--colorNeutralStrokeAccessiblePressed);}",".r92li9d:enabled:checked~.fui-Switch__indicator{background-color:var(--colorCompoundBrandBackground);color:var(--colorNeutralForegroundInverted);border-color:var(--colorTransparentStroke);}",".r92li9d:enabled:checked:hover~.fui-Switch__indicator{background-color:var(--colorCompoundBrandBackgroundHover);border-color:var(--colorTransparentStrokeInteractive);}",".r92li9d:enabled:checked:hover:active~.fui-Switch__indicator{background-color:var(--colorCompoundBrandBackgroundPressed);border-color:var(--colorTransparentStrokeInteractive);}",".r92li9d:disabled:not(:checked)~.fui-Switch__indicator{border-color:var(--colorNeutralStrokeDisabled);}",".r92li9d:disabled:checked~.fui-Switch__indicator{background-color:var(--colorNeutralBackgroundDisabled);border-color:var(--colorTransparentStrokeDisabled);}","@media (forced-colors: active){.r92li9d:disabled~.fui-Switch__indicator{color:GrayText;border-color:GrayText;}.r92li9d:disabled~.fui-Switch__label{color:GrayText;}}",".rxjpw57{box-sizing:border-box;cursor:pointer;height:100%;margin:0;opacity:0;position:absolute;width:calc(40px + 2 * var(--spacingHorizontalS));}",".rxjpw57:checked~.fui-Switch__indicator>*{-webkit-transform:translateX(-20px);-moz-transform:translateX(-20px);-ms-transform:translateX(-20px);transform:translateX(-20px);}",".rxjpw57:disabled{cursor:default;}",".rxjpw57:disabled~.fui-Switch__indicator{color:var(--colorNeutralForegroundDisabled);}",".rxjpw57:disabled~.fui-Switch__label{cursor:default;color:var(--colorNeutralForegroundDisabled);}",".rxjpw57:enabled:not(:checked)~.fui-Switch__indicator{color:var(--colorNeutralStrokeAccessible);border-color:var(--colorNeutralStrokeAccessible);}",".rxjpw57:enabled:not(:checked)~.fui-Switch__label{color:var(--colorNeutralForeground1);}",".rxjpw57:enabled:not(:checked):hover~.fui-Switch__indicator{color:var(--colorNeutralStrokeAccessibleHover);border-color:var(--colorNeutralStrokeAccessibleHover);}",".rxjpw57:enabled:not(:checked):hover:active~.fui-Switch__indicator{color:var(--colorNeutralStrokeAccessiblePressed);border-color:var(--colorNeutralStrokeAccessiblePressed);}",".rxjpw57:enabled:checked~.fui-Switch__indicator{background-color:var(--colorCompoundBrandBackground);color:var(--colorNeutralForegroundInverted);border-color:var(--colorTransparentStroke);}",".rxjpw57:enabled:checked:hover~.fui-Switch__indicator{background-color:var(--colorCompoundBrandBackgroundHover);border-color:var(--colorTransparentStrokeInteractive);}",".rxjpw57:enabled:checked:hover:active~.fui-Switch__indicator{background-color:var(--colorCompoundBrandBackgroundPressed);border-color:var(--colorTransparentStrokeInteractive);}",".rxjpw57:disabled:not(:checked)~.fui-Switch__indicator{border-color:var(--colorNeutralStrokeDisabled);}",".rxjpw57:disabled:checked~.fui-Switch__indicator{background-color:var(--colorNeutralBackgroundDisabled);border-color:var(--colorTransparentStrokeDisabled);}","@media (forced-colors: active){.rxjpw57:disabled~.fui-Switch__indicator{color:GrayText;border-color:GrayText;}.rxjpw57:disabled~.fui-Switch__label{color:GrayText;}}"]),gde=pt({before:{j35jbq:["f1e31b4d","f1vgc2s3"],Bhzewxz:"f15twtuk"},after:{oyh7mz:["f1vgc2s3","f1e31b4d"],Bhzewxz:"f15twtuk"},above:{B5kzvoi:"f1yab3r1",Bqenvij:"f1aar7gd",a9b677:"fly5x3f"}},{d:[".f1e31b4d{right:0;}",".f1vgc2s3{left:0;}",".f15twtuk{top:0;}",".f1yab3r1{bottom:0;}",".f1aar7gd{height:calc(20px + var(--spacingVerticalS));}",".fly5x3f{width:100%;}"]}),vde=pt({base:{Bceei9c:"f1k6fduh",jrapky:"f49ad5g",B6of3ja:"f1xlvstr",z8tnut:"f1kwiid1",z189sj:["f1vdfbxk","f1f5gg8d"],Byoj8tv:"f5b47ha",uwmqm3:["f1f5gg8d","f1vdfbxk"]},above:{z8tnut:"f1ywm7hm",Byoj8tv:"f14wxoun",a9b677:"fly5x3f"},after:{uwmqm3:["fruq291","f7x41pl"]},before:{z189sj:["f7x41pl","fruq291"]}},{d:[".f1k6fduh{cursor:pointer;}",".f49ad5g{margin-bottom:calc((20px - var(--lineHeightBase300)) / 2);}",".f1xlvstr{margin-top:calc((20px - var(--lineHeightBase300)) / 2);}",".f1kwiid1{padding-top:var(--spacingVerticalS);}",".f1vdfbxk{padding-right:var(--spacingHorizontalS);}",".f1f5gg8d{padding-left:var(--spacingHorizontalS);}",".f5b47ha{padding-bottom:var(--spacingVerticalS);}",".f1ywm7hm{padding-top:var(--spacingVerticalXS);}",".f14wxoun{padding-bottom:var(--spacingVerticalXS);}",".fly5x3f{width:100%;}",".fruq291{padding-left:var(--spacingHorizontalXS);}",".f7x41pl{padding-right:var(--spacingHorizontalXS);}"]}),bde=e=>{const t=fde(),n=dde(),r=hde(),o=pde(),i=mde(),a=gde(),s=vde(),{label:l,labelPosition:u}=e;return e.root.className=et(Wm.root,t,u==="above"&&n.vertical,e.root.className),e.indicator.className=et(Wm.indicator,r,l&&u==="above"&&o.labelAbove,e.indicator.className),e.input.className=et(Wm.input,i,l&&a[u],e.input.className),e.label&&(e.label.className=et(Wm.label,s.base,s[u],e.label.className)),e},jg=T.forwardRef((e,t)=>{const n=ude(e,t);return bde(n),cde(n)});jg.displayName="Switch";function yde(e,t){return e.key===ap&&t!=="alert"&&!e.isDefaultPrevented()}const Zl="__fluentDisableScrollElement";function Ede(){const{targetDocument:e}=Oo();return T.useCallback(()=>{if(e)return _de(e.body)},[e])}function _de(e){var t,n;const{clientWidth:r}=e.ownerDocument.documentElement,o=(n=(t=e.ownerDocument.defaultView)===null||t===void 0?void 0:t.innerWidth)!==null&&n!==void 0?n:0;return Tde(e),e[Zl].count===0&&(e.style.overflow="hidden",e.style.paddingRight=`${o-r}px`),e[Zl].count++,()=>{e[Zl].count--,e[Zl].count===0&&(e.style.overflow=e[Zl].previousOverflowStyle,e.style.paddingRight=e[Zl].previousPaddingRightStyle)}}function Tde(e){var t,n;(t=(n=e)[Zl])!==null&&t!==void 0||(n[Zl]={count:0,previousOverflowStyle:e.style.overflow,previousPaddingRightStyle:e.style.paddingRight})}function wde(e,t){const{findFirstFocusable:n}=op(),{targetDocument:r}=Oo(),o=T.useRef(null),i=T.useRef();return T.useEffect(()=>{var a,s;if(!e)return(a=i.current)===null||a===void 0?void 0:a.focus();i.current=r==null?void 0:r.activeElement;const l=o.current&&n(o.current);l?l.focus():(s=o.current)===null||s===void 0||s.focus()},[n,e,t,r]),o}const kde={open:!1,modalType:"modal",isNestedDialog:!1,dialogRef:{current:null},requestOpenChange(){}},JT=ry(void 0),Sde=JT.Provider,Ga=e=>oy(JT,(t=kde)=>e(t)),xde=!1,wD=T.createContext(void 0),kD=wD.Provider,Cde=()=>{var e;return(e=T.useContext(wD))!==null&&e!==void 0?e:xde},Ade=e=>{const{children:t,modalType:n="modal",onOpenChange:r}=e,[o,i]=Nde(t),[a,s]=Wc({state:e.open,defaultState:e.defaultOpen,initialState:!1}),l=Et(p=>{r==null||r(p.event,p),p.event.isDefaultPrevented()||s(p.open)}),u=wde(a,n),d=Ede(),h=!!(a&&n!=="non-modal");return us(()=>{if(h)return d()},[d,h]),{components:{backdrop:"div"},open:a,modalType:n,content:a?i:null,trigger:o,requestOpenChange:l,dialogTitleId:lo("dialog-title-"),isNestedDialog:jT(JT),dialogRef:u}};function Nde(e){const t=T.Children.toArray(e);switch(t.length){case 2:return t;case 1:return[void 0,t[0]];default:return[void 0,void 0]}}const Fde=(e,t)=>{const{content:n,trigger:r}=e;return T.createElement(Sde,{value:t.dialog},T.createElement(kD,{value:t.dialogSurface},r,n))};function Ide(e){const{modalType:t,open:n,dialogRef:r,dialogTitleId:o,isNestedDialog:i,requestOpenChange:a}=e;return{dialog:{open:n,modalType:t,dialogRef:r,dialogTitleId:o,isNestedDialog:i,requestOpenChange:a},dialogSurface:!1}}const Kv=T.memo(e=>{const t=Ade(e),n=Ide(t);return Fde(t,n)});Kv.displayName="Dialog";const Bde=e=>{const t=Cde(),{children:n,disableButtonEnhancement:r=!1,action:o=t?"close":"open"}=e,i=tp(n),a=Ga(p=>p.requestOpenChange),s=Ga(p=>p.open),{triggerAttributes:l}=ty(),u=Et(p=>{var m,v;(v=i==null?void 0:(m=i.props).onClick)===null||v===void 0||v.call(m,p),p.isDefaultPrevented()||a({event:p,type:"triggerClick",open:o==="open"})}),d={...i==null?void 0:i.props,"aria-expanded":s,ref:i==null?void 0:i.ref,onClick:u,...l},h=Gd((i==null?void 0:i.type)==="button"||(i==null?void 0:i.type)==="a"?i.type:"div",{...d,type:"button"});return{children:Vb(n,r?d:h)}},Rde=e=>e.children,O0=e=>{const t=Bde(e);return Rde(t)};O0.displayName="DialogTrigger";O0.isFluentTriggerComponent=!0;const Ode=(e,t)=>{const{position:n="end"}=e;return{components:{root:"div"},root:vr("div",{ref:t,...e}),position:n}},Dde=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root})},Pde={root:"fui-DialogActions"},Mde=pt({root:{Bqenvij:"f3052tw",B7ck84d:"f1ewtqcl",mc9l5x:"f22iagw",i8kkvl:"f4px1ci",Belr9w4:"fn67r4l",Bmdcpmo:"f6glcwc",th9wkt:"f1e3st1r"},gridPositionEnd:{Bdqf98w:"f1a7i8kp",Ijaq50:"f11u0jfc",Br312pm:"f1d6tb1o",nk6f5a:"f23awfp",Bw0ie65:"fiappcv"},gridPositionStart:{Bdqf98w:"fsxvdwy",Ijaq50:"f1vnb230",Br312pm:"f14781pt",nk6f5a:"f13d374e",Bw0ie65:"f1fjo411"}},{d:[".f3052tw{height:-webkit-fit-content;height:-moz-fit-content;height:fit-content;}",".f1ewtqcl{box-sizing:border-box;}",".f22iagw{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f4px1ci{-webkit-column-gap:8px;column-gap:8px;}",".fn67r4l{row-gap:8px;}",".f1a7i8kp{justify-self:end;}",".f11u0jfc{grid-row-start:actions-end;}",".f1d6tb1o{grid-column-start:actions-end;}",".f23awfp{grid-row-end:actions-end;}",".fiappcv{grid-column-end:actions-end;}",".fsxvdwy{justify-self:start;}",".f1vnb230{grid-row-start:actions-start;}",".f14781pt{grid-column-start:actions-start;}",".f13d374e{grid-row-end:actions-start;}",".f1fjo411{grid-column-end:actions-start;}"],m:[["@media screen and (max-width: 480px){.f6glcwc{-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;}}",{m:"screen and (max-width: 480px)"}],["@media screen and (max-width: 480px){.f1e3st1r{justify-self:stretch;}}",{m:"screen and (max-width: 480px)"}]]}),Lde=e=>{const t=Mde();return e.root.className=et(Pde.root,t.root,e.position==="start"&&t.gridPositionStart,e.position==="end"&&t.gridPositionEnd,e.root.className),e},P_=T.forwardRef((e,t)=>{const n=Ode(e,t);return Lde(n),Dde(n)});P_.displayName="DialogActions";const jde=(e,t)=>{var n;return{components:{root:"div"},root:vr((n=e.as)!==null&&n!==void 0?n:"div",{ref:t,...e})}},zde=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root})},Hde={root:"fui-DialogBody"},Ude=pt({root:{mc9l5x:"f13qh94s",fshzfu:"f120kxnn",a9b677:"fly5x3f",Bqenvij:"f3052tw",B2u0y6b:"fvgz9i8",Bxyxcbc:"flnwrvu",B7ck84d:"f1ewtqcl",wkccdc:"f874eam",Budl1dq:"fjj47a5",zoa1oz:"fe34spp",B68tc82:"f1ln0qer",Bmxbyg5:"fa2wlxz",i8kkvl:"f4px1ci",Belr9w4:"fn67r4l",B5xtmjs:"ff54dml",Bqu9lor:"f52bj20",B06wobe:"f1dangjo"}},{d:[".f13qh94s{display:grid;}",".f120kxnn::backdrop{background-color:rgba(0, 0, 0, 0.4);}",".fly5x3f{width:100%;}",".f3052tw{height:-webkit-fit-content;height:-moz-fit-content;height:fit-content;}",".fvgz9i8{max-width:600px;}",".flnwrvu{max-height:calc(100vh - 2 * 24px);}",".f1ewtqcl{box-sizing:border-box;}",".f874eam{grid-template-rows:auto 1fr auto;}",".fjj47a5{grid-template-columns:1fr 1fr auto;}",'.fe34spp{grid-template-areas:"title title close-button" "body body body" "actions-start actions-end actions-end";}',".f1ln0qer{overflow-x:unset;}",".fa2wlxz{overflow-y:unset;}",".f4px1ci{-webkit-column-gap:8px;column-gap:8px;}",".fn67r4l{row-gap:8px;}"],m:[["@media screen and (max-width: 480px){.ff54dml{max-width:100vw;}}",{m:"screen and (max-width: 480px)"}],["@media screen and (max-width: 480px){.f52bj20{grid-template-rows:auto 1fr auto auto;}}",{m:"screen and (max-width: 480px)"}],['@media screen and (max-width: 480px){.f1dangjo{grid-template-areas:"title title close-button" "body body body" "actions-start actions-start actions-start" "actions-end actions-end actions-end";}}',{m:"screen and (max-width: 480px)"}]]}),qde=e=>{const t=Ude();return e.root.className=et(Hde.root,t.root,e.root.className),e},Vv=T.forwardRef((e,t)=>{const n=jde(e,t);return qde(n),zde(n)});Vv.displayName="DialogBody";const B6={root:"fui-DialogTitle",action:"fui-DialogTitle__action"},$de=pt({root:{Bahqtrf:"fk6fouc",Be2twd7:"f1pp30po",Bhrd7zp:"fl43uef",Bg96gwp:"f106mvju",Ijaq50:"faq1aip",Br312pm:"f1m489tg",nk6f5a:"fv2srd9",Bw0ie65:"f1tz6hh8"},rootWithoutCloseButton:{Ijaq50:"faq1aip",Br312pm:"f1m489tg",nk6f5a:"f11nczdl",Bw0ie65:"f98d4vj"},action:{Ijaq50:"f1hysmiz",Br312pm:"f1379kmu",nk6f5a:"f11nczdl",Bw0ie65:"f98d4vj"}},{d:[".fk6fouc{font-family:var(--fontFamilyBase);}",".f1pp30po{font-size:var(--fontSizeBase500);}",".fl43uef{font-weight:var(--fontWeightSemibold);}",".f106mvju{line-height:var(--lineHeightBase500);}",".faq1aip{grid-row-start:title;}",".f1m489tg{grid-column-start:title;}",".fv2srd9{grid-row-end:title;}",".f1tz6hh8{grid-column-end:title;}",".f11nczdl{grid-row-end:close-button;}",".f98d4vj{grid-column-end:close-button;}",".f1hysmiz{grid-row-start:close-button;}",".f1379kmu{grid-column-start:close-button;}"]}),Wde=pt({button:{qhf8xq:"f10pi13n",B7ck84d:"f1e4lqlz",De3pzq:"f1u2r49w",sj55zd:"f1ym3bx4",Bahqtrf:"f1mo0ibp",Be2twd7:"fjoy568",Bceei9c:"f1k6fduh",Bg96gwp:"fez10in",B68tc82:"f1mtd64y",Bmxbyg5:"f1y7q3j9",z8tnut:"f1g0x7ka",z189sj:["fhxju0i","f1cnd47f"],Byoj8tv:"f1qch9an",uwmqm3:["f1cnd47f","fhxju0i"],icvyot:"f1ern45e",vrafjx:["f1n71otn","f1deefiw"],oivjwe:"f1h8hb77",wvpqe5:["f1deefiw","f1n71otn"],Bv0vk6g:"f37px4s",fsow6f:"fgusgyc",Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",B8q5s1w:"f8hki3x",Bci5o5g:["f1d2448m","ffh67wi"],n8qw10:"f1bjia2o",Bdrgwmp:["ffh67wi","f1d2448m"],Bm4h7ae:"f15bsgw9",B7ys5i9:"f14e48fq",Busjfv9:"f18yb2kv",Bhk32uz:"fd6o370",Bf4ptjt:"fh1cnn4",kclons:["fy7oxxb","f184ne2d"],Bhdgwq3:"fpukqih",Blkhhs4:["f184ne2d","fy7oxxb"],Bqtpl0w:"frrh606",clg4pj:["f1v5zibi","fo2hd23"],hgwjuy:"ful5kiu",Bonggc9:["fo2hd23","f1v5zibi"],B1tsrr9:["f1jqcqds","ftffrms"],Dah5zi:["ftffrms","f1jqcqds"],Bkh64rk:["f2e7qr6","fsr1zz6"],qqdqy8:["fsr1zz6","f2e7qr6"],B6dhp37:"f1dvezut",i03rao:["fd0oaoj","f1cwg4i8"],Boxcth7:"fjvm52t",Bsom6fd:["f1cwg4i8","fd0oaoj"],J0r882:"fdiulkx",Bjwuhne:"f1yalx80",Ghsupd:["fq22d5a","f1jw7pan"],Bule8hv:["f1jw7pan","fq22d5a"]}},{d:[".f10pi13n{position:relative;}",".f1e4lqlz{box-sizing:content-box;}",".f1u2r49w{background-color:inherit;}",".f1ym3bx4{color:inherit;}",".f1mo0ibp{font-family:inherit;}",".fjoy568{font-size:inherit;}",".f1k6fduh{cursor:pointer;}",".fez10in{line-height:0;}",".f1mtd64y{overflow-x:visible;}",".f1y7q3j9{overflow-y:visible;}",".f1g0x7ka{padding-top:0;}",".fhxju0i{padding-right:0;}",".f1cnd47f{padding-left:0;}",".f1qch9an{padding-bottom:0;}",".f1ern45e{border-top-style:none;}",".f1n71otn{border-right-style:none;}",".f1deefiw{border-left-style:none;}",".f1h8hb77{border-bottom-style:none;}",".f37px4s{-webkit-appearance:button;}",".fgusgyc{text-align:unset;}",".f8hki3x[data-fui-focus-visible]{border-top-color:transparent;}",".f1d2448m[data-fui-focus-visible]{border-right-color:transparent;}",".ffh67wi[data-fui-focus-visible]{border-left-color:transparent;}",".f1bjia2o[data-fui-focus-visible]{border-bottom-color:transparent;}",'.f15bsgw9[data-fui-focus-visible]::after{content:"";}',".f14e48fq[data-fui-focus-visible]::after{position:absolute;}",".f18yb2kv[data-fui-focus-visible]::after{pointer-events:none;}",".fd6o370[data-fui-focus-visible]::after{z-index:1;}",".fh1cnn4[data-fui-focus-visible]::after{border-top-style:solid;}",".fy7oxxb[data-fui-focus-visible]::after{border-right-style:solid;}",".f184ne2d[data-fui-focus-visible]::after{border-left-style:solid;}",".fpukqih[data-fui-focus-visible]::after{border-bottom-style:solid;}",".frrh606[data-fui-focus-visible]::after{border-top-width:2px;}",".f1v5zibi[data-fui-focus-visible]::after{border-right-width:2px;}",".fo2hd23[data-fui-focus-visible]::after{border-left-width:2px;}",".ful5kiu[data-fui-focus-visible]::after{border-bottom-width:2px;}",".f1jqcqds[data-fui-focus-visible]::after{border-bottom-right-radius:var(--borderRadiusMedium);}",".ftffrms[data-fui-focus-visible]::after{border-bottom-left-radius:var(--borderRadiusMedium);}",".f2e7qr6[data-fui-focus-visible]::after{border-top-right-radius:var(--borderRadiusMedium);}",".fsr1zz6[data-fui-focus-visible]::after{border-top-left-radius:var(--borderRadiusMedium);}",".f1dvezut[data-fui-focus-visible]::after{border-top-color:var(--colorStrokeFocus2);}",".fd0oaoj[data-fui-focus-visible]::after{border-right-color:var(--colorStrokeFocus2);}",".f1cwg4i8[data-fui-focus-visible]::after{border-left-color:var(--colorStrokeFocus2);}",".fjvm52t[data-fui-focus-visible]::after{border-bottom-color:var(--colorStrokeFocus2);}",".fdiulkx[data-fui-focus-visible]::after{top:-2px;}",".f1yalx80[data-fui-focus-visible]::after{bottom:-2px;}",".fq22d5a[data-fui-focus-visible]::after{left:-2px;}",".f1jw7pan[data-fui-focus-visible]::after{right:-2px;}"],f:[".ftqa4ok:focus{outline-style:none;}"],i:[".f2hkw1w:focus-visible{outline-style:none;}"]}),Gde=e=>{const t=$de();return e.root.className=et(B6.root,t.root,!e.action&&t.rootWithoutCloseButton,e.root.className),e.action&&(e.action.className=et(B6.action,t.action,e.action.className)),e},Kde=(e,t)=>{const{as:n,action:r}=e,o=Ga(a=>a.modalType),i=Wde();return{components:{root:"div",action:"div"},root:vr(n??"div",{ref:t,id:Ga(a=>a.dialogTitleId),...e}),action:$t(r,{required:o==="non-modal",defaultProps:{children:T.createElement(O0,{disableButtonEnhancement:!0,action:"close"},T.createElement("button",{className:i.button,"aria-label":"close"},T.createElement(dse,null)))}})}},Vde=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(T.Fragment,null,T.createElement(t.root,{...n.root},n.root.children),t.action&&T.createElement(t.action,{...n.action}))},Yv=T.forwardRef((e,t)=>{const n=Kde(e,t);return Gde(n),Vde(n)});Yv.displayName="DialogTitle";const Yde=(e,t)=>{const{backdrop:n,as:r}=e,o=Ga(p=>p.modalType),i=Ga(p=>p.dialogRef),a=Ga(p=>p.open),s=Ga(p=>p.requestOpenChange),l=Ga(p=>p.dialogTitleId),u=Et(p=>{var m,v;Are(e.backdrop)&&((v=(m=e.backdrop).onClick)===null||v===void 0||v.call(m,p)),o==="modal"&&!p.isDefaultPrevented()&&s({event:p,open:!1,type:"backdropClick"})}),d=Et(p=>{var m;(m=e.onKeyDown)===null||m===void 0||m.call(e,p),yde(p,o)&&(s({event:p,open:!1,type:"escapeKeyDown"}),p.stopPropagation())}),{modalAttributes:h}=ty({trapFocus:o!=="non-modal"});return{components:{backdrop:"div",root:"div"},backdrop:$t(n,{required:a&&o!=="non-modal",defaultProps:{"aria-hidden":"true",onClick:u}}),root:vr(r??"div",{tabIndex:-1,"aria-modal":o!=="non-modal",role:o==="alert"?"alertdialog":"dialog","aria-labelledby":e["aria-label"]?void 0:l,...e,...h,onKeyDown:d,ref:cs(t,i)})}},Qde=(e,t)=>{const{slots:n,slotProps:r}=Jn(e);return T.createElement(sp,null,n.backdrop&&T.createElement(n.backdrop,{...r.backdrop}),T.createElement(kD,{value:t.dialogSurface},T.createElement(n.root,{...r.root})))},R6={root:"fui-DialogSurface",backdrop:"fui-DialogSurface__backdrop"},Xde=pt({focusOutline:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",B8q5s1w:"f8hki3x",Bci5o5g:["f1d2448m","ffh67wi"],n8qw10:"f1bjia2o",Bdrgwmp:["ffh67wi","f1d2448m"],Bm4h7ae:"f15bsgw9",B7ys5i9:"f14e48fq",Busjfv9:"f18yb2kv",Bhk32uz:"fd6o370",Bf4ptjt:"fh1cnn4",kclons:["fy7oxxb","f184ne2d"],Bhdgwq3:"fpukqih",Blkhhs4:["f184ne2d","fy7oxxb"],Bqtpl0w:"frrh606",clg4pj:["f1v5zibi","fo2hd23"],hgwjuy:"ful5kiu",Bonggc9:["fo2hd23","f1v5zibi"],B1tsrr9:["f1jqcqds","ftffrms"],Dah5zi:["ftffrms","f1jqcqds"],Bkh64rk:["f2e7qr6","fsr1zz6"],qqdqy8:["fsr1zz6","f2e7qr6"],B6dhp37:"f1dvezut",i03rao:["fd0oaoj","f1cwg4i8"],Boxcth7:"fjvm52t",Bsom6fd:["f1cwg4i8","fd0oaoj"],J0r882:"fdiulkx",Bjwuhne:"f1yalx80",Ghsupd:["fq22d5a","f1jw7pan"],Bule8hv:["f1jw7pan","fq22d5a"]},root:{mc9l5x:"ftgm304",famaaq:"f1c515w",Bcdw1i0:"f1bitti",Bhzewxz:"f15twtuk",j35jbq:["f1e31b4d","f1vgc2s3"],B5kzvoi:"f1yab3r1",oyh7mz:["f1vgc2s3","f1e31b4d"],z8tnut:"fuq56rw",z189sj:["f15kemlc","fdgang7"],Byoj8tv:"fl2zwns",uwmqm3:["fdgang7","f15kemlc"],B6of3ja:"fgr6219",t21cq0:["f1ujusj6","fcgxt0o"],jrapky:"f10jk5vf",Frg6f3:["fcgxt0o","f1ujusj6"],icvyot:"fzkkow9",vrafjx:["fcdblym","fjik90z"],oivjwe:"fg706s2",wvpqe5:["fjik90z","fcdblym"],B68tc82:"f1ln0qer",Bmxbyg5:"fa2wlxz",fshzfu:"f120kxnn",qhf8xq:"f19dog8a",a9b677:"fly5x3f",Bqenvij:"f3052tw",B2u0y6b:"fvgz9i8",Bxyxcbc:"f6a9g1z",B7ck84d:"f1ewtqcl",E5pizo:"f10nrhrw",De3pzq:"fxugw4r",sj55zd:"f19n0e5",B4j52fo:"f5ogflp",Bekrc4i:["f1hqa2wf","finvdd3"],Bn0qgzm:"f1f09k3d",ibv6hh:["finvdd3","f1hqa2wf"],g2u3we:"fghlq4f",h3c5rm:["f1gn591s","fjscplz"],B9xav0g:"fb073pr",zhjwy3:["fjscplz","f1gn591s"],Bbmb7ep:["fnivh3a","fc7yr5o"],Beyfa6y:["fc7yr5o","fnivh3a"],B7oj6ja:["f1el4m67","f8yange"],Btl43ni:["f8yange","f1el4m67"],B5xtmjs:"ff54dml"},backdrop:{qhf8xq:"f19dog8a",De3pzq:"fju19wo",Bhzewxz:"f113wtx2",j35jbq:["f10k790i","f1xynx9j"],B5kzvoi:"f5gq2j6",oyh7mz:["f1xynx9j","f10k790i"]},nestedDialogBackdrop:{De3pzq:"f3rmtva"},nestedNativeDialogBackdrop:{fshzfu:"foe20jx"}},{f:[".ftqa4ok:focus{outline-style:none;}"],i:[".f2hkw1w:focus-visible{outline-style:none;}"],d:[".f8hki3x[data-fui-focus-visible]{border-top-color:transparent;}",".f1d2448m[data-fui-focus-visible]{border-right-color:transparent;}",".ffh67wi[data-fui-focus-visible]{border-left-color:transparent;}",".f1bjia2o[data-fui-focus-visible]{border-bottom-color:transparent;}",'.f15bsgw9[data-fui-focus-visible]::after{content:"";}',".f14e48fq[data-fui-focus-visible]::after{position:absolute;}",".f18yb2kv[data-fui-focus-visible]::after{pointer-events:none;}",".fd6o370[data-fui-focus-visible]::after{z-index:1;}",".fh1cnn4[data-fui-focus-visible]::after{border-top-style:solid;}",".fy7oxxb[data-fui-focus-visible]::after{border-right-style:solid;}",".f184ne2d[data-fui-focus-visible]::after{border-left-style:solid;}",".fpukqih[data-fui-focus-visible]::after{border-bottom-style:solid;}",".frrh606[data-fui-focus-visible]::after{border-top-width:2px;}",".f1v5zibi[data-fui-focus-visible]::after{border-right-width:2px;}",".fo2hd23[data-fui-focus-visible]::after{border-left-width:2px;}",".ful5kiu[data-fui-focus-visible]::after{border-bottom-width:2px;}",".f1jqcqds[data-fui-focus-visible]::after{border-bottom-right-radius:var(--borderRadiusMedium);}",".ftffrms[data-fui-focus-visible]::after{border-bottom-left-radius:var(--borderRadiusMedium);}",".f2e7qr6[data-fui-focus-visible]::after{border-top-right-radius:var(--borderRadiusMedium);}",".fsr1zz6[data-fui-focus-visible]::after{border-top-left-radius:var(--borderRadiusMedium);}",".f1dvezut[data-fui-focus-visible]::after{border-top-color:var(--colorStrokeFocus2);}",".fd0oaoj[data-fui-focus-visible]::after{border-right-color:var(--colorStrokeFocus2);}",".f1cwg4i8[data-fui-focus-visible]::after{border-left-color:var(--colorStrokeFocus2);}",".fjvm52t[data-fui-focus-visible]::after{border-bottom-color:var(--colorStrokeFocus2);}",".fdiulkx[data-fui-focus-visible]::after{top:-2px;}",".f1yalx80[data-fui-focus-visible]::after{bottom:-2px;}",".fq22d5a[data-fui-focus-visible]::after{left:-2px;}",".f1jw7pan[data-fui-focus-visible]::after{right:-2px;}",".ftgm304{display:block;}",".f1c515w{-webkit-user-select:unset;-moz-user-select:unset;-ms-user-select:unset;user-select:unset;}",".f1bitti{visibility:unset;}",".f15twtuk{top:0;}",".f1e31b4d{right:0;}",".f1vgc2s3{left:0;}",".f1yab3r1{bottom:0;}",".fuq56rw{padding-top:24px;}",".f15kemlc{padding-right:24px;}",".fdgang7{padding-left:24px;}",".fl2zwns{padding-bottom:24px;}",".fgr6219{margin-top:auto;}",".f1ujusj6{margin-right:auto;}",".fcgxt0o{margin-left:auto;}",".f10jk5vf{margin-bottom:auto;}",".fzkkow9{border-top-style:solid;}",".fcdblym{border-right-style:solid;}",".fjik90z{border-left-style:solid;}",".fg706s2{border-bottom-style:solid;}",".f1ln0qer{overflow-x:unset;}",".fa2wlxz{overflow-y:unset;}",".f120kxnn::backdrop{background-color:rgba(0, 0, 0, 0.4);}",".f19dog8a{position:fixed;}",".fly5x3f{width:100%;}",".f3052tw{height:-webkit-fit-content;height:-moz-fit-content;height:fit-content;}",".fvgz9i8{max-width:600px;}",".f6a9g1z{max-height:100vh;}",".f1ewtqcl{box-sizing:border-box;}",".f10nrhrw{box-shadow:var(--shadow64);}",".fxugw4r{background-color:var(--colorNeutralBackground1);}",".f19n0e5{color:var(--colorNeutralForeground1);}",".f5ogflp{border-top-width:1px;}",".f1hqa2wf{border-right-width:1px;}",".finvdd3{border-left-width:1px;}",".f1f09k3d{border-bottom-width:1px;}",".fghlq4f{border-top-color:var(--colorTransparentStroke);}",".f1gn591s{border-right-color:var(--colorTransparentStroke);}",".fjscplz{border-left-color:var(--colorTransparentStroke);}",".fb073pr{border-bottom-color:var(--colorTransparentStroke);}",".fnivh3a{border-bottom-right-radius:var(--borderRadiusXLarge);}",".fc7yr5o{border-bottom-left-radius:var(--borderRadiusXLarge);}",".f1el4m67{border-top-right-radius:var(--borderRadiusXLarge);}",".f8yange{border-top-left-radius:var(--borderRadiusXLarge);}",".fju19wo{background-color:rgba(0, 0, 0, 0.4);}",".f113wtx2{top:0px;}",".f10k790i{right:0px;}",".f1xynx9j{left:0px;}",".f5gq2j6{bottom:0px;}",".f3rmtva{background-color:transparent;}",".foe20jx::backdrop{background-color:transparent;}"],m:[["@media screen and (max-width: 480px){.ff54dml{max-width:100vw;}}",{m:"screen and (max-width: 480px)"}]]}),Zde=e=>{const t=Xde(),n=Ga(r=>r.isNestedDialog);return e.root.className=et(R6.root,t.root,t.focusOutline,n&&t.nestedNativeDialogBackdrop,e.root.className),e.backdrop&&(e.backdrop.className=et(R6.backdrop,t.backdrop,n&&t.nestedDialogBackdrop,e.backdrop.className)),e};function Jde(e){return{dialogSurface:!0}}const Qv=T.forwardRef((e,t)=>{const n=Yde(e,t),r=Jde();return Zde(n),Qde(n,r)});Qv.displayName="DialogSurface";const e1e=(e,t)=>{var n;return{components:{root:"div"},root:vr((n=e.as)!==null&&n!==void 0?n:"div",{ref:t,...e})}},t1e=e=>{const{slots:t,slotProps:n}=Jn(e);return T.createElement(t.root,{...n.root})},n1e={root:"fui-DialogContent"},r1e=pt({root:{a9b677:"fly5x3f",Bqenvij:"f1l02sjl",Bmxbyg5:"f5zp4f",sshi5w:"f1nxs5xn",B7ck84d:"f1ewtqcl",Ijaq50:"f6owso0",Br312pm:"fupswjn",nk6f5a:"foucsne",Bw0ie65:"f1ka72gx",Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi"}},{d:[".fly5x3f{width:100%;}",".f1l02sjl{height:100%;}",".f5zp4f{overflow-y:auto;}",".f1nxs5xn{min-height:32px;}",".f1ewtqcl{box-sizing:border-box;}",".f6owso0{grid-row-start:body;}",".fupswjn{grid-column-start:body;}",".foucsne{grid-row-end:body;}",".f1ka72gx{grid-column-end:body;}",".fk6fouc{font-family:var(--fontFamilyBase);}",".fkhj508{font-size:var(--fontSizeBase300);}",".figsok6{font-weight:var(--fontWeightRegular);}",".f1i3iumi{line-height:var(--lineHeightBase300);}"]}),o1e=e=>{const t=r1e();return e.root.className=et(n1e.root,t.root,e.root.className),e},Xv=T.forwardRef((e,t)=>{const n=e1e(e,t);return o1e(n),t1e(n)});Xv.displayName="DialogContent";function l1(e,t){e.prototype=Object.create(t.prototype),e.prototype.constructor=e,e.__proto__=t}var u1=function(){function e(){this.listeners=[]}var t=e.prototype;return t.subscribe=function(r){var o=this,i=r||function(){};return this.listeners.push(i),this.onSubscribe(),function(){o.listeners=o.listeners.filter(function(a){return a!==i}),o.onUnsubscribe()}},t.hasListeners=function(){return this.listeners.length>0},t.onSubscribe=function(){},t.onUnsubscribe=function(){},e}();function At(){return At=Object.assign||function(e){for(var t=1;t<arguments.length;t++){var n=arguments[t];for(var r in n)Object.prototype.hasOwnProperty.call(n,r)&&(e[r]=n[r])}return e},At.apply(this,arguments)}var Zv=typeof window>"u";function Kr(){}function i1e(e,t){return typeof e=="function"?e(t):e}function M_(e){return typeof e=="number"&&e>=0&&e!==1/0}function Jv(e){return Array.isArray(e)?e:[e]}function SD(e,t){return Math.max(e+(t||0)-Date.now(),0)}function zg(e,t,n){return lp(e)?typeof t=="function"?At({},n,{queryKey:e,queryFn:t}):At({},t,{queryKey:e}):e}function a1e(e,t,n){return lp(e)?typeof t=="function"?At({},n,{mutationKey:e,mutationFn:t}):At({},t,{mutationKey:e}):typeof e=="function"?At({},t,{mutationFn:e}):At({},e)}function Jl(e,t,n){return lp(e)?[At({},t,{queryKey:e}),n]:[e||{},t]}function s1e(e,t){if(e===!0&&t===!0||e==null&&t==null)return"all";if(e===!1&&t===!1)return"none";var n=e??!t;return n?"active":"inactive"}function O6(e,t){var n=e.active,r=e.exact,o=e.fetching,i=e.inactive,a=e.predicate,s=e.queryKey,l=e.stale;if(lp(s)){if(r){if(t.queryHash!==ew(s,t.options))return!1}else if(!eb(t.queryKey,s))return!1}var u=s1e(n,i);if(u==="none")return!1;if(u!=="all"){var d=t.isActive();if(u==="active"&&!d||u==="inactive"&&d)return!1}return!(typeof l=="boolean"&&t.isStale()!==l||typeof o=="boolean"&&t.isFetching()!==o||a&&!a(t))}function D6(e,t){var n=e.exact,r=e.fetching,o=e.predicate,i=e.mutationKey;if(lp(i)){if(!t.options.mutationKey)return!1;if(n){if(Sc(t.options.mutationKey)!==Sc(i))return!1}else if(!eb(t.options.mutationKey,i))return!1}return!(typeof r=="boolean"&&t.state.status==="loading"!==r||o&&!o(t))}function ew(e,t){var n=(t==null?void 0:t.queryKeyHashFn)||Sc;return n(e)}function Sc(e){var t=Jv(e);return l1e(t)}function l1e(e){return JSON.stringify(e,function(t,n){return L_(n)?Object.keys(n).sort().reduce(function(r,o){return r[o]=n[o],r},{}):n})}function eb(e,t){return xD(Jv(e),Jv(t))}function xD(e,t){return e===t?!0:typeof e!=typeof t?!1:e&&t&&typeof e=="object"&&typeof t=="object"?!Object.keys(t).some(function(n){return!xD(e[n],t[n])}):!1}function tb(e,t){if(e===t)return e;var n=Array.isArray(e)&&Array.isArray(t);if(n||L_(e)&&L_(t)){for(var r=n?e.length:Object.keys(e).length,o=n?t:Object.keys(t),i=o.length,a=n?[]:{},s=0,l=0;l<i;l++){var u=n?l:o[l];a[u]=tb(e[u],t[u]),a[u]===e[u]&&s++}return r===i&&s===r?e:a}return t}function u1e(e,t){if(e&&!t||t&&!e)return!1;for(var n in e)if(e[n]!==t[n])return!1;return!0}function L_(e){if(!P6(e))return!1;var t=e.constructor;if(typeof t>"u")return!0;var n=t.prototype;return!(!P6(n)||!n.hasOwnProperty("isPrototypeOf"))}function P6(e){return Object.prototype.toString.call(e)==="[object Object]"}function lp(e){return typeof e=="string"||Array.isArray(e)}function c1e(e){return new Promise(function(t){setTimeout(t,e)})}function M6(e){Promise.resolve().then(e).catch(function(t){return setTimeout(function(){throw t})})}function CD(){if(typeof AbortController=="function")return new AbortController}var f1e=function(e){l1(t,e);function t(){var r;return r=e.call(this)||this,r.setup=function(o){var i;if(!Zv&&((i=window)!=null&&i.addEventListener)){var a=function(){return o()};return window.addEventListener("visibilitychange",a,!1),window.addEventListener("focus",a,!1),function(){window.removeEventListener("visibilitychange",a),window.removeEventListener("focus",a)}}},r}var n=t.prototype;return n.onSubscribe=function(){this.cleanup||this.setEventListener(this.setup)},n.onUnsubscribe=function(){if(!this.hasListeners()){var o;(o=this.cleanup)==null||o.call(this),this.cleanup=void 0}},n.setEventListener=function(o){var i,a=this;this.setup=o,(i=this.cleanup)==null||i.call(this),this.cleanup=o(function(s){typeof s=="boolean"?a.setFocused(s):a.onFocus()})},n.setFocused=function(o){this.focused=o,o&&this.onFocus()},n.onFocus=function(){this.listeners.forEach(function(o){o()})},n.isFocused=function(){return typeof this.focused=="boolean"?this.focused:typeof document>"u"?!0:[void 0,"visible","prerender"].includes(document.visibilityState)},t}(u1),Wh=new f1e,d1e=function(e){l1(t,e);function t(){var r;return r=e.call(this)||this,r.setup=function(o){var i;if(!Zv&&((i=window)!=null&&i.addEventListener)){var a=function(){return o()};return window.addEventListener("online",a,!1),window.addEventListener("offline",a,!1),function(){window.removeEventListener("online",a),window.removeEventListener("offline",a)}}},r}var n=t.prototype;return n.onSubscribe=function(){this.cleanup||this.setEventListener(this.setup)},n.onUnsubscribe=function(){if(!this.hasListeners()){var o;(o=this.cleanup)==null||o.call(this),this.cleanup=void 0}},n.setEventListener=function(o){var i,a=this;this.setup=o,(i=this.cleanup)==null||i.call(this),this.cleanup=o(function(s){typeof s=="boolean"?a.setOnline(s):a.onOnline()})},n.setOnline=function(o){this.online=o,o&&this.onOnline()},n.onOnline=function(){this.listeners.forEach(function(o){o()})},n.isOnline=function(){return typeof this.online=="boolean"?this.online:typeof navigator>"u"||typeof navigator.onLine>"u"?!0:navigator.onLine},t}(u1),Hg=new d1e;function h1e(e){return Math.min(1e3*Math.pow(2,e),3e4)}function nb(e){return typeof(e==null?void 0:e.cancel)=="function"}var AD=function(t){this.revert=t==null?void 0:t.revert,this.silent=t==null?void 0:t.silent};function Ug(e){return e instanceof AD}var ND=function(t){var n=this,r=!1,o,i,a,s;this.abort=t.abort,this.cancel=function(p){return o==null?void 0:o(p)},this.cancelRetry=function(){r=!0},this.continueRetry=function(){r=!1},this.continue=function(){return i==null?void 0:i()},this.failureCount=0,this.isPaused=!1,this.isResolved=!1,this.isTransportCancelable=!1,this.promise=new Promise(function(p,m){a=p,s=m});var l=function(m){n.isResolved||(n.isResolved=!0,t.onSuccess==null||t.onSuccess(m),i==null||i(),a(m))},u=function(m){n.isResolved||(n.isResolved=!0,t.onError==null||t.onError(m),i==null||i(),s(m))},d=function(){return new Promise(function(m){i=m,n.isPaused=!0,t.onPause==null||t.onPause()}).then(function(){i=void 0,n.isPaused=!1,t.onContinue==null||t.onContinue()})},h=function p(){if(!n.isResolved){var m;try{m=t.fn()}catch(v){m=Promise.reject(v)}o=function(_){if(!n.isResolved&&(u(new AD(_)),n.abort==null||n.abort(),nb(m)))try{m.cancel()}catch{}},n.isTransportCancelable=nb(m),Promise.resolve(m).then(l).catch(function(v){var _,b;if(!n.isResolved){var E=(_=t.retry)!=null?_:3,w=(b=t.retryDelay)!=null?b:h1e,k=typeof w=="function"?w(n.failureCount,v):w,y=E===!0||typeof E=="number"&&n.failureCount<E||typeof E=="function"&&E(n.failureCount,v);if(r||!y){u(v);return}n.failureCount++,t.onFail==null||t.onFail(n.failureCount,v),c1e(k).then(function(){if(!Wh.isFocused()||!Hg.isOnline())return d()}).then(function(){r?u(v):p()})}})}};h()},p1e=function(){function e(){this.queue=[],this.transactions=0,this.notifyFn=function(n){n()},this.batchNotifyFn=function(n){n()}}var t=e.prototype;return t.batch=function(r){var o;this.transactions++;try{o=r()}finally{this.transactions--,this.transactions||this.flush()}return o},t.schedule=function(r){var o=this;this.transactions?this.queue.push(r):M6(function(){o.notifyFn(r)})},t.batchCalls=function(r){var o=this;return function(){for(var i=arguments.length,a=new Array(i),s=0;s<i;s++)a[s]=arguments[s];o.schedule(function(){r.apply(void 0,a)})}},t.flush=function(){var r=this,o=this.queue;this.queue=[],o.length&&M6(function(){r.batchNotifyFn(function(){o.forEach(function(i){r.notifyFn(i)})})})},t.setNotifyFunction=function(r){this.notifyFn=r},t.setBatchNotifyFunction=function(r){this.batchNotifyFn=r},e}(),Dn=new p1e,FD=console;function rb(){return FD}function m1e(e){FD=e}var g1e=function(){function e(n){this.abortSignalConsumed=!1,this.hadObservers=!1,this.defaultOptions=n.defaultOptions,this.setOptions(n.options),this.observers=[],this.cache=n.cache,this.queryKey=n.queryKey,this.queryHash=n.queryHash,this.initialState=n.state||this.getDefaultState(this.options),this.state=this.initialState,this.meta=n.meta,this.scheduleGc()}var t=e.prototype;return t.setOptions=function(r){var o;this.options=At({},this.defaultOptions,r),this.meta=r==null?void 0:r.meta,this.cacheTime=Math.max(this.cacheTime||0,(o=this.options.cacheTime)!=null?o:5*60*1e3)},t.setDefaultOptions=function(r){this.defaultOptions=r},t.scheduleGc=function(){var r=this;this.clearGcTimeout(),M_(this.cacheTime)&&(this.gcTimeout=setTimeout(function(){r.optionalRemove()},this.cacheTime))},t.clearGcTimeout=function(){this.gcTimeout&&(clearTimeout(this.gcTimeout),this.gcTimeout=void 0)},t.optionalRemove=function(){this.observers.length||(this.state.isFetching?this.hadObservers&&this.scheduleGc():this.cache.remove(this))},t.setData=function(r,o){var i,a,s=this.state.data,l=i1e(r,s);return(i=(a=this.options).isDataEqual)!=null&&i.call(a,s,l)?l=s:this.options.structuralSharing!==!1&&(l=tb(s,l)),this.dispatch({data:l,type:"success",dataUpdatedAt:o==null?void 0:o.updatedAt}),l},t.setState=function(r,o){this.dispatch({type:"setState",state:r,setStateOptions:o})},t.cancel=function(r){var o,i=this.promise;return(o=this.retryer)==null||o.cancel(r),i?i.then(Kr).catch(Kr):Promise.resolve()},t.destroy=function(){this.clearGcTimeout(),this.cancel({silent:!0})},t.reset=function(){this.destroy(),this.setState(this.initialState)},t.isActive=function(){return this.observers.some(function(r){return r.options.enabled!==!1})},t.isFetching=function(){return this.state.isFetching},t.isStale=function(){return this.state.isInvalidated||!this.state.dataUpdatedAt||this.observers.some(function(r){return r.getCurrentResult().isStale})},t.isStaleByTime=function(r){return r===void 0&&(r=0),this.state.isInvalidated||!this.state.dataUpdatedAt||!SD(this.state.dataUpdatedAt,r)},t.onFocus=function(){var r,o=this.observers.find(function(i){return i.shouldFetchOnWindowFocus()});o&&o.refetch(),(r=this.retryer)==null||r.continue()},t.onOnline=function(){var r,o=this.observers.find(function(i){return i.shouldFetchOnReconnect()});o&&o.refetch(),(r=this.retryer)==null||r.continue()},t.addObserver=function(r){this.observers.indexOf(r)===-1&&(this.observers.push(r),this.hadObservers=!0,this.clearGcTimeout(),this.cache.notify({type:"observerAdded",query:this,observer:r}))},t.removeObserver=function(r){this.observers.indexOf(r)!==-1&&(this.observers=this.observers.filter(function(o){return o!==r}),this.observers.length||(this.retryer&&(this.retryer.isTransportCancelable||this.abortSignalConsumed?this.retryer.cancel({revert:!0}):this.retryer.cancelRetry()),this.cacheTime?this.scheduleGc():this.cache.remove(this)),this.cache.notify({type:"observerRemoved",query:this,observer:r}))},t.getObserversCount=function(){return this.observers.length},t.invalidate=function(){this.state.isInvalidated||this.dispatch({type:"invalidate"})},t.fetch=function(r,o){var i=this,a,s,l;if(this.state.isFetching){if(this.state.dataUpdatedAt&&(o!=null&&o.cancelRefetch))this.cancel({silent:!0});else if(this.promise){var u;return(u=this.retryer)==null||u.continueRetry(),this.promise}}if(r&&this.setOptions(r),!this.options.queryFn){var d=this.observers.find(function(w){return w.options.queryFn});d&&this.setOptions(d.options)}var h=Jv(this.queryKey),p=CD(),m={queryKey:h,pageParam:void 0,meta:this.meta};Object.defineProperty(m,"signal",{enumerable:!0,get:function(){if(p)return i.abortSignalConsumed=!0,p.signal}});var v=function(){return i.options.queryFn?(i.abortSignalConsumed=!1,i.options.queryFn(m)):Promise.reject("Missing queryFn")},_={fetchOptions:o,options:this.options,queryKey:h,state:this.state,fetchFn:v,meta:this.meta};if((a=this.options.behavior)!=null&&a.onFetch){var b;(b=this.options.behavior)==null||b.onFetch(_)}if(this.revertState=this.state,!this.state.isFetching||this.state.fetchMeta!==((s=_.fetchOptions)==null?void 0:s.meta)){var E;this.dispatch({type:"fetch",meta:(E=_.fetchOptions)==null?void 0:E.meta})}return this.retryer=new ND({fn:_.fetchFn,abort:p==null||(l=p.abort)==null?void 0:l.bind(p),onSuccess:function(k){i.setData(k),i.cache.config.onSuccess==null||i.cache.config.onSuccess(k,i),i.cacheTime===0&&i.optionalRemove()},onError:function(k){Ug(k)&&k.silent||i.dispatch({type:"error",error:k}),Ug(k)||(i.cache.config.onError==null||i.cache.config.onError(k,i),rb().error(k)),i.cacheTime===0&&i.optionalRemove()},onFail:function(){i.dispatch({type:"failed"})},onPause:function(){i.dispatch({type:"pause"})},onContinue:function(){i.dispatch({type:"continue"})},retry:_.options.retry,retryDelay:_.options.retryDelay}),this.promise=this.retryer.promise,this.promise},t.dispatch=function(r){var o=this;this.state=this.reducer(this.state,r),Dn.batch(function(){o.observers.forEach(function(i){i.onQueryUpdate(r)}),o.cache.notify({query:o,type:"queryUpdated",action:r})})},t.getDefaultState=function(r){var o=typeof r.initialData=="function"?r.initialData():r.initialData,i=typeof r.initialData<"u",a=i?typeof r.initialDataUpdatedAt=="function"?r.initialDataUpdatedAt():r.initialDataUpdatedAt:0,s=typeof o<"u";return{data:o,dataUpdateCount:0,dataUpdatedAt:s?a??Date.now():0,error:null,errorUpdateCount:0,errorUpdatedAt:0,fetchFailureCount:0,fetchMeta:null,isFetching:!1,isInvalidated:!1,isPaused:!1,status:s?"success":"idle"}},t.reducer=function(r,o){var i,a;switch(o.type){case"failed":return At({},r,{fetchFailureCount:r.fetchFailureCount+1});case"pause":return At({},r,{isPaused:!0});case"continue":return At({},r,{isPaused:!1});case"fetch":return At({},r,{fetchFailureCount:0,fetchMeta:(i=o.meta)!=null?i:null,isFetching:!0,isPaused:!1},!r.dataUpdatedAt&&{error:null,status:"loading"});case"success":return At({},r,{data:o.data,dataUpdateCount:r.dataUpdateCount+1,dataUpdatedAt:(a=o.dataUpdatedAt)!=null?a:Date.now(),error:null,fetchFailureCount:0,isFetching:!1,isInvalidated:!1,isPaused:!1,status:"success"});case"error":var s=o.error;return Ug(s)&&s.revert&&this.revertState?At({},this.revertState):At({},r,{error:s,errorUpdateCount:r.errorUpdateCount+1,errorUpdatedAt:Date.now(),fetchFailureCount:r.fetchFailureCount+1,isFetching:!1,isPaused:!1,status:"error"});case"invalidate":return At({},r,{isInvalidated:!0});case"setState":return At({},r,o.state);default:return r}},e}(),ID=function(e){l1(t,e);function t(r){var o;return o=e.call(this)||this,o.config=r||{},o.queries=[],o.queriesMap={},o}var n=t.prototype;return n.build=function(o,i,a){var s,l=i.queryKey,u=(s=i.queryHash)!=null?s:ew(l,i),d=this.get(u);return d||(d=new g1e({cache:this,queryKey:l,queryHash:u,options:o.defaultQueryOptions(i),state:a,defaultOptions:o.getQueryDefaults(l),meta:i.meta}),this.add(d)),d},n.add=function(o){this.queriesMap[o.queryHash]||(this.queriesMap[o.queryHash]=o,this.queries.push(o),this.notify({type:"queryAdded",query:o}))},n.remove=function(o){var i=this.queriesMap[o.queryHash];i&&(o.destroy(),this.queries=this.queries.filter(function(a){return a!==o}),i===o&&delete this.queriesMap[o.queryHash],this.notify({type:"queryRemoved",query:o}))},n.clear=function(){var o=this;Dn.batch(function(){o.queries.forEach(function(i){o.remove(i)})})},n.get=function(o){return this.queriesMap[o]},n.getAll=function(){return this.queries},n.find=function(o,i){var a=Jl(o,i),s=a[0];return typeof s.exact>"u"&&(s.exact=!0),this.queries.find(function(l){return O6(s,l)})},n.findAll=function(o,i){var a=Jl(o,i),s=a[0];return Object.keys(s).length>0?this.queries.filter(function(l){return O6(s,l)}):this.queries},n.notify=function(o){var i=this;Dn.batch(function(){i.listeners.forEach(function(a){a(o)})})},n.onFocus=function(){var o=this;Dn.batch(function(){o.queries.forEach(function(i){i.onFocus()})})},n.onOnline=function(){var o=this;Dn.batch(function(){o.queries.forEach(function(i){i.onOnline()})})},t}(u1),v1e=function(){function e(n){this.options=At({},n.defaultOptions,n.options),this.mutationId=n.mutationId,this.mutationCache=n.mutationCache,this.observers=[],this.state=n.state||BD(),this.meta=n.meta}var t=e.prototype;return t.setState=function(r){this.dispatch({type:"setState",state:r})},t.addObserver=function(r){this.observers.indexOf(r)===-1&&this.observers.push(r)},t.removeObserver=function(r){this.observers=this.observers.filter(function(o){return o!==r})},t.cancel=function(){return this.retryer?(this.retryer.cancel(),this.retryer.promise.then(Kr).catch(Kr)):Promise.resolve()},t.continue=function(){return this.retryer?(this.retryer.continue(),this.retryer.promise):this.execute()},t.execute=function(){var r=this,o,i=this.state.status==="loading",a=Promise.resolve();return i||(this.dispatch({type:"loading",variables:this.options.variables}),a=a.then(function(){r.mutationCache.config.onMutate==null||r.mutationCache.config.onMutate(r.state.variables,r)}).then(function(){return r.options.onMutate==null?void 0:r.options.onMutate(r.state.variables)}).then(function(s){s!==r.state.context&&r.dispatch({type:"loading",context:s,variables:r.state.variables})})),a.then(function(){return r.executeMutation()}).then(function(s){o=s,r.mutationCache.config.onSuccess==null||r.mutationCache.config.onSuccess(o,r.state.variables,r.state.context,r)}).then(function(){return r.options.onSuccess==null?void 0:r.options.onSuccess(o,r.state.variables,r.state.context)}).then(function(){return r.options.onSettled==null?void 0:r.options.onSettled(o,null,r.state.variables,r.state.context)}).then(function(){return r.dispatch({type:"success",data:o}),o}).catch(function(s){return r.mutationCache.config.onError==null||r.mutationCache.config.onError(s,r.state.variables,r.state.context,r),rb().error(s),Promise.resolve().then(function(){return r.options.onError==null?void 0:r.options.onError(s,r.state.variables,r.state.context)}).then(function(){return r.options.onSettled==null?void 0:r.options.onSettled(void 0,s,r.state.variables,r.state.context)}).then(function(){throw r.dispatch({type:"error",error:s}),s})})},t.executeMutation=function(){var r=this,o;return this.retryer=new ND({fn:function(){return r.options.mutationFn?r.options.mutationFn(r.state.variables):Promise.reject("No mutationFn found")},onFail:function(){r.dispatch({type:"failed"})},onPause:function(){r.dispatch({type:"pause"})},onContinue:function(){r.dispatch({type:"continue"})},retry:(o=this.options.retry)!=null?o:0,retryDelay:this.options.retryDelay}),this.retryer.promise},t.dispatch=function(r){var o=this;this.state=b1e(this.state,r),Dn.batch(function(){o.observers.forEach(function(i){i.onMutationUpdate(r)}),o.mutationCache.notify(o)})},e}();function BD(){return{context:void 0,data:void 0,error:null,failureCount:0,isPaused:!1,status:"idle",variables:void 0}}function b1e(e,t){switch(t.type){case"failed":return At({},e,{failureCount:e.failureCount+1});case"pause":return At({},e,{isPaused:!0});case"continue":return At({},e,{isPaused:!1});case"loading":return At({},e,{context:t.context,data:void 0,error:null,isPaused:!1,status:"loading",variables:t.variables});case"success":return At({},e,{data:t.data,error:null,status:"success",isPaused:!1});case"error":return At({},e,{data:void 0,error:t.error,failureCount:e.failureCount+1,isPaused:!1,status:"error"});case"setState":return At({},e,t.state);default:return e}}var y1e=function(e){l1(t,e);function t(r){var o;return o=e.call(this)||this,o.config=r||{},o.mutations=[],o.mutationId=0,o}var n=t.prototype;return n.build=function(o,i,a){var s=new v1e({mutationCache:this,mutationId:++this.mutationId,options:o.defaultMutationOptions(i),state:a,defaultOptions:i.mutationKey?o.getMutationDefaults(i.mutationKey):void 0,meta:i.meta});return this.add(s),s},n.add=function(o){this.mutations.push(o),this.notify(o)},n.remove=function(o){this.mutations=this.mutations.filter(function(i){return i!==o}),o.cancel(),this.notify(o)},n.clear=function(){var o=this;Dn.batch(function(){o.mutations.forEach(function(i){o.remove(i)})})},n.getAll=function(){return this.mutations},n.find=function(o){return typeof o.exact>"u"&&(o.exact=!0),this.mutations.find(function(i){return D6(o,i)})},n.findAll=function(o){return this.mutations.filter(function(i){return D6(o,i)})},n.notify=function(o){var i=this;Dn.batch(function(){i.listeners.forEach(function(a){a(o)})})},n.onFocus=function(){this.resumePausedMutations()},n.onOnline=function(){this.resumePausedMutations()},n.resumePausedMutations=function(){var o=this.mutations.filter(function(i){return i.state.isPaused});return Dn.batch(function(){return o.reduce(function(i,a){return i.then(function(){return a.continue().catch(Kr)})},Promise.resolve())})},t}(u1);function E1e(){return{onFetch:function(t){t.fetchFn=function(){var n,r,o,i,a,s,l=(n=t.fetchOptions)==null||(r=n.meta)==null?void 0:r.refetchPage,u=(o=t.fetchOptions)==null||(i=o.meta)==null?void 0:i.fetchMore,d=u==null?void 0:u.pageParam,h=(u==null?void 0:u.direction)==="forward",p=(u==null?void 0:u.direction)==="backward",m=((a=t.state.data)==null?void 0:a.pages)||[],v=((s=t.state.data)==null?void 0:s.pageParams)||[],_=CD(),b=_==null?void 0:_.signal,E=v,w=!1,k=t.options.queryFn||function(){return Promise.reject("Missing queryFn")},y=function(pe,se,J,$){return E=$?[se].concat(E):[].concat(E,[se]),$?[J].concat(pe):[].concat(pe,[J])},F=function(pe,se,J,$){if(w)return Promise.reject("Cancelled");if(typeof J>"u"&&!se&&pe.length)return Promise.resolve(pe);var _e={queryKey:t.queryKey,signal:b,pageParam:J,meta:t.meta},ve=k(_e),fe=Promise.resolve(ve).then(function(L){return y(pe,J,L,$)});if(nb(ve)){var R=fe;R.cancel=ve.cancel}return fe},C;if(!m.length)C=F([]);else if(h){var A=typeof d<"u",P=A?d:L6(t.options,m);C=F(m,A,P)}else if(p){var I=typeof d<"u",j=I?d:_1e(t.options,m);C=F(m,I,j,!0)}else(function(){E=[];var U=typeof t.options.getNextPageParam>"u",pe=l&&m[0]?l(m[0],0,m):!0;C=pe?F([],U,v[0]):Promise.resolve(y([],v[0],m[0]));for(var se=function(_e){C=C.then(function(ve){var fe=l&&m[_e]?l(m[_e],_e,m):!0;if(fe){var R=U?v[_e]:L6(t.options,ve);return F(ve,U,R)}return Promise.resolve(y(ve,v[_e],m[_e]))})},J=1;J<m.length;J++)se(J)})();var H=C.then(function(U){return{pages:U,pageParams:E}}),K=H;return K.cancel=function(){w=!0,_==null||_.abort(),nb(C)&&C.cancel()},H}}}}function L6(e,t){return e.getNextPageParam==null?void 0:e.getNextPageParam(t[t.length-1],t)}function _1e(e,t){return e.getPreviousPageParam==null?void 0:e.getPreviousPageParam(t[0],t)}var T1e=function(){function e(n){n===void 0&&(n={}),this.queryCache=n.queryCache||new ID,this.mutationCache=n.mutationCache||new y1e,this.defaultOptions=n.defaultOptions||{},this.queryDefaults=[],this.mutationDefaults=[]}var t=e.prototype;return t.mount=function(){var r=this;this.unsubscribeFocus=Wh.subscribe(function(){Wh.isFocused()&&Hg.isOnline()&&(r.mutationCache.onFocus(),r.queryCache.onFocus())}),this.unsubscribeOnline=Hg.subscribe(function(){Wh.isFocused()&&Hg.isOnline()&&(r.mutationCache.onOnline(),r.queryCache.onOnline())})},t.unmount=function(){var r,o;(r=this.unsubscribeFocus)==null||r.call(this),(o=this.unsubscribeOnline)==null||o.call(this)},t.isFetching=function(r,o){var i=Jl(r,o),a=i[0];return a.fetching=!0,this.queryCache.findAll(a).length},t.isMutating=function(r){return this.mutationCache.findAll(At({},r,{fetching:!0})).length},t.getQueryData=function(r,o){var i;return(i=this.queryCache.find(r,o))==null?void 0:i.state.data},t.getQueriesData=function(r){return this.getQueryCache().findAll(r).map(function(o){var i=o.queryKey,a=o.state,s=a.data;return[i,s]})},t.setQueryData=function(r,o,i){var a=zg(r),s=this.defaultQueryOptions(a);return this.queryCache.build(this,s).setData(o,i)},t.setQueriesData=function(r,o,i){var a=this;return Dn.batch(function(){return a.getQueryCache().findAll(r).map(function(s){var l=s.queryKey;return[l,a.setQueryData(l,o,i)]})})},t.getQueryState=function(r,o){var i;return(i=this.queryCache.find(r,o))==null?void 0:i.state},t.removeQueries=function(r,o){var i=Jl(r,o),a=i[0],s=this.queryCache;Dn.batch(function(){s.findAll(a).forEach(function(l){s.remove(l)})})},t.resetQueries=function(r,o,i){var a=this,s=Jl(r,o,i),l=s[0],u=s[1],d=this.queryCache,h=At({},l,{active:!0});return Dn.batch(function(){return d.findAll(l).forEach(function(p){p.reset()}),a.refetchQueries(h,u)})},t.cancelQueries=function(r,o,i){var a=this,s=Jl(r,o,i),l=s[0],u=s[1],d=u===void 0?{}:u;typeof d.revert>"u"&&(d.revert=!0);var h=Dn.batch(function(){return a.queryCache.findAll(l).map(function(p){return p.cancel(d)})});return Promise.all(h).then(Kr).catch(Kr)},t.invalidateQueries=function(r,o,i){var a,s,l,u=this,d=Jl(r,o,i),h=d[0],p=d[1],m=At({},h,{active:(a=(s=h.refetchActive)!=null?s:h.active)!=null?a:!0,inactive:(l=h.refetchInactive)!=null?l:!1});return Dn.batch(function(){return u.queryCache.findAll(h).forEach(function(v){v.invalidate()}),u.refetchQueries(m,p)})},t.refetchQueries=function(r,o,i){var a=this,s=Jl(r,o,i),l=s[0],u=s[1],d=Dn.batch(function(){return a.queryCache.findAll(l).map(function(p){return p.fetch(void 0,At({},u,{meta:{refetchPage:l==null?void 0:l.refetchPage}}))})}),h=Promise.all(d).then(Kr);return u!=null&&u.throwOnError||(h=h.catch(Kr)),h},t.fetchQuery=function(r,o,i){var a=zg(r,o,i),s=this.defaultQueryOptions(a);typeof s.retry>"u"&&(s.retry=!1);var l=this.queryCache.build(this,s);return l.isStaleByTime(s.staleTime)?l.fetch(s):Promise.resolve(l.state.data)},t.prefetchQuery=function(r,o,i){return this.fetchQuery(r,o,i).then(Kr).catch(Kr)},t.fetchInfiniteQuery=function(r,o,i){var a=zg(r,o,i);return a.behavior=E1e(),this.fetchQuery(a)},t.prefetchInfiniteQuery=function(r,o,i){return this.fetchInfiniteQuery(r,o,i).then(Kr).catch(Kr)},t.cancelMutations=function(){var r=this,o=Dn.batch(function(){return r.mutationCache.getAll().map(function(i){return i.cancel()})});return Promise.all(o).then(Kr).catch(Kr)},t.resumePausedMutations=function(){return this.getMutationCache().resumePausedMutations()},t.executeMutation=function(r){return this.mutationCache.build(this,r).execute()},t.getQueryCache=function(){return this.queryCache},t.getMutationCache=function(){return this.mutationCache},t.getDefaultOptions=function(){return this.defaultOptions},t.setDefaultOptions=function(r){this.defaultOptions=r},t.setQueryDefaults=function(r,o){var i=this.queryDefaults.find(function(a){return Sc(r)===Sc(a.queryKey)});i?i.defaultOptions=o:this.queryDefaults.push({queryKey:r,defaultOptions:o})},t.getQueryDefaults=function(r){var o;return r?(o=this.queryDefaults.find(function(i){return eb(r,i.queryKey)}))==null?void 0:o.defaultOptions:void 0},t.setMutationDefaults=function(r,o){var i=this.mutationDefaults.find(function(a){return Sc(r)===Sc(a.mutationKey)});i?i.defaultOptions=o:this.mutationDefaults.push({mutationKey:r,defaultOptions:o})},t.getMutationDefaults=function(r){var o;return r?(o=this.mutationDefaults.find(function(i){return eb(r,i.mutationKey)}))==null?void 0:o.defaultOptions:void 0},t.defaultQueryOptions=function(r){if(r!=null&&r._defaulted)return r;var o=At({},this.defaultOptions.queries,this.getQueryDefaults(r==null?void 0:r.queryKey),r,{_defaulted:!0});return!o.queryHash&&o.queryKey&&(o.queryHash=ew(o.queryKey,o)),o},t.defaultQueryObserverOptions=function(r){return this.defaultQueryOptions(r)},t.defaultMutationOptions=function(r){return r!=null&&r._defaulted?r:At({},this.defaultOptions.mutations,this.getMutationDefaults(r==null?void 0:r.mutationKey),r,{_defaulted:!0})},t.clear=function(){this.queryCache.clear(),this.mutationCache.clear()},e}(),w1e=function(e){l1(t,e);function t(r,o){var i;return i=e.call(this)||this,i.client=r,i.options=o,i.trackedProps=[],i.selectError=null,i.bindMethods(),i.setOptions(o),i}var n=t.prototype;return n.bindMethods=function(){this.remove=this.remove.bind(this),this.refetch=this.refetch.bind(this)},n.onSubscribe=function(){this.listeners.length===1&&(this.currentQuery.addObserver(this),j6(this.currentQuery,this.options)&&this.executeFetch(),this.updateTimers())},n.onUnsubscribe=function(){this.listeners.length||this.destroy()},n.shouldFetchOnReconnect=function(){return j_(this.currentQuery,this.options,this.options.refetchOnReconnect)},n.shouldFetchOnWindowFocus=function(){return j_(this.currentQuery,this.options,this.options.refetchOnWindowFocus)},n.destroy=function(){this.listeners=[],this.clearTimers(),this.currentQuery.removeObserver(this)},n.setOptions=function(o,i){var a=this.options,s=this.currentQuery;if(this.options=this.client.defaultQueryObserverOptions(o),typeof this.options.enabled<"u"&&typeof this.options.enabled!="boolean")throw new Error("Expected enabled to be a boolean");this.options.queryKey||(this.options.queryKey=a.queryKey),this.updateQuery();var l=this.hasListeners();l&&z6(this.currentQuery,s,this.options,a)&&this.executeFetch(),this.updateResult(i),l&&(this.currentQuery!==s||this.options.enabled!==a.enabled||this.options.staleTime!==a.staleTime)&&this.updateStaleTimeout();var u=this.computeRefetchInterval();l&&(this.currentQuery!==s||this.options.enabled!==a.enabled||u!==this.currentRefetchInterval)&&this.updateRefetchInterval(u)},n.getOptimisticResult=function(o){var i=this.client.defaultQueryObserverOptions(o),a=this.client.getQueryCache().build(this.client,i);return this.createResult(a,i)},n.getCurrentResult=function(){return this.currentResult},n.trackResult=function(o,i){var a=this,s={},l=function(d){a.trackedProps.includes(d)||a.trackedProps.push(d)};return Object.keys(o).forEach(function(u){Object.defineProperty(s,u,{configurable:!1,enumerable:!0,get:function(){return l(u),o[u]}})}),(i.useErrorBoundary||i.suspense)&&l("error"),s},n.getNextResult=function(o){var i=this;return new Promise(function(a,s){var l=i.subscribe(function(u){u.isFetching||(l(),u.isError&&(o!=null&&o.throwOnError)?s(u.error):a(u))})})},n.getCurrentQuery=function(){return this.currentQuery},n.remove=function(){this.client.getQueryCache().remove(this.currentQuery)},n.refetch=function(o){return this.fetch(At({},o,{meta:{refetchPage:o==null?void 0:o.refetchPage}}))},n.fetchOptimistic=function(o){var i=this,a=this.client.defaultQueryObserverOptions(o),s=this.client.getQueryCache().build(this.client,a);return s.fetch().then(function(){return i.createResult(s,a)})},n.fetch=function(o){var i=this;return this.executeFetch(o).then(function(){return i.updateResult(),i.currentResult})},n.executeFetch=function(o){this.updateQuery();var i=this.currentQuery.fetch(this.options,o);return o!=null&&o.throwOnError||(i=i.catch(Kr)),i},n.updateStaleTimeout=function(){var o=this;if(this.clearStaleTimeout(),!(Zv||this.currentResult.isStale||!M_(this.options.staleTime))){var i=SD(this.currentResult.dataUpdatedAt,this.options.staleTime),a=i+1;this.staleTimeoutId=setTimeout(function(){o.currentResult.isStale||o.updateResult()},a)}},n.computeRefetchInterval=function(){var o;return typeof this.options.refetchInterval=="function"?this.options.refetchInterval(this.currentResult.data,this.currentQuery):(o=this.options.refetchInterval)!=null?o:!1},n.updateRefetchInterval=function(o){var i=this;this.clearRefetchInterval(),this.currentRefetchInterval=o,!(Zv||this.options.enabled===!1||!M_(this.currentRefetchInterval)||this.currentRefetchInterval===0)&&(this.refetchIntervalId=setInterval(function(){(i.options.refetchIntervalInBackground||Wh.isFocused())&&i.executeFetch()},this.currentRefetchInterval))},n.updateTimers=function(){this.updateStaleTimeout(),this.updateRefetchInterval(this.computeRefetchInterval())},n.clearTimers=function(){this.clearStaleTimeout(),this.clearRefetchInterval()},n.clearStaleTimeout=function(){this.staleTimeoutId&&(clearTimeout(this.staleTimeoutId),this.staleTimeoutId=void 0)},n.clearRefetchInterval=function(){this.refetchIntervalId&&(clearInterval(this.refetchIntervalId),this.refetchIntervalId=void 0)},n.createResult=function(o,i){var a=this.currentQuery,s=this.options,l=this.currentResult,u=this.currentResultState,d=this.currentResultOptions,h=o!==a,p=h?o.state:this.currentQueryInitialState,m=h?this.currentResult:this.previousQueryResult,v=o.state,_=v.dataUpdatedAt,b=v.error,E=v.errorUpdatedAt,w=v.isFetching,k=v.status,y=!1,F=!1,C;if(i.optimisticResults){var A=this.hasListeners(),P=!A&&j6(o,i),I=A&&z6(o,a,i,s);(P||I)&&(w=!0,_||(k="loading"))}if(i.keepPreviousData&&!v.dataUpdateCount&&(m!=null&&m.isSuccess)&&k!=="error")C=m.data,_=m.dataUpdatedAt,k=m.status,y=!0;else if(i.select&&typeof v.data<"u")if(l&&v.data===(u==null?void 0:u.data)&&i.select===this.selectFn)C=this.selectResult;else try{this.selectFn=i.select,C=i.select(v.data),i.structuralSharing!==!1&&(C=tb(l==null?void 0:l.data,C)),this.selectResult=C,this.selectError=null}catch(K){rb().error(K),this.selectError=K}else C=v.data;if(typeof i.placeholderData<"u"&&typeof C>"u"&&(k==="loading"||k==="idle")){var j;if(l!=null&&l.isPlaceholderData&&i.placeholderData===(d==null?void 0:d.placeholderData))j=l.data;else if(j=typeof i.placeholderData=="function"?i.placeholderData():i.placeholderData,i.select&&typeof j<"u")try{j=i.select(j),i.structuralSharing!==!1&&(j=tb(l==null?void 0:l.data,j)),this.selectError=null}catch(K){rb().error(K),this.selectError=K}typeof j<"u"&&(k="success",C=j,F=!0)}this.selectError&&(b=this.selectError,C=this.selectResult,E=Date.now(),k="error");var H={status:k,isLoading:k==="loading",isSuccess:k==="success",isError:k==="error",isIdle:k==="idle",data:C,dataUpdatedAt:_,error:b,errorUpdatedAt:E,failureCount:v.fetchFailureCount,errorUpdateCount:v.errorUpdateCount,isFetched:v.dataUpdateCount>0||v.errorUpdateCount>0,isFetchedAfterMount:v.dataUpdateCount>p.dataUpdateCount||v.errorUpdateCount>p.errorUpdateCount,isFetching:w,isRefetching:w&&k!=="loading",isLoadingError:k==="error"&&v.dataUpdatedAt===0,isPlaceholderData:F,isPreviousData:y,isRefetchError:k==="error"&&v.dataUpdatedAt!==0,isStale:tw(o,i),refetch:this.refetch,remove:this.remove};return H},n.shouldNotifyListeners=function(o,i){if(!i)return!0;var a=this.options,s=a.notifyOnChangeProps,l=a.notifyOnChangePropsExclusions;if(!s&&!l||s==="tracked"&&!this.trackedProps.length)return!0;var u=s==="tracked"?this.trackedProps:s;return Object.keys(o).some(function(d){var h=d,p=o[h]!==i[h],m=u==null?void 0:u.some(function(_){return _===d}),v=l==null?void 0:l.some(function(_){return _===d});return p&&!v&&(!u||m)})},n.updateResult=function(o){var i=this.currentResult;if(this.currentResult=this.createResult(this.currentQuery,this.options),this.currentResultState=this.currentQuery.state,this.currentResultOptions=this.options,!u1e(this.currentResult,i)){var a={cache:!0};(o==null?void 0:o.listeners)!==!1&&this.shouldNotifyListeners(this.currentResult,i)&&(a.listeners=!0),this.notify(At({},a,o))}},n.updateQuery=function(){var o=this.client.getQueryCache().build(this.client,this.options);if(o!==this.currentQuery){var i=this.currentQuery;this.currentQuery=o,this.currentQueryInitialState=o.state,this.previousQueryResult=this.currentResult,this.hasListeners()&&(i==null||i.removeObserver(this),o.addObserver(this))}},n.onQueryUpdate=function(o){var i={};o.type==="success"?i.onSuccess=!0:o.type==="error"&&!Ug(o.error)&&(i.onError=!0),this.updateResult(i),this.hasListeners()&&this.updateTimers()},n.notify=function(o){var i=this;Dn.batch(function(){o.onSuccess?(i.options.onSuccess==null||i.options.onSuccess(i.currentResult.data),i.options.onSettled==null||i.options.onSettled(i.currentResult.data,null)):o.onError&&(i.options.onError==null||i.options.onError(i.currentResult.error),i.options.onSettled==null||i.options.onSettled(void 0,i.currentResult.error)),o.listeners&&i.listeners.forEach(function(a){a(i.currentResult)}),o.cache&&i.client.getQueryCache().notify({query:i.currentQuery,type:"observerResultsUpdated"})})},t}(u1);function k1e(e,t){return t.enabled!==!1&&!e.state.dataUpdatedAt&&!(e.state.status==="error"&&t.retryOnMount===!1)}function j6(e,t){return k1e(e,t)||e.state.dataUpdatedAt>0&&j_(e,t,t.refetchOnMount)}function j_(e,t,n){if(t.enabled!==!1){var r=typeof n=="function"?n(e):n;return r==="always"||r!==!1&&tw(e,t)}return!1}function z6(e,t,n,r){return n.enabled!==!1&&(e!==t||r.enabled===!1)&&(!n.suspense||e.state.status!=="error")&&tw(e,n)}function tw(e,t){return e.isStaleByTime(t.staleTime)}var S1e=function(e){l1(t,e);function t(r,o){var i;return i=e.call(this)||this,i.client=r,i.setOptions(o),i.bindMethods(),i.updateResult(),i}var n=t.prototype;return n.bindMethods=function(){this.mutate=this.mutate.bind(this),this.reset=this.reset.bind(this)},n.setOptions=function(o){this.options=this.client.defaultMutationOptions(o)},n.onUnsubscribe=function(){if(!this.listeners.length){var o;(o=this.currentMutation)==null||o.removeObserver(this)}},n.onMutationUpdate=function(o){this.updateResult();var i={listeners:!0};o.type==="success"?i.onSuccess=!0:o.type==="error"&&(i.onError=!0),this.notify(i)},n.getCurrentResult=function(){return this.currentResult},n.reset=function(){this.currentMutation=void 0,this.updateResult(),this.notify({listeners:!0})},n.mutate=function(o,i){return this.mutateOptions=i,this.currentMutation&&this.currentMutation.removeObserver(this),this.currentMutation=this.client.getMutationCache().build(this.client,At({},this.options,{variables:typeof o<"u"?o:this.options.variables})),this.currentMutation.addObserver(this),this.currentMutation.execute()},n.updateResult=function(){var o=this.currentMutation?this.currentMutation.state:BD(),i=At({},o,{isLoading:o.status==="loading",isSuccess:o.status==="success",isError:o.status==="error",isIdle:o.status==="idle",mutate:this.mutate,reset:this.reset});this.currentResult=i},n.notify=function(o){var i=this;Dn.batch(function(){i.mutateOptions&&(o.onSuccess?(i.mutateOptions.onSuccess==null||i.mutateOptions.onSuccess(i.currentResult.data,i.currentResult.variables,i.currentResult.context),i.mutateOptions.onSettled==null||i.mutateOptions.onSettled(i.currentResult.data,null,i.currentResult.variables,i.currentResult.context)):o.onError&&(i.mutateOptions.onError==null||i.mutateOptions.onError(i.currentResult.error,i.currentResult.variables,i.currentResult.context),i.mutateOptions.onSettled==null||i.mutateOptions.onSettled(void 0,i.currentResult.error,i.currentResult.variables,i.currentResult.context))),o.listeners&&i.listeners.forEach(function(a){a(i.currentResult)})})},t}(u1),x1e=LB.unstable_batchedUpdates;Dn.setBatchNotifyFunction(x1e);var C1e=console;m1e(C1e);var H6=Bt.createContext(void 0),RD=Bt.createContext(!1);function OD(e){return e&&typeof window<"u"?(window.ReactQueryClientContext||(window.ReactQueryClientContext=H6),window.ReactQueryClientContext):H6}var DD=function(){var t=Bt.useContext(OD(Bt.useContext(RD)));if(!t)throw new Error("No QueryClient set, use QueryClientProvider to set one");return t},A1e=function(t){var n=t.client,r=t.contextSharing,o=r===void 0?!1:r,i=t.children;Bt.useEffect(function(){return n.mount(),function(){n.unmount()}},[n]);var a=OD(o);return Bt.createElement(RD.Provider,{value:o},Bt.createElement(a.Provider,{value:n},i))};function N1e(){var e=!1;return{clearReset:function(){e=!1},reset:function(){e=!0},isReset:function(){return e}}}var F1e=Bt.createContext(N1e()),I1e=function(){return Bt.useContext(F1e)};function PD(e,t,n){return typeof t=="function"?t.apply(void 0,n):typeof t=="boolean"?t:!!e}function B1e(e,t,n){var r=Bt.useRef(!1),o=Bt.useState(0),i=o[1],a=a1e(e,t,n),s=DD(),l=Bt.useRef();l.current?l.current.setOptions(a):l.current=new S1e(s,a);var u=l.current.getCurrentResult();Bt.useEffect(function(){r.current=!0;var h=l.current.subscribe(Dn.batchCalls(function(){r.current&&i(function(p){return p+1})}));return function(){r.current=!1,h()}},[]);var d=Bt.useCallback(function(h,p){l.current.mutate(h,p).catch(Kr)},[]);if(u.error&&PD(void 0,l.current.options.useErrorBoundary,[u.error]))throw u.error;return At({},u,{mutate:d,mutateAsync:u.mutate})}function R1e(e,t){var n=Bt.useRef(!1),r=Bt.useState(0),o=r[1],i=DD(),a=I1e(),s=i.defaultQueryObserverOptions(e);s.optimisticResults=!0,s.onError&&(s.onError=Dn.batchCalls(s.onError)),s.onSuccess&&(s.onSuccess=Dn.batchCalls(s.onSuccess)),s.onSettled&&(s.onSettled=Dn.batchCalls(s.onSettled)),s.suspense&&(typeof s.staleTime!="number"&&(s.staleTime=1e3),s.cacheTime===0&&(s.cacheTime=1)),(s.suspense||s.useErrorBoundary)&&(a.isReset()||(s.retryOnMount=!1));var l=Bt.useState(function(){return new t(i,s)}),u=l[0],d=u.getOptimisticResult(s);if(Bt.useEffect(function(){n.current=!0,a.clearReset();var h=u.subscribe(Dn.batchCalls(function(){n.current&&o(function(p){return p+1})}));return u.updateResult(),function(){n.current=!1,h()}},[a,u]),Bt.useEffect(function(){u.setOptions(s,{listeners:!1})},[s,u]),s.suspense&&d.isLoading)throw u.fetchOptimistic(s).then(function(h){var p=h.data;s.onSuccess==null||s.onSuccess(p),s.onSettled==null||s.onSettled(p,null)}).catch(function(h){a.clearReset(),s.onError==null||s.onError(h),s.onSettled==null||s.onSettled(void 0,h)});if(d.isError&&!a.isReset()&&!d.isFetching&&PD(s.suspense,s.useErrorBoundary,[d.error,u.getCurrentQuery()]))throw d.error;return s.notifyOnChangeProps==="tracked"&&(d=u.trackResult(d,s)),d}function O1e(e,t,n){var r=zg(e,t,n);return R1e(r,w1e)}const D1e=new ID,P1e=new T1e({queryCache:D1e,defaultOptions:{queries:{enabled:!0,retry:0,staleTime:0,cacheTime:15*60*1e3,refetchOnWindowFocus:!1,refetchOnMount:!0,suspense:!0}}});function U6(e){const t=T.useRef(e);return T.useLayoutEffect(()=>{t.current=e}),T.useCallback((...n)=>{const r=t.current;return r(...n)},[])}var wr=(e=>(e.System="system",e.ErrorHandler="error",e.Chatbot="chatbot",e.User="user",e))(wr||{}),MD=(e=>(e.Text="text",e.Typing="typing",e.SessionSplit="session-split",e))(MD||{});const Ou=OT({chatBox:{...mt.borderRadius("8px"),display:"flex",flexDirection:"column",alignItems:"stretch",backgroundColor:nn.colorNeutralBackground1,width:"100%",height:"100%",boxShadow:"0px 6.4px 14.4px rgba(0, 0, 0, 0.132), 0px 1.2px 3.6px rgba(0, 0, 0, 0.108)","::-webkit-scrollbar":{width:"4px",backgroundColor:nn.colorNeutralBackground1Hover},"::-webkit-scrollbar-thumb":{backgroundColor:nn.colorScrollbarOverlay,...mt.border("1px","solid",nn.colorNeutralBackground1),...mt.borderRadius("9999px")},"::-webkit-scrollbar-thumb:hover":{backgroundColor:nn.colorNeutralForeground1Static},"::-webkit-scrollbar-track":{...mt.borderRadius("9999px"),backgroundColor:"transparent"}},chatBoxHeader:{...mt.flex(0,0,"auto")},chatBoxMain:{...mt.flex(1,1,"auto"),...mt.padding("0","16px"),...mt.overflow("hidden","auto")},chatBoxFooter:{...mt.flex(0,0,"auto"),...mt.padding("16px")},toolbar:{...mt.padding("0px","16px"),...mt.borderBottom("1px","solid",nn.colorNeutralBackground5),boxSizing:"border-box",display:"flex",justifyContent:"space-between",alignItems:"center",height:"48px"},toolbarTitle:{display:"flex",alignItems:"center",columnGap:"2px"},toolbarActions:{display:"flex",alignItems:"center",columnGap:"6px"},toolbarActionButton:{color:nn.colorNeutralForeground2},inputBoxPastMessagesIncluded:{width:"56px"},messages:{},message:{...mt.margin("16px","0"),display:"flex",alignItems:"flex-end",[`&[data-from="${wr.User}"]`]:{flexDirection:"row-reverse"},"& pre > code":{display:"block"}},messageInContextTitle:{display:"flex",alignItems:"center",columnGap:"4px",fontSize:"12px"},messageInContextIndicatorWrapper:{...mt.borderRadius("50%"),height:"6px",width:"6px"},messageInContextIndicator:{backgroundColor:nn.colorPaletteGreenBackground3},messageOutOfContextIndicator:{backgroundColor:nn.colorPaletteYellowBackground3},messageContent:{...mt.padding("16px","16px"),...mt.borderRadius("4px"),boxSizing:"border-box",width:"calc(100% - 80px)",wordBreak:"break-word",lineHeight:"22px","> p":{...mt.margin(0)},[`&[data-from="${wr.Chatbot}"]`]:{backgroundColor:nn.colorNeutralBackground4,color:nn.colorNeutralForeground1},[`&[data-from="${wr.User}"]`]:{backgroundColor:nn.colorBrandBackgroundStatic,color:nn.colorNeutralForegroundOnBrand},[`&[data-from="${wr.ErrorHandler}"]`]:{backgroundColor:nn.colorPaletteRedBackground2,color:nn.colorNeutralForeground1},[`&[data-from="${wr.System}"]`]:{display:"flex",justifyContent:"center",width:"100%",color:nn.colorNeutralForeground4},[`&[data-from="${wr.User}"] a`]:{backgroundColor:nn.colorBrandBackground,color:nn.colorNeutralForegroundOnBrand}},errorMessageDetail:{marginTop:"8px !important",paddingTop:"8px",wordBreak:"break-word",whiteSpace:"break-spaces",...mt.borderTop("1px","solid",nn.colorPaletteDarkRedBorderActive)},messageStatus:{...mt.margin("10px","0","0","0"),...mt.borderTop("1px","solid",nn.colorPaletteAnchorBackground2),fontSize:"12px",fontStyle:"italic"},inputBoxLayout:{display:"flex",alignItems:"center",columnGap:"8px"},inputBoxClearBtn:{height:"32px",width:"32px"},inputBox:{...mt.padding("8px","0px","8px","8px"),...mt.border("1px","solid",nn.colorNeutralBackground5),...mt.borderRadius("4px"),boxSizing:"border-box",display:"block",width:"100%",userSelect:"none",position:"relative",['&[data-disabled="true"]']:{backgroundColor:nn.colorNeutralBackgroundDisabled}},inputBoxTextarea:{...mt.padding("0px","28px","0px","0px"),...mt.overflow("hidden","auto"),...mt.borderWidth(0),...mt.outline(0,"solid","transparent"),backgroundColor:"transparent",boxSizing:"border-box",resize:"none",appearance:"none",overflowWrap:"break-word",lineHeight:"24px",height:"24px",maxHeight:"72px",width:"100%",color:nn.colorNeutralForeground1,userSelect:"text"},inputBoxSendBtnWrapper:{position:"absolute",right:"0px",bottom:"0px",["&& button[disabled]"]:{color:nn.colorNeutralForegroundDisabled}},inputBoxSendBtn:{color:nn.colorNeutralForeground2},inputCountExceeded:{color:nn.colorPaletteRedForeground1},infoIcon:{...mt.margin("0px","0px","0px","4px"),cursor:"default",userSelect:"none",fontSize:"16px"},dismissIconButton:{...mt.margin("0px","0px","0px","4px"),cursor:"pointer",userSelect:"none",fontSize:"16px"},bottomTip:{...mt.border("1px","solid",nn.colorNeutralBackground5),...mt.padding("10px","6px"),...mt.borderRadius("4px"),...mt.margin("0px","0px","2px","0px"),display:"flex",alignItems:"flex-start",boxSizing:"border-box",width:"100%",backgroundColor:nn.colorNeutralBackground3,"> :first-child":{...mt.flex(0,0,"auto"),...mt.padding("0px","8px","0px","0px")},"> div":{...mt.flex(1,1,"auto")},"> :last-child":{...mt.flex(0,0,"auto"),...mt.padding("0px","0px","0px","8px")}}}),M1e=({isBottomTipVisible:e,LocStrings:t,onBottomTipVisibleChange:n})=>{const r=Ou(),o=T.useCallback(()=>{n(!1)},[]);return e?Q.jsxs("div",{className:r.bottomTip,children:[Q.jsx(sl,{className:r.infoIcon,iconName:"InfoSolid"}),Q.jsx("div",{children:t.Tooltip_Bottom}),Q.jsx(sl,{className:r.dismissIconButton,iconName:"Cancel",onClick:o})]}):Q.jsx(Q.Fragment,{})},L1e=e=>{const[t,n]=T.useState(e.initialTypingMessage??""),r=Ou(),o=T.useRef(null),i=U6(()=>{n(""),e.onSendMessage(t)}),a=U6(u=>{u.key==="Enter"&&!u.shiftKey&&!u.ctrlKey&&(u.preventDefault(),i())});T.useEffect(()=>{let u;return e.isChatbotTyping||(u!==void 0&&clearTimeout(u),u=setTimeout(()=>{var d;return(d=o.current)==null?void 0:d.focus()},100)),()=>{u!==void 0&&clearTimeout(u)}},[e.isChatbotTyping]),T.useEffect(()=>{const u=o.current;if(u){const d=()=>{const h=u.scrollHeight;h>0&&(u.style.height=`${h}px`)};return u.addEventListener("input",d),()=>{u.removeEventListener("input",d)}}},[]);const s=/\S/.test(t),l=e.isChatbotTyping||!s;return Q.jsxs(Q.Fragment,{children:[Q.jsx(M1e,{isBottomTipVisible:e.isBottomTipVisible,LocStrings:e.LocStrings,onBottomTipVisibleChange:e.onBottomTipVisibleChange}),Q.jsxs("div",{className:r.inputBoxLayout,children:[Q.jsx(cl,{relationship:"description",content:e.LocStrings.ClearButtonTooltip,children:Q.jsx(En,{as:"button",appearance:"primary",shape:"circular",size:"medium",className:r.inputBoxClearBtn,icon:Q.jsx(YO,{}),disabled:e.isChatbotTyping,onClick:e.onClear})}),Q.jsxs("div",{className:r.inputBox,"data-disabled":e.isChatbotTyping,children:[Q.jsx("textarea",{ref:o,role:"textbox",className:r.inputBoxTextarea,disabled:e.isChatbotTyping||e.inputDisabled,placeholder:e.LocStrings.InputPlaceholder,value:t,onChange:u=>{const d=u.target.value??"";n(d)},onKeyDown:a}),Q.jsx("div",{className:r.inputBoxSendBtnWrapper,children:Q.jsx(En,{as:"button",appearance:"transparent",size:"medium",className:r.inputBoxSendBtn,icon:Q.jsx(fle,{}),disabled:l,onClick:i})})]})]})]})},j1e=(e=!1)=>{const[t,n]=Bt.useState(e),r=Bt.useCallback(()=>{n(o=>!o)},[]);return[t,r]},z1e=({message:e})=>{const t=Ou();return Q.jsx("p",{className:t.errorMessageDetail,children:e.error})},H1e=({message:e,LocStrings:t,CustomMessageContentRenderer:n=q1e})=>{var s;const r=Ou(),[o,i]=j1e(),a=(s=e==null?void 0:e.duration)==null?void 0:s.toFixed(2).replace(/\.?0*$/,"");return Q.jsx("div",{className:r.message,"data-from":e.from,children:Q.jsxs("div",{className:r.messageContent,"data-from":e.from,children:[Q.jsx(n,{message:e}),e.error&&Q.jsx("p",{children:Q.jsx(ED,{onClick:i,children:o?"Hide detail":"Show detail"})}),o&&Q.jsx(z1e,{message:e}),typeof e.duration=="number"&&typeof e.tokens=="number"&&Q.jsxs("div",{className:r.messageStatus,children:[`${t.MessageStatus_Tokens_Desc}: `,Q.jsx("b",{children:e.tokens}),` ${t.MessageStatus_Tokens_Unit}, ${t.MessageStatus_TimeSpent_Desc}: `,Q.jsx("b",{children:a}),` ${t.MessageStatus_TimeSpent_Unit}`]})]})})},U1e=T.memo(H1e),q1e=e=>Q.jsx("p",{children:e.message.content}),$1e=({className:e})=>{const t=W1e();return Q.jsx(wR,{horizontal:!0,verticalAlign:"center",className:e,children:Q.jsxs("div",{className:t.typing,children:[Q.jsx("div",{className:t.typingDot}),Q.jsx("div",{className:t.typingDot}),Q.jsx("div",{className:t.typingDot})]})})},W1e=OT({typing:{...mt.transition("opacity","0.1s"),display:"flex",alignItems:"center",height:"22.5px"},typingDot:{...mt.borderRadius("50%"),...mt.margin("0","0","0","6px"),display:"inline-block",width:"6px",height:"6px",backgroundColor:nn.colorNeutralStroke1,animationDuration:"1.5s",animationTimingFunction:"linear",animationIterationCount:"infinite",animationName:{"0%":{transform:"scale(1)"},"16.67%":{transform:"scale(0)"},"33.33%":{transform:"scale(0)"},"50%":{transform:"scale(0)"},"66.67%":{transform:"scale(1)"},"83.33%":{transform:"scale(1)"},"100%":{transform:"scale(1)"}},"&:nth-child(1)":{...mt.margin("0")},"&:nth-child(2)":{animationDelay:"0.18s"},"&:nth-child(3)":{animationDelay:"0.36s"}}}),G1e=({isChatbotTyping:e,typingClassName:t,messages:n,LocStrings:r,CustomMessageContentRenderer:o})=>{const i=Ou();return Q.jsxs("div",{className:i.messages,children:[n.map(a=>Q.jsx(U1e,{message:a,LocStrings:r,CustomMessageContentRenderer:o},a.id)),e&&Q.jsx($1e,{className:t})]})},K1e=({title:e="Chat",isFullScreen:t,containerStyles:n,LocStrings:r,customToolbarActions:o,onToggleFullScreen:i,onClose:a})=>{const s=Ou();return Q.jsxs("div",{className:s.toolbar,style:n,children:[Q.jsxs("div",{className:s.toolbarTitle,children:[Q.jsx(Zo,{weight:"semibold",children:e}),Q.jsx(cl,{content:r.Tooltip_Title,relationship:"description",children:Q.jsx(En,{as:"button",appearance:"transparent",icon:Q.jsx(Tse,{})})})]}),Q.jsxs("div",{style:{display:"flex",alignItems:"center"},children:[o,Q.jsx(En,{as:"button",appearance:"transparent",icon:t?Q.jsx(Ese,{}):Q.jsx(bse,{}),className:s.toolbarActionButton,onClick:i}),a&&Q.jsx(En,{as:"button",appearance:"transparent",icon:Q.jsx(lse,{}),className:s.toolbarActionButton,onClick:a})]})]})},V1e=e=>{const{containerStyles:t,toolbarContainerStyles:n,chatTitle:r,customInputBox:o,initialTypingMessage:i,isBottomTipVisible:a,isFullScreen:s,isChatbotTyping:l,typingClassName:u,LocStrings:d,inputDisabled:h,messages:p,CustomMessageContentRenderer:m,onBottomTipVisibleChange:v,onClear:_,onSendMessage:b,onToggleFullScreen:E,onClose:w}=e,k=Ou(),y=T.useRef(null);return T.useEffect(()=>{y.current&&(y.current.scrollTop=y.current.scrollHeight)},[p]),Q.jsxs("div",{className:k.chatBox,style:t,children:[Q.jsx("div",{className:k.chatBoxHeader,children:Q.jsx(K1e,{containerStyles:n,title:r,isFullScreen:s,isChatbotTyping:l,LocStrings:d,customToolbarActions:e.customToolbarActions,onToggleFullScreen:E,onClose:w})}),Q.jsx("div",{ref:y,className:k.chatBoxMain,children:Q.jsx(G1e,{isChatbotTyping:l,typingClassName:u,messages:p,LocStrings:d,CustomMessageContentRenderer:m})}),Q.jsx("div",{className:k.chatBoxFooter,children:o||Q.jsx(L1e,{initialTypingMessage:i,isBottomTipVisible:a,isChatbotTyping:l,inputDisabled:h,LocStrings:d,onSendMessage:b,onBottomTipVisibleChange:v,onClear:_})})]})};var ob={exports:{}};/**
* @license
* Lodash <https://lodash.com/>
* Copyright OpenJS Foundation and other contributors <https://openjsf.org/>
* Released under MIT license <https://lodash.com/license>
* Based on Underscore.js 1.8.3 <http://underscorejs.org/LICENSE>
* Copyright Jeremy Ashkenas, DocumentCloud and Investigative Reporters & Editors
*/ob.exports;(function(e,t){(function(){var n,r="4.17.21",o=200,i="Unsupported core-js use. Try https://npms.io/search?q=ponyfill.",a="Expected a function",s="Invalid `variable` option passed into `_.template`",l="__lodash_hash_undefined__",u=500,d="__lodash_placeholder__",h=1,p=2,m=4,v=1,_=2,b=1,E=2,w=4,k=8,y=16,F=32,C=64,A=128,P=256,I=512,j=30,H="...",K=800,U=16,pe=1,se=2,J=3,$=1/0,_e=9007199254740991,ve=17976931348623157e292,fe=0/0,R=4294967295,L=R-1,Ae=R>>>1,Ue=[["ary",A],["bind",b],["bindKey",E],["curry",k],["curryRight",y],["flip",I],["partial",F],["partialRight",C],["rearg",P]],Ve="[object Arguments]",Le="[object Array]",st="[object AsyncFunction]",We="[object Boolean]",rt="[object Date]",Zt="[object DOMException]",qn="[object Error]",er="[object Function]",tr="[object GeneratorFunction]",In="[object Map]",br="[object Number]",Nr="[object Null]",an="[object Object]",yo="[object Promise]",Eo="[object Proxy]",jr="[object RegExp]",pn="[object Set]",Mn="[object String]",mn="[object Symbol]",Po="[object Undefined]",me="[object WeakMap]",le="[object WeakSet]",ie="[object ArrayBuffer]",G="[object DataView]",ae="[object Float32Array]",Te="[object Float64Array]",Oe="[object Int8Array]",$e="[object Int16Array]",_t="[object Int32Array]",Qe="[object Uint8Array]",lt="[object Uint8ClampedArray]",Kt="[object Uint16Array]",Pt="[object Uint32Array]",gt=/\b__p \+= '';/g,Ln=/\b(__p \+=) '' \+/g,Tn=/(__e\(.*?\)|\b__t\)) \+\n'';/g,zr=/&(?:amp|lt|gt|quot|#39);/g,wn=/[&<>"']/g,kt=RegExp(zr.source),nr=RegExp(wn.source),dr=/<%-([\s\S]+?)%>/g,rr=/<%([\s\S]+?)%>/g,to=/<%=([\s\S]+?)%>/g,Fr=/\.|\[(?:[^[\]]*|(["'])(?:(?!\1)[^\\]|\\.)*?\1)\]/,_o=/^\w*$/,Ia=/[^.[\]]+|\[(?:(-?\d+(?:\.\d+)?)|(["'])((?:(?!\2)[^\\]|\\.)*?)\2)\]|(?=(?:\.|\[\])(?:\.|\[\]|$))/g,wi=/[\\^$.*+?()[\]{}|]/g,ju=RegExp(wi.source),ki=/^\s+/,_1=/\s/,Xc=/\{(?:\n\/\* \[wrapped with .+\] \*\/)?\n?/,Zc=/\{\n\/\* \[wrapped with (.+)\] \*/,zu=/,? & /,Es=/[^\x00-\x2f\x3a-\x40\x5b-\x60\x7b-\x7f]+/g,q=/[()=,{}\[\]\/\s]/,W=/\\(\\)?/g,O=/\$\{([^\\}]*(?:\\.[^\\}]*)*)\}/g,B=/\w*$/,z=/^[-+]0x[0-9a-f]+$/i,ee=/^0b[01]+$/i,ue=/^\[object .+?Constructor\]$/,ce=/^0o[0-7]+$/i,te=/^(?:0|[1-9]\d*)$/,he=/[\xc0-\xd6\xd8-\xf6\xf8-\xff\u0100-\u017f]/g,Be=/($^)/,He=/['\n\r\u2028\u2029\\]/g,tt="\\ud800-\\udfff",vt="\\u0300-\\u036f",at="\\ufe20-\\ufe2f",Mt="\\u20d0-\\u20ff",en=vt+at+Mt,Xe="\\u2700-\\u27bf",Vt="a-z\\xdf-\\xf6\\xf8-\\xff",Hr="\\xac\\xb1\\xd7\\xf7",ri="\\x00-\\x2f\\x3a-\\x40\\x5b-\\x60\\x7b-\\xbf",_s="\\u2000-\\u206f",oi=" \\t\\x0b\\f\\xa0\\ufeff\\n\\r\\u2028\\u2029\\u1680\\u180e\\u2000\\u2001\\u2002\\u2003\\u2004\\u2005\\u2006\\u2007\\u2008\\u2009\\u200a\\u202f\\u205f\\u3000",Hu="A-Z\\xc0-\\xd6\\xd8-\\xde",Ts="\\ufe0e\\ufe0f",yr=Hr+ri+_s+oi,Ba="['’]",Uu="["+tt+"]",ws="["+yr+"]",qu="["+en+"]",$u="\\d+",T1="["+Xe+"]",Jc="["+Vt+"]",ef="[^"+tt+yr+$u+Xe+Vt+Hu+"]",Wu="\\ud83c[\\udffb-\\udfff]",kl="(?:"+qu+"|"+Wu+")",w1="[^"+tt+"]",qy="(?:\\ud83c[\\udde6-\\uddff]){2}",$y="[\\ud800-\\udbff][\\udc00-\\udfff]",tf="["+Hu+"]",Nk="\\u200d",Fk="(?:"+Jc+"|"+ef+")",rj="(?:"+tf+"|"+ef+")",Ik="(?:"+Ba+"(?:d|ll|m|re|s|t|ve))?",Bk="(?:"+Ba+"(?:D|LL|M|RE|S|T|VE))?",Rk=kl+"?",Ok="["+Ts+"]?",oj="(?:"+Nk+"(?:"+[w1,qy,$y].join("|")+")"+Ok+Rk+")*",ij="\\d*(?:1st|2nd|3rd|(?![123])\\dth)(?=\\b|[A-Z_])",aj="\\d*(?:1ST|2ND|3RD|(?![123])\\dTH)(?=\\b|[a-z_])",Dk=Ok+Rk+oj,sj="(?:"+[T1,qy,$y].join("|")+")"+Dk,lj="(?:"+[w1+qu+"?",qu,qy,$y,Uu].join("|")+")",uj=RegExp(Ba,"g"),cj=RegExp(qu,"g"),Wy=RegExp(Wu+"(?="+Wu+")|"+lj+Dk,"g"),fj=RegExp([tf+"?"+Jc+"+"+Ik+"(?="+[ws,tf,"$"].join("|")+")",rj+"+"+Bk+"(?="+[ws,tf+Fk,"$"].join("|")+")",tf+"?"+Fk+"+"+Ik,tf+"+"+Bk,aj,ij,$u,sj].join("|"),"g"),dj=RegExp("["+Nk+tt+en+Ts+"]"),hj=/[a-z][A-Z]|[A-Z]{2}[a-z]|[0-9][a-zA-Z]|[a-zA-Z][0-9]|[^a-zA-Z0-9 ]/,pj=["Array","Buffer","DataView","Date","Error","Float32Array","Float64Array","Function","Int8Array","Int16Array","Int32Array","Map","Math","Object","Promise","RegExp","Set","String","Symbol","TypeError","Uint8Array","Uint8ClampedArray","Uint16Array","Uint32Array","WeakMap","_","clearTimeout","isFinite","parseInt","setTimeout"],mj=-1,kn={};kn[ae]=kn[Te]=kn[Oe]=kn[$e]=kn[_t]=kn[Qe]=kn[lt]=kn[Kt]=kn[Pt]=!0,kn[Ve]=kn[Le]=kn[ie]=kn[We]=kn[G]=kn[rt]=kn[qn]=kn[er]=kn[In]=kn[br]=kn[an]=kn[jr]=kn[pn]=kn[Mn]=kn[me]=!1;var gn={};gn[Ve]=gn[Le]=gn[ie]=gn[G]=gn[We]=gn[rt]=gn[ae]=gn[Te]=gn[Oe]=gn[$e]=gn[_t]=gn[In]=gn[br]=gn[an]=gn[jr]=gn[pn]=gn[Mn]=gn[mn]=gn[Qe]=gn[lt]=gn[Kt]=gn[Pt]=!0,gn[qn]=gn[er]=gn[me]=!1;var gj={À:"A",Á:"A",Â:"A",Ã:"A",Ä:"A",Å:"A",à:"a",á:"a",â:"a",ã:"a",ä:"a",å:"a",Ç:"C",ç:"c",Ð:"D",ð:"d",È:"E",É:"E",Ê:"E",Ë:"E",è:"e",é:"e",ê:"e",ë:"e",Ì:"I",Í:"I",Î:"I",Ï:"I",ì:"i",í:"i",î:"i",ï:"i",Ñ:"N",ñ:"n",Ò:"O",Ó:"O",Ô:"O",Õ:"O",Ö:"O",Ø:"O",ò:"o",ó:"o",ô:"o",õ:"o",ö:"o",ø:"o",Ù:"U",Ú:"U",Û:"U",Ü:"U",ù:"u",ú:"u",û:"u",ü:"u",Ý:"Y",ý:"y",ÿ:"y",Æ:"Ae",æ:"ae",Þ:"Th",þ:"th",ß:"ss",Ā:"A",Ă:"A",Ą:"A",ā:"a",ă:"a",ą:"a",Ć:"C",Ĉ:"C",Ċ:"C",Č:"C",ć:"c",ĉ:"c",ċ:"c",č:"c",Ď:"D",Đ:"D",ď:"d",đ:"d",Ē:"E",Ĕ:"E",Ė:"E",Ę:"E",Ě:"E",ē:"e",ĕ:"e",ė:"e",ę:"e",ě:"e",Ĝ:"G",Ğ:"G",Ġ:"G",Ģ:"G",ĝ:"g",ğ:"g",ġ:"g",ģ:"g",Ĥ:"H",Ħ:"H",ĥ:"h",ħ:"h",Ĩ:"I",Ī:"I",Ĭ:"I",Į:"I",İ:"I",ĩ:"i",ī:"i",ĭ:"i",į:"i",ı:"i",Ĵ:"J",ĵ:"j",Ķ:"K",ķ:"k",ĸ:"k",Ĺ:"L",Ļ:"L",Ľ:"L",Ŀ:"L",Ł:"L",ĺ:"l",ļ:"l",ľ:"l",ŀ:"l",ł:"l",Ń:"N",Ņ:"N",Ň:"N",Ŋ:"N",ń:"n",ņ:"n",ň:"n",ŋ:"n",Ō:"O",Ŏ:"O",Ő:"O",ō:"o",ŏ:"o",ő:"o",Ŕ:"R",Ŗ:"R",Ř:"R",ŕ:"r",ŗ:"r",ř:"r",Ś:"S",Ŝ:"S",Ş:"S",Š:"S",ś:"s",ŝ:"s",ş:"s",š:"s",Ţ:"T",Ť:"T",Ŧ:"T",ţ:"t",ť:"t",ŧ:"t",Ũ:"U",Ū:"U",Ŭ:"U",Ů:"U",Ű:"U",Ų:"U",ũ:"u",ū:"u",ŭ:"u",ů:"u",ű:"u",ų:"u",Ŵ:"W",ŵ:"w",Ŷ:"Y",ŷ:"y",Ÿ:"Y",Ź:"Z",Ż:"Z",Ž:"Z",ź:"z",ż:"z",ž:"z",IJ:"IJ",ij:"ij",Œ:"Oe",œ:"oe",ʼn:"'n",ſ:"s"},vj={"&":"&","<":"<",">":">",'"':""","'":"'"},bj={"&":"&","<":"<",">":">",""":'"',"'":"'"},yj={"\\":"\\","'":"'","\n":"n","\r":"r","\u2028":"u2028","\u2029":"u2029"},Ej=parseFloat,_j=parseInt,Pk=typeof Mf=="object"&&Mf&&Mf.Object===Object&&Mf,Tj=typeof self=="object"&&self&&self.Object===Object&&self,Ur=Pk||Tj||Function("return this")(),Gy=t&&!t.nodeType&&t,Gu=Gy&&!0&&e&&!e.nodeType&&e,Mk=Gu&&Gu.exports===Gy,Ky=Mk&&Pk.process,Si=function(){try{var ne=Gu&&Gu.require&&Gu.require("util").types;return ne||Ky&&Ky.binding&&Ky.binding("util")}catch{}}(),Lk=Si&&Si.isArrayBuffer,jk=Si&&Si.isDate,zk=Si&&Si.isMap,Hk=Si&&Si.isRegExp,Uk=Si&&Si.isSet,qk=Si&&Si.isTypedArray;function ii(ne,ge,de){switch(de.length){case 0:return ne.call(ge);case 1:return ne.call(ge,de[0]);case 2:return ne.call(ge,de[0],de[1]);case 3:return ne.call(ge,de[0],de[1],de[2])}return ne.apply(ge,de)}function wj(ne,ge,de,Pe){for(var ft=-1,Yt=ne==null?0:ne.length;++ft<Yt;){var Er=ne[ft];ge(Pe,Er,de(Er),ne)}return Pe}function xi(ne,ge){for(var de=-1,Pe=ne==null?0:ne.length;++de<Pe&&ge(ne[de],de,ne)!==!1;);return ne}function kj(ne,ge){for(var de=ne==null?0:ne.length;de--&&ge(ne[de],de,ne)!==!1;);return ne}function $k(ne,ge){for(var de=-1,Pe=ne==null?0:ne.length;++de<Pe;)if(!ge(ne[de],de,ne))return!1;return!0}function Sl(ne,ge){for(var de=-1,Pe=ne==null?0:ne.length,ft=0,Yt=[];++de<Pe;){var Er=ne[de];ge(Er,de,ne)&&(Yt[ft++]=Er)}return Yt}function Ip(ne,ge){var de=ne==null?0:ne.length;return!!de&&nf(ne,ge,0)>-1}function Vy(ne,ge,de){for(var Pe=-1,ft=ne==null?0:ne.length;++Pe<ft;)if(de(ge,ne[Pe]))return!0;return!1}function Bn(ne,ge){for(var de=-1,Pe=ne==null?0:ne.length,ft=Array(Pe);++de<Pe;)ft[de]=ge(ne[de],de,ne);return ft}function xl(ne,ge){for(var de=-1,Pe=ge.length,ft=ne.length;++de<Pe;)ne[ft+de]=ge[de];return ne}function Yy(ne,ge,de,Pe){var ft=-1,Yt=ne==null?0:ne.length;for(Pe&&Yt&&(de=ne[++ft]);++ft<Yt;)de=ge(de,ne[ft],ft,ne);return de}function Sj(ne,ge,de,Pe){var ft=ne==null?0:ne.length;for(Pe&&ft&&(de=ne[--ft]);ft--;)de=ge(de,ne[ft],ft,ne);return de}function Qy(ne,ge){for(var de=-1,Pe=ne==null?0:ne.length;++de<Pe;)if(ge(ne[de],de,ne))return!0;return!1}var xj=Xy("length");function Cj(ne){return ne.split("")}function Aj(ne){return ne.match(Es)||[]}function Wk(ne,ge,de){var Pe;return de(ne,function(ft,Yt,Er){if(ge(ft,Yt,Er))return Pe=Yt,!1}),Pe}function Bp(ne,ge,de,Pe){for(var ft=ne.length,Yt=de+(Pe?1:-1);Pe?Yt--:++Yt<ft;)if(ge(ne[Yt],Yt,ne))return Yt;return-1}function nf(ne,ge,de){return ge===ge?zj(ne,ge,de):Bp(ne,Gk,de)}function Nj(ne,ge,de,Pe){for(var ft=de-1,Yt=ne.length;++ft<Yt;)if(Pe(ne[ft],ge))return ft;return-1}function Gk(ne){return ne!==ne}function Kk(ne,ge){var de=ne==null?0:ne.length;return de?Jy(ne,ge)/de:fe}function Xy(ne){return function(ge){return ge==null?n:ge[ne]}}function Zy(ne){return function(ge){return ne==null?n:ne[ge]}}function Vk(ne,ge,de,Pe,ft){return ft(ne,function(Yt,Er,fn){de=Pe?(Pe=!1,Yt):ge(de,Yt,Er,fn)}),de}function Fj(ne,ge){var de=ne.length;for(ne.sort(ge);de--;)ne[de]=ne[de].value;return ne}function Jy(ne,ge){for(var de,Pe=-1,ft=ne.length;++Pe<ft;){var Yt=ge(ne[Pe]);Yt!==n&&(de=de===n?Yt:de+Yt)}return de}function e5(ne,ge){for(var de=-1,Pe=Array(ne);++de<ne;)Pe[de]=ge(de);return Pe}function Ij(ne,ge){return Bn(ge,function(de){return[de,ne[de]]})}function Yk(ne){return ne&&ne.slice(0,Jk(ne)+1).replace(ki,"")}function ai(ne){return function(ge){return ne(ge)}}function t5(ne,ge){return Bn(ge,function(de){return ne[de]})}function k1(ne,ge){return ne.has(ge)}function Qk(ne,ge){for(var de=-1,Pe=ne.length;++de<Pe&&nf(ge,ne[de],0)>-1;);return de}function Xk(ne,ge){for(var de=ne.length;de--&&nf(ge,ne[de],0)>-1;);return de}function Bj(ne,ge){for(var de=ne.length,Pe=0;de--;)ne[de]===ge&&++Pe;return Pe}var Rj=Zy(gj),Oj=Zy(vj);function Dj(ne){return"\\"+yj[ne]}function Pj(ne,ge){return ne==null?n:ne[ge]}function rf(ne){return dj.test(ne)}function Mj(ne){return hj.test(ne)}function Lj(ne){for(var ge,de=[];!(ge=ne.next()).done;)de.push(ge.value);return de}function n5(ne){var ge=-1,de=Array(ne.size);return ne.forEach(function(Pe,ft){de[++ge]=[ft,Pe]}),de}function Zk(ne,ge){return function(de){return ne(ge(de))}}function Cl(ne,ge){for(var de=-1,Pe=ne.length,ft=0,Yt=[];++de<Pe;){var Er=ne[de];(Er===ge||Er===d)&&(ne[de]=d,Yt[ft++]=de)}return Yt}function Rp(ne){var ge=-1,de=Array(ne.size);return ne.forEach(function(Pe){de[++ge]=Pe}),de}function jj(ne){var ge=-1,de=Array(ne.size);return ne.forEach(function(Pe){de[++ge]=[Pe,Pe]}),de}function zj(ne,ge,de){for(var Pe=de-1,ft=ne.length;++Pe<ft;)if(ne[Pe]===ge)return Pe;return-1}function Hj(ne,ge,de){for(var Pe=de+1;Pe--;)if(ne[Pe]===ge)return Pe;return Pe}function of(ne){return rf(ne)?qj(ne):xj(ne)}function ia(ne){return rf(ne)?$j(ne):Cj(ne)}function Jk(ne){for(var ge=ne.length;ge--&&_1.test(ne.charAt(ge)););return ge}var Uj=Zy(bj);function qj(ne){for(var ge=Wy.lastIndex=0;Wy.test(ne);)++ge;return ge}function $j(ne){return ne.match(Wy)||[]}function Wj(ne){return ne.match(fj)||[]}var Gj=function ne(ge){ge=ge==null?Ur:af.defaults(Ur.Object(),ge,af.pick(Ur,pj));var de=ge.Array,Pe=ge.Date,ft=ge.Error,Yt=ge.Function,Er=ge.Math,fn=ge.Object,r5=ge.RegExp,Kj=ge.String,Ci=ge.TypeError,Op=de.prototype,Vj=Yt.prototype,sf=fn.prototype,Dp=ge["__core-js_shared__"],Pp=Vj.toString,tn=sf.hasOwnProperty,Yj=0,eS=function(){var c=/[^.]+$/.exec(Dp&&Dp.keys&&Dp.keys.IE_PROTO||"");return c?"Symbol(src)_1."+c:""}(),Mp=sf.toString,Qj=Pp.call(fn),Xj=Ur._,Zj=r5("^"+Pp.call(tn).replace(wi,"\\$&").replace(/hasOwnProperty|(function).*?(?=\\\()| for .+?(?=\\\])/g,"$1.*?")+"$"),Lp=Mk?ge.Buffer:n,Al=ge.Symbol,jp=ge.Uint8Array,tS=Lp?Lp.allocUnsafe:n,zp=Zk(fn.getPrototypeOf,fn),nS=fn.create,rS=sf.propertyIsEnumerable,Hp=Op.splice,oS=Al?Al.isConcatSpreadable:n,S1=Al?Al.iterator:n,Ku=Al?Al.toStringTag:n,Up=function(){try{var c=Zu(fn,"defineProperty");return c({},"",{}),c}catch{}}(),Jj=ge.clearTimeout!==Ur.clearTimeout&&ge.clearTimeout,ez=Pe&&Pe.now!==Ur.Date.now&&Pe.now,tz=ge.setTimeout!==Ur.setTimeout&&ge.setTimeout,qp=Er.ceil,$p=Er.floor,o5=fn.getOwnPropertySymbols,nz=Lp?Lp.isBuffer:n,iS=ge.isFinite,rz=Op.join,oz=Zk(fn.keys,fn),_r=Er.max,no=Er.min,iz=Pe.now,az=ge.parseInt,aS=Er.random,sz=Op.reverse,i5=Zu(ge,"DataView"),x1=Zu(ge,"Map"),a5=Zu(ge,"Promise"),lf=Zu(ge,"Set"),C1=Zu(ge,"WeakMap"),A1=Zu(fn,"create"),Wp=C1&&new C1,uf={},lz=Ju(i5),uz=Ju(x1),cz=Ju(a5),fz=Ju(lf),dz=Ju(C1),Gp=Al?Al.prototype:n,N1=Gp?Gp.valueOf:n,sS=Gp?Gp.toString:n;function D(c){if($n(c)&&!dt(c)&&!(c instanceof Rt)){if(c instanceof Ai)return c;if(tn.call(c,"__wrapped__"))return l8(c)}return new Ai(c)}var cf=function(){function c(){}return function(f){if(!jn(f))return{};if(nS)return nS(f);c.prototype=f;var g=new c;return c.prototype=n,g}}();function Kp(){}function Ai(c,f){this.__wrapped__=c,this.__actions__=[],this.__chain__=!!f,this.__index__=0,this.__values__=n}D.templateSettings={escape:dr,evaluate:rr,interpolate:to,variable:"",imports:{_:D}},D.prototype=Kp.prototype,D.prototype.constructor=D,Ai.prototype=cf(Kp.prototype),Ai.prototype.constructor=Ai;function Rt(c){this.__wrapped__=c,this.__actions__=[],this.__dir__=1,this.__filtered__=!1,this.__iteratees__=[],this.__takeCount__=R,this.__views__=[]}function hz(){var c=new Rt(this.__wrapped__);return c.__actions__=Mo(this.__actions__),c.__dir__=this.__dir__,c.__filtered__=this.__filtered__,c.__iteratees__=Mo(this.__iteratees__),c.__takeCount__=this.__takeCount__,c.__views__=Mo(this.__views__),c}function pz(){if(this.__filtered__){var c=new Rt(this);c.__dir__=-1,c.__filtered__=!0}else c=this.clone(),c.__dir__*=-1;return c}function mz(){var c=this.__wrapped__.value(),f=this.__dir__,g=dt(c),S=f<0,N=g?c.length:0,M=CH(0,N,this.__views__),V=M.start,Z=M.end,re=Z-V,be=S?Z:V-1,Ee=this.__iteratees__,ke=Ee.length,Re=0,qe=no(re,this.__takeCount__);if(!g||!S&&N==re&&qe==re)return IS(c,this.__actions__);var ot=[];e:for(;re--&&Re<qe;){be+=f;for(var Tt=-1,it=c[be];++Tt<ke;){var Ft=Ee[Tt],Lt=Ft.iteratee,ui=Ft.type,ko=Lt(it);if(ui==se)it=ko;else if(!ko){if(ui==pe)continue e;break e}}ot[Re++]=it}return ot}Rt.prototype=cf(Kp.prototype),Rt.prototype.constructor=Rt;function Vu(c){var f=-1,g=c==null?0:c.length;for(this.clear();++f<g;){var S=c[f];this.set(S[0],S[1])}}function gz(){this.__data__=A1?A1(null):{},this.size=0}function vz(c){var f=this.has(c)&&delete this.__data__[c];return this.size-=f?1:0,f}function bz(c){var f=this.__data__;if(A1){var g=f[c];return g===l?n:g}return tn.call(f,c)?f[c]:n}function yz(c){var f=this.__data__;return A1?f[c]!==n:tn.call(f,c)}function Ez(c,f){var g=this.__data__;return this.size+=this.has(c)?0:1,g[c]=A1&&f===n?l:f,this}Vu.prototype.clear=gz,Vu.prototype.delete=vz,Vu.prototype.get=bz,Vu.prototype.has=yz,Vu.prototype.set=Ez;function ks(c){var f=-1,g=c==null?0:c.length;for(this.clear();++f<g;){var S=c[f];this.set(S[0],S[1])}}function _z(){this.__data__=[],this.size=0}function Tz(c){var f=this.__data__,g=Vp(f,c);if(g<0)return!1;var S=f.length-1;return g==S?f.pop():Hp.call(f,g,1),--this.size,!0}function wz(c){var f=this.__data__,g=Vp(f,c);return g<0?n:f[g][1]}function kz(c){return Vp(this.__data__,c)>-1}function Sz(c,f){var g=this.__data__,S=Vp(g,c);return S<0?(++this.size,g.push([c,f])):g[S][1]=f,this}ks.prototype.clear=_z,ks.prototype.delete=Tz,ks.prototype.get=wz,ks.prototype.has=kz,ks.prototype.set=Sz;function Ss(c){var f=-1,g=c==null?0:c.length;for(this.clear();++f<g;){var S=c[f];this.set(S[0],S[1])}}function xz(){this.size=0,this.__data__={hash:new Vu,map:new(x1||ks),string:new Vu}}function Cz(c){var f=am(this,c).delete(c);return this.size-=f?1:0,f}function Az(c){return am(this,c).get(c)}function Nz(c){return am(this,c).has(c)}function Fz(c,f){var g=am(this,c),S=g.size;return g.set(c,f),this.size+=g.size==S?0:1,this}Ss.prototype.clear=xz,Ss.prototype.delete=Cz,Ss.prototype.get=Az,Ss.prototype.has=Nz,Ss.prototype.set=Fz;function Yu(c){var f=-1,g=c==null?0:c.length;for(this.__data__=new Ss;++f<g;)this.add(c[f])}function Iz(c){return this.__data__.set(c,l),this}function Bz(c){return this.__data__.has(c)}Yu.prototype.add=Yu.prototype.push=Iz,Yu.prototype.has=Bz;function aa(c){var f=this.__data__=new ks(c);this.size=f.size}function Rz(){this.__data__=new ks,this.size=0}function Oz(c){var f=this.__data__,g=f.delete(c);return this.size=f.size,g}function Dz(c){return this.__data__.get(c)}function Pz(c){return this.__data__.has(c)}function Mz(c,f){var g=this.__data__;if(g instanceof ks){var S=g.__data__;if(!x1||S.length<o-1)return S.push([c,f]),this.size=++g.size,this;g=this.__data__=new Ss(S)}return g.set(c,f),this.size=g.size,this}aa.prototype.clear=Rz,aa.prototype.delete=Oz,aa.prototype.get=Dz,aa.prototype.has=Pz,aa.prototype.set=Mz;function lS(c,f){var g=dt(c),S=!g&&ec(c),N=!g&&!S&&Rl(c),M=!g&&!S&&!N&&pf(c),V=g||S||N||M,Z=V?e5(c.length,Kj):[],re=Z.length;for(var be in c)(f||tn.call(c,be))&&!(V&&(be=="length"||N&&(be=="offset"||be=="parent")||M&&(be=="buffer"||be=="byteLength"||be=="byteOffset")||Ns(be,re)))&&Z.push(be);return Z}function uS(c){var f=c.length;return f?c[v5(0,f-1)]:n}function Lz(c,f){return sm(Mo(c),Qu(f,0,c.length))}function jz(c){return sm(Mo(c))}function s5(c,f,g){(g!==n&&!sa(c[f],g)||g===n&&!(f in c))&&xs(c,f,g)}function F1(c,f,g){var S=c[f];(!(tn.call(c,f)&&sa(S,g))||g===n&&!(f in c))&&xs(c,f,g)}function Vp(c,f){for(var g=c.length;g--;)if(sa(c[g][0],f))return g;return-1}function zz(c,f,g,S){return Nl(c,function(N,M,V){f(S,N,g(N),V)}),S}function cS(c,f){return c&&Oa(f,Ir(f),c)}function Hz(c,f){return c&&Oa(f,jo(f),c)}function xs(c,f,g){f=="__proto__"&&Up?Up(c,f,{configurable:!0,enumerable:!0,value:g,writable:!0}):c[f]=g}function l5(c,f){for(var g=-1,S=f.length,N=de(S),M=c==null;++g<S;)N[g]=M?n:U5(c,f[g]);return N}function Qu(c,f,g){return c===c&&(g!==n&&(c=c<=g?c:g),f!==n&&(c=c>=f?c:f)),c}function Ni(c,f,g,S,N,M){var V,Z=f&h,re=f&p,be=f&m;if(g&&(V=N?g(c,S,N,M):g(c)),V!==n)return V;if(!jn(c))return c;var Ee=dt(c);if(Ee){if(V=NH(c),!Z)return Mo(c,V)}else{var ke=ro(c),Re=ke==er||ke==tr;if(Rl(c))return OS(c,Z);if(ke==an||ke==Ve||Re&&!N){if(V=re||Re?{}:JS(c),!Z)return re?bH(c,Hz(V,c)):vH(c,cS(V,c))}else{if(!gn[ke])return N?c:{};V=FH(c,ke,Z)}}M||(M=new aa);var qe=M.get(c);if(qe)return qe;M.set(c,V),A8(c)?c.forEach(function(it){V.add(Ni(it,f,g,it,c,M))}):x8(c)&&c.forEach(function(it,Ft){V.set(Ft,Ni(it,f,g,Ft,c,M))});var ot=be?re?A5:C5:re?jo:Ir,Tt=Ee?n:ot(c);return xi(Tt||c,function(it,Ft){Tt&&(Ft=it,it=c[Ft]),F1(V,Ft,Ni(it,f,g,Ft,c,M))}),V}function Uz(c){var f=Ir(c);return function(g){return fS(g,c,f)}}function fS(c,f,g){var S=g.length;if(c==null)return!S;for(c=fn(c);S--;){var N=g[S],M=f[N],V=c[N];if(V===n&&!(N in c)||!M(V))return!1}return!0}function dS(c,f,g){if(typeof c!="function")throw new Ci(a);return M1(function(){c.apply(n,g)},f)}function I1(c,f,g,S){var N=-1,M=Ip,V=!0,Z=c.length,re=[],be=f.length;if(!Z)return re;g&&(f=Bn(f,ai(g))),S?(M=Vy,V=!1):f.length>=o&&(M=k1,V=!1,f=new Yu(f));e:for(;++N<Z;){var Ee=c[N],ke=g==null?Ee:g(Ee);if(Ee=S||Ee!==0?Ee:0,V&&ke===ke){for(var Re=be;Re--;)if(f[Re]===ke)continue e;re.push(Ee)}else M(f,ke,S)||re.push(Ee)}return re}var Nl=jS(Ra),hS=jS(c5,!0);function qz(c,f){var g=!0;return Nl(c,function(S,N,M){return g=!!f(S,N,M),g}),g}function Yp(c,f,g){for(var S=-1,N=c.length;++S<N;){var M=c[S],V=f(M);if(V!=null&&(Z===n?V===V&&!li(V):g(V,Z)))var Z=V,re=M}return re}function $z(c,f,g,S){var N=c.length;for(g=bt(g),g<0&&(g=-g>N?0:N+g),S=S===n||S>N?N:bt(S),S<0&&(S+=N),S=g>S?0:F8(S);g<S;)c[g++]=f;return c}function pS(c,f){var g=[];return Nl(c,function(S,N,M){f(S,N,M)&&g.push(S)}),g}function qr(c,f,g,S,N){var M=-1,V=c.length;for(g||(g=BH),N||(N=[]);++M<V;){var Z=c[M];f>0&&g(Z)?f>1?qr(Z,f-1,g,S,N):xl(N,Z):S||(N[N.length]=Z)}return N}var u5=zS(),mS=zS(!0);function Ra(c,f){return c&&u5(c,f,Ir)}function c5(c,f){return c&&mS(c,f,Ir)}function Qp(c,f){return Sl(f,function(g){return Fs(c[g])})}function Xu(c,f){f=Il(f,c);for(var g=0,S=f.length;c!=null&&g<S;)c=c[Da(f[g++])];return g&&g==S?c:n}function gS(c,f,g){var S=f(c);return dt(c)?S:xl(S,g(c))}function To(c){return c==null?c===n?Po:Nr:Ku&&Ku in fn(c)?xH(c):jH(c)}function f5(c,f){return c>f}function Wz(c,f){return c!=null&&tn.call(c,f)}function Gz(c,f){return c!=null&&f in fn(c)}function Kz(c,f,g){return c>=no(f,g)&&c<_r(f,g)}function d5(c,f,g){for(var S=g?Vy:Ip,N=c[0].length,M=c.length,V=M,Z=de(M),re=1/0,be=[];V--;){var Ee=c[V];V&&f&&(Ee=Bn(Ee,ai(f))),re=no(Ee.length,re),Z[V]=!g&&(f||N>=120&&Ee.length>=120)?new Yu(V&&Ee):n}Ee=c[0];var ke=-1,Re=Z[0];e:for(;++ke<N&&be.length<re;){var qe=Ee[ke],ot=f?f(qe):qe;if(qe=g||qe!==0?qe:0,!(Re?k1(Re,ot):S(be,ot,g))){for(V=M;--V;){var Tt=Z[V];if(!(Tt?k1(Tt,ot):S(c[V],ot,g)))continue e}Re&&Re.push(ot),be.push(qe)}}return be}function Vz(c,f,g,S){return Ra(c,function(N,M,V){f(S,g(N),M,V)}),S}function B1(c,f,g){f=Il(f,c),c=r8(c,f);var S=c==null?c:c[Da(Ii(f))];return S==null?n:ii(S,c,g)}function vS(c){return $n(c)&&To(c)==Ve}function Yz(c){return $n(c)&&To(c)==ie}function Qz(c){return $n(c)&&To(c)==rt}function R1(c,f,g,S,N){return c===f?!0:c==null||f==null||!$n(c)&&!$n(f)?c!==c&&f!==f:Xz(c,f,g,S,R1,N)}function Xz(c,f,g,S,N,M){var V=dt(c),Z=dt(f),re=V?Le:ro(c),be=Z?Le:ro(f);re=re==Ve?an:re,be=be==Ve?an:be;var Ee=re==an,ke=be==an,Re=re==be;if(Re&&Rl(c)){if(!Rl(f))return!1;V=!0,Ee=!1}if(Re&&!Ee)return M||(M=new aa),V||pf(c)?QS(c,f,g,S,N,M):kH(c,f,re,g,S,N,M);if(!(g&v)){var qe=Ee&&tn.call(c,"__wrapped__"),ot=ke&&tn.call(f,"__wrapped__");if(qe||ot){var Tt=qe?c.value():c,it=ot?f.value():f;return M||(M=new aa),N(Tt,it,g,S,M)}}return Re?(M||(M=new aa),SH(c,f,g,S,N,M)):!1}function Zz(c){return $n(c)&&ro(c)==In}function h5(c,f,g,S){var N=g.length,M=N,V=!S;if(c==null)return!M;for(c=fn(c);N--;){var Z=g[N];if(V&&Z[2]?Z[1]!==c[Z[0]]:!(Z[0]in c))return!1}for(;++N<M;){Z=g[N];var re=Z[0],be=c[re],Ee=Z[1];if(V&&Z[2]){if(be===n&&!(re in c))return!1}else{var ke=new aa;if(S)var Re=S(be,Ee,re,c,f,ke);if(!(Re===n?R1(Ee,be,v|_,S,ke):Re))return!1}}return!0}function bS(c){if(!jn(c)||OH(c))return!1;var f=Fs(c)?Zj:ue;return f.test(Ju(c))}function Jz(c){return $n(c)&&To(c)==jr}function eH(c){return $n(c)&&ro(c)==pn}function tH(c){return $n(c)&&hm(c.length)&&!!kn[To(c)]}function yS(c){return typeof c=="function"?c:c==null?zo:typeof c=="object"?dt(c)?TS(c[0],c[1]):_S(c):H8(c)}function p5(c){if(!P1(c))return oz(c);var f=[];for(var g in fn(c))tn.call(c,g)&&g!="constructor"&&f.push(g);return f}function nH(c){if(!jn(c))return LH(c);var f=P1(c),g=[];for(var S in c)S=="constructor"&&(f||!tn.call(c,S))||g.push(S);return g}function m5(c,f){return c<f}function ES(c,f){var g=-1,S=Lo(c)?de(c.length):[];return Nl(c,function(N,M,V){S[++g]=f(N,M,V)}),S}function _S(c){var f=F5(c);return f.length==1&&f[0][2]?t8(f[0][0],f[0][1]):function(g){return g===c||h5(g,c,f)}}function TS(c,f){return B5(c)&&e8(f)?t8(Da(c),f):function(g){var S=U5(g,c);return S===n&&S===f?q5(g,c):R1(f,S,v|_)}}function Xp(c,f,g,S,N){c!==f&&u5(f,function(M,V){if(N||(N=new aa),jn(M))rH(c,f,V,g,Xp,S,N);else{var Z=S?S(O5(c,V),M,V+"",c,f,N):n;Z===n&&(Z=M),s5(c,V,Z)}},jo)}function rH(c,f,g,S,N,M,V){var Z=O5(c,g),re=O5(f,g),be=V.get(re);if(be){s5(c,g,be);return}var Ee=M?M(Z,re,g+"",c,f,V):n,ke=Ee===n;if(ke){var Re=dt(re),qe=!Re&&Rl(re),ot=!Re&&!qe&&pf(re);Ee=re,Re||qe||ot?dt(Z)?Ee=Z:or(Z)?Ee=Mo(Z):qe?(ke=!1,Ee=OS(re,!0)):ot?(ke=!1,Ee=DS(re,!0)):Ee=[]:L1(re)||ec(re)?(Ee=Z,ec(Z)?Ee=I8(Z):(!jn(Z)||Fs(Z))&&(Ee=JS(re))):ke=!1}ke&&(V.set(re,Ee),N(Ee,re,S,M,V),V.delete(re)),s5(c,g,Ee)}function wS(c,f){var g=c.length;if(g)return f+=f<0?g:0,Ns(f,g)?c[f]:n}function kS(c,f,g){f.length?f=Bn(f,function(M){return dt(M)?function(V){return Xu(V,M.length===1?M[0]:M)}:M}):f=[zo];var S=-1;f=Bn(f,ai(nt()));var N=ES(c,function(M,V,Z){var re=Bn(f,function(be){return be(M)});return{criteria:re,index:++S,value:M}});return Fj(N,function(M,V){return gH(M,V,g)})}function oH(c,f){return SS(c,f,function(g,S){return q5(c,S)})}function SS(c,f,g){for(var S=-1,N=f.length,M={};++S<N;){var V=f[S],Z=Xu(c,V);g(Z,V)&&O1(M,Il(V,c),Z)}return M}function iH(c){return function(f){return Xu(f,c)}}function g5(c,f,g,S){var N=S?Nj:nf,M=-1,V=f.length,Z=c;for(c===f&&(f=Mo(f)),g&&(Z=Bn(c,ai(g)));++M<V;)for(var re=0,be=f[M],Ee=g?g(be):be;(re=N(Z,Ee,re,S))>-1;)Z!==c&&Hp.call(Z,re,1),Hp.call(c,re,1);return c}function xS(c,f){for(var g=c?f.length:0,S=g-1;g--;){var N=f[g];if(g==S||N!==M){var M=N;Ns(N)?Hp.call(c,N,1):E5(c,N)}}return c}function v5(c,f){return c+$p(aS()*(f-c+1))}function aH(c,f,g,S){for(var N=-1,M=_r(qp((f-c)/(g||1)),0),V=de(M);M--;)V[S?M:++N]=c,c+=g;return V}function b5(c,f){var g="";if(!c||f<1||f>_e)return g;do f%2&&(g+=c),f=$p(f/2),f&&(c+=c);while(f);return g}function St(c,f){return D5(n8(c,f,zo),c+"")}function sH(c){return uS(mf(c))}function lH(c,f){var g=mf(c);return sm(g,Qu(f,0,g.length))}function O1(c,f,g,S){if(!jn(c))return c;f=Il(f,c);for(var N=-1,M=f.length,V=M-1,Z=c;Z!=null&&++N<M;){var re=Da(f[N]),be=g;if(re==="__proto__"||re==="constructor"||re==="prototype")return c;if(N!=V){var Ee=Z[re];be=S?S(Ee,re,Z):n,be===n&&(be=jn(Ee)?Ee:Ns(f[N+1])?[]:{})}F1(Z,re,be),Z=Z[re]}return c}var CS=Wp?function(c,f){return Wp.set(c,f),c}:zo,uH=Up?function(c,f){return Up(c,"toString",{configurable:!0,enumerable:!1,value:W5(f),writable:!0})}:zo;function cH(c){return sm(mf(c))}function Fi(c,f,g){var S=-1,N=c.length;f<0&&(f=-f>N?0:N+f),g=g>N?N:g,g<0&&(g+=N),N=f>g?0:g-f>>>0,f>>>=0;for(var M=de(N);++S<N;)M[S]=c[S+f];return M}function fH(c,f){var g;return Nl(c,function(S,N,M){return g=f(S,N,M),!g}),!!g}function Zp(c,f,g){var S=0,N=c==null?S:c.length;if(typeof f=="number"&&f===f&&N<=Ae){for(;S<N;){var M=S+N>>>1,V=c[M];V!==null&&!li(V)&&(g?V<=f:V<f)?S=M+1:N=M}return N}return y5(c,f,zo,g)}function y5(c,f,g,S){var N=0,M=c==null?0:c.length;if(M===0)return 0;f=g(f);for(var V=f!==f,Z=f===null,re=li(f),be=f===n;N<M;){var Ee=$p((N+M)/2),ke=g(c[Ee]),Re=ke!==n,qe=ke===null,ot=ke===ke,Tt=li(ke);if(V)var it=S||ot;else be?it=ot&&(S||Re):Z?it=ot&&Re&&(S||!qe):re?it=ot&&Re&&!qe&&(S||!Tt):qe||Tt?it=!1:it=S?ke<=f:ke<f;it?N=Ee+1:M=Ee}return no(M,L)}function AS(c,f){for(var g=-1,S=c.length,N=0,M=[];++g<S;){var V=c[g],Z=f?f(V):V;if(!g||!sa(Z,re)){var re=Z;M[N++]=V===0?0:V}}return M}function NS(c){return typeof c=="number"?c:li(c)?fe:+c}function si(c){if(typeof c=="string")return c;if(dt(c))return Bn(c,si)+"";if(li(c))return sS?sS.call(c):"";var f=c+"";return f=="0"&&1/c==-$?"-0":f}function Fl(c,f,g){var S=-1,N=Ip,M=c.length,V=!0,Z=[],re=Z;if(g)V=!1,N=Vy;else if(M>=o){var be=f?null:TH(c);if(be)return Rp(be);V=!1,N=k1,re=new Yu}else re=f?[]:Z;e:for(;++S<M;){var Ee=c[S],ke=f?f(Ee):Ee;if(Ee=g||Ee!==0?Ee:0,V&&ke===ke){for(var Re=re.length;Re--;)if(re[Re]===ke)continue e;f&&re.push(ke),Z.push(Ee)}else N(re,ke,g)||(re!==Z&&re.push(ke),Z.push(Ee))}return Z}function E5(c,f){return f=Il(f,c),c=r8(c,f),c==null||delete c[Da(Ii(f))]}function FS(c,f,g,S){return O1(c,f,g(Xu(c,f)),S)}function Jp(c,f,g,S){for(var N=c.length,M=S?N:-1;(S?M--:++M<N)&&f(c[M],M,c););return g?Fi(c,S?0:M,S?M+1:N):Fi(c,S?M+1:0,S?N:M)}function IS(c,f){var g=c;return g instanceof Rt&&(g=g.value()),Yy(f,function(S,N){return N.func.apply(N.thisArg,xl([S],N.args))},g)}function _5(c,f,g){var S=c.length;if(S<2)return S?Fl(c[0]):[];for(var N=-1,M=de(S);++N<S;)for(var V=c[N],Z=-1;++Z<S;)Z!=N&&(M[N]=I1(M[N]||V,c[Z],f,g));return Fl(qr(M,1),f,g)}function BS(c,f,g){for(var S=-1,N=c.length,M=f.length,V={};++S<N;){var Z=S<M?f[S]:n;g(V,c[S],Z)}return V}function T5(c){return or(c)?c:[]}function w5(c){return typeof c=="function"?c:zo}function Il(c,f){return dt(c)?c:B5(c,f)?[c]:s8(Jt(c))}var dH=St;function Bl(c,f,g){var S=c.length;return g=g===n?S:g,!f&&g>=S?c:Fi(c,f,g)}var RS=Jj||function(c){return Ur.clearTimeout(c)};function OS(c,f){if(f)return c.slice();var g=c.length,S=tS?tS(g):new c.constructor(g);return c.copy(S),S}function k5(c){var f=new c.constructor(c.byteLength);return new jp(f).set(new jp(c)),f}function hH(c,f){var g=f?k5(c.buffer):c.buffer;return new c.constructor(g,c.byteOffset,c.byteLength)}function pH(c){var f=new c.constructor(c.source,B.exec(c));return f.lastIndex=c.lastIndex,f}function mH(c){return N1?fn(N1.call(c)):{}}function DS(c,f){var g=f?k5(c.buffer):c.buffer;return new c.constructor(g,c.byteOffset,c.length)}function PS(c,f){if(c!==f){var g=c!==n,S=c===null,N=c===c,M=li(c),V=f!==n,Z=f===null,re=f===f,be=li(f);if(!Z&&!be&&!M&&c>f||M&&V&&re&&!Z&&!be||S&&V&&re||!g&&re||!N)return 1;if(!S&&!M&&!be&&c<f||be&&g&&N&&!S&&!M||Z&&g&&N||!V&&N||!re)return-1}return 0}function gH(c,f,g){for(var S=-1,N=c.criteria,M=f.criteria,V=N.length,Z=g.length;++S<V;){var re=PS(N[S],M[S]);if(re){if(S>=Z)return re;var be=g[S];return re*(be=="desc"?-1:1)}}return c.index-f.index}function MS(c,f,g,S){for(var N=-1,M=c.length,V=g.length,Z=-1,re=f.length,be=_r(M-V,0),Ee=de(re+be),ke=!S;++Z<re;)Ee[Z]=f[Z];for(;++N<V;)(ke||N<M)&&(Ee[g[N]]=c[N]);for(;be--;)Ee[Z++]=c[N++];return Ee}function LS(c,f,g,S){for(var N=-1,M=c.length,V=-1,Z=g.length,re=-1,be=f.length,Ee=_r(M-Z,0),ke=de(Ee+be),Re=!S;++N<Ee;)ke[N]=c[N];for(var qe=N;++re<be;)ke[qe+re]=f[re];for(;++V<Z;)(Re||N<M)&&(ke[qe+g[V]]=c[N++]);return ke}function Mo(c,f){var g=-1,S=c.length;for(f||(f=de(S));++g<S;)f[g]=c[g];return f}function Oa(c,f,g,S){var N=!g;g||(g={});for(var M=-1,V=f.length;++M<V;){var Z=f[M],re=S?S(g[Z],c[Z],Z,g,c):n;re===n&&(re=c[Z]),N?xs(g,Z,re):F1(g,Z,re)}return g}function vH(c,f){return Oa(c,I5(c),f)}function bH(c,f){return Oa(c,XS(c),f)}function em(c,f){return function(g,S){var N=dt(g)?wj:zz,M=f?f():{};return N(g,c,nt(S,2),M)}}function ff(c){return St(function(f,g){var S=-1,N=g.length,M=N>1?g[N-1]:n,V=N>2?g[2]:n;for(M=c.length>3&&typeof M=="function"?(N--,M):n,V&&wo(g[0],g[1],V)&&(M=N<3?n:M,N=1),f=fn(f);++S<N;){var Z=g[S];Z&&c(f,Z,S,M)}return f})}function jS(c,f){return function(g,S){if(g==null)return g;if(!Lo(g))return c(g,S);for(var N=g.length,M=f?N:-1,V=fn(g);(f?M--:++M<N)&&S(V[M],M,V)!==!1;);return g}}function zS(c){return function(f,g,S){for(var N=-1,M=fn(f),V=S(f),Z=V.length;Z--;){var re=V[c?Z:++N];if(g(M[re],re,M)===!1)break}return f}}function yH(c,f,g){var S=f&b,N=D1(c);function M(){var V=this&&this!==Ur&&this instanceof M?N:c;return V.apply(S?g:this,arguments)}return M}function HS(c){return function(f){f=Jt(f);var g=rf(f)?ia(f):n,S=g?g[0]:f.charAt(0),N=g?Bl(g,1).join(""):f.slice(1);return S[c]()+N}}function df(c){return function(f){return Yy(j8(L8(f).replace(uj,"")),c,"")}}function D1(c){return function(){var f=arguments;switch(f.length){case 0:return new c;case 1:return new c(f[0]);case 2:return new c(f[0],f[1]);case 3:return new c(f[0],f[1],f[2]);case 4:return new c(f[0],f[1],f[2],f[3]);case 5:return new c(f[0],f[1],f[2],f[3],f[4]);case 6:return new c(f[0],f[1],f[2],f[3],f[4],f[5]);case 7:return new c(f[0],f[1],f[2],f[3],f[4],f[5],f[6])}var g=cf(c.prototype),S=c.apply(g,f);return jn(S)?S:g}}function EH(c,f,g){var S=D1(c);function N(){for(var M=arguments.length,V=de(M),Z=M,re=hf(N);Z--;)V[Z]=arguments[Z];var be=M<3&&V[0]!==re&&V[M-1]!==re?[]:Cl(V,re);if(M-=be.length,M<g)return GS(c,f,tm,N.placeholder,n,V,be,n,n,g-M);var Ee=this&&this!==Ur&&this instanceof N?S:c;return ii(Ee,this,V)}return N}function US(c){return function(f,g,S){var N=fn(f);if(!Lo(f)){var M=nt(g,3);f=Ir(f),g=function(Z){return M(N[Z],Z,N)}}var V=c(f,g,S);return V>-1?N[M?f[V]:V]:n}}function qS(c){return As(function(f){var g=f.length,S=g,N=Ai.prototype.thru;for(c&&f.reverse();S--;){var M=f[S];if(typeof M!="function")throw new Ci(a);if(N&&!V&&im(M)=="wrapper")var V=new Ai([],!0)}for(S=V?S:g;++S<g;){M=f[S];var Z=im(M),re=Z=="wrapper"?N5(M):n;re&&R5(re[0])&&re[1]==(A|k|F|P)&&!re[4].length&&re[9]==1?V=V[im(re[0])].apply(V,re[3]):V=M.length==1&&R5(M)?V[Z]():V.thru(M)}return function(){var be=arguments,Ee=be[0];if(V&&be.length==1&&dt(Ee))return V.plant(Ee).value();for(var ke=0,Re=g?f[ke].apply(this,be):Ee;++ke<g;)Re=f[ke].call(this,Re);return Re}})}function tm(c,f,g,S,N,M,V,Z,re,be){var Ee=f&A,ke=f&b,Re=f&E,qe=f&(k|y),ot=f&I,Tt=Re?n:D1(c);function it(){for(var Ft=arguments.length,Lt=de(Ft),ui=Ft;ui--;)Lt[ui]=arguments[ui];if(qe)var ko=hf(it),ci=Bj(Lt,ko);if(S&&(Lt=MS(Lt,S,N,qe)),M&&(Lt=LS(Lt,M,V,qe)),Ft-=ci,qe&&Ft<be){var ir=Cl(Lt,ko);return GS(c,f,tm,it.placeholder,g,Lt,ir,Z,re,be-Ft)}var la=ke?g:this,Bs=Re?la[c]:c;return Ft=Lt.length,Z?Lt=zH(Lt,Z):ot&&Ft>1&&Lt.reverse(),Ee&&re<Ft&&(Lt.length=re),this&&this!==Ur&&this instanceof it&&(Bs=Tt||D1(Bs)),Bs.apply(la,Lt)}return it}function $S(c,f){return function(g,S){return Vz(g,c,f(S),{})}}function nm(c,f){return function(g,S){var N;if(g===n&&S===n)return f;if(g!==n&&(N=g),S!==n){if(N===n)return S;typeof g=="string"||typeof S=="string"?(g=si(g),S=si(S)):(g=NS(g),S=NS(S)),N=c(g,S)}return N}}function S5(c){return As(function(f){return f=Bn(f,ai(nt())),St(function(g){var S=this;return c(f,function(N){return ii(N,S,g)})})})}function rm(c,f){f=f===n?" ":si(f);var g=f.length;if(g<2)return g?b5(f,c):f;var S=b5(f,qp(c/of(f)));return rf(f)?Bl(ia(S),0,c).join(""):S.slice(0,c)}function _H(c,f,g,S){var N=f&b,M=D1(c);function V(){for(var Z=-1,re=arguments.length,be=-1,Ee=S.length,ke=de(Ee+re),Re=this&&this!==Ur&&this instanceof V?M:c;++be<Ee;)ke[be]=S[be];for(;re--;)ke[be++]=arguments[++Z];return ii(Re,N?g:this,ke)}return V}function WS(c){return function(f,g,S){return S&&typeof S!="number"&&wo(f,g,S)&&(g=S=n),f=Is(f),g===n?(g=f,f=0):g=Is(g),S=S===n?f<g?1:-1:Is(S),aH(f,g,S,c)}}function om(c){return function(f,g){return typeof f=="string"&&typeof g=="string"||(f=Bi(f),g=Bi(g)),c(f,g)}}function GS(c,f,g,S,N,M,V,Z,re,be){var Ee=f&k,ke=Ee?V:n,Re=Ee?n:V,qe=Ee?M:n,ot=Ee?n:M;f|=Ee?F:C,f&=~(Ee?C:F),f&w||(f&=~(b|E));var Tt=[c,f,N,qe,ke,ot,Re,Z,re,be],it=g.apply(n,Tt);return R5(c)&&o8(it,Tt),it.placeholder=S,i8(it,c,f)}function x5(c){var f=Er[c];return function(g,S){if(g=Bi(g),S=S==null?0:no(bt(S),292),S&&iS(g)){var N=(Jt(g)+"e").split("e"),M=f(N[0]+"e"+(+N[1]+S));return N=(Jt(M)+"e").split("e"),+(N[0]+"e"+(+N[1]-S))}return f(g)}}var TH=lf&&1/Rp(new lf([,-0]))[1]==$?function(c){return new lf(c)}:V5;function KS(c){return function(f){var g=ro(f);return g==In?n5(f):g==pn?jj(f):Ij(f,c(f))}}function Cs(c,f,g,S,N,M,V,Z){var re=f&E;if(!re&&typeof c!="function")throw new Ci(a);var be=S?S.length:0;if(be||(f&=~(F|C),S=N=n),V=V===n?V:_r(bt(V),0),Z=Z===n?Z:bt(Z),be-=N?N.length:0,f&C){var Ee=S,ke=N;S=N=n}var Re=re?n:N5(c),qe=[c,f,g,S,N,Ee,ke,M,V,Z];if(Re&&MH(qe,Re),c=qe[0],f=qe[1],g=qe[2],S=qe[3],N=qe[4],Z=qe[9]=qe[9]===n?re?0:c.length:_r(qe[9]-be,0),!Z&&f&(k|y)&&(f&=~(k|y)),!f||f==b)var ot=yH(c,f,g);else f==k||f==y?ot=EH(c,f,Z):(f==F||f==(b|F))&&!N.length?ot=_H(c,f,g,S):ot=tm.apply(n,qe);var Tt=Re?CS:o8;return i8(Tt(ot,qe),c,f)}function VS(c,f,g,S){return c===n||sa(c,sf[g])&&!tn.call(S,g)?f:c}function YS(c,f,g,S,N,M){return jn(c)&&jn(f)&&(M.set(f,c),Xp(c,f,n,YS,M),M.delete(f)),c}function wH(c){return L1(c)?n:c}function QS(c,f,g,S,N,M){var V=g&v,Z=c.length,re=f.length;if(Z!=re&&!(V&&re>Z))return!1;var be=M.get(c),Ee=M.get(f);if(be&&Ee)return be==f&&Ee==c;var ke=-1,Re=!0,qe=g&_?new Yu:n;for(M.set(c,f),M.set(f,c);++ke<Z;){var ot=c[ke],Tt=f[ke];if(S)var it=V?S(Tt,ot,ke,f,c,M):S(ot,Tt,ke,c,f,M);if(it!==n){if(it)continue;Re=!1;break}if(qe){if(!Qy(f,function(Ft,Lt){if(!k1(qe,Lt)&&(ot===Ft||N(ot,Ft,g,S,M)))return qe.push(Lt)})){Re=!1;break}}else if(!(ot===Tt||N(ot,Tt,g,S,M))){Re=!1;break}}return M.delete(c),M.delete(f),Re}function kH(c,f,g,S,N,M,V){switch(g){case G:if(c.byteLength!=f.byteLength||c.byteOffset!=f.byteOffset)return!1;c=c.buffer,f=f.buffer;case ie:return!(c.byteLength!=f.byteLength||!M(new jp(c),new jp(f)));case We:case rt:case br:return sa(+c,+f);case qn:return c.name==f.name&&c.message==f.message;case jr:case Mn:return c==f+"";case In:var Z=n5;case pn:var re=S&v;if(Z||(Z=Rp),c.size!=f.size&&!re)return!1;var be=V.get(c);if(be)return be==f;S|=_,V.set(c,f);var Ee=QS(Z(c),Z(f),S,N,M,V);return V.delete(c),Ee;case mn:if(N1)return N1.call(c)==N1.call(f)}return!1}function SH(c,f,g,S,N,M){var V=g&v,Z=C5(c),re=Z.length,be=C5(f),Ee=be.length;if(re!=Ee&&!V)return!1;for(var ke=re;ke--;){var Re=Z[ke];if(!(V?Re in f:tn.call(f,Re)))return!1}var qe=M.get(c),ot=M.get(f);if(qe&&ot)return qe==f&&ot==c;var Tt=!0;M.set(c,f),M.set(f,c);for(var it=V;++ke<re;){Re=Z[ke];var Ft=c[Re],Lt=f[Re];if(S)var ui=V?S(Lt,Ft,Re,f,c,M):S(Ft,Lt,Re,c,f,M);if(!(ui===n?Ft===Lt||N(Ft,Lt,g,S,M):ui)){Tt=!1;break}it||(it=Re=="constructor")}if(Tt&&!it){var ko=c.constructor,ci=f.constructor;ko!=ci&&"constructor"in c&&"constructor"in f&&!(typeof ko=="function"&&ko instanceof ko&&typeof ci=="function"&&ci instanceof ci)&&(Tt=!1)}return M.delete(c),M.delete(f),Tt}function As(c){return D5(n8(c,n,f8),c+"")}function C5(c){return gS(c,Ir,I5)}function A5(c){return gS(c,jo,XS)}var N5=Wp?function(c){return Wp.get(c)}:V5;function im(c){for(var f=c.name+"",g=uf[f],S=tn.call(uf,f)?g.length:0;S--;){var N=g[S],M=N.func;if(M==null||M==c)return N.name}return f}function hf(c){var f=tn.call(D,"placeholder")?D:c;return f.placeholder}function nt(){var c=D.iteratee||G5;return c=c===G5?yS:c,arguments.length?c(arguments[0],arguments[1]):c}function am(c,f){var g=c.__data__;return RH(f)?g[typeof f=="string"?"string":"hash"]:g.map}function F5(c){for(var f=Ir(c),g=f.length;g--;){var S=f[g],N=c[S];f[g]=[S,N,e8(N)]}return f}function Zu(c,f){var g=Pj(c,f);return bS(g)?g:n}function xH(c){var f=tn.call(c,Ku),g=c[Ku];try{c[Ku]=n;var S=!0}catch{}var N=Mp.call(c);return S&&(f?c[Ku]=g:delete c[Ku]),N}var I5=o5?function(c){return c==null?[]:(c=fn(c),Sl(o5(c),function(f){return rS.call(c,f)}))}:Y5,XS=o5?function(c){for(var f=[];c;)xl(f,I5(c)),c=zp(c);return f}:Y5,ro=To;(i5&&ro(new i5(new ArrayBuffer(1)))!=G||x1&&ro(new x1)!=In||a5&&ro(a5.resolve())!=yo||lf&&ro(new lf)!=pn||C1&&ro(new C1)!=me)&&(ro=function(c){var f=To(c),g=f==an?c.constructor:n,S=g?Ju(g):"";if(S)switch(S){case lz:return G;case uz:return In;case cz:return yo;case fz:return pn;case dz:return me}return f});function CH(c,f,g){for(var S=-1,N=g.length;++S<N;){var M=g[S],V=M.size;switch(M.type){case"drop":c+=V;break;case"dropRight":f-=V;break;case"take":f=no(f,c+V);break;case"takeRight":c=_r(c,f-V);break}}return{start:c,end:f}}function AH(c){var f=c.match(Zc);return f?f[1].split(zu):[]}function ZS(c,f,g){f=Il(f,c);for(var S=-1,N=f.length,M=!1;++S<N;){var V=Da(f[S]);if(!(M=c!=null&&g(c,V)))break;c=c[V]}return M||++S!=N?M:(N=c==null?0:c.length,!!N&&hm(N)&&Ns(V,N)&&(dt(c)||ec(c)))}function NH(c){var f=c.length,g=new c.constructor(f);return f&&typeof c[0]=="string"&&tn.call(c,"index")&&(g.index=c.index,g.input=c.input),g}function JS(c){return typeof c.constructor=="function"&&!P1(c)?cf(zp(c)):{}}function FH(c,f,g){var S=c.constructor;switch(f){case ie:return k5(c);case We:case rt:return new S(+c);case G:return hH(c,g);case ae:case Te:case Oe:case $e:case _t:case Qe:case lt:case Kt:case Pt:return DS(c,g);case In:return new S;case br:case Mn:return new S(c);case jr:return pH(c);case pn:return new S;case mn:return mH(c)}}function IH(c,f){var g=f.length;if(!g)return c;var S=g-1;return f[S]=(g>1?"& ":"")+f[S],f=f.join(g>2?", ":" "),c.replace(Xc,`{
/* [wrapped with `+f+`] */
`)}function BH(c){return dt(c)||ec(c)||!!(oS&&c&&c[oS])}function Ns(c,f){var g=typeof c;return f=f??_e,!!f&&(g=="number"||g!="symbol"&&te.test(c))&&c>-1&&c%1==0&&c<f}function wo(c,f,g){if(!jn(g))return!1;var S=typeof f;return(S=="number"?Lo(g)&&Ns(f,g.length):S=="string"&&f in g)?sa(g[f],c):!1}function B5(c,f){if(dt(c))return!1;var g=typeof c;return g=="number"||g=="symbol"||g=="boolean"||c==null||li(c)?!0:_o.test(c)||!Fr.test(c)||f!=null&&c in fn(f)}function RH(c){var f=typeof c;return f=="string"||f=="number"||f=="symbol"||f=="boolean"?c!=="__proto__":c===null}function R5(c){var f=im(c),g=D[f];if(typeof g!="function"||!(f in Rt.prototype))return!1;if(c===g)return!0;var S=N5(g);return!!S&&c===S[0]}function OH(c){return!!eS&&eS in c}var DH=Dp?Fs:Q5;function P1(c){var f=c&&c.constructor,g=typeof f=="function"&&f.prototype||sf;return c===g}function e8(c){return c===c&&!jn(c)}function t8(c,f){return function(g){return g==null?!1:g[c]===f&&(f!==n||c in fn(g))}}function PH(c){var f=fm(c,function(S){return g.size===u&&g.clear(),S}),g=f.cache;return f}function MH(c,f){var g=c[1],S=f[1],N=g|S,M=N<(b|E|A),V=S==A&&g==k||S==A&&g==P&&c[7].length<=f[8]||S==(A|P)&&f[7].length<=f[8]&&g==k;if(!(M||V))return c;S&b&&(c[2]=f[2],N|=g&b?0:w);var Z=f[3];if(Z){var re=c[3];c[3]=re?MS(re,Z,f[4]):Z,c[4]=re?Cl(c[3],d):f[4]}return Z=f[5],Z&&(re=c[5],c[5]=re?LS(re,Z,f[6]):Z,c[6]=re?Cl(c[5],d):f[6]),Z=f[7],Z&&(c[7]=Z),S&A&&(c[8]=c[8]==null?f[8]:no(c[8],f[8])),c[9]==null&&(c[9]=f[9]),c[0]=f[0],c[1]=N,c}function LH(c){var f=[];if(c!=null)for(var g in fn(c))f.push(g);return f}function jH(c){return Mp.call(c)}function n8(c,f,g){return f=_r(f===n?c.length-1:f,0),function(){for(var S=arguments,N=-1,M=_r(S.length-f,0),V=de(M);++N<M;)V[N]=S[f+N];N=-1;for(var Z=de(f+1);++N<f;)Z[N]=S[N];return Z[f]=g(V),ii(c,this,Z)}}function r8(c,f){return f.length<2?c:Xu(c,Fi(f,0,-1))}function zH(c,f){for(var g=c.length,S=no(f.length,g),N=Mo(c);S--;){var M=f[S];c[S]=Ns(M,g)?N[M]:n}return c}function O5(c,f){if(!(f==="constructor"&&typeof c[f]=="function")&&f!="__proto__")return c[f]}var o8=a8(CS),M1=tz||function(c,f){return Ur.setTimeout(c,f)},D5=a8(uH);function i8(c,f,g){var S=f+"";return D5(c,IH(S,HH(AH(S),g)))}function a8(c){var f=0,g=0;return function(){var S=iz(),N=U-(S-g);if(g=S,N>0){if(++f>=K)return arguments[0]}else f=0;return c.apply(n,arguments)}}function sm(c,f){var g=-1,S=c.length,N=S-1;for(f=f===n?S:f;++g<f;){var M=v5(g,N),V=c[M];c[M]=c[g],c[g]=V}return c.length=f,c}var s8=PH(function(c){var f=[];return c.charCodeAt(0)===46&&f.push(""),c.replace(Ia,function(g,S,N,M){f.push(N?M.replace(W,"$1"):S||g)}),f});function Da(c){if(typeof c=="string"||li(c))return c;var f=c+"";return f=="0"&&1/c==-$?"-0":f}function Ju(c){if(c!=null){try{return Pp.call(c)}catch{}try{return c+""}catch{}}return""}function HH(c,f){return xi(Ue,function(g){var S="_."+g[0];f&g[1]&&!Ip(c,S)&&c.push(S)}),c.sort()}function l8(c){if(c instanceof Rt)return c.clone();var f=new Ai(c.__wrapped__,c.__chain__);return f.__actions__=Mo(c.__actions__),f.__index__=c.__index__,f.__values__=c.__values__,f}function UH(c,f,g){(g?wo(c,f,g):f===n)?f=1:f=_r(bt(f),0);var S=c==null?0:c.length;if(!S||f<1)return[];for(var N=0,M=0,V=de(qp(S/f));N<S;)V[M++]=Fi(c,N,N+=f);return V}function qH(c){for(var f=-1,g=c==null?0:c.length,S=0,N=[];++f<g;){var M=c[f];M&&(N[S++]=M)}return N}function $H(){var c=arguments.length;if(!c)return[];for(var f=de(c-1),g=arguments[0],S=c;S--;)f[S-1]=arguments[S];return xl(dt(g)?Mo(g):[g],qr(f,1))}var WH=St(function(c,f){return or(c)?I1(c,qr(f,1,or,!0)):[]}),GH=St(function(c,f){var g=Ii(f);return or(g)&&(g=n),or(c)?I1(c,qr(f,1,or,!0),nt(g,2)):[]}),KH=St(function(c,f){var g=Ii(f);return or(g)&&(g=n),or(c)?I1(c,qr(f,1,or,!0),n,g):[]});function VH(c,f,g){var S=c==null?0:c.length;return S?(f=g||f===n?1:bt(f),Fi(c,f<0?0:f,S)):[]}function YH(c,f,g){var S=c==null?0:c.length;return S?(f=g||f===n?1:bt(f),f=S-f,Fi(c,0,f<0?0:f)):[]}function QH(c,f){return c&&c.length?Jp(c,nt(f,3),!0,!0):[]}function XH(c,f){return c&&c.length?Jp(c,nt(f,3),!0):[]}function ZH(c,f,g,S){var N=c==null?0:c.length;return N?(g&&typeof g!="number"&&wo(c,f,g)&&(g=0,S=N),$z(c,f,g,S)):[]}function u8(c,f,g){var S=c==null?0:c.length;if(!S)return-1;var N=g==null?0:bt(g);return N<0&&(N=_r(S+N,0)),Bp(c,nt(f,3),N)}function c8(c,f,g){var S=c==null?0:c.length;if(!S)return-1;var N=S-1;return g!==n&&(N=bt(g),N=g<0?_r(S+N,0):no(N,S-1)),Bp(c,nt(f,3),N,!0)}function f8(c){var f=c==null?0:c.length;return f?qr(c,1):[]}function JH(c){var f=c==null?0:c.length;return f?qr(c,$):[]}function eU(c,f){var g=c==null?0:c.length;return g?(f=f===n?1:bt(f),qr(c,f)):[]}function tU(c){for(var f=-1,g=c==null?0:c.length,S={};++f<g;){var N=c[f];S[N[0]]=N[1]}return S}function d8(c){return c&&c.length?c[0]:n}function nU(c,f,g){var S=c==null?0:c.length;if(!S)return-1;var N=g==null?0:bt(g);return N<0&&(N=_r(S+N,0)),nf(c,f,N)}function rU(c){var f=c==null?0:c.length;return f?Fi(c,0,-1):[]}var oU=St(function(c){var f=Bn(c,T5);return f.length&&f[0]===c[0]?d5(f):[]}),iU=St(function(c){var f=Ii(c),g=Bn(c,T5);return f===Ii(g)?f=n:g.pop(),g.length&&g[0]===c[0]?d5(g,nt(f,2)):[]}),aU=St(function(c){var f=Ii(c),g=Bn(c,T5);return f=typeof f=="function"?f:n,f&&g.pop(),g.length&&g[0]===c[0]?d5(g,n,f):[]});function sU(c,f){return c==null?"":rz.call(c,f)}function Ii(c){var f=c==null?0:c.length;return f?c[f-1]:n}function lU(c,f,g){var S=c==null?0:c.length;if(!S)return-1;var N=S;return g!==n&&(N=bt(g),N=N<0?_r(S+N,0):no(N,S-1)),f===f?Hj(c,f,N):Bp(c,Gk,N,!0)}function uU(c,f){return c&&c.length?wS(c,bt(f)):n}var cU=St(h8);function h8(c,f){return c&&c.length&&f&&f.length?g5(c,f):c}function fU(c,f,g){return c&&c.length&&f&&f.length?g5(c,f,nt(g,2)):c}function dU(c,f,g){return c&&c.length&&f&&f.length?g5(c,f,n,g):c}var hU=As(function(c,f){var g=c==null?0:c.length,S=l5(c,f);return xS(c,Bn(f,function(N){return Ns(N,g)?+N:N}).sort(PS)),S});function pU(c,f){var g=[];if(!(c&&c.length))return g;var S=-1,N=[],M=c.length;for(f=nt(f,3);++S<M;){var V=c[S];f(V,S,c)&&(g.push(V),N.push(S))}return xS(c,N),g}function P5(c){return c==null?c:sz.call(c)}function mU(c,f,g){var S=c==null?0:c.length;return S?(g&&typeof g!="number"&&wo(c,f,g)?(f=0,g=S):(f=f==null?0:bt(f),g=g===n?S:bt(g)),Fi(c,f,g)):[]}function gU(c,f){return Zp(c,f)}function vU(c,f,g){return y5(c,f,nt(g,2))}function bU(c,f){var g=c==null?0:c.length;if(g){var S=Zp(c,f);if(S<g&&sa(c[S],f))return S}return-1}function yU(c,f){return Zp(c,f,!0)}function EU(c,f,g){return y5(c,f,nt(g,2),!0)}function _U(c,f){var g=c==null?0:c.length;if(g){var S=Zp(c,f,!0)-1;if(sa(c[S],f))return S}return-1}function TU(c){return c&&c.length?AS(c):[]}function wU(c,f){return c&&c.length?AS(c,nt(f,2)):[]}function kU(c){var f=c==null?0:c.length;return f?Fi(c,1,f):[]}function SU(c,f,g){return c&&c.length?(f=g||f===n?1:bt(f),Fi(c,0,f<0?0:f)):[]}function xU(c,f,g){var S=c==null?0:c.length;return S?(f=g||f===n?1:bt(f),f=S-f,Fi(c,f<0?0:f,S)):[]}function CU(c,f){return c&&c.length?Jp(c,nt(f,3),!1,!0):[]}function AU(c,f){return c&&c.length?Jp(c,nt(f,3)):[]}var NU=St(function(c){return Fl(qr(c,1,or,!0))}),FU=St(function(c){var f=Ii(c);return or(f)&&(f=n),Fl(qr(c,1,or,!0),nt(f,2))}),IU=St(function(c){var f=Ii(c);return f=typeof f=="function"?f:n,Fl(qr(c,1,or,!0),n,f)});function BU(c){return c&&c.length?Fl(c):[]}function RU(c,f){return c&&c.length?Fl(c,nt(f,2)):[]}function OU(c,f){return f=typeof f=="function"?f:n,c&&c.length?Fl(c,n,f):[]}function M5(c){if(!(c&&c.length))return[];var f=0;return c=Sl(c,function(g){if(or(g))return f=_r(g.length,f),!0}),e5(f,function(g){return Bn(c,Xy(g))})}function p8(c,f){if(!(c&&c.length))return[];var g=M5(c);return f==null?g:Bn(g,function(S){return ii(f,n,S)})}var DU=St(function(c,f){return or(c)?I1(c,f):[]}),PU=St(function(c){return _5(Sl(c,or))}),MU=St(function(c){var f=Ii(c);return or(f)&&(f=n),_5(Sl(c,or),nt(f,2))}),LU=St(function(c){var f=Ii(c);return f=typeof f=="function"?f:n,_5(Sl(c,or),n,f)}),jU=St(M5);function zU(c,f){return BS(c||[],f||[],F1)}function HU(c,f){return BS(c||[],f||[],O1)}var UU=St(function(c){var f=c.length,g=f>1?c[f-1]:n;return g=typeof g=="function"?(c.pop(),g):n,p8(c,g)});function m8(c){var f=D(c);return f.__chain__=!0,f}function qU(c,f){return f(c),c}function lm(c,f){return f(c)}var $U=As(function(c){var f=c.length,g=f?c[0]:0,S=this.__wrapped__,N=function(M){return l5(M,c)};return f>1||this.__actions__.length||!(S instanceof Rt)||!Ns(g)?this.thru(N):(S=S.slice(g,+g+(f?1:0)),S.__actions__.push({func:lm,args:[N],thisArg:n}),new Ai(S,this.__chain__).thru(function(M){return f&&!M.length&&M.push(n),M}))});function WU(){return m8(this)}function GU(){return new Ai(this.value(),this.__chain__)}function KU(){this.__values__===n&&(this.__values__=N8(this.value()));var c=this.__index__>=this.__values__.length,f=c?n:this.__values__[this.__index__++];return{done:c,value:f}}function VU(){return this}function YU(c){for(var f,g=this;g instanceof Kp;){var S=l8(g);S.__index__=0,S.__values__=n,f?N.__wrapped__=S:f=S;var N=S;g=g.__wrapped__}return N.__wrapped__=c,f}function QU(){var c=this.__wrapped__;if(c instanceof Rt){var f=c;return this.__actions__.length&&(f=new Rt(this)),f=f.reverse(),f.__actions__.push({func:lm,args:[P5],thisArg:n}),new Ai(f,this.__chain__)}return this.thru(P5)}function XU(){return IS(this.__wrapped__,this.__actions__)}var ZU=em(function(c,f,g){tn.call(c,g)?++c[g]:xs(c,g,1)});function JU(c,f,g){var S=dt(c)?$k:qz;return g&&wo(c,f,g)&&(f=n),S(c,nt(f,3))}function eq(c,f){var g=dt(c)?Sl:pS;return g(c,nt(f,3))}var tq=US(u8),nq=US(c8);function rq(c,f){return qr(um(c,f),1)}function oq(c,f){return qr(um(c,f),$)}function iq(c,f,g){return g=g===n?1:bt(g),qr(um(c,f),g)}function g8(c,f){var g=dt(c)?xi:Nl;return g(c,nt(f,3))}function v8(c,f){var g=dt(c)?kj:hS;return g(c,nt(f,3))}var aq=em(function(c,f,g){tn.call(c,g)?c[g].push(f):xs(c,g,[f])});function sq(c,f,g,S){c=Lo(c)?c:mf(c),g=g&&!S?bt(g):0;var N=c.length;return g<0&&(g=_r(N+g,0)),pm(c)?g<=N&&c.indexOf(f,g)>-1:!!N&&nf(c,f,g)>-1}var lq=St(function(c,f,g){var S=-1,N=typeof f=="function",M=Lo(c)?de(c.length):[];return Nl(c,function(V){M[++S]=N?ii(f,V,g):B1(V,f,g)}),M}),uq=em(function(c,f,g){xs(c,g,f)});function um(c,f){var g=dt(c)?Bn:ES;return g(c,nt(f,3))}function cq(c,f,g,S){return c==null?[]:(dt(f)||(f=f==null?[]:[f]),g=S?n:g,dt(g)||(g=g==null?[]:[g]),kS(c,f,g))}var fq=em(function(c,f,g){c[g?0:1].push(f)},function(){return[[],[]]});function dq(c,f,g){var S=dt(c)?Yy:Vk,N=arguments.length<3;return S(c,nt(f,4),g,N,Nl)}function hq(c,f,g){var S=dt(c)?Sj:Vk,N=arguments.length<3;return S(c,nt(f,4),g,N,hS)}function pq(c,f){var g=dt(c)?Sl:pS;return g(c,dm(nt(f,3)))}function mq(c){var f=dt(c)?uS:sH;return f(c)}function gq(c,f,g){(g?wo(c,f,g):f===n)?f=1:f=bt(f);var S=dt(c)?Lz:lH;return S(c,f)}function vq(c){var f=dt(c)?jz:cH;return f(c)}function bq(c){if(c==null)return 0;if(Lo(c))return pm(c)?of(c):c.length;var f=ro(c);return f==In||f==pn?c.size:p5(c).length}function yq(c,f,g){var S=dt(c)?Qy:fH;return g&&wo(c,f,g)&&(f=n),S(c,nt(f,3))}var Eq=St(function(c,f){if(c==null)return[];var g=f.length;return g>1&&wo(c,f[0],f[1])?f=[]:g>2&&wo(f[0],f[1],f[2])&&(f=[f[0]]),kS(c,qr(f,1),[])}),cm=ez||function(){return Ur.Date.now()};function _q(c,f){if(typeof f!="function")throw new Ci(a);return c=bt(c),function(){if(--c<1)return f.apply(this,arguments)}}function b8(c,f,g){return f=g?n:f,f=c&&f==null?c.length:f,Cs(c,A,n,n,n,n,f)}function y8(c,f){var g;if(typeof f!="function")throw new Ci(a);return c=bt(c),function(){return--c>0&&(g=f.apply(this,arguments)),c<=1&&(f=n),g}}var L5=St(function(c,f,g){var S=b;if(g.length){var N=Cl(g,hf(L5));S|=F}return Cs(c,S,f,g,N)}),E8=St(function(c,f,g){var S=b|E;if(g.length){var N=Cl(g,hf(E8));S|=F}return Cs(f,S,c,g,N)});function _8(c,f,g){f=g?n:f;var S=Cs(c,k,n,n,n,n,n,f);return S.placeholder=_8.placeholder,S}function T8(c,f,g){f=g?n:f;var S=Cs(c,y,n,n,n,n,n,f);return S.placeholder=T8.placeholder,S}function w8(c,f,g){var S,N,M,V,Z,re,be=0,Ee=!1,ke=!1,Re=!0;if(typeof c!="function")throw new Ci(a);f=Bi(f)||0,jn(g)&&(Ee=!!g.leading,ke="maxWait"in g,M=ke?_r(Bi(g.maxWait)||0,f):M,Re="trailing"in g?!!g.trailing:Re);function qe(ir){var la=S,Bs=N;return S=N=n,be=ir,V=c.apply(Bs,la),V}function ot(ir){return be=ir,Z=M1(Ft,f),Ee?qe(ir):V}function Tt(ir){var la=ir-re,Bs=ir-be,U8=f-la;return ke?no(U8,M-Bs):U8}function it(ir){var la=ir-re,Bs=ir-be;return re===n||la>=f||la<0||ke&&Bs>=M}function Ft(){var ir=cm();if(it(ir))return Lt(ir);Z=M1(Ft,Tt(ir))}function Lt(ir){return Z=n,Re&&S?qe(ir):(S=N=n,V)}function ui(){Z!==n&&RS(Z),be=0,S=re=N=Z=n}function ko(){return Z===n?V:Lt(cm())}function ci(){var ir=cm(),la=it(ir);if(S=arguments,N=this,re=ir,la){if(Z===n)return ot(re);if(ke)return RS(Z),Z=M1(Ft,f),qe(re)}return Z===n&&(Z=M1(Ft,f)),V}return ci.cancel=ui,ci.flush=ko,ci}var Tq=St(function(c,f){return dS(c,1,f)}),wq=St(function(c,f,g){return dS(c,Bi(f)||0,g)});function kq(c){return Cs(c,I)}function fm(c,f){if(typeof c!="function"||f!=null&&typeof f!="function")throw new Ci(a);var g=function(){var S=arguments,N=f?f.apply(this,S):S[0],M=g.cache;if(M.has(N))return M.get(N);var V=c.apply(this,S);return g.cache=M.set(N,V)||M,V};return g.cache=new(fm.Cache||Ss),g}fm.Cache=Ss;function dm(c){if(typeof c!="function")throw new Ci(a);return function(){var f=arguments;switch(f.length){case 0:return!c.call(this);case 1:return!c.call(this,f[0]);case 2:return!c.call(this,f[0],f[1]);case 3:return!c.call(this,f[0],f[1],f[2])}return!c.apply(this,f)}}function Sq(c){return y8(2,c)}var xq=dH(function(c,f){f=f.length==1&&dt(f[0])?Bn(f[0],ai(nt())):Bn(qr(f,1),ai(nt()));var g=f.length;return St(function(S){for(var N=-1,M=no(S.length,g);++N<M;)S[N]=f[N].call(this,S[N]);return ii(c,this,S)})}),j5=St(function(c,f){var g=Cl(f,hf(j5));return Cs(c,F,n,f,g)}),k8=St(function(c,f){var g=Cl(f,hf(k8));return Cs(c,C,n,f,g)}),Cq=As(function(c,f){return Cs(c,P,n,n,n,f)});function Aq(c,f){if(typeof c!="function")throw new Ci(a);return f=f===n?f:bt(f),St(c,f)}function Nq(c,f){if(typeof c!="function")throw new Ci(a);return f=f==null?0:_r(bt(f),0),St(function(g){var S=g[f],N=Bl(g,0,f);return S&&xl(N,S),ii(c,this,N)})}function Fq(c,f,g){var S=!0,N=!0;if(typeof c!="function")throw new Ci(a);return jn(g)&&(S="leading"in g?!!g.leading:S,N="trailing"in g?!!g.trailing:N),w8(c,f,{leading:S,maxWait:f,trailing:N})}function Iq(c){return b8(c,1)}function Bq(c,f){return j5(w5(f),c)}function Rq(){if(!arguments.length)return[];var c=arguments[0];return dt(c)?c:[c]}function Oq(c){return Ni(c,m)}function Dq(c,f){return f=typeof f=="function"?f:n,Ni(c,m,f)}function Pq(c){return Ni(c,h|m)}function Mq(c,f){return f=typeof f=="function"?f:n,Ni(c,h|m,f)}function Lq(c,f){return f==null||fS(c,f,Ir(f))}function sa(c,f){return c===f||c!==c&&f!==f}var jq=om(f5),zq=om(function(c,f){return c>=f}),ec=vS(function(){return arguments}())?vS:function(c){return $n(c)&&tn.call(c,"callee")&&!rS.call(c,"callee")},dt=de.isArray,Hq=Lk?ai(Lk):Yz;function Lo(c){return c!=null&&hm(c.length)&&!Fs(c)}function or(c){return $n(c)&&Lo(c)}function Uq(c){return c===!0||c===!1||$n(c)&&To(c)==We}var Rl=nz||Q5,qq=jk?ai(jk):Qz;function $q(c){return $n(c)&&c.nodeType===1&&!L1(c)}function Wq(c){if(c==null)return!0;if(Lo(c)&&(dt(c)||typeof c=="string"||typeof c.splice=="function"||Rl(c)||pf(c)||ec(c)))return!c.length;var f=ro(c);if(f==In||f==pn)return!c.size;if(P1(c))return!p5(c).length;for(var g in c)if(tn.call(c,g))return!1;return!0}function Gq(c,f){return R1(c,f)}function Kq(c,f,g){g=typeof g=="function"?g:n;var S=g?g(c,f):n;return S===n?R1(c,f,n,g):!!S}function z5(c){if(!$n(c))return!1;var f=To(c);return f==qn||f==Zt||typeof c.message=="string"&&typeof c.name=="string"&&!L1(c)}function Vq(c){return typeof c=="number"&&iS(c)}function Fs(c){if(!jn(c))return!1;var f=To(c);return f==er||f==tr||f==st||f==Eo}function S8(c){return typeof c=="number"&&c==bt(c)}function hm(c){return typeof c=="number"&&c>-1&&c%1==0&&c<=_e}function jn(c){var f=typeof c;return c!=null&&(f=="object"||f=="function")}function $n(c){return c!=null&&typeof c=="object"}var x8=zk?ai(zk):Zz;function Yq(c,f){return c===f||h5(c,f,F5(f))}function Qq(c,f,g){return g=typeof g=="function"?g:n,h5(c,f,F5(f),g)}function Xq(c){return C8(c)&&c!=+c}function Zq(c){if(DH(c))throw new ft(i);return bS(c)}function Jq(c){return c===null}function e$(c){return c==null}function C8(c){return typeof c=="number"||$n(c)&&To(c)==br}function L1(c){if(!$n(c)||To(c)!=an)return!1;var f=zp(c);if(f===null)return!0;var g=tn.call(f,"constructor")&&f.constructor;return typeof g=="function"&&g instanceof g&&Pp.call(g)==Qj}var H5=Hk?ai(Hk):Jz;function t$(c){return S8(c)&&c>=-_e&&c<=_e}var A8=Uk?ai(Uk):eH;function pm(c){return typeof c=="string"||!dt(c)&&$n(c)&&To(c)==Mn}function li(c){return typeof c=="symbol"||$n(c)&&To(c)==mn}var pf=qk?ai(qk):tH;function n$(c){return c===n}function r$(c){return $n(c)&&ro(c)==me}function o$(c){return $n(c)&&To(c)==le}var i$=om(m5),a$=om(function(c,f){return c<=f});function N8(c){if(!c)return[];if(Lo(c))return pm(c)?ia(c):Mo(c);if(S1&&c[S1])return Lj(c[S1]());var f=ro(c),g=f==In?n5:f==pn?Rp:mf;return g(c)}function Is(c){if(!c)return c===0?c:0;if(c=Bi(c),c===$||c===-$){var f=c<0?-1:1;return f*ve}return c===c?c:0}function bt(c){var f=Is(c),g=f%1;return f===f?g?f-g:f:0}function F8(c){return c?Qu(bt(c),0,R):0}function Bi(c){if(typeof c=="number")return c;if(li(c))return fe;if(jn(c)){var f=typeof c.valueOf=="function"?c.valueOf():c;c=jn(f)?f+"":f}if(typeof c!="string")return c===0?c:+c;c=Yk(c);var g=ee.test(c);return g||ce.test(c)?_j(c.slice(2),g?2:8):z.test(c)?fe:+c}function I8(c){return Oa(c,jo(c))}function s$(c){return c?Qu(bt(c),-_e,_e):c===0?c:0}function Jt(c){return c==null?"":si(c)}var l$=ff(function(c,f){if(P1(f)||Lo(f)){Oa(f,Ir(f),c);return}for(var g in f)tn.call(f,g)&&F1(c,g,f[g])}),B8=ff(function(c,f){Oa(f,jo(f),c)}),mm=ff(function(c,f,g,S){Oa(f,jo(f),c,S)}),u$=ff(function(c,f,g,S){Oa(f,Ir(f),c,S)}),c$=As(l5);function f$(c,f){var g=cf(c);return f==null?g:cS(g,f)}var d$=St(function(c,f){c=fn(c);var g=-1,S=f.length,N=S>2?f[2]:n;for(N&&wo(f[0],f[1],N)&&(S=1);++g<S;)for(var M=f[g],V=jo(M),Z=-1,re=V.length;++Z<re;){var be=V[Z],Ee=c[be];(Ee===n||sa(Ee,sf[be])&&!tn.call(c,be))&&(c[be]=M[be])}return c}),h$=St(function(c){return c.push(n,YS),ii(R8,n,c)});function p$(c,f){return Wk(c,nt(f,3),Ra)}function m$(c,f){return Wk(c,nt(f,3),c5)}function g$(c,f){return c==null?c:u5(c,nt(f,3),jo)}function v$(c,f){return c==null?c:mS(c,nt(f,3),jo)}function b$(c,f){return c&&Ra(c,nt(f,3))}function y$(c,f){return c&&c5(c,nt(f,3))}function E$(c){return c==null?[]:Qp(c,Ir(c))}function _$(c){return c==null?[]:Qp(c,jo(c))}function U5(c,f,g){var S=c==null?n:Xu(c,f);return S===n?g:S}function T$(c,f){return c!=null&&ZS(c,f,Wz)}function q5(c,f){return c!=null&&ZS(c,f,Gz)}var w$=$S(function(c,f,g){f!=null&&typeof f.toString!="function"&&(f=Mp.call(f)),c[f]=g},W5(zo)),k$=$S(function(c,f,g){f!=null&&typeof f.toString!="function"&&(f=Mp.call(f)),tn.call(c,f)?c[f].push(g):c[f]=[g]},nt),S$=St(B1);function Ir(c){return Lo(c)?lS(c):p5(c)}function jo(c){return Lo(c)?lS(c,!0):nH(c)}function x$(c,f){var g={};return f=nt(f,3),Ra(c,function(S,N,M){xs(g,f(S,N,M),S)}),g}function C$(c,f){var g={};return f=nt(f,3),Ra(c,function(S,N,M){xs(g,N,f(S,N,M))}),g}var A$=ff(function(c,f,g){Xp(c,f,g)}),R8=ff(function(c,f,g,S){Xp(c,f,g,S)}),N$=As(function(c,f){var g={};if(c==null)return g;var S=!1;f=Bn(f,function(M){return M=Il(M,c),S||(S=M.length>1),M}),Oa(c,A5(c),g),S&&(g=Ni(g,h|p|m,wH));for(var N=f.length;N--;)E5(g,f[N]);return g});function F$(c,f){return O8(c,dm(nt(f)))}var I$=As(function(c,f){return c==null?{}:oH(c,f)});function O8(c,f){if(c==null)return{};var g=Bn(A5(c),function(S){return[S]});return f=nt(f),SS(c,g,function(S,N){return f(S,N[0])})}function B$(c,f,g){f=Il(f,c);var S=-1,N=f.length;for(N||(N=1,c=n);++S<N;){var M=c==null?n:c[Da(f[S])];M===n&&(S=N,M=g),c=Fs(M)?M.call(c):M}return c}function R$(c,f,g){return c==null?c:O1(c,f,g)}function O$(c,f,g,S){return S=typeof S=="function"?S:n,c==null?c:O1(c,f,g,S)}var D8=KS(Ir),P8=KS(jo);function D$(c,f,g){var S=dt(c),N=S||Rl(c)||pf(c);if(f=nt(f,4),g==null){var M=c&&c.constructor;N?g=S?new M:[]:jn(c)?g=Fs(M)?cf(zp(c)):{}:g={}}return(N?xi:Ra)(c,function(V,Z,re){return f(g,V,Z,re)}),g}function P$(c,f){return c==null?!0:E5(c,f)}function M$(c,f,g){return c==null?c:FS(c,f,w5(g))}function L$(c,f,g,S){return S=typeof S=="function"?S:n,c==null?c:FS(c,f,w5(g),S)}function mf(c){return c==null?[]:t5(c,Ir(c))}function j$(c){return c==null?[]:t5(c,jo(c))}function z$(c,f,g){return g===n&&(g=f,f=n),g!==n&&(g=Bi(g),g=g===g?g:0),f!==n&&(f=Bi(f),f=f===f?f:0),Qu(Bi(c),f,g)}function H$(c,f,g){return f=Is(f),g===n?(g=f,f=0):g=Is(g),c=Bi(c),Kz(c,f,g)}function U$(c,f,g){if(g&&typeof g!="boolean"&&wo(c,f,g)&&(f=g=n),g===n&&(typeof f=="boolean"?(g=f,f=n):typeof c=="boolean"&&(g=c,c=n)),c===n&&f===n?(c=0,f=1):(c=Is(c),f===n?(f=c,c=0):f=Is(f)),c>f){var S=c;c=f,f=S}if(g||c%1||f%1){var N=aS();return no(c+N*(f-c+Ej("1e-"+((N+"").length-1))),f)}return v5(c,f)}var q$=df(function(c,f,g){return f=f.toLowerCase(),c+(g?M8(f):f)});function M8(c){return $5(Jt(c).toLowerCase())}function L8(c){return c=Jt(c),c&&c.replace(he,Rj).replace(cj,"")}function $$(c,f,g){c=Jt(c),f=si(f);var S=c.length;g=g===n?S:Qu(bt(g),0,S);var N=g;return g-=f.length,g>=0&&c.slice(g,N)==f}function W$(c){return c=Jt(c),c&&nr.test(c)?c.replace(wn,Oj):c}function G$(c){return c=Jt(c),c&&ju.test(c)?c.replace(wi,"\\$&"):c}var K$=df(function(c,f,g){return c+(g?"-":"")+f.toLowerCase()}),V$=df(function(c,f,g){return c+(g?" ":"")+f.toLowerCase()}),Y$=HS("toLowerCase");function Q$(c,f,g){c=Jt(c),f=bt(f);var S=f?of(c):0;if(!f||S>=f)return c;var N=(f-S)/2;return rm($p(N),g)+c+rm(qp(N),g)}function X$(c,f,g){c=Jt(c),f=bt(f);var S=f?of(c):0;return f&&S<f?c+rm(f-S,g):c}function Z$(c,f,g){c=Jt(c),f=bt(f);var S=f?of(c):0;return f&&S<f?rm(f-S,g)+c:c}function J$(c,f,g){return g||f==null?f=0:f&&(f=+f),az(Jt(c).replace(ki,""),f||0)}function eW(c,f,g){return(g?wo(c,f,g):f===n)?f=1:f=bt(f),b5(Jt(c),f)}function tW(){var c=arguments,f=Jt(c[0]);return c.length<3?f:f.replace(c[1],c[2])}var nW=df(function(c,f,g){return c+(g?"_":"")+f.toLowerCase()});function rW(c,f,g){return g&&typeof g!="number"&&wo(c,f,g)&&(f=g=n),g=g===n?R:g>>>0,g?(c=Jt(c),c&&(typeof f=="string"||f!=null&&!H5(f))&&(f=si(f),!f&&rf(c))?Bl(ia(c),0,g):c.split(f,g)):[]}var oW=df(function(c,f,g){return c+(g?" ":"")+$5(f)});function iW(c,f,g){return c=Jt(c),g=g==null?0:Qu(bt(g),0,c.length),f=si(f),c.slice(g,g+f.length)==f}function aW(c,f,g){var S=D.templateSettings;g&&wo(c,f,g)&&(f=n),c=Jt(c),f=mm({},f,S,VS);var N=mm({},f.imports,S.imports,VS),M=Ir(N),V=t5(N,M),Z,re,be=0,Ee=f.interpolate||Be,ke="__p += '",Re=r5((f.escape||Be).source+"|"+Ee.source+"|"+(Ee===to?O:Be).source+"|"+(f.evaluate||Be).source+"|$","g"),qe="//# sourceURL="+(tn.call(f,"sourceURL")?(f.sourceURL+"").replace(/\s/g," "):"lodash.templateSources["+ ++mj+"]")+`
`;c.replace(Re,function(it,Ft,Lt,ui,ko,ci){return Lt||(Lt=ui),ke+=c.slice(be,ci).replace(He,Dj),Ft&&(Z=!0,ke+=`' +
__e(`+Ft+`) +
'`),ko&&(re=!0,ke+=`';
`+ko+`;
__p += '`),Lt&&(ke+=`' +
((__t = (`+Lt+`)) == null ? '' : __t) +
'`),be=ci+it.length,it}),ke+=`';
`;var ot=tn.call(f,"variable")&&f.variable;if(!ot)ke=`with (obj) {
`+ke+`
}
`;else if(q.test(ot))throw new ft(s);ke=(re?ke.replace(gt,""):ke).replace(Ln,"$1").replace(Tn,"$1;"),ke="function("+(ot||"obj")+`) {
`+(ot?"":`obj || (obj = {});
`)+"var __t, __p = ''"+(Z?", __e = _.escape":"")+(re?`, __j = Array.prototype.join;
function print() { __p += __j.call(arguments, '') }
`:`;
`)+ke+`return __p
}`;var Tt=z8(function(){return Yt(M,qe+"return "+ke).apply(n,V)});if(Tt.source=ke,z5(Tt))throw Tt;return Tt}function sW(c){return Jt(c).toLowerCase()}function lW(c){return Jt(c).toUpperCase()}function uW(c,f,g){if(c=Jt(c),c&&(g||f===n))return Yk(c);if(!c||!(f=si(f)))return c;var S=ia(c),N=ia(f),M=Qk(S,N),V=Xk(S,N)+1;return Bl(S,M,V).join("")}function cW(c,f,g){if(c=Jt(c),c&&(g||f===n))return c.slice(0,Jk(c)+1);if(!c||!(f=si(f)))return c;var S=ia(c),N=Xk(S,ia(f))+1;return Bl(S,0,N).join("")}function fW(c,f,g){if(c=Jt(c),c&&(g||f===n))return c.replace(ki,"");if(!c||!(f=si(f)))return c;var S=ia(c),N=Qk(S,ia(f));return Bl(S,N).join("")}function dW(c,f){var g=j,S=H;if(jn(f)){var N="separator"in f?f.separator:N;g="length"in f?bt(f.length):g,S="omission"in f?si(f.omission):S}c=Jt(c);var M=c.length;if(rf(c)){var V=ia(c);M=V.length}if(g>=M)return c;var Z=g-of(S);if(Z<1)return S;var re=V?Bl(V,0,Z).join(""):c.slice(0,Z);if(N===n)return re+S;if(V&&(Z+=re.length-Z),H5(N)){if(c.slice(Z).search(N)){var be,Ee=re;for(N.global||(N=r5(N.source,Jt(B.exec(N))+"g")),N.lastIndex=0;be=N.exec(Ee);)var ke=be.index;re=re.slice(0,ke===n?Z:ke)}}else if(c.indexOf(si(N),Z)!=Z){var Re=re.lastIndexOf(N);Re>-1&&(re=re.slice(0,Re))}return re+S}function hW(c){return c=Jt(c),c&&kt.test(c)?c.replace(zr,Uj):c}var pW=df(function(c,f,g){return c+(g?" ":"")+f.toUpperCase()}),$5=HS("toUpperCase");function j8(c,f,g){return c=Jt(c),f=g?n:f,f===n?Mj(c)?Wj(c):Aj(c):c.match(f)||[]}var z8=St(function(c,f){try{return ii(c,n,f)}catch(g){return z5(g)?g:new ft(g)}}),mW=As(function(c,f){return xi(f,function(g){g=Da(g),xs(c,g,L5(c[g],c))}),c});function gW(c){var f=c==null?0:c.length,g=nt();return c=f?Bn(c,function(S){if(typeof S[1]!="function")throw new Ci(a);return[g(S[0]),S[1]]}):[],St(function(S){for(var N=-1;++N<f;){var M=c[N];if(ii(M[0],this,S))return ii(M[1],this,S)}})}function vW(c){return Uz(Ni(c,h))}function W5(c){return function(){return c}}function bW(c,f){return c==null||c!==c?f:c}var yW=qS(),EW=qS(!0);function zo(c){return c}function G5(c){return yS(typeof c=="function"?c:Ni(c,h))}function _W(c){return _S(Ni(c,h))}function TW(c,f){return TS(c,Ni(f,h))}var wW=St(function(c,f){return function(g){return B1(g,c,f)}}),kW=St(function(c,f){return function(g){return B1(c,g,f)}});function K5(c,f,g){var S=Ir(f),N=Qp(f,S);g==null&&!(jn(f)&&(N.length||!S.length))&&(g=f,f=c,c=this,N=Qp(f,Ir(f)));var M=!(jn(g)&&"chain"in g)||!!g.chain,V=Fs(c);return xi(N,function(Z){var re=f[Z];c[Z]=re,V&&(c.prototype[Z]=function(){var be=this.__chain__;if(M||be){var Ee=c(this.__wrapped__),ke=Ee.__actions__=Mo(this.__actions__);return ke.push({func:re,args:arguments,thisArg:c}),Ee.__chain__=be,Ee}return re.apply(c,xl([this.value()],arguments))})}),c}function SW(){return Ur._===this&&(Ur._=Xj),this}function V5(){}function xW(c){return c=bt(c),St(function(f){return wS(f,c)})}var CW=S5(Bn),AW=S5($k),NW=S5(Qy);function H8(c){return B5(c)?Xy(Da(c)):iH(c)}function FW(c){return function(f){return c==null?n:Xu(c,f)}}var IW=WS(),BW=WS(!0);function Y5(){return[]}function Q5(){return!1}function RW(){return{}}function OW(){return""}function DW(){return!0}function PW(c,f){if(c=bt(c),c<1||c>_e)return[];var g=R,S=no(c,R);f=nt(f),c-=R;for(var N=e5(S,f);++g<c;)f(g);return N}function MW(c){return dt(c)?Bn(c,Da):li(c)?[c]:Mo(s8(Jt(c)))}function LW(c){var f=++Yj;return Jt(c)+f}var jW=nm(function(c,f){return c+f},0),zW=x5("ceil"),HW=nm(function(c,f){return c/f},1),UW=x5("floor");function qW(c){return c&&c.length?Yp(c,zo,f5):n}function $W(c,f){return c&&c.length?Yp(c,nt(f,2),f5):n}function WW(c){return Kk(c,zo)}function GW(c,f){return Kk(c,nt(f,2))}function KW(c){return c&&c.length?Yp(c,zo,m5):n}function VW(c,f){return c&&c.length?Yp(c,nt(f,2),m5):n}var YW=nm(function(c,f){return c*f},1),QW=x5("round"),XW=nm(function(c,f){return c-f},0);function ZW(c){return c&&c.length?Jy(c,zo):0}function JW(c,f){return c&&c.length?Jy(c,nt(f,2)):0}return D.after=_q,D.ary=b8,D.assign=l$,D.assignIn=B8,D.assignInWith=mm,D.assignWith=u$,D.at=c$,D.before=y8,D.bind=L5,D.bindAll=mW,D.bindKey=E8,D.castArray=Rq,D.chain=m8,D.chunk=UH,D.compact=qH,D.concat=$H,D.cond=gW,D.conforms=vW,D.constant=W5,D.countBy=ZU,D.create=f$,D.curry=_8,D.curryRight=T8,D.debounce=w8,D.defaults=d$,D.defaultsDeep=h$,D.defer=Tq,D.delay=wq,D.difference=WH,D.differenceBy=GH,D.differenceWith=KH,D.drop=VH,D.dropRight=YH,D.dropRightWhile=QH,D.dropWhile=XH,D.fill=ZH,D.filter=eq,D.flatMap=rq,D.flatMapDeep=oq,D.flatMapDepth=iq,D.flatten=f8,D.flattenDeep=JH,D.flattenDepth=eU,D.flip=kq,D.flow=yW,D.flowRight=EW,D.fromPairs=tU,D.functions=E$,D.functionsIn=_$,D.groupBy=aq,D.initial=rU,D.intersection=oU,D.intersectionBy=iU,D.intersectionWith=aU,D.invert=w$,D.invertBy=k$,D.invokeMap=lq,D.iteratee=G5,D.keyBy=uq,D.keys=Ir,D.keysIn=jo,D.map=um,D.mapKeys=x$,D.mapValues=C$,D.matches=_W,D.matchesProperty=TW,D.memoize=fm,D.merge=A$,D.mergeWith=R8,D.method=wW,D.methodOf=kW,D.mixin=K5,D.negate=dm,D.nthArg=xW,D.omit=N$,D.omitBy=F$,D.once=Sq,D.orderBy=cq,D.over=CW,D.overArgs=xq,D.overEvery=AW,D.overSome=NW,D.partial=j5,D.partialRight=k8,D.partition=fq,D.pick=I$,D.pickBy=O8,D.property=H8,D.propertyOf=FW,D.pull=cU,D.pullAll=h8,D.pullAllBy=fU,D.pullAllWith=dU,D.pullAt=hU,D.range=IW,D.rangeRight=BW,D.rearg=Cq,D.reject=pq,D.remove=pU,D.rest=Aq,D.reverse=P5,D.sampleSize=gq,D.set=R$,D.setWith=O$,D.shuffle=vq,D.slice=mU,D.sortBy=Eq,D.sortedUniq=TU,D.sortedUniqBy=wU,D.split=rW,D.spread=Nq,D.tail=kU,D.take=SU,D.takeRight=xU,D.takeRightWhile=CU,D.takeWhile=AU,D.tap=qU,D.throttle=Fq,D.thru=lm,D.toArray=N8,D.toPairs=D8,D.toPairsIn=P8,D.toPath=MW,D.toPlainObject=I8,D.transform=D$,D.unary=Iq,D.union=NU,D.unionBy=FU,D.unionWith=IU,D.uniq=BU,D.uniqBy=RU,D.uniqWith=OU,D.unset=P$,D.unzip=M5,D.unzipWith=p8,D.update=M$,D.updateWith=L$,D.values=mf,D.valuesIn=j$,D.without=DU,D.words=j8,D.wrap=Bq,D.xor=PU,D.xorBy=MU,D.xorWith=LU,D.zip=jU,D.zipObject=zU,D.zipObjectDeep=HU,D.zipWith=UU,D.entries=D8,D.entriesIn=P8,D.extend=B8,D.extendWith=mm,K5(D,D),D.add=jW,D.attempt=z8,D.camelCase=q$,D.capitalize=M8,D.ceil=zW,D.clamp=z$,D.clone=Oq,D.cloneDeep=Pq,D.cloneDeepWith=Mq,D.cloneWith=Dq,D.conformsTo=Lq,D.deburr=L8,D.defaultTo=bW,D.divide=HW,D.endsWith=$$,D.eq=sa,D.escape=W$,D.escapeRegExp=G$,D.every=JU,D.find=tq,D.findIndex=u8,D.findKey=p$,D.findLast=nq,D.findLastIndex=c8,D.findLastKey=m$,D.floor=UW,D.forEach=g8,D.forEachRight=v8,D.forIn=g$,D.forInRight=v$,D.forOwn=b$,D.forOwnRight=y$,D.get=U5,D.gt=jq,D.gte=zq,D.has=T$,D.hasIn=q5,D.head=d8,D.identity=zo,D.includes=sq,D.indexOf=nU,D.inRange=H$,D.invoke=S$,D.isArguments=ec,D.isArray=dt,D.isArrayBuffer=Hq,D.isArrayLike=Lo,D.isArrayLikeObject=or,D.isBoolean=Uq,D.isBuffer=Rl,D.isDate=qq,D.isElement=$q,D.isEmpty=Wq,D.isEqual=Gq,D.isEqualWith=Kq,D.isError=z5,D.isFinite=Vq,D.isFunction=Fs,D.isInteger=S8,D.isLength=hm,D.isMap=x8,D.isMatch=Yq,D.isMatchWith=Qq,D.isNaN=Xq,D.isNative=Zq,D.isNil=e$,D.isNull=Jq,D.isNumber=C8,D.isObject=jn,D.isObjectLike=$n,D.isPlainObject=L1,D.isRegExp=H5,D.isSafeInteger=t$,D.isSet=A8,D.isString=pm,D.isSymbol=li,D.isTypedArray=pf,D.isUndefined=n$,D.isWeakMap=r$,D.isWeakSet=o$,D.join=sU,D.kebabCase=K$,D.last=Ii,D.lastIndexOf=lU,D.lowerCase=V$,D.lowerFirst=Y$,D.lt=i$,D.lte=a$,D.max=qW,D.maxBy=$W,D.mean=WW,D.meanBy=GW,D.min=KW,D.minBy=VW,D.stubArray=Y5,D.stubFalse=Q5,D.stubObject=RW,D.stubString=OW,D.stubTrue=DW,D.multiply=YW,D.nth=uU,D.noConflict=SW,D.noop=V5,D.now=cm,D.pad=Q$,D.padEnd=X$,D.padStart=Z$,D.parseInt=J$,D.random=U$,D.reduce=dq,D.reduceRight=hq,D.repeat=eW,D.replace=tW,D.result=B$,D.round=QW,D.runInContext=ne,D.sample=mq,D.size=bq,D.snakeCase=nW,D.some=yq,D.sortedIndex=gU,D.sortedIndexBy=vU,D.sortedIndexOf=bU,D.sortedLastIndex=yU,D.sortedLastIndexBy=EU,D.sortedLastIndexOf=_U,D.startCase=oW,D.startsWith=iW,D.subtract=XW,D.sum=ZW,D.sumBy=JW,D.template=aW,D.times=PW,D.toFinite=Is,D.toInteger=bt,D.toLength=F8,D.toLower=sW,D.toNumber=Bi,D.toSafeInteger=s$,D.toString=Jt,D.toUpper=lW,D.trim=uW,D.trimEnd=cW,D.trimStart=fW,D.truncate=dW,D.unescape=hW,D.uniqueId=LW,D.upperCase=pW,D.upperFirst=$5,D.each=g8,D.eachRight=v8,D.first=d8,K5(D,function(){var c={};return Ra(D,function(f,g){tn.call(D.prototype,g)||(c[g]=f)}),c}(),{chain:!1}),D.VERSION=r,xi(["bind","bindKey","curry","curryRight","partial","partialRight"],function(c){D[c].placeholder=D}),xi(["drop","take"],function(c,f){Rt.prototype[c]=function(g){g=g===n?1:_r(bt(g),0);var S=this.__filtered__&&!f?new Rt(this):this.clone();return S.__filtered__?S.__takeCount__=no(g,S.__takeCount__):S.__views__.push({size:no(g,R),type:c+(S.__dir__<0?"Right":"")}),S},Rt.prototype[c+"Right"]=function(g){return this.reverse()[c](g).reverse()}}),xi(["filter","map","takeWhile"],function(c,f){var g=f+1,S=g==pe||g==J;Rt.prototype[c]=function(N){var M=this.clone();return M.__iteratees__.push({iteratee:nt(N,3),type:g}),M.__filtered__=M.__filtered__||S,M}}),xi(["head","last"],function(c,f){var g="take"+(f?"Right":"");Rt.prototype[c]=function(){return this[g](1).value()[0]}}),xi(["initial","tail"],function(c,f){var g="drop"+(f?"":"Right");Rt.prototype[c]=function(){return this.__filtered__?new Rt(this):this[g](1)}}),Rt.prototype.compact=function(){return this.filter(zo)},Rt.prototype.find=function(c){return this.filter(c).head()},Rt.prototype.findLast=function(c){return this.reverse().find(c)},Rt.prototype.invokeMap=St(function(c,f){return typeof c=="function"?new Rt(this):this.map(function(g){return B1(g,c,f)})}),Rt.prototype.reject=function(c){return this.filter(dm(nt(c)))},Rt.prototype.slice=function(c,f){c=bt(c);var g=this;return g.__filtered__&&(c>0||f<0)?new Rt(g):(c<0?g=g.takeRight(-c):c&&(g=g.drop(c)),f!==n&&(f=bt(f),g=f<0?g.dropRight(-f):g.take(f-c)),g)},Rt.prototype.takeRightWhile=function(c){return this.reverse().takeWhile(c).reverse()},Rt.prototype.toArray=function(){return this.take(R)},Ra(Rt.prototype,function(c,f){var g=/^(?:filter|find|map|reject)|While$/.test(f),S=/^(?:head|last)$/.test(f),N=D[S?"take"+(f=="last"?"Right":""):f],M=S||/^find/.test(f);N&&(D.prototype[f]=function(){var V=this.__wrapped__,Z=S?[1]:arguments,re=V instanceof Rt,be=Z[0],Ee=re||dt(V),ke=function(Ft){var Lt=N.apply(D,xl([Ft],Z));return S&&Re?Lt[0]:Lt};Ee&&g&&typeof be=="function"&&be.length!=1&&(re=Ee=!1);var Re=this.__chain__,qe=!!this.__actions__.length,ot=M&&!Re,Tt=re&&!qe;if(!M&&Ee){V=Tt?V:new Rt(this);var it=c.apply(V,Z);return it.__actions__.push({func:lm,args:[ke],thisArg:n}),new Ai(it,Re)}return ot&&Tt?c.apply(this,Z):(it=this.thru(ke),ot?S?it.value()[0]:it.value():it)})}),xi(["pop","push","shift","sort","splice","unshift"],function(c){var f=Op[c],g=/^(?:push|sort|unshift)$/.test(c)?"tap":"thru",S=/^(?:pop|shift)$/.test(c);D.prototype[c]=function(){var N=arguments;if(S&&!this.__chain__){var M=this.value();return f.apply(dt(M)?M:[],N)}return this[g](function(V){return f.apply(dt(V)?V:[],N)})}}),Ra(Rt.prototype,function(c,f){var g=D[f];if(g){var S=g.name+"";tn.call(uf,S)||(uf[S]=[]),uf[S].push({name:f,func:g})}}),uf[tm(n,E).name]=[{name:"wrapper",func:n}],Rt.prototype.clone=hz,Rt.prototype.reverse=pz,Rt.prototype.value=mz,D.prototype.at=$U,D.prototype.chain=WU,D.prototype.commit=GU,D.prototype.next=KU,D.prototype.plant=YU,D.prototype.reverse=QU,D.prototype.toJSON=D.prototype.valueOf=D.prototype.value=XU,D.prototype.first=D.prototype.head,S1&&(D.prototype[S1]=VU),D},af=Gj();Gu?((Gu.exports=af)._=af,Gy._=af):Ur._=af}).call(Mf)})(ob,ob.exports);var Qo=ob.exports;const ib=xr(Qo);var Js=(e=>(e.Debug="debug",e.Normal="normal",e))(Js||{});const Lc="chat_history",z_="userPreference",Y1e={appInfo:{},setAppInfo:Qo.noop,appConfig:{},setAppConfig:Qo.noop,currentMessageNavIdRef:{current:""},navList:[],setNavList:Qo.noop,chatStoreName:"",isDark:!1,setIsDark:Qo.noop,isDisableChatHistory:!1,setIsDisableChatHistory:Qo.noop,messages:new Map,setMessages:Qo.noop,isChatHistoryExist:!1,setIsChatHistoryExist:Qo.noop,chatHistory:new Map,setChatHistory:Qo.noop,viewMode:Js.Normal,setViewMode:Qo.noop,editMessageHandlerRef:{current:void 0},chatDBRef:{current:void 0},chatStoreRef:{current:void 0}},eo=T.createContext(Y1e);var LD={exports:{}},jD={};/**
* @license React
* use-sync-external-store-shim.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var Vd=T;function Q1e(e,t){return e===t&&(e!==0||1/e===1/t)||e!==e&&t!==t}var X1e=typeof Object.is=="function"?Object.is:Q1e,Z1e=Vd.useState,J1e=Vd.useEffect,ehe=Vd.useLayoutEffect,the=Vd.useDebugValue;function nhe(e,t){var n=t(),r=Z1e({inst:{value:n,getSnapshot:t}}),o=r[0].inst,i=r[1];return ehe(function(){o.value=n,o.getSnapshot=t,f9(o)&&i({inst:o})},[e,n,t]),J1e(function(){return f9(o)&&i({inst:o}),e(function(){f9(o)&&i({inst:o})})},[e]),the(n),n}function f9(e){var t=e.getSnapshot;e=e.value;try{var n=t();return!X1e(e,n)}catch{return!0}}function rhe(e,t){return t()}var ohe=typeof window>"u"||typeof window.document>"u"||typeof window.document.createElement>"u"?rhe:nhe;jD.useSyncExternalStore=Vd.useSyncExternalStore!==void 0?Vd.useSyncExternalStore:ohe;LD.exports=jD;var ihe=LD.exports;function ahe(e){return document.addEventListener("fullscreenchange",e),()=>{document.removeEventListener("fullscreenchange",e)}}const zD=()=>ihe.useSyncExternalStore(ahe,()=>!!document.fullscreenElement),she=()=>{const e=zD();return T.useCallback(()=>{try{e?document.exitFullscreen():document.documentElement.requestFullscreen()}catch(n){console.error(n)}},[e])};var H_={exports:{}},q6=typeof crypto<"u"&&crypto.getRandomValues&&crypto.getRandomValues.bind(crypto)||typeof msCrypto<"u"&&typeof window.msCrypto.getRandomValues=="function"&&msCrypto.getRandomValues.bind(msCrypto);if(q6){var $6=new Uint8Array(16);H_.exports=function(){return q6($6),$6}}else{var W6=new Array(16);H_.exports=function(){for(var t=0,n;t<16;t++)t&3||(n=Math.random()*4294967296),W6[t]=n>>>((t&3)<<3)&255;return W6}}var HD=H_.exports,UD=[];for(var Gm=0;Gm<256;++Gm)UD[Gm]=(Gm+256).toString(16).substr(1);function lhe(e,t){var n=t||0,r=UD;return[r[e[n++]],r[e[n++]],r[e[n++]],r[e[n++]],"-",r[e[n++]],r[e[n++]],"-",r[e[n++]],r[e[n++]],"-",r[e[n++]],r[e[n++]],"-",r[e[n++]],r[e[n++]],r[e[n++]],r[e[n++]],r[e[n++]],r[e[n++]]].join("")}var qD=lhe,uhe=HD,che=qD,G6,d9,h9=0,p9=0;function fhe(e,t,n){var r=t&&n||0,o=t||[];e=e||{};var i=e.node||G6,a=e.clockseq!==void 0?e.clockseq:d9;if(i==null||a==null){var s=uhe();i==null&&(i=G6=[s[0]|1,s[1],s[2],s[3],s[4],s[5]]),a==null&&(a=d9=(s[6]<<8|s[7])&16383)}var l=e.msecs!==void 0?e.msecs:new Date().getTime(),u=e.nsecs!==void 0?e.nsecs:p9+1,d=l-h9+(u-p9)/1e4;if(d<0&&e.clockseq===void 0&&(a=a+1&16383),(d<0||l>h9)&&e.nsecs===void 0&&(u=0),u>=1e4)throw new Error("uuid.v1(): Can't create more than 10M uuids/sec");h9=l,p9=u,d9=a,l+=122192928e5;var h=((l&268435455)*1e4+u)%4294967296;o[r++]=h>>>24&255,o[r++]=h>>>16&255,o[r++]=h>>>8&255,o[r++]=h&255;var p=l/4294967296*1e4&268435455;o[r++]=p>>>8&255,o[r++]=p&255,o[r++]=p>>>24&15|16,o[r++]=p>>>16&255,o[r++]=a>>>8|128,o[r++]=a&255;for(var m=0;m<6;++m)o[r+m]=i[m];return t||che(o)}var dhe=fhe,hhe=HD,phe=qD;function mhe(e,t,n){var r=t&&n||0;typeof e=="string"&&(t=e==="binary"?new Array(16):null,e=null),e=e||{};var o=e.random||(e.rng||hhe)();if(o[6]=o[6]&15|64,o[8]=o[8]&63|128,t)for(var i=0;i<16;++i)t[r+i]=o[i];return t||phe(o)}var ghe=mhe,vhe=dhe,$D=ghe,nw=$D;nw.v1=vhe;nw.v4=$D;var up=nw;async function qa(e){return new Promise((t,n)=>{e.oncomplete=e.onsuccess=()=>{t(e.result)},e.onabort=e.onerror=()=>{n(e.error)}})}class bhe{constructor(t){gf(this,"store");this.store=t}getIndex(t){return this.store.index(t)}async get(t){return qa(this.store.get(t))}async getWithField(t){const n=this.store.openCursor();return new Promise((r,o)=>{n.onsuccess=()=>{const i=n.result;i?Object.entries(t).every(([s,l])=>i.value[s]===l)?r(i.value):i.continue():r(void 0)},n.onerror=()=>{o(n.error)}})}async getWithIndex(t,n){const r=this.getIndex(t);return qa(r.get(n))}async getAll(t,n){return qa(this.store.getAll(t,n))}async getAllWithIndex(t,n,r){const o=this.getIndex(t);return qa(o.getAll(n,r))}async getList(t){try{return Promise.all(t.map(n=>qa(this.store.get(n))))}catch(n){console.error(n)}}async getMatchedRecords(t,n){const r=await this.getList(t),o=n||(s=>!!s),i=[],a={};return r==null||r.forEach((s,l)=>{o(s)?a[t[l]]=s:i.push(t[l])}),{matchedRecords:a,unMatchedKeys:i}}async put(t,n){try{const r=Array.isArray(t)?t:[t];return Promise.all(r.map(o=>qa(this.store.put(o,n))))}catch(r){console.error(r)}}async putWithIndex(t,n,r){const i=this.getIndex(n).openCursor(r);return new Promise((a,s)=>{i.onsuccess=()=>{const l=i.result;l?(l.update({...l.value,...t}),a()):(this.store.put(t),a())},i.onerror=()=>{s(i.error)}})}async putWithField(t,n){const r=this.store.openCursor();return new Promise((o,i)=>{r.onsuccess=()=>{const a=r.result;a?Object.entries(n).every(([l,u])=>a.value[l]===u)?(a.update({...a.value,...t}),o()):a.continue():(this.store.put(t),o())},r.onerror=()=>{i(r.error)}})}async delete(t){try{return qa(this.store.delete(t))}catch(n){console.error(n)}}async deleteWithField(t){const n=this.store.openCursor();return new Promise((r,o)=>{n.onsuccess=()=>{const i=n.result;i?(Object.entries(t).every(([s,l])=>i.value[s]===l)&&i.delete(),i.continue()):r()},n.onerror=()=>{o(n.error)}})}async updateWithField(t,n){const r=this.store.openCursor();return new Promise((o,i)=>{r.onsuccess=()=>{const a=r.result;a?(Object.entries(t).every(([l,u])=>a.value[l]===u)&&a.update({...a.value,...n}),a.continue()):o()},r.onerror=()=>{i(r.error)}})}async deleteWithIndex(t,n){const r=this.getIndex(t).openCursor(n);return new Promise((o,i)=>{r.onsuccess=()=>{const a=r.result;a?(a.delete(),a.continue()):o()},r.onerror=()=>{i(r.error)}})}async deleteList(t){try{await Promise.all(t.map(n=>this.delete(n)))}catch(n){console.error(n)}}async clear(){this.store.clear()}}class yhe extends bhe{constructor(n,r){super(n);gf(this,"appInfo",{});this.appInfo=r??{}}setAppInfo(n){this.appInfo.name=n.name??this.appInfo.name,this.appInfo.version=n.version??this.appInfo.version}async getAppRecords(){const n="chat_app_index";return this.getAllWithIndex(n,IDBKeyRange.only([this.appInfo.name,this.appInfo.version]))}}const Ehe="flow-chat-test-db",c1="flow-chat-test-config-db",_he="chat_nav_index",The={name:_he,keyPath:"navId",options:{unique:!1}};class WD{constructor(t=Ehe){gf(this,"dbName");gf(this,"_db");gf(this,"isDBReady",!1);this.dbName=t}static async allDataBase(){return await window.indexedDB.databases()}static async clearAllDataBase(t){var r;const n=await this.allDataBase();for(const o of n)(r=o.name)!=null&&r.startsWith("promptflow-db-")&&(o.name===t.dbName?t.clear():window.indexedDB.deleteDatabase(o.name))}get db(){if(!this._db)throw new Error("db is not ready");return this._db}get allStoreNames(){return Array.from(this.db.objectStoreNames)}getStore(t){if(!this.allStoreNames.includes(t))return;const n=this.db.transaction(t,"readwrite");return n.oncomplete=()=>{console.log("transaction complete")},new yhe(n.objectStore(t))}clear(t){const n=t?[t]:this.allStoreNames;try{n.forEach(r=>{const o=this.getStore(r);o==null||o.clear()})}catch(r){console.error(r)}}async deleteStore(t){this.allStoreNames.includes(t)&&this.db.deleteObjectStore(t)}close(){this._db&&(this.db.close(),this._db=void 0,this.isDBReady=!1)}async deleteDB(){this.close(),await qa(indexedDB.deleteDatabase(this.dbName)),this.isDBReady=!1}async createDB(t){const n=indexedDB.open(this.dbName);n.onupgradeneeded=r=>{switch(console.log("happen onupgradeneeded"),this._db=n.result,r.oldVersion){case 0:this.db.createObjectStore(c1,{keyPath:"id"}).createIndex("type","type",{unique:!1});break}t.forEach(o=>{if(!this.allStoreNames.includes(o.name)){const i=this.db.createObjectStore(o.name,this.getStoreParams(o));if(Array.isArray(o.indexes))for(const a of o.indexes)i.createIndex(a.name,a.keyPath,a.options)}})},await qa(n),console.log("happen onsuccess"),this._db=n.result,this.isDBReady=!0}getStoreParams(t){const n={};return t?(typeof t.keyPath=="string"&&(n.keyPath=t.keyPath),n):(n.autoIncrement=!0,n)}async createStore(t){const n=indexedDB.open(this.dbName);n.onupgradeneeded=()=>{if(this.db.close(),this._db=n.result,!this.allStoreNames.includes(t.name)){const r=this.db.createObjectStore(t.name,this.getStoreParams(t));if(Array.isArray(t.indexes))for(const o of t.indexes)r.createIndex(o.name,o.keyPath,o.options)}},await qa(n),this._db=n.result,this.isDBReady=!0}}const cp=(e,t)=>e&&t?`${e}-${t}`:"",U_=(e,t,n)=>{const r=typeof e=="string"?e:JSON.stringify(e,void 0,2);return{id:up.v4(),from:t,type:MD.Text,content:r,timestamp:new Date().toISOString(),duration:n}},K6=e=>U_(e,wr.User),V6=(e,t)=>{if(typeof e=="string")return U_(e,wr.Chatbot,t);const n=JSON.stringify(e,void 0,2);return U_(n,wr.Chatbot,t)},Y6=e=>{const t=e.content;try{return JSON.parse(t)}catch{return{}}},whe=e=>{const t=e.content;try{return JSON.parse(t)}catch{return{}}},ab=(e,t,n)=>({id:up.v4(),name:t??"",appInfo:e,storeName:cp(e.name,e.version),isSelected:n??!1,createAt:Date.now(),chatUserName:"User",type:"chatTab",chatUserAvatar:"",chatBotName:"Chatbot",chatBotAvatar:""}),khe=e=>{const{chatDBRef:t,setMessages:n,setChatHistory:r,setNavList:o,setAppConfig:i}=T.useContext(eo),[a,s]=T.useState(!0);return T.useLayoutEffect(()=>{if(e.name&&e.version){const l=cp(e.name,e.version),u=new WD(`promptflow-db-${l}`),d=[{name:l,keyPath:"id",indexes:[The]}];u.createDB(d).then(()=>{t.current=u;const h=u.getStore(l);h==null||h.getAll().then(m=>{const v=new Map;m.forEach(E=>{const w=E.navId;w&&v.set(w,[...v.get(w)??[],E])}),n(v);const _=v.keys(),b=new Map;for(const E of _){const w=ib.findLastIndex(v.get(E),y=>y.from===wr.User),k=ib.findLastIndex(v.get(E),y=>y.from===wr.Chatbot);if(w!==-1){const y=v.get(E)[w],F=Y6(y)[Lc];if(F&&k>w){const C=v.get(E)[k],A=Y6(y);F.push({id:up.v4(),inputs:{...A,[Lc]:void 0},outputs:{...whe(C)},duration:C.duration,navId:E})}b.set(E,F??[])}}r(b)});const p=u.getStore(c1);p==null||p.getAllWithIndex("type","chatTab").then(m=>{console.log("load nav list",m),o(()=>m!=null&&m.length?m.sort((v,_)=>_.createAt-v.createAt).map((v,_)=>({...v,isSelected:_===0})):[ab(e,"",!0)])},()=>{o(()=>[ab(e,"",!0)])}),p==null||p.getWithIndex("type",z_).then(m=>{i(m??{type:z_,appDisplayName:`${e.name}(${e.version})`})})}).finally(()=>{s(!1)})}return()=>{var l;e.name&&e.version&&((l=t.current)==null||l.close())}},[e.name,e.version]),[a]},She=()=>{const{appInfo:e}=T.useContext(eo);return T.useMemo(()=>cp(e.name,e.version),[e.name,e.version])},xhe=()=>{const{setMessages:e,chatDBRef:t,navList:n,currentMessageNavIdRef:r}=T.useContext(eo),o=She(),{id:i}=n.find(u=>u.isSelected)??{},a=T.useCallback(u=>{var p,m;const d=r.current;if(!d)return;const h={...u,navId:d};(m=(p=t.current)==null?void 0:p.getStore(o))==null||m.put({...h,id:Date.now()}),e(v=>{const _=new Map(v);return _.set(d,[..._.get(d)??[],h]),_})},[o]),s=T.useCallback(u=>{i&&e(d=>{var m;const h=new Map(d),p=((m=h.get(i))==null?void 0:m.findIndex(v=>v.id===u))??-1;return p===-1?d:h.set(i,[...h.get(i)??[]].splice(p,1))})},[i]),l=T.useCallback((u,d)=>{i&&e(h=>{var v;const p=new Map(h),m=((v=p.get(i))==null?void 0:v.findIndex(_=>_.id===u))??-1;return m===-1?h:p.set(i,[...(p.get(i)??[]).slice(0,m),d])})},[i]);return{setAddMessage:a,setRemoveMessage:s,setResetAtIdAndRemoveAfterId:l}},GD=(e,t)=>{const{messages:n,navList:r}=T.useContext(eo),{id:o}=r.find(a=>a.isSelected)??{},i=t??o;return T.useMemo(()=>{if(!i)return[];const a=n.get(i)??[];return e?a.filter(s=>s.from===e):a},[e,n,i])},Che=(e,t,n)=>{const r=GD(t,n);return r.length>0&&r[r.length-1].id===e},yl=()=>{const{navList:e,setNavList:t}=T.useContext(eo);return[e,t]},Ahe=e=>{const{appInfo:t}=T.useContext(eo);return ab(t,e)},KD=()=>{const e=Ahe(),[,t]=yl();return()=>{const n={...e,isSelected:!0,createAt:Date.now()};t(r=>{const o=r.map(i=>({...i,isSelected:!1}));return[n,...o]})}},VD=()=>{const[,e]=yl();return T.useCallback(t=>{typeof t=="string"?e(n=>n.filter(r=>!!r.name).map(r=>({...r,isSelected:r.id===t}))):t>=0&&e(n=>n.filter(r=>!!r.name).map((r,o)=>({...r,isSelected:o===t})))},[])},Du=()=>{const[e]=yl();return e.find(t=>t.isSelected)},Nhe=()=>{const[e]=yl();return e.findIndex(t=>t.name==="")===-1},Fhe=()=>{const{chatDBRef:e}=T.useContext(eo),[,t]=yl(),n=Du();return T.useCallback(r=>{var o,i;(n==null?void 0:n.name)===""&&((i=(o=e.current)==null?void 0:o.getStore(c1))==null||i.put({...n,name:r}),t(a=>a.map(s=>({...s,name:s.name?s.name:r}))))},[n,e])},Ihe=()=>{const{chatDBRef:e}=T.useContext(eo),[,t]=yl();return T.useCallback(n=>{var r,o;(o=(r=e.current)==null?void 0:r.getStore(c1))==null||o.updateWithField({id:n.id},n),t(i=>i.map(a=>a.id===n.id?{...a,...n}:a))},[])},Bhe=()=>{const{id:e=""}=Du()||{},t=Ihe();return T.useCallback(n=>{t({...n,id:e})},[e,t])},Rhe=e=>{const{chatDBRef:t,appInfo:n}=T.useContext(eo),[,r]=yl();return T.useCallback(()=>{var o,i,a,s;r(l=>l.length===1?[ab(n,"",!0)]:l.filter(u=>u.id!==e)),(i=(o=t.current)==null?void 0:o.getStore(c1))==null||i.deleteWithField({id:e}),(s=(a=t.current)==null?void 0:a.getStore(cp(n.name,n.version)))==null||s.deleteWithField({navId:e})},[n.name,n.version,t,e])},Ohe=()=>{const{id:e=""}=Du()||{},t=Rhe(e);return T.useCallback(()=>{t()},[t])},Dhe=()=>{const{setChatHistory:e,currentMessageNavIdRef:t}=T.useContext(eo);return{setAddChatHistory:T.useCallback((r,o,i)=>{const a=t.current;if(!a)return;const s={id:up.v4(),inputs:{...r},outputs:{...o},duration:i,navId:a};e(l=>{const u=new Map(l),d=ib.set(ib.cloneDeep(s),`inputs.${Lc}`,void 0);return u.set(a,[...u.get(a)??[],d]),u})},[])}},Phe=()=>{const{chatHistory:e}=T.useContext(eo),{id:t}=Du()??{};return T.useMemo(()=>t?e.get(t)??[]:[],[e,t])},Mhe=()=>{const{messages:e,viewMode:t}=T.useContext(eo),{id:n}=Du()??{},r=T.useMemo(()=>n?e.get(n)??[]:[],[e,n]);return T.useMemo(()=>t===Js.Debug?r:r.map(i=>{if(i.from!==wr.User||typeof i.content!="string")return i;const a=i.content;try{const s=JSON.parse(a),l=Object.keys(s).filter(u=>u!==Lc);return l.length===1?{...i,content:String(s[l[0]])}:i}catch{return i}}),[r,t])};var rw={exports:{}},YD=function(t,n){return function(){for(var o=new Array(arguments.length),i=0;i<o.length;i++)o[i]=arguments[i];return t.apply(n,o)}},Lhe=YD,Gc=Object.prototype.toString;function ow(e){return Gc.call(e)==="[object Array]"}function q_(e){return typeof e>"u"}function jhe(e){return e!==null&&!q_(e)&&e.constructor!==null&&!q_(e.constructor)&&typeof e.constructor.isBuffer=="function"&&e.constructor.isBuffer(e)}function zhe(e){return Gc.call(e)==="[object ArrayBuffer]"}function Hhe(e){return typeof FormData<"u"&&e instanceof FormData}function Uhe(e){var t;return typeof ArrayBuffer<"u"&&ArrayBuffer.isView?t=ArrayBuffer.isView(e):t=e&&e.buffer&&e.buffer instanceof ArrayBuffer,t}function qhe(e){return typeof e=="string"}function $he(e){return typeof e=="number"}function QD(e){return e!==null&&typeof e=="object"}function qg(e){if(Gc.call(e)!=="[object Object]")return!1;var t=Object.getPrototypeOf(e);return t===null||t===Object.prototype}function Whe(e){return Gc.call(e)==="[object Date]"}function Ghe(e){return Gc.call(e)==="[object File]"}function Khe(e){return Gc.call(e)==="[object Blob]"}function XD(e){return Gc.call(e)==="[object Function]"}function Vhe(e){return QD(e)&&XD(e.pipe)}function Yhe(e){return typeof URLSearchParams<"u"&&e instanceof URLSearchParams}function Qhe(e){return e.trim?e.trim():e.replace(/^\s+|\s+$/g,"")}function Xhe(){return typeof navigator<"u"&&(navigator.product==="ReactNative"||navigator.product==="NativeScript"||navigator.product==="NS")?!1:typeof window<"u"&&typeof document<"u"}function iw(e,t){if(!(e===null||typeof e>"u"))if(typeof e!="object"&&(e=[e]),ow(e))for(var n=0,r=e.length;n<r;n++)t.call(null,e[n],n,e);else for(var o in e)Object.prototype.hasOwnProperty.call(e,o)&&t.call(null,e[o],o,e)}function $_(){var e={};function t(o,i){qg(e[i])&&qg(o)?e[i]=$_(e[i],o):qg(o)?e[i]=$_({},o):ow(o)?e[i]=o.slice():e[i]=o}for(var n=0,r=arguments.length;n<r;n++)iw(arguments[n],t);return e}function Zhe(e,t,n){return iw(t,function(o,i){n&&typeof o=="function"?e[i]=Lhe(o,n):e[i]=o}),e}function Jhe(e){return e.charCodeAt(0)===65279&&(e=e.slice(1)),e}var _i={isArray:ow,isArrayBuffer:zhe,isBuffer:jhe,isFormData:Hhe,isArrayBufferView:Uhe,isString:qhe,isNumber:$he,isObject:QD,isPlainObject:qg,isUndefined:q_,isDate:Whe,isFile:Ghe,isBlob:Khe,isFunction:XD,isStream:Vhe,isURLSearchParams:Yhe,isStandardBrowserEnv:Xhe,forEach:iw,merge:$_,extend:Zhe,trim:Qhe,stripBOM:Jhe},Cf=_i;function Q6(e){return encodeURIComponent(e).replace(/%3A/gi,":").replace(/%24/g,"$").replace(/%2C/gi,",").replace(/%20/g,"+").replace(/%5B/gi,"[").replace(/%5D/gi,"]")}var ZD=function(t,n,r){if(!n)return t;var o;if(r)o=r(n);else if(Cf.isURLSearchParams(n))o=n.toString();else{var i=[];Cf.forEach(n,function(l,u){l===null||typeof l>"u"||(Cf.isArray(l)?u=u+"[]":l=[l],Cf.forEach(l,function(h){Cf.isDate(h)?h=h.toISOString():Cf.isObject(h)&&(h=JSON.stringify(h)),i.push(Q6(u)+"="+Q6(h))}))}),o=i.join("&")}if(o){var a=t.indexOf("#");a!==-1&&(t=t.slice(0,a)),t+=(t.indexOf("?")===-1?"?":"&")+o}return t},e0e=_i;function ly(){this.handlers=[]}ly.prototype.use=function(t,n,r){return this.handlers.push({fulfilled:t,rejected:n,synchronous:r?r.synchronous:!1,runWhen:r?r.runWhen:null}),this.handlers.length-1};ly.prototype.eject=function(t){this.handlers[t]&&(this.handlers[t]=null)};ly.prototype.forEach=function(t){e0e.forEach(this.handlers,function(r){r!==null&&t(r)})};var t0e=ly,n0e=_i,r0e=function(t,n){n0e.forEach(t,function(o,i){i!==n&&i.toUpperCase()===n.toUpperCase()&&(t[n]=o,delete t[i])})},JD=function(t,n,r,o,i){return t.config=n,r&&(t.code=r),t.request=o,t.response=i,t.isAxiosError=!0,t.toJSON=function(){return{message:this.message,name:this.name,description:this.description,number:this.number,fileName:this.fileName,lineNumber:this.lineNumber,columnNumber:this.columnNumber,stack:this.stack,config:this.config,code:this.code}},t},m9,X6;function eP(){if(X6)return m9;X6=1;var e=JD;return m9=function(n,r,o,i,a){var s=new Error(n);return e(s,r,o,i,a)},m9}var g9,Z6;function o0e(){if(Z6)return g9;Z6=1;var e=eP();return g9=function(n,r,o){var i=o.config.validateStatus;!o.status||!i||i(o.status)?n(o):r(e("Request failed with status code "+o.status,o.config,null,o.request,o))},g9}var v9,J6;function i0e(){if(J6)return v9;J6=1;var e=_i;return v9=e.isStandardBrowserEnv()?function(){return{write:function(r,o,i,a,s,l){var u=[];u.push(r+"="+encodeURIComponent(o)),e.isNumber(i)&&u.push("expires="+new Date(i).toGMTString()),e.isString(a)&&u.push("path="+a),e.isString(s)&&u.push("domain="+s),l===!0&&u.push("secure"),document.cookie=u.join("; ")},read:function(r){var o=document.cookie.match(new RegExp("(^|;\\s*)("+r+")=([^;]*)"));return o?decodeURIComponent(o[3]):null},remove:function(r){this.write(r,"",Date.now()-864e5)}}}():function(){return{write:function(){},read:function(){return null},remove:function(){}}}(),v9}var b9,e7;function a0e(){return e7||(e7=1,b9=function(t){return/^([a-z][a-z\d\+\-\.]*:)?\/\//i.test(t)}),b9}var y9,t7;function s0e(){return t7||(t7=1,y9=function(t,n){return n?t.replace(/\/+$/,"")+"/"+n.replace(/^\/+/,""):t}),y9}var E9,n7;function l0e(){if(n7)return E9;n7=1;var e=a0e(),t=s0e();return E9=function(r,o){return r&&!e(o)?t(r,o):o},E9}var _9,r7;function u0e(){if(r7)return _9;r7=1;var e=_i,t=["age","authorization","content-length","content-type","etag","expires","from","host","if-modified-since","if-unmodified-since","last-modified","location","max-forwards","proxy-authorization","referer","retry-after","user-agent"];return _9=function(r){var o={},i,a,s;return r&&e.forEach(r.split(`
`),function(u){if(s=u.indexOf(":"),i=e.trim(u.substr(0,s)).toLowerCase(),a=e.trim(u.substr(s+1)),i){if(o[i]&&t.indexOf(i)>=0)return;i==="set-cookie"?o[i]=(o[i]?o[i]:[]).concat([a]):o[i]=o[i]?o[i]+", "+a:a}}),o},_9}var T9,o7;function c0e(){if(o7)return T9;o7=1;var e=_i;return T9=e.isStandardBrowserEnv()?function(){var n=/(msie|trident)/i.test(navigator.userAgent),r=document.createElement("a"),o;function i(a){var s=a;return n&&(r.setAttribute("href",s),s=r.href),r.setAttribute("href",s),{href:r.href,protocol:r.protocol?r.protocol.replace(/:$/,""):"",host:r.host,search:r.search?r.search.replace(/^\?/,""):"",hash:r.hash?r.hash.replace(/^#/,""):"",hostname:r.hostname,port:r.port,pathname:r.pathname.charAt(0)==="/"?r.pathname:"/"+r.pathname}}return o=i(window.location.href),function(s){var l=e.isString(s)?i(s):s;return l.protocol===o.protocol&&l.host===o.host}}():function(){return function(){return!0}}(),T9}var w9,i7;function a7(){if(i7)return w9;i7=1;var e=_i,t=o0e(),n=i0e(),r=ZD,o=l0e(),i=u0e(),a=c0e(),s=eP();return w9=function(u){return new Promise(function(h,p){var m=u.data,v=u.headers,_=u.responseType;e.isFormData(m)&&delete v["Content-Type"];var b=new XMLHttpRequest;if(u.auth){var E=u.auth.username||"",w=u.auth.password?unescape(encodeURIComponent(u.auth.password)):"";v.Authorization="Basic "+btoa(E+":"+w)}var k=o(u.baseURL,u.url);b.open(u.method.toUpperCase(),r(k,u.params,u.paramsSerializer),!0),b.timeout=u.timeout;function y(){if(b){var C="getAllResponseHeaders"in b?i(b.getAllResponseHeaders()):null,A=!_||_==="text"||_==="json"?b.responseText:b.response,P={data:A,status:b.status,statusText:b.statusText,headers:C,config:u,request:b};t(h,p,P),b=null}}if("onloadend"in b?b.onloadend=y:b.onreadystatechange=function(){!b||b.readyState!==4||b.status===0&&!(b.responseURL&&b.responseURL.indexOf("file:")===0)||setTimeout(y)},b.onabort=function(){b&&(p(s("Request aborted",u,"ECONNABORTED",b)),b=null)},b.onerror=function(){p(s("Network Error",u,null,b)),b=null},b.ontimeout=function(){var A="timeout of "+u.timeout+"ms exceeded";u.timeoutErrorMessage&&(A=u.timeoutErrorMessage),p(s(A,u,u.transitional&&u.transitional.clarifyTimeoutError?"ETIMEDOUT":"ECONNABORTED",b)),b=null},e.isStandardBrowserEnv()){var F=(u.withCredentials||a(k))&&u.xsrfCookieName?n.read(u.xsrfCookieName):void 0;F&&(v[u.xsrfHeaderName]=F)}"setRequestHeader"in b&&e.forEach(v,function(A,P){typeof m>"u"&&P.toLowerCase()==="content-type"?delete v[P]:b.setRequestHeader(P,A)}),e.isUndefined(u.withCredentials)||(b.withCredentials=!!u.withCredentials),_&&_!=="json"&&(b.responseType=u.responseType),typeof u.onDownloadProgress=="function"&&b.addEventListener("progress",u.onDownloadProgress),typeof u.onUploadProgress=="function"&&b.upload&&b.upload.addEventListener("progress",u.onUploadProgress),u.cancelToken&&u.cancelToken.promise.then(function(A){b&&(b.abort(),p(A),b=null)}),m||(m=null),b.send(m)})},w9}var Vr=_i,s7=r0e,f0e=JD,d0e={"Content-Type":"application/x-www-form-urlencoded"};function l7(e,t){!Vr.isUndefined(e)&&Vr.isUndefined(e["Content-Type"])&&(e["Content-Type"]=t)}function h0e(){var e;return(typeof XMLHttpRequest<"u"||typeof process<"u"&&Object.prototype.toString.call(process)==="[object process]")&&(e=a7()),e}function p0e(e,t,n){if(Vr.isString(e))try{return(t||JSON.parse)(e),Vr.trim(e)}catch(r){if(r.name!=="SyntaxError")throw r}return(n||JSON.stringify)(e)}var uy={transitional:{silentJSONParsing:!0,forcedJSONParsing:!0,clarifyTimeoutError:!1},adapter:h0e(),transformRequest:[function(t,n){return s7(n,"Accept"),s7(n,"Content-Type"),Vr.isFormData(t)||Vr.isArrayBuffer(t)||Vr.isBuffer(t)||Vr.isStream(t)||Vr.isFile(t)||Vr.isBlob(t)?t:Vr.isArrayBufferView(t)?t.buffer:Vr.isURLSearchParams(t)?(l7(n,"application/x-www-form-urlencoded;charset=utf-8"),t.toString()):Vr.isObject(t)||n&&n["Content-Type"]==="application/json"?(l7(n,"application/json"),p0e(t)):t}],transformResponse:[function(t){var n=this.transitional,r=n&&n.silentJSONParsing,o=n&&n.forcedJSONParsing,i=!r&&this.responseType==="json";if(i||o&&Vr.isString(t)&&t.length)try{return JSON.parse(t)}catch(a){if(i)throw a.name==="SyntaxError"?f0e(a,this,"E_JSON_PARSE"):a}return t}],timeout:0,xsrfCookieName:"XSRF-TOKEN",xsrfHeaderName:"X-XSRF-TOKEN",maxContentLength:-1,maxBodyLength:-1,validateStatus:function(t){return t>=200&&t<300}};uy.headers={common:{Accept:"application/json, text/plain, */*"}};Vr.forEach(["delete","get","head"],function(t){uy.headers[t]={}});Vr.forEach(["post","put","patch"],function(t){uy.headers[t]=Vr.merge(d0e)});var aw=uy,m0e=_i,g0e=aw,v0e=function(t,n,r){var o=this||g0e;return m0e.forEach(r,function(a){t=a.call(o,t,n)}),t},k9,u7;function tP(){return u7||(u7=1,k9=function(t){return!!(t&&t.__CANCEL__)}),k9}var c7=_i,S9=v0e,b0e=tP(),y0e=aw;function x9(e){e.cancelToken&&e.cancelToken.throwIfRequested()}var E0e=function(t){x9(t),t.headers=t.headers||{},t.data=S9.call(t,t.data,t.headers,t.transformRequest),t.headers=c7.merge(t.headers.common||{},t.headers[t.method]||{},t.headers),c7.forEach(["delete","get","head","post","put","patch","common"],function(o){delete t.headers[o]});var n=t.adapter||y0e.adapter;return n(t).then(function(o){return x9(t),o.data=S9.call(t,o.data,o.headers,t.transformResponse),o},function(o){return b0e(o)||(x9(t),o&&o.response&&(o.response.data=S9.call(t,o.response.data,o.response.headers,t.transformResponse))),Promise.reject(o)})},io=_i,nP=function(t,n){n=n||{};var r={},o=["url","method","data"],i=["headers","auth","proxy","params"],a=["baseURL","transformRequest","transformResponse","paramsSerializer","timeout","timeoutMessage","withCredentials","adapter","responseType","xsrfCookieName","xsrfHeaderName","onUploadProgress","onDownloadProgress","decompress","maxContentLength","maxBodyLength","maxRedirects","transport","httpAgent","httpsAgent","cancelToken","socketPath","responseEncoding"],s=["validateStatus"];function l(p,m){return io.isPlainObject(p)&&io.isPlainObject(m)?io.merge(p,m):io.isPlainObject(m)?io.merge({},m):io.isArray(m)?m.slice():m}function u(p){io.isUndefined(n[p])?io.isUndefined(t[p])||(r[p]=l(void 0,t[p])):r[p]=l(t[p],n[p])}io.forEach(o,function(m){io.isUndefined(n[m])||(r[m]=l(void 0,n[m]))}),io.forEach(i,u),io.forEach(a,function(m){io.isUndefined(n[m])?io.isUndefined(t[m])||(r[m]=l(void 0,t[m])):r[m]=l(void 0,n[m])}),io.forEach(s,function(m){m in n?r[m]=l(t[m],n[m]):m in t&&(r[m]=l(void 0,t[m]))});var d=o.concat(i).concat(a).concat(s),h=Object.keys(t).concat(Object.keys(n)).filter(function(m){return d.indexOf(m)===-1});return io.forEach(h,u),r};const _0e="axios",T0e="0.21.4",w0e="Promise based HTTP client for the browser and node.js",k0e="index.js",S0e={test:"grunt test",start:"node ./sandbox/server.js",build:"NODE_ENV=production grunt build",preversion:"npm test",version:"npm run build && grunt version && git add -A dist && git add CHANGELOG.md bower.json package.json",postversion:"git push && git push --tags",examples:"node ./examples/server.js",coveralls:"cat coverage/lcov.info | ./node_modules/coveralls/bin/coveralls.js",fix:"eslint --fix lib/**/*.js"},x0e={type:"git",url:"https://github.com/axios/axios.git"},C0e=["xhr","http","ajax","promise","node"],A0e="Matt Zabriskie",N0e="MIT",F0e={url:"https://github.com/axios/axios/issues"},I0e="https://axios-http.com",B0e={coveralls:"^3.0.0","es6-promise":"^4.2.4",grunt:"^1.3.0","grunt-banner":"^0.6.0","grunt-cli":"^1.2.0","grunt-contrib-clean":"^1.1.0","grunt-contrib-watch":"^1.0.0","grunt-eslint":"^23.0.0","grunt-karma":"^4.0.0","grunt-mocha-test":"^0.13.3","grunt-ts":"^6.0.0-beta.19","grunt-webpack":"^4.0.2","istanbul-instrumenter-loader":"^1.0.0","jasmine-core":"^2.4.1",karma:"^6.3.2","karma-chrome-launcher":"^3.1.0","karma-firefox-launcher":"^2.1.0","karma-jasmine":"^1.1.1","karma-jasmine-ajax":"^0.1.13","karma-safari-launcher":"^1.0.0","karma-sauce-launcher":"^4.3.6","karma-sinon":"^1.0.5","karma-sourcemap-loader":"^0.3.8","karma-webpack":"^4.0.2","load-grunt-tasks":"^3.5.2",minimist:"^1.2.0",mocha:"^8.2.1",sinon:"^4.5.0","terser-webpack-plugin":"^4.2.3",typescript:"^4.0.5","url-search-params":"^0.10.0",webpack:"^4.44.2","webpack-dev-server":"^3.11.0"},R0e={"./lib/adapters/http.js":"./lib/adapters/xhr.js"},O0e="dist/axios.min.js",D0e="dist/axios.min.js",P0e="./index.d.ts",M0e={"follow-redirects":"^1.14.0"},L0e=[{path:"./dist/axios.min.js",threshold:"5kB"}],j0e={name:_0e,version:T0e,description:w0e,main:k0e,scripts:S0e,repository:x0e,keywords:C0e,author:A0e,license:N0e,bugs:F0e,homepage:I0e,devDependencies:B0e,browser:R0e,jsdelivr:O0e,unpkg:D0e,typings:P0e,dependencies:M0e,bundlesize:L0e};var rP=j0e,sw={};["object","boolean","number","function","string","symbol"].forEach(function(e,t){sw[e]=function(r){return typeof r===e||"a"+(t<1?"n ":" ")+e}});var f7={},z0e=rP.version.split(".");function oP(e,t){for(var n=t?t.split("."):z0e,r=e.split("."),o=0;o<3;o++){if(n[o]>r[o])return!0;if(n[o]<r[o])return!1}return!1}sw.transitional=function(t,n,r){var o=n&&oP(n);function i(a,s){return"[Axios v"+rP.version+"] Transitional option '"+a+"'"+s+(r?". "+r:"")}return function(a,s,l){if(t===!1)throw new Error(i(s," has been removed in "+n));return o&&!f7[s]&&(f7[s]=!0,console.warn(i(s," has been deprecated since v"+n+" and will be removed in the near future"))),t?t(a,s,l):!0}};function H0e(e,t,n){if(typeof e!="object")throw new TypeError("options must be an object");for(var r=Object.keys(e),o=r.length;o-- >0;){var i=r[o],a=t[i];if(a){var s=e[i],l=s===void 0||a(s,i,e);if(l!==!0)throw new TypeError("option "+i+" must be "+l);continue}if(n!==!0)throw Error("Unknown option "+i)}}var U0e={isOlderVersion:oP,assertOptions:H0e,validators:sw},iP=_i,q0e=ZD,d7=t0e,h7=E0e,cy=nP,aP=U0e,Af=aP.validators;function fp(e){this.defaults=e,this.interceptors={request:new d7,response:new d7}}fp.prototype.request=function(t){typeof t=="string"?(t=arguments[1]||{},t.url=arguments[0]):t=t||{},t=cy(this.defaults,t),t.method?t.method=t.method.toLowerCase():this.defaults.method?t.method=this.defaults.method.toLowerCase():t.method="get";var n=t.transitional;n!==void 0&&aP.assertOptions(n,{silentJSONParsing:Af.transitional(Af.boolean,"1.0.0"),forcedJSONParsing:Af.transitional(Af.boolean,"1.0.0"),clarifyTimeoutError:Af.transitional(Af.boolean,"1.0.0")},!1);var r=[],o=!0;this.interceptors.request.forEach(function(p){typeof p.runWhen=="function"&&p.runWhen(t)===!1||(o=o&&p.synchronous,r.unshift(p.fulfilled,p.rejected))});var i=[];this.interceptors.response.forEach(function(p){i.push(p.fulfilled,p.rejected)});var a;if(!o){var s=[h7,void 0];for(Array.prototype.unshift.apply(s,r),s=s.concat(i),a=Promise.resolve(t);s.length;)a=a.then(s.shift(),s.shift());return a}for(var l=t;r.length;){var u=r.shift(),d=r.shift();try{l=u(l)}catch(h){d(h);break}}try{a=h7(l)}catch(h){return Promise.reject(h)}for(;i.length;)a=a.then(i.shift(),i.shift());return a};fp.prototype.getUri=function(t){return t=cy(this.defaults,t),q0e(t.url,t.params,t.paramsSerializer).replace(/^\?/,"")};iP.forEach(["delete","get","head","options"],function(t){fp.prototype[t]=function(n,r){return this.request(cy(r||{},{method:t,url:n,data:(r||{}).data}))}});iP.forEach(["post","put","patch"],function(t){fp.prototype[t]=function(n,r,o){return this.request(cy(o||{},{method:t,url:n,data:r}))}});var $0e=fp,C9,p7;function sP(){if(p7)return C9;p7=1;function e(t){this.message=t}return e.prototype.toString=function(){return"Cancel"+(this.message?": "+this.message:"")},e.prototype.__CANCEL__=!0,C9=e,C9}var A9,m7;function W0e(){if(m7)return A9;m7=1;var e=sP();function t(n){if(typeof n!="function")throw new TypeError("executor must be a function.");var r;this.promise=new Promise(function(a){r=a});var o=this;n(function(a){o.reason||(o.reason=new e(a),r(o.reason))})}return t.prototype.throwIfRequested=function(){if(this.reason)throw this.reason},t.source=function(){var r,o=new t(function(a){r=a});return{token:o,cancel:r}},A9=t,A9}var N9,g7;function G0e(){return g7||(g7=1,N9=function(t){return function(r){return t.apply(null,r)}}),N9}var F9,v7;function K0e(){return v7||(v7=1,F9=function(t){return typeof t=="object"&&t.isAxiosError===!0}),F9}var b7=_i,V0e=YD,$g=$0e,Y0e=nP,Q0e=aw;function lP(e){var t=new $g(e),n=V0e($g.prototype.request,t);return b7.extend(n,$g.prototype,t),b7.extend(n,t),n}var ka=lP(Q0e);ka.Axios=$g;ka.create=function(t){return lP(Y0e(ka.defaults,t))};ka.Cancel=sP();ka.CancelToken=W0e();ka.isCancel=tP();ka.all=function(t){return Promise.all(t)};ka.spread=G0e();ka.isAxiosError=K0e();rw.exports=ka;rw.exports.default=ka;var X0e=rw.exports,Z0e=X0e;const J0e=xr(Z0e),epe=e=>{const{method:t,url:n,data:r,params:o}=e;return e.metaData||(e.metaData={}),e.metaData.startTime=performance.now(),console.log(`[axios] ${t==null?void 0:t.toUpperCase()} ${n}`),r&&console.log(`[axios] data: ${JSON.stringify(r)}`),o&&console.log(`[axios] params: ${JSON.stringify(o)}`),e},tpe=e=>{const{config:t}=e,{method:n,url:r}=t,o=t.metaData.startTime,i=(performance.now()-o)/1e3;return t.metaData.duration=i,console.log(`[axios] ${n==null?void 0:n.toUpperCase()} ${r} ${i}s`),e},npe=[epe],rpe=[tpe],ope="",ipe={headers:{"x-ms-client-user-type":"Promptflow vscode local server"},baseURL:ope,timeout:6e4*6},ape=e=>{const t=J0e.create(e);return npe.forEach(n=>{t.interceptors.request.use(n)}),rpe.forEach(n=>{t.interceptors.response.use(n)}),t},spe=ape(ipe),uP=e=>{const{cacheKey:t,...n}=e;if(t)return t;const r=n.params?JSON.stringify(n.params):"",o=n.headers?JSON.stringify(n.headers):"";return t||`${e.method}-${e.url}-${r}-${o}`},cP=async e=>await spe.request(e);function lpe(e){return O1e({queryKey:uP(e),queryFn:async()=>cP(e),notifyOnChangeProps:"tracked"})}function upe(e,t){return B1e({mutationKey:uP(e),mutationFn:async n=>(e.data=n,cP(e)),onSuccess:async(n,r)=>{var o;(o=t==null?void 0:t.onSuccess)==null||o.call(t,n,r)},onError:async(n,r)=>{var o;(o=t==null?void 0:t.onError)==null||o.call(t,n,r)},onSettled:async(n,r,o)=>{var i;(i=t==null?void 0:t.onSettled)==null||i.call(t,n,r,o)}})}const lw={HeaderTitle:"Chat",InputPlaceholder:"Input anything to test...",Tooltip_Bottom:"Only default variants will be used for chat, if you want to test variants please try batch run. For chatbot and test app bot, it will only show the chat output.",Tooltip_Title:"chat",Tooltip_TotalTokens:"Total tokens",MessageStatus_TimeSpent_Desc:"time spent",MessageStatus_TimeSpent_Unit:"sec",MessageStatus_Tokens_Desc:"Total tokens for generating this",MessageStatus_Tokens_Unit:"tokens",ClearButtonTooltip:"Click to clear all chat histories",Settings:{tooltip:"Settings",useDarkTheme:"Dark theme",useLightTheme:"Light theme"},ViewMode:{Debug:"Debug"},ClearHistoryTooltip:"Clear chat history"},y7=e=>{try{return JSON.parse(e)}catch(t){console.error(t)}return e},cpe=(e,t)=>{switch(t){case"integer":return parseInt(e,10);case"number":return parseFloat(e);case"boolean":return e==="true";case"string":return e;case"array":return y7(e)||[];case"object":return y7(e)||{};default:return e}},fpe=(e,t,n,r)=>{const o={};return Object.keys(e).forEach(i=>{o[i]=cpe(e[i].value??"",e[i].type)}),n&&(o[Lc]=r?[]:t),o};var dpe=function(){var e=document.getSelection();if(!e.rangeCount)return function(){};for(var t=document.activeElement,n=[],r=0;r<e.rangeCount;r++)n.push(e.getRangeAt(r));switch(t.tagName.toUpperCase()){case"INPUT":case"TEXTAREA":t.blur();break;default:t=null;break}return e.removeAllRanges(),function(){e.type==="Caret"&&e.removeAllRanges(),e.rangeCount||n.forEach(function(o){e.addRange(o)}),t&&t.focus()}},hpe=dpe,E7={"text/plain":"Text","text/html":"Url",default:"Text"},ppe="Copy to clipboard: #{key}, Enter";function mpe(e){var t=(/mac os x/i.test(navigator.userAgent)?"⌘":"Ctrl")+"+C";return e.replace(/#{\s*key\s*}/g,t)}function gpe(e,t){var n,r,o,i,a,s,l=!1;t||(t={}),n=t.debug||!1;try{o=hpe(),i=document.createRange(),a=document.getSelection(),s=document.createElement("span"),s.textContent=e,s.ariaHidden="true",s.style.all="unset",s.style.position="fixed",s.style.top=0,s.style.clip="rect(0, 0, 0, 0)",s.style.whiteSpace="pre",s.style.webkitUserSelect="text",s.style.MozUserSelect="text",s.style.msUserSelect="text",s.style.userSelect="text",s.addEventListener("copy",function(d){if(d.stopPropagation(),t.format)if(d.preventDefault(),typeof d.clipboardData>"u"){n&&console.warn("unable to use e.clipboardData"),n&&console.warn("trying IE specific stuff"),window.clipboardData.clearData();var h=E7[t.format]||E7.default;window.clipboardData.setData(h,e)}else d.clipboardData.clearData(),d.clipboardData.setData(t.format,e);t.onCopy&&(d.preventDefault(),t.onCopy(d.clipboardData))}),document.body.appendChild(s),i.selectNodeContents(s),a.addRange(i);var u=document.execCommand("copy");if(!u)throw new Error("copy command was unsuccessful");l=!0}catch(d){n&&console.error("unable to copy using execCommand: ",d),n&&console.warn("trying IE specific stuff");try{window.clipboardData.setData(t.format||"text",e),t.onCopy&&t.onCopy(window.clipboardData),l=!0}catch(h){n&&console.error("unable to copy using clipboardData: ",h),n&&console.error("falling back to prompt"),r=mpe("message"in t?t.message:ppe),window.prompt(r,e)}}finally{a&&(typeof a.removeRange=="function"?a.removeRange(i):a.removeAllRanges()),s&&document.body.removeChild(s),o()}return l}var vpe=gpe;const fP=xr(vpe);//! moment.js
//! version : 2.29.4
//! authors : Tim Wood, Iskren Chernev, Moment.js contributors
//! license : MIT
//! momentjs.com
var dP;function De(){return dP.apply(null,arguments)}function bpe(e){dP=e}function Sa(e){return e instanceof Array||Object.prototype.toString.call(e)==="[object Array]"}function Bc(e){return e!=null&&Object.prototype.toString.call(e)==="[object Object]"}function Wt(e,t){return Object.prototype.hasOwnProperty.call(e,t)}function uw(e){if(Object.getOwnPropertyNames)return Object.getOwnPropertyNames(e).length===0;var t;for(t in e)if(Wt(e,t))return!1;return!0}function Vo(e){return e===void 0}function fl(e){return typeof e=="number"||Object.prototype.toString.call(e)==="[object Number]"}function dp(e){return e instanceof Date||Object.prototype.toString.call(e)==="[object Date]"}function hP(e,t){var n=[],r,o=e.length;for(r=0;r<o;++r)n.push(t(e[r],r));return n}function au(e,t){for(var n in t)Wt(t,n)&&(e[n]=t[n]);return Wt(t,"toString")&&(e.toString=t.toString),Wt(t,"valueOf")&&(e.valueOf=t.valueOf),e}function gs(e,t,n,r){return MP(e,t,n,r,!0).utc()}function ype(){return{empty:!1,unusedTokens:[],unusedInput:[],overflow:-2,charsLeftOver:0,nullInput:!1,invalidEra:null,invalidMonth:null,invalidFormat:!1,userInvalidated:!1,iso:!1,parsedDateParts:[],era:null,meridiem:null,rfc2822:!1,weekdayMismatch:!1}}function yt(e){return e._pf==null&&(e._pf=ype()),e._pf}var W_;Array.prototype.some?W_=Array.prototype.some:W_=function(e){var t=Object(this),n=t.length>>>0,r;for(r=0;r<n;r++)if(r in t&&e.call(this,t[r],r,t))return!0;return!1};function cw(e){if(e._isValid==null){var t=yt(e),n=W_.call(t.parsedDateParts,function(o){return o!=null}),r=!isNaN(e._d.getTime())&&t.overflow<0&&!t.empty&&!t.invalidEra&&!t.invalidMonth&&!t.invalidWeekday&&!t.weekdayMismatch&&!t.nullInput&&!t.invalidFormat&&!t.userInvalidated&&(!t.meridiem||t.meridiem&&n);if(e._strict&&(r=r&&t.charsLeftOver===0&&t.unusedTokens.length===0&&t.bigHour===void 0),Object.isFrozen==null||!Object.isFrozen(e))e._isValid=r;else return r}return e._isValid}function fy(e){var t=gs(NaN);return e!=null?au(yt(t),e):yt(t).userInvalidated=!0,t}var _7=De.momentProperties=[],I9=!1;function fw(e,t){var n,r,o,i=_7.length;if(Vo(t._isAMomentObject)||(e._isAMomentObject=t._isAMomentObject),Vo(t._i)||(e._i=t._i),Vo(t._f)||(e._f=t._f),Vo(t._l)||(e._l=t._l),Vo(t._strict)||(e._strict=t._strict),Vo(t._tzm)||(e._tzm=t._tzm),Vo(t._isUTC)||(e._isUTC=t._isUTC),Vo(t._offset)||(e._offset=t._offset),Vo(t._pf)||(e._pf=yt(t)),Vo(t._locale)||(e._locale=t._locale),i>0)for(n=0;n<i;n++)r=_7[n],o=t[r],Vo(o)||(e[r]=o);return e}function hp(e){fw(this,e),this._d=new Date(e._d!=null?e._d.getTime():NaN),this.isValid()||(this._d=new Date(NaN)),I9===!1&&(I9=!0,De.updateOffset(this),I9=!1)}function xa(e){return e instanceof hp||e!=null&&e._isAMomentObject!=null}function pP(e){De.suppressDeprecationWarnings===!1&&typeof console<"u"&&console.warn&&console.warn("Deprecation warning: "+e)}function ta(e,t){var n=!0;return au(function(){if(De.deprecationHandler!=null&&De.deprecationHandler(null,e),n){var r=[],o,i,a,s=arguments.length;for(i=0;i<s;i++){if(o="",typeof arguments[i]=="object"){o+=`
[`+i+"] ";for(a in arguments[0])Wt(arguments[0],a)&&(o+=a+": "+arguments[0][a]+", ");o=o.slice(0,-2)}else o=arguments[i];r.push(o)}pP(e+`
Arguments: `+Array.prototype.slice.call(r).join("")+`
`+new Error().stack),n=!1}return t.apply(this,arguments)},t)}var T7={};function mP(e,t){De.deprecationHandler!=null&&De.deprecationHandler(e,t),T7[e]||(pP(t),T7[e]=!0)}De.suppressDeprecationWarnings=!1;De.deprecationHandler=null;function vs(e){return typeof Function<"u"&&e instanceof Function||Object.prototype.toString.call(e)==="[object Function]"}function Epe(e){var t,n;for(n in e)Wt(e,n)&&(t=e[n],vs(t)?this[n]=t:this["_"+n]=t);this._config=e,this._dayOfMonthOrdinalParseLenient=new RegExp((this._dayOfMonthOrdinalParse.source||this._ordinalParse.source)+"|"+/\d{1,2}/.source)}function G_(e,t){var n=au({},e),r;for(r in t)Wt(t,r)&&(Bc(e[r])&&Bc(t[r])?(n[r]={},au(n[r],e[r]),au(n[r],t[r])):t[r]!=null?n[r]=t[r]:delete n[r]);for(r in e)Wt(e,r)&&!Wt(t,r)&&Bc(e[r])&&(n[r]=au({},n[r]));return n}function dw(e){e!=null&&this.set(e)}var K_;Object.keys?K_=Object.keys:K_=function(e){var t,n=[];for(t in e)Wt(e,t)&&n.push(t);return n};var _pe={sameDay:"[Today at] LT",nextDay:"[Tomorrow at] LT",nextWeek:"dddd [at] LT",lastDay:"[Yesterday at] LT",lastWeek:"[Last] dddd [at] LT",sameElse:"L"};function Tpe(e,t,n){var r=this._calendar[e]||this._calendar.sameElse;return vs(r)?r.call(t,n):r}function fs(e,t,n){var r=""+Math.abs(e),o=t-r.length,i=e>=0;return(i?n?"+":"":"-")+Math.pow(10,Math.max(0,o)).toString().substr(1)+r}var hw=/(\[[^\[]*\])|(\\)?([Hh]mm(ss)?|Mo|MM?M?M?|Do|DDDo|DD?D?D?|ddd?d?|do?|w[o|w]?|W[o|W]?|Qo?|N{1,5}|YYYYYY|YYYYY|YYYY|YY|y{2,4}|yo?|gg(ggg?)?|GG(GGG?)?|e|E|a|A|hh?|HH?|kk?|mm?|ss?|S{1,9}|x|X|zz?|ZZ?|.)/g,Km=/(\[[^\[]*\])|(\\)?(LTS|LT|LL?L?L?|l{1,4})/g,B9={},Nd={};function Ke(e,t,n,r){var o=r;typeof r=="string"&&(o=function(){return this[r]()}),e&&(Nd[e]=o),t&&(Nd[t[0]]=function(){return fs(o.apply(this,arguments),t[1],t[2])}),n&&(Nd[n]=function(){return this.localeData().ordinal(o.apply(this,arguments),e)})}function wpe(e){return e.match(/\[[\s\S]/)?e.replace(/^\[|\]$/g,""):e.replace(/\\/g,"")}function kpe(e){var t=e.match(hw),n,r;for(n=0,r=t.length;n<r;n++)Nd[t[n]]?t[n]=Nd[t[n]]:t[n]=wpe(t[n]);return function(o){var i="",a;for(a=0;a<r;a++)i+=vs(t[a])?t[a].call(o,e):t[a];return i}}function Wg(e,t){return e.isValid()?(t=gP(t,e.localeData()),B9[t]=B9[t]||kpe(t),B9[t](e)):e.localeData().invalidDate()}function gP(e,t){var n=5;function r(o){return t.longDateFormat(o)||o}for(Km.lastIndex=0;n>=0&&Km.test(e);)e=e.replace(Km,r),Km.lastIndex=0,n-=1;return e}var Spe={LTS:"h:mm:ss A",LT:"h:mm A",L:"MM/DD/YYYY",LL:"MMMM D, YYYY",LLL:"MMMM D, YYYY h:mm A",LLLL:"dddd, MMMM D, YYYY h:mm A"};function xpe(e){var t=this._longDateFormat[e],n=this._longDateFormat[e.toUpperCase()];return t||!n?t:(this._longDateFormat[e]=n.match(hw).map(function(r){return r==="MMMM"||r==="MM"||r==="DD"||r==="dddd"?r.slice(1):r}).join(""),this._longDateFormat[e])}var Cpe="Invalid date";function Ape(){return this._invalidDate}var Npe="%d",Fpe=/\d{1,2}/;function Ipe(e){return this._ordinal.replace("%d",e)}var Bpe={future:"in %s",past:"%s ago",s:"a few seconds",ss:"%d seconds",m:"a minute",mm:"%d minutes",h:"an hour",hh:"%d hours",d:"a day",dd:"%d days",w:"a week",ww:"%d weeks",M:"a month",MM:"%d months",y:"a year",yy:"%d years"};function Rpe(e,t,n,r){var o=this._relativeTime[n];return vs(o)?o(e,t,n,r):o.replace(/%d/i,e)}function Ope(e,t){var n=this._relativeTime[e>0?"future":"past"];return vs(n)?n(t):n.replace(/%s/i,t)}var Gh={};function vo(e,t){var n=e.toLowerCase();Gh[n]=Gh[n+"s"]=Gh[t]=e}function na(e){return typeof e=="string"?Gh[e]||Gh[e.toLowerCase()]:void 0}function pw(e){var t={},n,r;for(r in e)Wt(e,r)&&(n=na(r),n&&(t[n]=e[r]));return t}var vP={};function bo(e,t){vP[e]=t}function Dpe(e){var t=[],n;for(n in e)Wt(e,n)&&t.push({unit:n,priority:vP[n]});return t.sort(function(r,o){return r.priority-o.priority}),t}function dy(e){return e%4===0&&e%100!==0||e%400===0}function ji(e){return e<0?Math.ceil(e)||0:Math.floor(e)}function Nt(e){var t=+e,n=0;return t!==0&&isFinite(t)&&(n=ji(t)),n}function f1(e,t){return function(n){return n!=null?(bP(this,e,n),De.updateOffset(this,t),this):sb(this,e)}}function sb(e,t){return e.isValid()?e._d["get"+(e._isUTC?"UTC":"")+t]():NaN}function bP(e,t,n){e.isValid()&&!isNaN(n)&&(t==="FullYear"&&dy(e.year())&&e.month()===1&&e.date()===29?(n=Nt(n),e._d["set"+(e._isUTC?"UTC":"")+t](n,e.month(),by(n,e.month()))):e._d["set"+(e._isUTC?"UTC":"")+t](n))}function Ppe(e){return e=na(e),vs(this[e])?this[e]():this}function Mpe(e,t){if(typeof e=="object"){e=pw(e);var n=Dpe(e),r,o=n.length;for(r=0;r<o;r++)this[n[r].unit](e[n[r].unit])}else if(e=na(e),vs(this[e]))return this[e](t);return this}var yP=/\d/,Ti=/\d\d/,EP=/\d{3}/,mw=/\d{4}/,hy=/[+-]?\d{6}/,Fn=/\d\d?/,_P=/\d\d\d\d?/,TP=/\d\d\d\d\d\d?/,py=/\d{1,3}/,gw=/\d{1,4}/,my=/[+-]?\d{1,6}/,d1=/\d+/,gy=/[+-]?\d+/,Lpe=/Z|[+-]\d\d:?\d\d/gi,vy=/Z|[+-]\d\d(?::?\d\d)?/gi,jpe=/[+-]?\d+(\.\d{1,3})?/,pp=/[0-9]{0,256}['a-z\u00A0-\u05FF\u0700-\uD7FF\uF900-\uFDCF\uFDF0-\uFF07\uFF10-\uFFEF]{1,256}|[\u0600-\u06FF\/]{1,256}(\s*?[\u0600-\u06FF]{1,256}){1,2}/i,lb;lb={};function Me(e,t,n){lb[e]=vs(t)?t:function(r,o){return r&&n?n:t}}function zpe(e,t){return Wt(lb,e)?lb[e](t._strict,t._locale):new RegExp(Hpe(e))}function Hpe(e){return pi(e.replace("\\","").replace(/\\(\[)|\\(\])|\[([^\]\[]*)\]|\\(.)/g,function(t,n,r,o,i){return n||r||o||i}))}function pi(e){return e.replace(/[-\/\\^$*+?.()|[\]{}]/g,"\\$&")}var V_={};function cn(e,t){var n,r=t,o;for(typeof e=="string"&&(e=[e]),fl(t)&&(r=function(i,a){a[t]=Nt(i)}),o=e.length,n=0;n<o;n++)V_[e[n]]=r}function mp(e,t){cn(e,function(n,r,o,i){o._w=o._w||{},t(n,o._w,o,i)})}function Upe(e,t,n){t!=null&&Wt(V_,e)&&V_[e](t,n._a,n,e)}var ho=0,el=1,Ka=2,Sr=3,_a=4,tl=5,xc=6,qpe=7,$pe=8;function Wpe(e,t){return(e%t+t)%t}var sr;Array.prototype.indexOf?sr=Array.prototype.indexOf:sr=function(e){var t;for(t=0;t<this.length;++t)if(this[t]===e)return t;return-1};function by(e,t){if(isNaN(e)||isNaN(t))return NaN;var n=Wpe(t,12);return e+=(t-n)/12,n===1?dy(e)?29:28:31-n%7%2}Ke("M",["MM",2],"Mo",function(){return this.month()+1});Ke("MMM",0,0,function(e){return this.localeData().monthsShort(this,e)});Ke("MMMM",0,0,function(e){return this.localeData().months(this,e)});vo("month","M");bo("month",8);Me("M",Fn);Me("MM",Fn,Ti);Me("MMM",function(e,t){return t.monthsShortRegex(e)});Me("MMMM",function(e,t){return t.monthsRegex(e)});cn(["M","MM"],function(e,t){t[el]=Nt(e)-1});cn(["MMM","MMMM"],function(e,t,n,r){var o=n._locale.monthsParse(e,r,n._strict);o!=null?t[el]=o:yt(n).invalidMonth=e});var Gpe="January_February_March_April_May_June_July_August_September_October_November_December".split("_"),wP="Jan_Feb_Mar_Apr_May_Jun_Jul_Aug_Sep_Oct_Nov_Dec".split("_"),kP=/D[oD]?(\[[^\[\]]*\]|\s)+MMMM?/,Kpe=pp,Vpe=pp;function Ype(e,t){return e?Sa(this._months)?this._months[e.month()]:this._months[(this._months.isFormat||kP).test(t)?"format":"standalone"][e.month()]:Sa(this._months)?this._months:this._months.standalone}function Qpe(e,t){return e?Sa(this._monthsShort)?this._monthsShort[e.month()]:this._monthsShort[kP.test(t)?"format":"standalone"][e.month()]:Sa(this._monthsShort)?this._monthsShort:this._monthsShort.standalone}function Xpe(e,t,n){var r,o,i,a=e.toLocaleLowerCase();if(!this._monthsParse)for(this._monthsParse=[],this._longMonthsParse=[],this._shortMonthsParse=[],r=0;r<12;++r)i=gs([2e3,r]),this._shortMonthsParse[r]=this.monthsShort(i,"").toLocaleLowerCase(),this._longMonthsParse[r]=this.months(i,"").toLocaleLowerCase();return n?t==="MMM"?(o=sr.call(this._shortMonthsParse,a),o!==-1?o:null):(o=sr.call(this._longMonthsParse,a),o!==-1?o:null):t==="MMM"?(o=sr.call(this._shortMonthsParse,a),o!==-1?o:(o=sr.call(this._longMonthsParse,a),o!==-1?o:null)):(o=sr.call(this._longMonthsParse,a),o!==-1?o:(o=sr.call(this._shortMonthsParse,a),o!==-1?o:null))}function Zpe(e,t,n){var r,o,i;if(this._monthsParseExact)return Xpe.call(this,e,t,n);for(this._monthsParse||(this._monthsParse=[],this._longMonthsParse=[],this._shortMonthsParse=[]),r=0;r<12;r++){if(o=gs([2e3,r]),n&&!this._longMonthsParse[r]&&(this._longMonthsParse[r]=new RegExp("^"+this.months(o,"").replace(".","")+"$","i"),this._shortMonthsParse[r]=new RegExp("^"+this.monthsShort(o,"").replace(".","")+"$","i")),!n&&!this._monthsParse[r]&&(i="^"+this.months(o,"")+"|^"+this.monthsShort(o,""),this._monthsParse[r]=new RegExp(i.replace(".",""),"i")),n&&t==="MMMM"&&this._longMonthsParse[r].test(e))return r;if(n&&t==="MMM"&&this._shortMonthsParse[r].test(e))return r;if(!n&&this._monthsParse[r].test(e))return r}}function SP(e,t){var n;if(!e.isValid())return e;if(typeof t=="string"){if(/^\d+$/.test(t))t=Nt(t);else if(t=e.localeData().monthsParse(t),!fl(t))return e}return n=Math.min(e.date(),by(e.year(),t)),e._d["set"+(e._isUTC?"UTC":"")+"Month"](t,n),e}function xP(e){return e!=null?(SP(this,e),De.updateOffset(this,!0),this):sb(this,"Month")}function Jpe(){return by(this.year(),this.month())}function eme(e){return this._monthsParseExact?(Wt(this,"_monthsRegex")||CP.call(this),e?this._monthsShortStrictRegex:this._monthsShortRegex):(Wt(this,"_monthsShortRegex")||(this._monthsShortRegex=Kpe),this._monthsShortStrictRegex&&e?this._monthsShortStrictRegex:this._monthsShortRegex)}function tme(e){return this._monthsParseExact?(Wt(this,"_monthsRegex")||CP.call(this),e?this._monthsStrictRegex:this._monthsRegex):(Wt(this,"_monthsRegex")||(this._monthsRegex=Vpe),this._monthsStrictRegex&&e?this._monthsStrictRegex:this._monthsRegex)}function CP(){function e(a,s){return s.length-a.length}var t=[],n=[],r=[],o,i;for(o=0;o<12;o++)i=gs([2e3,o]),t.push(this.monthsShort(i,"")),n.push(this.months(i,"")),r.push(this.months(i,"")),r.push(this.monthsShort(i,""));for(t.sort(e),n.sort(e),r.sort(e),o=0;o<12;o++)t[o]=pi(t[o]),n[o]=pi(n[o]);for(o=0;o<24;o++)r[o]=pi(r[o]);this._monthsRegex=new RegExp("^("+r.join("|")+")","i"),this._monthsShortRegex=this._monthsRegex,this._monthsStrictRegex=new RegExp("^("+n.join("|")+")","i"),this._monthsShortStrictRegex=new RegExp("^("+t.join("|")+")","i")}Ke("Y",0,0,function(){var e=this.year();return e<=9999?fs(e,4):"+"+e});Ke(0,["YY",2],0,function(){return this.year()%100});Ke(0,["YYYY",4],0,"year");Ke(0,["YYYYY",5],0,"year");Ke(0,["YYYYYY",6,!0],0,"year");vo("year","y");bo("year",1);Me("Y",gy);Me("YY",Fn,Ti);Me("YYYY",gw,mw);Me("YYYYY",my,hy);Me("YYYYYY",my,hy);cn(["YYYYY","YYYYYY"],ho);cn("YYYY",function(e,t){t[ho]=e.length===2?De.parseTwoDigitYear(e):Nt(e)});cn("YY",function(e,t){t[ho]=De.parseTwoDigitYear(e)});cn("Y",function(e,t){t[ho]=parseInt(e,10)});function Kh(e){return dy(e)?366:365}De.parseTwoDigitYear=function(e){return Nt(e)+(Nt(e)>68?1900:2e3)};var AP=f1("FullYear",!0);function nme(){return dy(this.year())}function rme(e,t,n,r,o,i,a){var s;return e<100&&e>=0?(s=new Date(e+400,t,n,r,o,i,a),isFinite(s.getFullYear())&&s.setFullYear(e)):s=new Date(e,t,n,r,o,i,a),s}function D0(e){var t,n;return e<100&&e>=0?(n=Array.prototype.slice.call(arguments),n[0]=e+400,t=new Date(Date.UTC.apply(null,n)),isFinite(t.getUTCFullYear())&&t.setUTCFullYear(e)):t=new Date(Date.UTC.apply(null,arguments)),t}function ub(e,t,n){var r=7+t-n,o=(7+D0(e,0,r).getUTCDay()-t)%7;return-o+r-1}function NP(e,t,n,r,o){var i=(7+n-r)%7,a=ub(e,r,o),s=1+7*(t-1)+i+a,l,u;return s<=0?(l=e-1,u=Kh(l)+s):s>Kh(e)?(l=e+1,u=s-Kh(e)):(l=e,u=s),{year:l,dayOfYear:u}}function P0(e,t,n){var r=ub(e.year(),t,n),o=Math.floor((e.dayOfYear()-r-1)/7)+1,i,a;return o<1?(a=e.year()-1,i=o+ol(a,t,n)):o>ol(e.year(),t,n)?(i=o-ol(e.year(),t,n),a=e.year()+1):(a=e.year(),i=o),{week:i,year:a}}function ol(e,t,n){var r=ub(e,t,n),o=ub(e+1,t,n);return(Kh(e)-r+o)/7}Ke("w",["ww",2],"wo","week");Ke("W",["WW",2],"Wo","isoWeek");vo("week","w");vo("isoWeek","W");bo("week",5);bo("isoWeek",5);Me("w",Fn);Me("ww",Fn,Ti);Me("W",Fn);Me("WW",Fn,Ti);mp(["w","ww","W","WW"],function(e,t,n,r){t[r.substr(0,1)]=Nt(e)});function ome(e){return P0(e,this._week.dow,this._week.doy).week}var ime={dow:0,doy:6};function ame(){return this._week.dow}function sme(){return this._week.doy}function lme(e){var t=this.localeData().week(this);return e==null?t:this.add((e-t)*7,"d")}function ume(e){var t=P0(this,1,4).week;return e==null?t:this.add((e-t)*7,"d")}Ke("d",0,"do","day");Ke("dd",0,0,function(e){return this.localeData().weekdaysMin(this,e)});Ke("ddd",0,0,function(e){return this.localeData().weekdaysShort(this,e)});Ke("dddd",0,0,function(e){return this.localeData().weekdays(this,e)});Ke("e",0,0,"weekday");Ke("E",0,0,"isoWeekday");vo("day","d");vo("weekday","e");vo("isoWeekday","E");bo("day",11);bo("weekday",11);bo("isoWeekday",11);Me("d",Fn);Me("e",Fn);Me("E",Fn);Me("dd",function(e,t){return t.weekdaysMinRegex(e)});Me("ddd",function(e,t){return t.weekdaysShortRegex(e)});Me("dddd",function(e,t){return t.weekdaysRegex(e)});mp(["dd","ddd","dddd"],function(e,t,n,r){var o=n._locale.weekdaysParse(e,r,n._strict);o!=null?t.d=o:yt(n).invalidWeekday=e});mp(["d","e","E"],function(e,t,n,r){t[r]=Nt(e)});function cme(e,t){return typeof e!="string"?e:isNaN(e)?(e=t.weekdaysParse(e),typeof e=="number"?e:null):parseInt(e,10)}function fme(e,t){return typeof e=="string"?t.weekdaysParse(e)%7||7:isNaN(e)?null:e}function vw(e,t){return e.slice(t,7).concat(e.slice(0,t))}var dme="Sunday_Monday_Tuesday_Wednesday_Thursday_Friday_Saturday".split("_"),FP="Sun_Mon_Tue_Wed_Thu_Fri_Sat".split("_"),hme="Su_Mo_Tu_We_Th_Fr_Sa".split("_"),pme=pp,mme=pp,gme=pp;function vme(e,t){var n=Sa(this._weekdays)?this._weekdays:this._weekdays[e&&e!==!0&&this._weekdays.isFormat.test(t)?"format":"standalone"];return e===!0?vw(n,this._week.dow):e?n[e.day()]:n}function bme(e){return e===!0?vw(this._weekdaysShort,this._week.dow):e?this._weekdaysShort[e.day()]:this._weekdaysShort}function yme(e){return e===!0?vw(this._weekdaysMin,this._week.dow):e?this._weekdaysMin[e.day()]:this._weekdaysMin}function Eme(e,t,n){var r,o,i,a=e.toLocaleLowerCase();if(!this._weekdaysParse)for(this._weekdaysParse=[],this._shortWeekdaysParse=[],this._minWeekdaysParse=[],r=0;r<7;++r)i=gs([2e3,1]).day(r),this._minWeekdaysParse[r]=this.weekdaysMin(i,"").toLocaleLowerCase(),this._shortWeekdaysParse[r]=this.weekdaysShort(i,"").toLocaleLowerCase(),this._weekdaysParse[r]=this.weekdays(i,"").toLocaleLowerCase();return n?t==="dddd"?(o=sr.call(this._weekdaysParse,a),o!==-1?o:null):t==="ddd"?(o=sr.call(this._shortWeekdaysParse,a),o!==-1?o:null):(o=sr.call(this._minWeekdaysParse,a),o!==-1?o:null):t==="dddd"?(o=sr.call(this._weekdaysParse,a),o!==-1||(o=sr.call(this._shortWeekdaysParse,a),o!==-1)?o:(o=sr.call(this._minWeekdaysParse,a),o!==-1?o:null)):t==="ddd"?(o=sr.call(this._shortWeekdaysParse,a),o!==-1||(o=sr.call(this._weekdaysParse,a),o!==-1)?o:(o=sr.call(this._minWeekdaysParse,a),o!==-1?o:null)):(o=sr.call(this._minWeekdaysParse,a),o!==-1||(o=sr.call(this._weekdaysParse,a),o!==-1)?o:(o=sr.call(this._shortWeekdaysParse,a),o!==-1?o:null))}function _me(e,t,n){var r,o,i;if(this._weekdaysParseExact)return Eme.call(this,e,t,n);for(this._weekdaysParse||(this._weekdaysParse=[],this._minWeekdaysParse=[],this._shortWeekdaysParse=[],this._fullWeekdaysParse=[]),r=0;r<7;r++){if(o=gs([2e3,1]).day(r),n&&!this._fullWeekdaysParse[r]&&(this._fullWeekdaysParse[r]=new RegExp("^"+this.weekdays(o,"").replace(".","\\.?")+"$","i"),this._shortWeekdaysParse[r]=new RegExp("^"+this.weekdaysShort(o,"").replace(".","\\.?")+"$","i"),this._minWeekdaysParse[r]=new RegExp("^"+this.weekdaysMin(o,"").replace(".","\\.?")+"$","i")),this._weekdaysParse[r]||(i="^"+this.weekdays(o,"")+"|^"+this.weekdaysShort(o,"")+"|^"+this.weekdaysMin(o,""),this._weekdaysParse[r]=new RegExp(i.replace(".",""),"i")),n&&t==="dddd"&&this._fullWeekdaysParse[r].test(e))return r;if(n&&t==="ddd"&&this._shortWeekdaysParse[r].test(e))return r;if(n&&t==="dd"&&this._minWeekdaysParse[r].test(e))return r;if(!n&&this._weekdaysParse[r].test(e))return r}}function Tme(e){if(!this.isValid())return e!=null?this:NaN;var t=this._isUTC?this._d.getUTCDay():this._d.getDay();return e!=null?(e=cme(e,this.localeData()),this.add(e-t,"d")):t}function wme(e){if(!this.isValid())return e!=null?this:NaN;var t=(this.day()+7-this.localeData()._week.dow)%7;return e==null?t:this.add(e-t,"d")}function kme(e){if(!this.isValid())return e!=null?this:NaN;if(e!=null){var t=fme(e,this.localeData());return this.day(this.day()%7?t:t-7)}else return this.day()||7}function Sme(e){return this._weekdaysParseExact?(Wt(this,"_weekdaysRegex")||bw.call(this),e?this._weekdaysStrictRegex:this._weekdaysRegex):(Wt(this,"_weekdaysRegex")||(this._weekdaysRegex=pme),this._weekdaysStrictRegex&&e?this._weekdaysStrictRegex:this._weekdaysRegex)}function xme(e){return this._weekdaysParseExact?(Wt(this,"_weekdaysRegex")||bw.call(this),e?this._weekdaysShortStrictRegex:this._weekdaysShortRegex):(Wt(this,"_weekdaysShortRegex")||(this._weekdaysShortRegex=mme),this._weekdaysShortStrictRegex&&e?this._weekdaysShortStrictRegex:this._weekdaysShortRegex)}function Cme(e){return this._weekdaysParseExact?(Wt(this,"_weekdaysRegex")||bw.call(this),e?this._weekdaysMinStrictRegex:this._weekdaysMinRegex):(Wt(this,"_weekdaysMinRegex")||(this._weekdaysMinRegex=gme),this._weekdaysMinStrictRegex&&e?this._weekdaysMinStrictRegex:this._weekdaysMinRegex)}function bw(){function e(d,h){return h.length-d.length}var t=[],n=[],r=[],o=[],i,a,s,l,u;for(i=0;i<7;i++)a=gs([2e3,1]).day(i),s=pi(this.weekdaysMin(a,"")),l=pi(this.weekdaysShort(a,"")),u=pi(this.weekdays(a,"")),t.push(s),n.push(l),r.push(u),o.push(s),o.push(l),o.push(u);t.sort(e),n.sort(e),r.sort(e),o.sort(e),this._weekdaysRegex=new RegExp("^("+o.join("|")+")","i"),this._weekdaysShortRegex=this._weekdaysRegex,this._weekdaysMinRegex=this._weekdaysRegex,this._weekdaysStrictRegex=new RegExp("^("+r.join("|")+")","i"),this._weekdaysShortStrictRegex=new RegExp("^("+n.join("|")+")","i"),this._weekdaysMinStrictRegex=new RegExp("^("+t.join("|")+")","i")}function yw(){return this.hours()%12||12}function Ame(){return this.hours()||24}Ke("H",["HH",2],0,"hour");Ke("h",["hh",2],0,yw);Ke("k",["kk",2],0,Ame);Ke("hmm",0,0,function(){return""+yw.apply(this)+fs(this.minutes(),2)});Ke("hmmss",0,0,function(){return""+yw.apply(this)+fs(this.minutes(),2)+fs(this.seconds(),2)});Ke("Hmm",0,0,function(){return""+this.hours()+fs(this.minutes(),2)});Ke("Hmmss",0,0,function(){return""+this.hours()+fs(this.minutes(),2)+fs(this.seconds(),2)});function IP(e,t){Ke(e,0,0,function(){return this.localeData().meridiem(this.hours(),this.minutes(),t)})}IP("a",!0);IP("A",!1);vo("hour","h");bo("hour",13);function BP(e,t){return t._meridiemParse}Me("a",BP);Me("A",BP);Me("H",Fn);Me("h",Fn);Me("k",Fn);Me("HH",Fn,Ti);Me("hh",Fn,Ti);Me("kk",Fn,Ti);Me("hmm",_P);Me("hmmss",TP);Me("Hmm",_P);Me("Hmmss",TP);cn(["H","HH"],Sr);cn(["k","kk"],function(e,t,n){var r=Nt(e);t[Sr]=r===24?0:r});cn(["a","A"],function(e,t,n){n._isPm=n._locale.isPM(e),n._meridiem=e});cn(["h","hh"],function(e,t,n){t[Sr]=Nt(e),yt(n).bigHour=!0});cn("hmm",function(e,t,n){var r=e.length-2;t[Sr]=Nt(e.substr(0,r)),t[_a]=Nt(e.substr(r)),yt(n).bigHour=!0});cn("hmmss",function(e,t,n){var r=e.length-4,o=e.length-2;t[Sr]=Nt(e.substr(0,r)),t[_a]=Nt(e.substr(r,2)),t[tl]=Nt(e.substr(o)),yt(n).bigHour=!0});cn("Hmm",function(e,t,n){var r=e.length-2;t[Sr]=Nt(e.substr(0,r)),t[_a]=Nt(e.substr(r))});cn("Hmmss",function(e,t,n){var r=e.length-4,o=e.length-2;t[Sr]=Nt(e.substr(0,r)),t[_a]=Nt(e.substr(r,2)),t[tl]=Nt(e.substr(o))});function Nme(e){return(e+"").toLowerCase().charAt(0)==="p"}var Fme=/[ap]\.?m?\.?/i,Ime=f1("Hours",!0);function Bme(e,t,n){return e>11?n?"pm":"PM":n?"am":"AM"}var RP={calendar:_pe,longDateFormat:Spe,invalidDate:Cpe,ordinal:Npe,dayOfMonthOrdinalParse:Fpe,relativeTime:Bpe,months:Gpe,monthsShort:wP,week:ime,weekdays:dme,weekdaysMin:hme,weekdaysShort:FP,meridiemParse:Fme},On={},sh={},M0;function Rme(e,t){var n,r=Math.min(e.length,t.length);for(n=0;n<r;n+=1)if(e[n]!==t[n])return n;return r}function w7(e){return e&&e.toLowerCase().replace("_","-")}function Ome(e){for(var t=0,n,r,o,i;t<e.length;){for(i=w7(e[t]).split("-"),n=i.length,r=w7(e[t+1]),r=r?r.split("-"):null;n>0;){if(o=yy(i.slice(0,n).join("-")),o)return o;if(r&&r.length>=n&&Rme(i,r)>=n-1)break;n--}t++}return M0}function Dme(e){return e.match("^[^/\\\\]*$")!=null}function yy(e){var t=null,n;if(On[e]===void 0&&typeof rv<"u"&&rv&&rv.exports&&Dme(e))try{t=M0._abbr,n=require,n("./locale/"+e),Tu(t)}catch{On[e]=null}return On[e]}function Tu(e,t){var n;return e&&(Vo(t)?n=El(e):n=Ew(e,t),n?M0=n:typeof console<"u"&&console.warn&&console.warn("Locale "+e+" not found. Did you forget to load it?")),M0._abbr}function Ew(e,t){if(t!==null){var n,r=RP;if(t.abbr=e,On[e]!=null)mP("defineLocaleOverride","use moment.updateLocale(localeName, config) to change an existing locale. moment.defineLocale(localeName, config) should only be used for creating a new locale See http://momentjs.com/guides/#/warnings/define-locale/ for more info."),r=On[e]._config;else if(t.parentLocale!=null)if(On[t.parentLocale]!=null)r=On[t.parentLocale]._config;else if(n=yy(t.parentLocale),n!=null)r=n._config;else return sh[t.parentLocale]||(sh[t.parentLocale]=[]),sh[t.parentLocale].push({name:e,config:t}),null;return On[e]=new dw(G_(r,t)),sh[e]&&sh[e].forEach(function(o){Ew(o.name,o.config)}),Tu(e),On[e]}else return delete On[e],null}function Pme(e,t){if(t!=null){var n,r,o=RP;On[e]!=null&&On[e].parentLocale!=null?On[e].set(G_(On[e]._config,t)):(r=yy(e),r!=null&&(o=r._config),t=G_(o,t),r==null&&(t.abbr=e),n=new dw(t),n.parentLocale=On[e],On[e]=n),Tu(e)}else On[e]!=null&&(On[e].parentLocale!=null?(On[e]=On[e].parentLocale,e===Tu()&&Tu(e)):On[e]!=null&&delete On[e]);return On[e]}function El(e){var t;if(e&&e._locale&&e._locale._abbr&&(e=e._locale._abbr),!e)return M0;if(!Sa(e)){if(t=yy(e),t)return t;e=[e]}return Ome(e)}function Mme(){return K_(On)}function _w(e){var t,n=e._a;return n&&yt(e).overflow===-2&&(t=n[el]<0||n[el]>11?el:n[Ka]<1||n[Ka]>by(n[ho],n[el])?Ka:n[Sr]<0||n[Sr]>24||n[Sr]===24&&(n[_a]!==0||n[tl]!==0||n[xc]!==0)?Sr:n[_a]<0||n[_a]>59?_a:n[tl]<0||n[tl]>59?tl:n[xc]<0||n[xc]>999?xc:-1,yt(e)._overflowDayOfYear&&(t<ho||t>Ka)&&(t=Ka),yt(e)._overflowWeeks&&t===-1&&(t=qpe),yt(e)._overflowWeekday&&t===-1&&(t=$pe),yt(e).overflow=t),e}var Lme=/^\s*((?:[+-]\d{6}|\d{4})-(?:\d\d-\d\d|W\d\d-\d|W\d\d|\d\d\d|\d\d))(?:(T| )(\d\d(?::\d\d(?::\d\d(?:[.,]\d+)?)?)?)([+-]\d\d(?::?\d\d)?|\s*Z)?)?$/,jme=/^\s*((?:[+-]\d{6}|\d{4})(?:\d\d\d\d|W\d\d\d|W\d\d|\d\d\d|\d\d|))(?:(T| )(\d\d(?:\d\d(?:\d\d(?:[.,]\d+)?)?)?)([+-]\d\d(?::?\d\d)?|\s*Z)?)?$/,zme=/Z|[+-]\d\d(?::?\d\d)?/,Vm=[["YYYYYY-MM-DD",/[+-]\d{6}-\d\d-\d\d/],["YYYY-MM-DD",/\d{4}-\d\d-\d\d/],["GGGG-[W]WW-E",/\d{4}-W\d\d-\d/],["GGGG-[W]WW",/\d{4}-W\d\d/,!1],["YYYY-DDD",/\d{4}-\d{3}/],["YYYY-MM",/\d{4}-\d\d/,!1],["YYYYYYMMDD",/[+-]\d{10}/],["YYYYMMDD",/\d{8}/],["GGGG[W]WWE",/\d{4}W\d{3}/],["GGGG[W]WW",/\d{4}W\d{2}/,!1],["YYYYDDD",/\d{7}/],["YYYYMM",/\d{6}/,!1],["YYYY",/\d{4}/,!1]],R9=[["HH:mm:ss.SSSS",/\d\d:\d\d:\d\d\.\d+/],["HH:mm:ss,SSSS",/\d\d:\d\d:\d\d,\d+/],["HH:mm:ss",/\d\d:\d\d:\d\d/],["HH:mm",/\d\d:\d\d/],["HHmmss.SSSS",/\d\d\d\d\d\d\.\d+/],["HHmmss,SSSS",/\d\d\d\d\d\d,\d+/],["HHmmss",/\d\d\d\d\d\d/],["HHmm",/\d\d\d\d/],["HH",/\d\d/]],Hme=/^\/?Date\((-?\d+)/i,Ume=/^(?:(Mon|Tue|Wed|Thu|Fri|Sat|Sun),?\s)?(\d{1,2})\s(Jan|Feb|Mar|Apr|May|Jun|Jul|Aug|Sep|Oct|Nov|Dec)\s(\d{2,4})\s(\d\d):(\d\d)(?::(\d\d))?\s(?:(UT|GMT|[ECMP][SD]T)|([Zz])|([+-]\d{4}))$/,qme={UT:0,GMT:0,EDT:-4*60,EST:-5*60,CDT:-5*60,CST:-6*60,MDT:-6*60,MST:-7*60,PDT:-7*60,PST:-8*60};function OP(e){var t,n,r=e._i,o=Lme.exec(r)||jme.exec(r),i,a,s,l,u=Vm.length,d=R9.length;if(o){for(yt(e).iso=!0,t=0,n=u;t<n;t++)if(Vm[t][1].exec(o[1])){a=Vm[t][0],i=Vm[t][2]!==!1;break}if(a==null){e._isValid=!1;return}if(o[3]){for(t=0,n=d;t<n;t++)if(R9[t][1].exec(o[3])){s=(o[2]||" ")+R9[t][0];break}if(s==null){e._isValid=!1;return}}if(!i&&s!=null){e._isValid=!1;return}if(o[4])if(zme.exec(o[4]))l="Z";else{e._isValid=!1;return}e._f=a+(s||"")+(l||""),ww(e)}else e._isValid=!1}function $me(e,t,n,r,o,i){var a=[Wme(e),wP.indexOf(t),parseInt(n,10),parseInt(r,10),parseInt(o,10)];return i&&a.push(parseInt(i,10)),a}function Wme(e){var t=parseInt(e,10);return t<=49?2e3+t:t<=999?1900+t:t}function Gme(e){return e.replace(/\([^()]*\)|[\n\t]/g," ").replace(/(\s\s+)/g," ").replace(/^\s\s*/,"").replace(/\s\s*$/,"")}function Kme(e,t,n){if(e){var r=FP.indexOf(e),o=new Date(t[0],t[1],t[2]).getDay();if(r!==o)return yt(n).weekdayMismatch=!0,n._isValid=!1,!1}return!0}function Vme(e,t,n){if(e)return qme[e];if(t)return 0;var r=parseInt(n,10),o=r%100,i=(r-o)/100;return i*60+o}function DP(e){var t=Ume.exec(Gme(e._i)),n;if(t){if(n=$me(t[4],t[3],t[2],t[5],t[6],t[7]),!Kme(t[1],n,e))return;e._a=n,e._tzm=Vme(t[8],t[9],t[10]),e._d=D0.apply(null,e._a),e._d.setUTCMinutes(e._d.getUTCMinutes()-e._tzm),yt(e).rfc2822=!0}else e._isValid=!1}function Yme(e){var t=Hme.exec(e._i);if(t!==null){e._d=new Date(+t[1]);return}if(OP(e),e._isValid===!1)delete e._isValid;else return;if(DP(e),e._isValid===!1)delete e._isValid;else return;e._strict?e._isValid=!1:De.createFromInputFallback(e)}De.createFromInputFallback=ta("value provided is not in a recognized RFC2822 or ISO format. moment construction falls back to js Date(), which is not reliable across all browsers and versions. Non RFC2822/ISO date formats are discouraged. Please refer to http://momentjs.com/guides/#/warnings/js-date/ for more info.",function(e){e._d=new Date(e._i+(e._useUTC?" UTC":""))});function Kf(e,t,n){return e??t??n}function Qme(e){var t=new Date(De.now());return e._useUTC?[t.getUTCFullYear(),t.getUTCMonth(),t.getUTCDate()]:[t.getFullYear(),t.getMonth(),t.getDate()]}function Tw(e){var t,n,r=[],o,i,a;if(!e._d){for(o=Qme(e),e._w&&e._a[Ka]==null&&e._a[el]==null&&Xme(e),e._dayOfYear!=null&&(a=Kf(e._a[ho],o[ho]),(e._dayOfYear>Kh(a)||e._dayOfYear===0)&&(yt(e)._overflowDayOfYear=!0),n=D0(a,0,e._dayOfYear),e._a[el]=n.getUTCMonth(),e._a[Ka]=n.getUTCDate()),t=0;t<3&&e._a[t]==null;++t)e._a[t]=r[t]=o[t];for(;t<7;t++)e._a[t]=r[t]=e._a[t]==null?t===2?1:0:e._a[t];e._a[Sr]===24&&e._a[_a]===0&&e._a[tl]===0&&e._a[xc]===0&&(e._nextDay=!0,e._a[Sr]=0),e._d=(e._useUTC?D0:rme).apply(null,r),i=e._useUTC?e._d.getUTCDay():e._d.getDay(),e._tzm!=null&&e._d.setUTCMinutes(e._d.getUTCMinutes()-e._tzm),e._nextDay&&(e._a[Sr]=24),e._w&&typeof e._w.d<"u"&&e._w.d!==i&&(yt(e).weekdayMismatch=!0)}}function Xme(e){var t,n,r,o,i,a,s,l,u;t=e._w,t.GG!=null||t.W!=null||t.E!=null?(i=1,a=4,n=Kf(t.GG,e._a[ho],P0(Nn(),1,4).year),r=Kf(t.W,1),o=Kf(t.E,1),(o<1||o>7)&&(l=!0)):(i=e._locale._week.dow,a=e._locale._week.doy,u=P0(Nn(),i,a),n=Kf(t.gg,e._a[ho],u.year),r=Kf(t.w,u.week),t.d!=null?(o=t.d,(o<0||o>6)&&(l=!0)):t.e!=null?(o=t.e+i,(t.e<0||t.e>6)&&(l=!0)):o=i),r<1||r>ol(n,i,a)?yt(e)._overflowWeeks=!0:l!=null?yt(e)._overflowWeekday=!0:(s=NP(n,r,o,i,a),e._a[ho]=s.year,e._dayOfYear=s.dayOfYear)}De.ISO_8601=function(){};De.RFC_2822=function(){};function ww(e){if(e._f===De.ISO_8601){OP(e);return}if(e._f===De.RFC_2822){DP(e);return}e._a=[],yt(e).empty=!0;var t=""+e._i,n,r,o,i,a,s=t.length,l=0,u,d;for(o=gP(e._f,e._locale).match(hw)||[],d=o.length,n=0;n<d;n++)i=o[n],r=(t.match(zpe(i,e))||[])[0],r&&(a=t.substr(0,t.indexOf(r)),a.length>0&&yt(e).unusedInput.push(a),t=t.slice(t.indexOf(r)+r.length),l+=r.length),Nd[i]?(r?yt(e).empty=!1:yt(e).unusedTokens.push(i),Upe(i,r,e)):e._strict&&!r&&yt(e).unusedTokens.push(i);yt(e).charsLeftOver=s-l,t.length>0&&yt(e).unusedInput.push(t),e._a[Sr]<=12&&yt(e).bigHour===!0&&e._a[Sr]>0&&(yt(e).bigHour=void 0),yt(e).parsedDateParts=e._a.slice(0),yt(e).meridiem=e._meridiem,e._a[Sr]=Zme(e._locale,e._a[Sr],e._meridiem),u=yt(e).era,u!==null&&(e._a[ho]=e._locale.erasConvertYear(u,e._a[ho])),Tw(e),_w(e)}function Zme(e,t,n){var r;return n==null?t:e.meridiemHour!=null?e.meridiemHour(t,n):(e.isPM!=null&&(r=e.isPM(n),r&&t<12&&(t+=12),!r&&t===12&&(t=0)),t)}function Jme(e){var t,n,r,o,i,a,s=!1,l=e._f.length;if(l===0){yt(e).invalidFormat=!0,e._d=new Date(NaN);return}for(o=0;o<l;o++)i=0,a=!1,t=fw({},e),e._useUTC!=null&&(t._useUTC=e._useUTC),t._f=e._f[o],ww(t),cw(t)&&(a=!0),i+=yt(t).charsLeftOver,i+=yt(t).unusedTokens.length*10,yt(t).score=i,s?i<r&&(r=i,n=t):(r==null||i<r||a)&&(r=i,n=t,a&&(s=!0));au(e,n||t)}function ege(e){if(!e._d){var t=pw(e._i),n=t.day===void 0?t.date:t.day;e._a=hP([t.year,t.month,n,t.hour,t.minute,t.second,t.millisecond],function(r){return r&&parseInt(r,10)}),Tw(e)}}function tge(e){var t=new hp(_w(PP(e)));return t._nextDay&&(t.add(1,"d"),t._nextDay=void 0),t}function PP(e){var t=e._i,n=e._f;return e._locale=e._locale||El(e._l),t===null||n===void 0&&t===""?fy({nullInput:!0}):(typeof t=="string"&&(e._i=t=e._locale.preparse(t)),xa(t)?new hp(_w(t)):(dp(t)?e._d=t:Sa(n)?Jme(e):n?ww(e):nge(e),cw(e)||(e._d=null),e))}function nge(e){var t=e._i;Vo(t)?e._d=new Date(De.now()):dp(t)?e._d=new Date(t.valueOf()):typeof t=="string"?Yme(e):Sa(t)?(e._a=hP(t.slice(0),function(n){return parseInt(n,10)}),Tw(e)):Bc(t)?ege(e):fl(t)?e._d=new Date(t):De.createFromInputFallback(e)}function MP(e,t,n,r,o){var i={};return(t===!0||t===!1)&&(r=t,t=void 0),(n===!0||n===!1)&&(r=n,n=void 0),(Bc(e)&&uw(e)||Sa(e)&&e.length===0)&&(e=void 0),i._isAMomentObject=!0,i._useUTC=i._isUTC=o,i._l=n,i._i=e,i._f=t,i._strict=r,tge(i)}function Nn(e,t,n,r){return MP(e,t,n,r,!1)}var rge=ta("moment().min is deprecated, use moment.max instead. http://momentjs.com/guides/#/warnings/min-max/",function(){var e=Nn.apply(null,arguments);return this.isValid()&&e.isValid()?e<this?this:e:fy()}),oge=ta("moment().max is deprecated, use moment.min instead. http://momentjs.com/guides/#/warnings/min-max/",function(){var e=Nn.apply(null,arguments);return this.isValid()&&e.isValid()?e>this?this:e:fy()});function LP(e,t){var n,r;if(t.length===1&&Sa(t[0])&&(t=t[0]),!t.length)return Nn();for(n=t[0],r=1;r<t.length;++r)(!t[r].isValid()||t[r][e](n))&&(n=t[r]);return n}function ige(){var e=[].slice.call(arguments,0);return LP("isBefore",e)}function age(){var e=[].slice.call(arguments,0);return LP("isAfter",e)}var sge=function(){return Date.now?Date.now():+new Date},lh=["year","quarter","month","week","day","hour","minute","second","millisecond"];function lge(e){var t,n=!1,r,o=lh.length;for(t in e)if(Wt(e,t)&&!(sr.call(lh,t)!==-1&&(e[t]==null||!isNaN(e[t]))))return!1;for(r=0;r<o;++r)if(e[lh[r]]){if(n)return!1;parseFloat(e[lh[r]])!==Nt(e[lh[r]])&&(n=!0)}return!0}function uge(){return this._isValid}function cge(){return Ca(NaN)}function Ey(e){var t=pw(e),n=t.year||0,r=t.quarter||0,o=t.month||0,i=t.week||t.isoWeek||0,a=t.day||0,s=t.hour||0,l=t.minute||0,u=t.second||0,d=t.millisecond||0;this._isValid=lge(t),this._milliseconds=+d+u*1e3+l*6e4+s*1e3*60*60,this._days=+a+i*7,this._months=+o+r*3+n*12,this._data={},this._locale=El(),this._bubble()}function Gg(e){return e instanceof Ey}function Y_(e){return e<0?Math.round(-1*e)*-1:Math.round(e)}function fge(e,t,n){var r=Math.min(e.length,t.length),o=Math.abs(e.length-t.length),i=0,a;for(a=0;a<r;a++)(n&&e[a]!==t[a]||!n&&Nt(e[a])!==Nt(t[a]))&&i++;return i+o}function jP(e,t){Ke(e,0,0,function(){var n=this.utcOffset(),r="+";return n<0&&(n=-n,r="-"),r+fs(~~(n/60),2)+t+fs(~~n%60,2)})}jP("Z",":");jP("ZZ","");Me("Z",vy);Me("ZZ",vy);cn(["Z","ZZ"],function(e,t,n){n._useUTC=!0,n._tzm=kw(vy,e)});var dge=/([\+\-]|\d\d)/gi;function kw(e,t){var n=(t||"").match(e),r,o,i;return n===null?null:(r=n[n.length-1]||[],o=(r+"").match(dge)||["-",0,0],i=+(o[1]*60)+Nt(o[2]),i===0?0:o[0]==="+"?i:-i)}function Sw(e,t){var n,r;return t._isUTC?(n=t.clone(),r=(xa(e)||dp(e)?e.valueOf():Nn(e).valueOf())-n.valueOf(),n._d.setTime(n._d.valueOf()+r),De.updateOffset(n,!1),n):Nn(e).local()}function Q_(e){return-Math.round(e._d.getTimezoneOffset())}De.updateOffset=function(){};function hge(e,t,n){var r=this._offset||0,o;if(!this.isValid())return e!=null?this:NaN;if(e!=null){if(typeof e=="string"){if(e=kw(vy,e),e===null)return this}else Math.abs(e)<16&&!n&&(e=e*60);return!this._isUTC&&t&&(o=Q_(this)),this._offset=e,this._isUTC=!0,o!=null&&this.add(o,"m"),r!==e&&(!t||this._changeInProgress?UP(this,Ca(e-r,"m"),1,!1):this._changeInProgress||(this._changeInProgress=!0,De.updateOffset(this,!0),this._changeInProgress=null)),this}else return this._isUTC?r:Q_(this)}function pge(e,t){return e!=null?(typeof e!="string"&&(e=-e),this.utcOffset(e,t),this):-this.utcOffset()}function mge(e){return this.utcOffset(0,e)}function gge(e){return this._isUTC&&(this.utcOffset(0,e),this._isUTC=!1,e&&this.subtract(Q_(this),"m")),this}function vge(){if(this._tzm!=null)this.utcOffset(this._tzm,!1,!0);else if(typeof this._i=="string"){var e=kw(Lpe,this._i);e!=null?this.utcOffset(e):this.utcOffset(0,!0)}return this}function bge(e){return this.isValid()?(e=e?Nn(e).utcOffset():0,(this.utcOffset()-e)%60===0):!1}function yge(){return this.utcOffset()>this.clone().month(0).utcOffset()||this.utcOffset()>this.clone().month(5).utcOffset()}function Ege(){if(!Vo(this._isDSTShifted))return this._isDSTShifted;var e={},t;return fw(e,this),e=PP(e),e._a?(t=e._isUTC?gs(e._a):Nn(e._a),this._isDSTShifted=this.isValid()&&fge(e._a,t.toArray())>0):this._isDSTShifted=!1,this._isDSTShifted}function _ge(){return this.isValid()?!this._isUTC:!1}function Tge(){return this.isValid()?this._isUTC:!1}function zP(){return this.isValid()?this._isUTC&&this._offset===0:!1}var wge=/^(-|\+)?(?:(\d*)[. ])?(\d+):(\d+)(?::(\d+)(\.\d*)?)?$/,kge=/^(-|\+)?P(?:([-+]?[0-9,.]*)Y)?(?:([-+]?[0-9,.]*)M)?(?:([-+]?[0-9,.]*)W)?(?:([-+]?[0-9,.]*)D)?(?:T(?:([-+]?[0-9,.]*)H)?(?:([-+]?[0-9,.]*)M)?(?:([-+]?[0-9,.]*)S)?)?$/;function Ca(e,t){var n=e,r=null,o,i,a;return Gg(e)?n={ms:e._milliseconds,d:e._days,M:e._months}:fl(e)||!isNaN(+e)?(n={},t?n[t]=+e:n.milliseconds=+e):(r=wge.exec(e))?(o=r[1]==="-"?-1:1,n={y:0,d:Nt(r[Ka])*o,h:Nt(r[Sr])*o,m:Nt(r[_a])*o,s:Nt(r[tl])*o,ms:Nt(Y_(r[xc]*1e3))*o}):(r=kge.exec(e))?(o=r[1]==="-"?-1:1,n={y:ic(r[2],o),M:ic(r[3],o),w:ic(r[4],o),d:ic(r[5],o),h:ic(r[6],o),m:ic(r[7],o),s:ic(r[8],o)}):n==null?n={}:typeof n=="object"&&("from"in n||"to"in n)&&(a=Sge(Nn(n.from),Nn(n.to)),n={},n.ms=a.milliseconds,n.M=a.months),i=new Ey(n),Gg(e)&&Wt(e,"_locale")&&(i._locale=e._locale),Gg(e)&&Wt(e,"_isValid")&&(i._isValid=e._isValid),i}Ca.fn=Ey.prototype;Ca.invalid=cge;function ic(e,t){var n=e&&parseFloat(e.replace(",","."));return(isNaN(n)?0:n)*t}function k7(e,t){var n={};return n.months=t.month()-e.month()+(t.year()-e.year())*12,e.clone().add(n.months,"M").isAfter(t)&&--n.months,n.milliseconds=+t-+e.clone().add(n.months,"M"),n}function Sge(e,t){var n;return e.isValid()&&t.isValid()?(t=Sw(t,e),e.isBefore(t)?n=k7(e,t):(n=k7(t,e),n.milliseconds=-n.milliseconds,n.months=-n.months),n):{milliseconds:0,months:0}}function HP(e,t){return function(n,r){var o,i;return r!==null&&!isNaN(+r)&&(mP(t,"moment()."+t+"(period, number) is deprecated. Please use moment()."+t+"(number, period). See http://momentjs.com/guides/#/warnings/add-inverted-param/ for more info."),i=n,n=r,r=i),o=Ca(n,r),UP(this,o,e),this}}function UP(e,t,n,r){var o=t._milliseconds,i=Y_(t._days),a=Y_(t._months);e.isValid()&&(r=r??!0,a&&SP(e,sb(e,"Month")+a*n),i&&bP(e,"Date",sb(e,"Date")+i*n),o&&e._d.setTime(e._d.valueOf()+o*n),r&&De.updateOffset(e,i||a))}var xge=HP(1,"add"),Cge=HP(-1,"subtract");function qP(e){return typeof e=="string"||e instanceof String}function Age(e){return xa(e)||dp(e)||qP(e)||fl(e)||Fge(e)||Nge(e)||e===null||e===void 0}function Nge(e){var t=Bc(e)&&!uw(e),n=!1,r=["years","year","y","months","month","M","days","day","d","dates","date","D","hours","hour","h","minutes","minute","m","seconds","second","s","milliseconds","millisecond","ms"],o,i,a=r.length;for(o=0;o<a;o+=1)i=r[o],n=n||Wt(e,i);return t&&n}function Fge(e){var t=Sa(e),n=!1;return t&&(n=e.filter(function(r){return!fl(r)&&qP(e)}).length===0),t&&n}function Ige(e){var t=Bc(e)&&!uw(e),n=!1,r=["sameDay","nextDay","lastDay","nextWeek","lastWeek","sameElse"],o,i;for(o=0;o<r.length;o+=1)i=r[o],n=n||Wt(e,i);return t&&n}function Bge(e,t){var n=e.diff(t,"days",!0);return n<-6?"sameElse":n<-1?"lastWeek":n<0?"lastDay":n<1?"sameDay":n<2?"nextDay":n<7?"nextWeek":"sameElse"}function Rge(e,t){arguments.length===1&&(arguments[0]?Age(arguments[0])?(e=arguments[0],t=void 0):Ige(arguments[0])&&(t=arguments[0],e=void 0):(e=void 0,t=void 0));var n=e||Nn(),r=Sw(n,this).startOf("day"),o=De.calendarFormat(this,r)||"sameElse",i=t&&(vs(t[o])?t[o].call(this,n):t[o]);return this.format(i||this.localeData().calendar(o,this,Nn(n)))}function Oge(){return new hp(this)}function Dge(e,t){var n=xa(e)?e:Nn(e);return this.isValid()&&n.isValid()?(t=na(t)||"millisecond",t==="millisecond"?this.valueOf()>n.valueOf():n.valueOf()<this.clone().startOf(t).valueOf()):!1}function Pge(e,t){var n=xa(e)?e:Nn(e);return this.isValid()&&n.isValid()?(t=na(t)||"millisecond",t==="millisecond"?this.valueOf()<n.valueOf():this.clone().endOf(t).valueOf()<n.valueOf()):!1}function Mge(e,t,n,r){var o=xa(e)?e:Nn(e),i=xa(t)?t:Nn(t);return this.isValid()&&o.isValid()&&i.isValid()?(r=r||"()",(r[0]==="("?this.isAfter(o,n):!this.isBefore(o,n))&&(r[1]===")"?this.isBefore(i,n):!this.isAfter(i,n))):!1}function Lge(e,t){var n=xa(e)?e:Nn(e),r;return this.isValid()&&n.isValid()?(t=na(t)||"millisecond",t==="millisecond"?this.valueOf()===n.valueOf():(r=n.valueOf(),this.clone().startOf(t).valueOf()<=r&&r<=this.clone().endOf(t).valueOf())):!1}function jge(e,t){return this.isSame(e,t)||this.isAfter(e,t)}function zge(e,t){return this.isSame(e,t)||this.isBefore(e,t)}function Hge(e,t,n){var r,o,i;if(!this.isValid())return NaN;if(r=Sw(e,this),!r.isValid())return NaN;switch(o=(r.utcOffset()-this.utcOffset())*6e4,t=na(t),t){case"year":i=Kg(this,r)/12;break;case"month":i=Kg(this,r);break;case"quarter":i=Kg(this,r)/3;break;case"second":i=(this-r)/1e3;break;case"minute":i=(this-r)/6e4;break;case"hour":i=(this-r)/36e5;break;case"day":i=(this-r-o)/864e5;break;case"week":i=(this-r-o)/6048e5;break;default:i=this-r}return n?i:ji(i)}function Kg(e,t){if(e.date()<t.date())return-Kg(t,e);var n=(t.year()-e.year())*12+(t.month()-e.month()),r=e.clone().add(n,"months"),o,i;return t-r<0?(o=e.clone().add(n-1,"months"),i=(t-r)/(r-o)):(o=e.clone().add(n+1,"months"),i=(t-r)/(o-r)),-(n+i)||0}De.defaultFormat="YYYY-MM-DDTHH:mm:ssZ";De.defaultFormatUtc="YYYY-MM-DDTHH:mm:ss[Z]";function Uge(){return this.clone().locale("en").format("ddd MMM DD YYYY HH:mm:ss [GMT]ZZ")}function qge(e){if(!this.isValid())return null;var t=e!==!0,n=t?this.clone().utc():this;return n.year()<0||n.year()>9999?Wg(n,t?"YYYYYY-MM-DD[T]HH:mm:ss.SSS[Z]":"YYYYYY-MM-DD[T]HH:mm:ss.SSSZ"):vs(Date.prototype.toISOString)?t?this.toDate().toISOString():new Date(this.valueOf()+this.utcOffset()*60*1e3).toISOString().replace("Z",Wg(n,"Z")):Wg(n,t?"YYYY-MM-DD[T]HH:mm:ss.SSS[Z]":"YYYY-MM-DD[T]HH:mm:ss.SSSZ")}function $ge(){if(!this.isValid())return"moment.invalid(/* "+this._i+" */)";var e="moment",t="",n,r,o,i;return this.isLocal()||(e=this.utcOffset()===0?"moment.utc":"moment.parseZone",t="Z"),n="["+e+'("]',r=0<=this.year()&&this.year()<=9999?"YYYY":"YYYYYY",o="-MM-DD[T]HH:mm:ss.SSS",i=t+'[")]',this.format(n+r+o+i)}function Wge(e){e||(e=this.isUtc()?De.defaultFormatUtc:De.defaultFormat);var t=Wg(this,e);return this.localeData().postformat(t)}function Gge(e,t){return this.isValid()&&(xa(e)&&e.isValid()||Nn(e).isValid())?Ca({to:this,from:e}).locale(this.locale()).humanize(!t):this.localeData().invalidDate()}function Kge(e){return this.from(Nn(),e)}function Vge(e,t){return this.isValid()&&(xa(e)&&e.isValid()||Nn(e).isValid())?Ca({from:this,to:e}).locale(this.locale()).humanize(!t):this.localeData().invalidDate()}function Yge(e){return this.to(Nn(),e)}function $P(e){var t;return e===void 0?this._locale._abbr:(t=El(e),t!=null&&(this._locale=t),this)}var WP=ta("moment().lang() is deprecated. Instead, use moment().localeData() to get the language configuration. Use moment().locale() to change languages.",function(e){return e===void 0?this.localeData():this.locale(e)});function GP(){return this._locale}var cb=1e3,Fd=60*cb,fb=60*Fd,KP=(365*400+97)*24*fb;function Id(e,t){return(e%t+t)%t}function VP(e,t,n){return e<100&&e>=0?new Date(e+400,t,n)-KP:new Date(e,t,n).valueOf()}function YP(e,t,n){return e<100&&e>=0?Date.UTC(e+400,t,n)-KP:Date.UTC(e,t,n)}function Qge(e){var t,n;if(e=na(e),e===void 0||e==="millisecond"||!this.isValid())return this;switch(n=this._isUTC?YP:VP,e){case"year":t=n(this.year(),0,1);break;case"quarter":t=n(this.year(),this.month()-this.month()%3,1);break;case"month":t=n(this.year(),this.month(),1);break;case"week":t=n(this.year(),this.month(),this.date()-this.weekday());break;case"isoWeek":t=n(this.year(),this.month(),this.date()-(this.isoWeekday()-1));break;case"day":case"date":t=n(this.year(),this.month(),this.date());break;case"hour":t=this._d.valueOf(),t-=Id(t+(this._isUTC?0:this.utcOffset()*Fd),fb);break;case"minute":t=this._d.valueOf(),t-=Id(t,Fd);break;case"second":t=this._d.valueOf(),t-=Id(t,cb);break}return this._d.setTime(t),De.updateOffset(this,!0),this}function Xge(e){var t,n;if(e=na(e),e===void 0||e==="millisecond"||!this.isValid())return this;switch(n=this._isUTC?YP:VP,e){case"year":t=n(this.year()+1,0,1)-1;break;case"quarter":t=n(this.year(),this.month()-this.month()%3+3,1)-1;break;case"month":t=n(this.year(),this.month()+1,1)-1;break;case"week":t=n(this.year(),this.month(),this.date()-this.weekday()+7)-1;break;case"isoWeek":t=n(this.year(),this.month(),this.date()-(this.isoWeekday()-1)+7)-1;break;case"day":case"date":t=n(this.year(),this.month(),this.date()+1)-1;break;case"hour":t=this._d.valueOf(),t+=fb-Id(t+(this._isUTC?0:this.utcOffset()*Fd),fb)-1;break;case"minute":t=this._d.valueOf(),t+=Fd-Id(t,Fd)-1;break;case"second":t=this._d.valueOf(),t+=cb-Id(t,cb)-1;break}return this._d.setTime(t),De.updateOffset(this,!0),this}function Zge(){return this._d.valueOf()-(this._offset||0)*6e4}function Jge(){return Math.floor(this.valueOf()/1e3)}function eve(){return new Date(this.valueOf())}function tve(){var e=this;return[e.year(),e.month(),e.date(),e.hour(),e.minute(),e.second(),e.millisecond()]}function nve(){var e=this;return{years:e.year(),months:e.month(),date:e.date(),hours:e.hours(),minutes:e.minutes(),seconds:e.seconds(),milliseconds:e.milliseconds()}}function rve(){return this.isValid()?this.toISOString():null}function ove(){return cw(this)}function ive(){return au({},yt(this))}function ave(){return yt(this).overflow}function sve(){return{input:this._i,format:this._f,locale:this._locale,isUTC:this._isUTC,strict:this._strict}}Ke("N",0,0,"eraAbbr");Ke("NN",0,0,"eraAbbr");Ke("NNN",0,0,"eraAbbr");Ke("NNNN",0,0,"eraName");Ke("NNNNN",0,0,"eraNarrow");Ke("y",["y",1],"yo","eraYear");Ke("y",["yy",2],0,"eraYear");Ke("y",["yyy",3],0,"eraYear");Ke("y",["yyyy",4],0,"eraYear");Me("N",xw);Me("NN",xw);Me("NNN",xw);Me("NNNN",bve);Me("NNNNN",yve);cn(["N","NN","NNN","NNNN","NNNNN"],function(e,t,n,r){var o=n._locale.erasParse(e,r,n._strict);o?yt(n).era=o:yt(n).invalidEra=e});Me("y",d1);Me("yy",d1);Me("yyy",d1);Me("yyyy",d1);Me("yo",Eve);cn(["y","yy","yyy","yyyy"],ho);cn(["yo"],function(e,t,n,r){var o;n._locale._eraYearOrdinalRegex&&(o=e.match(n._locale._eraYearOrdinalRegex)),n._locale.eraYearOrdinalParse?t[ho]=n._locale.eraYearOrdinalParse(e,o):t[ho]=parseInt(e,10)});function lve(e,t){var n,r,o,i=this._eras||El("en")._eras;for(n=0,r=i.length;n<r;++n){switch(typeof i[n].since){case"string":o=De(i[n].since).startOf("day"),i[n].since=o.valueOf();break}switch(typeof i[n].until){case"undefined":i[n].until=1/0;break;case"string":o=De(i[n].until).startOf("day").valueOf(),i[n].until=o.valueOf();break}}return i}function uve(e,t,n){var r,o,i=this.eras(),a,s,l;for(e=e.toUpperCase(),r=0,o=i.length;r<o;++r)if(a=i[r].name.toUpperCase(),s=i[r].abbr.toUpperCase(),l=i[r].narrow.toUpperCase(),n)switch(t){case"N":case"NN":case"NNN":if(s===e)return i[r];break;case"NNNN":if(a===e)return i[r];break;case"NNNNN":if(l===e)return i[r];break}else if([a,s,l].indexOf(e)>=0)return i[r]}function cve(e,t){var n=e.since<=e.until?1:-1;return t===void 0?De(e.since).year():De(e.since).year()+(t-e.offset)*n}function fve(){var e,t,n,r=this.localeData().eras();for(e=0,t=r.length;e<t;++e)if(n=this.clone().startOf("day").valueOf(),r[e].since<=n&&n<=r[e].until||r[e].until<=n&&n<=r[e].since)return r[e].name;return""}function dve(){var e,t,n,r=this.localeData().eras();for(e=0,t=r.length;e<t;++e)if(n=this.clone().startOf("day").valueOf(),r[e].since<=n&&n<=r[e].until||r[e].until<=n&&n<=r[e].since)return r[e].narrow;return""}function hve(){var e,t,n,r=this.localeData().eras();for(e=0,t=r.length;e<t;++e)if(n=this.clone().startOf("day").valueOf(),r[e].since<=n&&n<=r[e].until||r[e].until<=n&&n<=r[e].since)return r[e].abbr;return""}function pve(){var e,t,n,r,o=this.localeData().eras();for(e=0,t=o.length;e<t;++e)if(n=o[e].since<=o[e].until?1:-1,r=this.clone().startOf("day").valueOf(),o[e].since<=r&&r<=o[e].until||o[e].until<=r&&r<=o[e].since)return(this.year()-De(o[e].since).year())*n+o[e].offset;return this.year()}function mve(e){return Wt(this,"_erasNameRegex")||Cw.call(this),e?this._erasNameRegex:this._erasRegex}function gve(e){return Wt(this,"_erasAbbrRegex")||Cw.call(this),e?this._erasAbbrRegex:this._erasRegex}function vve(e){return Wt(this,"_erasNarrowRegex")||Cw.call(this),e?this._erasNarrowRegex:this._erasRegex}function xw(e,t){return t.erasAbbrRegex(e)}function bve(e,t){return t.erasNameRegex(e)}function yve(e,t){return t.erasNarrowRegex(e)}function Eve(e,t){return t._eraYearOrdinalRegex||d1}function Cw(){var e=[],t=[],n=[],r=[],o,i,a=this.eras();for(o=0,i=a.length;o<i;++o)t.push(pi(a[o].name)),e.push(pi(a[o].abbr)),n.push(pi(a[o].narrow)),r.push(pi(a[o].name)),r.push(pi(a[o].abbr)),r.push(pi(a[o].narrow));this._erasRegex=new RegExp("^("+r.join("|")+")","i"),this._erasNameRegex=new RegExp("^("+t.join("|")+")","i"),this._erasAbbrRegex=new RegExp("^("+e.join("|")+")","i"),this._erasNarrowRegex=new RegExp("^("+n.join("|")+")","i")}Ke(0,["gg",2],0,function(){return this.weekYear()%100});Ke(0,["GG",2],0,function(){return this.isoWeekYear()%100});function _y(e,t){Ke(0,[e,e.length],0,t)}_y("gggg","weekYear");_y("ggggg","weekYear");_y("GGGG","isoWeekYear");_y("GGGGG","isoWeekYear");vo("weekYear","gg");vo("isoWeekYear","GG");bo("weekYear",1);bo("isoWeekYear",1);Me("G",gy);Me("g",gy);Me("GG",Fn,Ti);Me("gg",Fn,Ti);Me("GGGG",gw,mw);Me("gggg",gw,mw);Me("GGGGG",my,hy);Me("ggggg",my,hy);mp(["gggg","ggggg","GGGG","GGGGG"],function(e,t,n,r){t[r.substr(0,2)]=Nt(e)});mp(["gg","GG"],function(e,t,n,r){t[r]=De.parseTwoDigitYear(e)});function _ve(e){return QP.call(this,e,this.week(),this.weekday(),this.localeData()._week.dow,this.localeData()._week.doy)}function Tve(e){return QP.call(this,e,this.isoWeek(),this.isoWeekday(),1,4)}function wve(){return ol(this.year(),1,4)}function kve(){return ol(this.isoWeekYear(),1,4)}function Sve(){var e=this.localeData()._week;return ol(this.year(),e.dow,e.doy)}function xve(){var e=this.localeData()._week;return ol(this.weekYear(),e.dow,e.doy)}function QP(e,t,n,r,o){var i;return e==null?P0(this,r,o).year:(i=ol(e,r,o),t>i&&(t=i),Cve.call(this,e,t,n,r,o))}function Cve(e,t,n,r,o){var i=NP(e,t,n,r,o),a=D0(i.year,0,i.dayOfYear);return this.year(a.getUTCFullYear()),this.month(a.getUTCMonth()),this.date(a.getUTCDate()),this}Ke("Q",0,"Qo","quarter");vo("quarter","Q");bo("quarter",7);Me("Q",yP);cn("Q",function(e,t){t[el]=(Nt(e)-1)*3});function Ave(e){return e==null?Math.ceil((this.month()+1)/3):this.month((e-1)*3+this.month()%3)}Ke("D",["DD",2],"Do","date");vo("date","D");bo("date",9);Me("D",Fn);Me("DD",Fn,Ti);Me("Do",function(e,t){return e?t._dayOfMonthOrdinalParse||t._ordinalParse:t._dayOfMonthOrdinalParseLenient});cn(["D","DD"],Ka);cn("Do",function(e,t){t[Ka]=Nt(e.match(Fn)[0])});var XP=f1("Date",!0);Ke("DDD",["DDDD",3],"DDDo","dayOfYear");vo("dayOfYear","DDD");bo("dayOfYear",4);Me("DDD",py);Me("DDDD",EP);cn(["DDD","DDDD"],function(e,t,n){n._dayOfYear=Nt(e)});function Nve(e){var t=Math.round((this.clone().startOf("day")-this.clone().startOf("year"))/864e5)+1;return e==null?t:this.add(e-t,"d")}Ke("m",["mm",2],0,"minute");vo("minute","m");bo("minute",14);Me("m",Fn);Me("mm",Fn,Ti);cn(["m","mm"],_a);var Fve=f1("Minutes",!1);Ke("s",["ss",2],0,"second");vo("second","s");bo("second",15);Me("s",Fn);Me("ss",Fn,Ti);cn(["s","ss"],tl);var Ive=f1("Seconds",!1);Ke("S",0,0,function(){return~~(this.millisecond()/100)});Ke(0,["SS",2],0,function(){return~~(this.millisecond()/10)});Ke(0,["SSS",3],0,"millisecond");Ke(0,["SSSS",4],0,function(){return this.millisecond()*10});Ke(0,["SSSSS",5],0,function(){return this.millisecond()*100});Ke(0,["SSSSSS",6],0,function(){return this.millisecond()*1e3});Ke(0,["SSSSSSS",7],0,function(){return this.millisecond()*1e4});Ke(0,["SSSSSSSS",8],0,function(){return this.millisecond()*1e5});Ke(0,["SSSSSSSSS",9],0,function(){return this.millisecond()*1e6});vo("millisecond","ms");bo("millisecond",16);Me("S",py,yP);Me("SS",py,Ti);Me("SSS",py,EP);var su,ZP;for(su="SSSS";su.length<=9;su+="S")Me(su,d1);function Bve(e,t){t[xc]=Nt(("0."+e)*1e3)}for(su="S";su.length<=9;su+="S")cn(su,Bve);ZP=f1("Milliseconds",!1);Ke("z",0,0,"zoneAbbr");Ke("zz",0,0,"zoneName");function Rve(){return this._isUTC?"UTC":""}function Ove(){return this._isUTC?"Coordinated Universal Time":""}var xe=hp.prototype;xe.add=xge;xe.calendar=Rge;xe.clone=Oge;xe.diff=Hge;xe.endOf=Xge;xe.format=Wge;xe.from=Gge;xe.fromNow=Kge;xe.to=Vge;xe.toNow=Yge;xe.get=Ppe;xe.invalidAt=ave;xe.isAfter=Dge;xe.isBefore=Pge;xe.isBetween=Mge;xe.isSame=Lge;xe.isSameOrAfter=jge;xe.isSameOrBefore=zge;xe.isValid=ove;xe.lang=WP;xe.locale=$P;xe.localeData=GP;xe.max=oge;xe.min=rge;xe.parsingFlags=ive;xe.set=Mpe;xe.startOf=Qge;xe.subtract=Cge;xe.toArray=tve;xe.toObject=nve;xe.toDate=eve;xe.toISOString=qge;xe.inspect=$ge;typeof Symbol<"u"&&Symbol.for!=null&&(xe[Symbol.for("nodejs.util.inspect.custom")]=function(){return"Moment<"+this.format()+">"});xe.toJSON=rve;xe.toString=Uge;xe.unix=Jge;xe.valueOf=Zge;xe.creationData=sve;xe.eraName=fve;xe.eraNarrow=dve;xe.eraAbbr=hve;xe.eraYear=pve;xe.year=AP;xe.isLeapYear=nme;xe.weekYear=_ve;xe.isoWeekYear=Tve;xe.quarter=xe.quarters=Ave;xe.month=xP;xe.daysInMonth=Jpe;xe.week=xe.weeks=lme;xe.isoWeek=xe.isoWeeks=ume;xe.weeksInYear=Sve;xe.weeksInWeekYear=xve;xe.isoWeeksInYear=wve;xe.isoWeeksInISOWeekYear=kve;xe.date=XP;xe.day=xe.days=Tme;xe.weekday=wme;xe.isoWeekday=kme;xe.dayOfYear=Nve;xe.hour=xe.hours=Ime;xe.minute=xe.minutes=Fve;xe.second=xe.seconds=Ive;xe.millisecond=xe.milliseconds=ZP;xe.utcOffset=hge;xe.utc=mge;xe.local=gge;xe.parseZone=vge;xe.hasAlignedHourOffset=bge;xe.isDST=yge;xe.isLocal=_ge;xe.isUtcOffset=Tge;xe.isUtc=zP;xe.isUTC=zP;xe.zoneAbbr=Rve;xe.zoneName=Ove;xe.dates=ta("dates accessor is deprecated. Use date instead.",XP);xe.months=ta("months accessor is deprecated. Use month instead",xP);xe.years=ta("years accessor is deprecated. Use year instead",AP);xe.zone=ta("moment().zone is deprecated, use moment().utcOffset instead. http://momentjs.com/guides/#/warnings/zone/",pge);xe.isDSTShifted=ta("isDSTShifted is deprecated. See http://momentjs.com/guides/#/warnings/dst-shifted/ for more information",Ege);function Dve(e){return Nn(e*1e3)}function Pve(){return Nn.apply(null,arguments).parseZone()}function JP(e){return e}var Gt=dw.prototype;Gt.calendar=Tpe;Gt.longDateFormat=xpe;Gt.invalidDate=Ape;Gt.ordinal=Ipe;Gt.preparse=JP;Gt.postformat=JP;Gt.relativeTime=Rpe;Gt.pastFuture=Ope;Gt.set=Epe;Gt.eras=lve;Gt.erasParse=uve;Gt.erasConvertYear=cve;Gt.erasAbbrRegex=gve;Gt.erasNameRegex=mve;Gt.erasNarrowRegex=vve;Gt.months=Ype;Gt.monthsShort=Qpe;Gt.monthsParse=Zpe;Gt.monthsRegex=tme;Gt.monthsShortRegex=eme;Gt.week=ome;Gt.firstDayOfYear=sme;Gt.firstDayOfWeek=ame;Gt.weekdays=vme;Gt.weekdaysMin=yme;Gt.weekdaysShort=bme;Gt.weekdaysParse=_me;Gt.weekdaysRegex=Sme;Gt.weekdaysShortRegex=xme;Gt.weekdaysMinRegex=Cme;Gt.isPM=Nme;Gt.meridiem=Bme;function db(e,t,n,r){var o=El(),i=gs().set(r,t);return o[n](i,e)}function eM(e,t,n){if(fl(e)&&(t=e,e=void 0),e=e||"",t!=null)return db(e,t,n,"month");var r,o=[];for(r=0;r<12;r++)o[r]=db(e,r,n,"month");return o}function Aw(e,t,n,r){typeof e=="boolean"?(fl(t)&&(n=t,t=void 0),t=t||""):(t=e,n=t,e=!1,fl(t)&&(n=t,t=void 0),t=t||"");var o=El(),i=e?o._week.dow:0,a,s=[];if(n!=null)return db(t,(n+i)%7,r,"day");for(a=0;a<7;a++)s[a]=db(t,(a+i)%7,r,"day");return s}function Mve(e,t){return eM(e,t,"months")}function Lve(e,t){return eM(e,t,"monthsShort")}function jve(e,t,n){return Aw(e,t,n,"weekdays")}function zve(e,t,n){return Aw(e,t,n,"weekdaysShort")}function Hve(e,t,n){return Aw(e,t,n,"weekdaysMin")}Tu("en",{eras:[{since:"0001-01-01",until:1/0,offset:1,name:"Anno Domini",narrow:"AD",abbr:"AD"},{since:"0000-12-31",until:-1/0,offset:1,name:"Before Christ",narrow:"BC",abbr:"BC"}],dayOfMonthOrdinalParse:/\d{1,2}(th|st|nd|rd)/,ordinal:function(e){var t=e%10,n=Nt(e%100/10)===1?"th":t===1?"st":t===2?"nd":t===3?"rd":"th";return e+n}});De.lang=ta("moment.lang is deprecated. Use moment.locale instead.",Tu);De.langData=ta("moment.langData is deprecated. Use moment.localeData instead.",El);var Rs=Math.abs;function Uve(){var e=this._data;return this._milliseconds=Rs(this._milliseconds),this._days=Rs(this._days),this._months=Rs(this._months),e.milliseconds=Rs(e.milliseconds),e.seconds=Rs(e.seconds),e.minutes=Rs(e.minutes),e.hours=Rs(e.hours),e.months=Rs(e.months),e.years=Rs(e.years),this}function tM(e,t,n,r){var o=Ca(t,n);return e._milliseconds+=r*o._milliseconds,e._days+=r*o._days,e._months+=r*o._months,e._bubble()}function qve(e,t){return tM(this,e,t,1)}function $ve(e,t){return tM(this,e,t,-1)}function S7(e){return e<0?Math.floor(e):Math.ceil(e)}function Wve(){var e=this._milliseconds,t=this._days,n=this._months,r=this._data,o,i,a,s,l;return e>=0&&t>=0&&n>=0||e<=0&&t<=0&&n<=0||(e+=S7(X_(n)+t)*864e5,t=0,n=0),r.milliseconds=e%1e3,o=ji(e/1e3),r.seconds=o%60,i=ji(o/60),r.minutes=i%60,a=ji(i/60),r.hours=a%24,t+=ji(a/24),l=ji(nM(t)),n+=l,t-=S7(X_(l)),s=ji(n/12),n%=12,r.days=t,r.months=n,r.years=s,this}function nM(e){return e*4800/146097}function X_(e){return e*146097/4800}function Gve(e){if(!this.isValid())return NaN;var t,n,r=this._milliseconds;if(e=na(e),e==="month"||e==="quarter"||e==="year")switch(t=this._days+r/864e5,n=this._months+nM(t),e){case"month":return n;case"quarter":return n/3;case"year":return n/12}else switch(t=this._days+Math.round(X_(this._months)),e){case"week":return t/7+r/6048e5;case"day":return t+r/864e5;case"hour":return t*24+r/36e5;case"minute":return t*1440+r/6e4;case"second":return t*86400+r/1e3;case"millisecond":return Math.floor(t*864e5)+r;default:throw new Error("Unknown unit "+e)}}function Kve(){return this.isValid()?this._milliseconds+this._days*864e5+this._months%12*2592e6+Nt(this._months/12)*31536e6:NaN}function _l(e){return function(){return this.as(e)}}var Vve=_l("ms"),Yve=_l("s"),Qve=_l("m"),Xve=_l("h"),Zve=_l("d"),Jve=_l("w"),ebe=_l("M"),tbe=_l("Q"),nbe=_l("y");function rbe(){return Ca(this)}function obe(e){return e=na(e),this.isValid()?this[e+"s"]():NaN}function Kc(e){return function(){return this.isValid()?this._data[e]:NaN}}var ibe=Kc("milliseconds"),abe=Kc("seconds"),sbe=Kc("minutes"),lbe=Kc("hours"),ube=Kc("days"),cbe=Kc("months"),fbe=Kc("years");function dbe(){return ji(this.days()/7)}var $s=Math.round,ad={ss:44,s:45,m:45,h:22,d:26,w:null,M:11};function hbe(e,t,n,r,o){return o.relativeTime(t||1,!!n,e,r)}function pbe(e,t,n,r){var o=Ca(e).abs(),i=$s(o.as("s")),a=$s(o.as("m")),s=$s(o.as("h")),l=$s(o.as("d")),u=$s(o.as("M")),d=$s(o.as("w")),h=$s(o.as("y")),p=i<=n.ss&&["s",i]||i<n.s&&["ss",i]||a<=1&&["m"]||a<n.m&&["mm",a]||s<=1&&["h"]||s<n.h&&["hh",s]||l<=1&&["d"]||l<n.d&&["dd",l];return n.w!=null&&(p=p||d<=1&&["w"]||d<n.w&&["ww",d]),p=p||u<=1&&["M"]||u<n.M&&["MM",u]||h<=1&&["y"]||["yy",h],p[2]=t,p[3]=+e>0,p[4]=r,hbe.apply(null,p)}function mbe(e){return e===void 0?$s:typeof e=="function"?($s=e,!0):!1}function gbe(e,t){return ad[e]===void 0?!1:t===void 0?ad[e]:(ad[e]=t,e==="s"&&(ad.ss=t-1),!0)}function vbe(e,t){if(!this.isValid())return this.localeData().invalidDate();var n=!1,r=ad,o,i;return typeof e=="object"&&(t=e,e=!1),typeof e=="boolean"&&(n=e),typeof t=="object"&&(r=Object.assign({},ad,t),t.s!=null&&t.ss==null&&(r.ss=t.s-1)),o=this.localeData(),i=pbe(this,!n,r,o),n&&(i=o.pastFuture(+this,i)),o.postformat(i)}var O9=Math.abs;function Nf(e){return(e>0)-(e<0)||+e}function Ty(){if(!this.isValid())return this.localeData().invalidDate();var e=O9(this._milliseconds)/1e3,t=O9(this._days),n=O9(this._months),r,o,i,a,s=this.asSeconds(),l,u,d,h;return s?(r=ji(e/60),o=ji(r/60),e%=60,r%=60,i=ji(n/12),n%=12,a=e?e.toFixed(3).replace(/\.?0+$/,""):"",l=s<0?"-":"",u=Nf(this._months)!==Nf(s)?"-":"",d=Nf(this._days)!==Nf(s)?"-":"",h=Nf(this._milliseconds)!==Nf(s)?"-":"",l+"P"+(i?u+i+"Y":"")+(n?u+n+"M":"")+(t?d+t+"D":"")+(o||r||e?"T":"")+(o?h+o+"H":"")+(r?h+r+"M":"")+(e?h+a+"S":"")):"P0D"}var jt=Ey.prototype;jt.isValid=uge;jt.abs=Uve;jt.add=qve;jt.subtract=$ve;jt.as=Gve;jt.asMilliseconds=Vve;jt.asSeconds=Yve;jt.asMinutes=Qve;jt.asHours=Xve;jt.asDays=Zve;jt.asWeeks=Jve;jt.asMonths=ebe;jt.asQuarters=tbe;jt.asYears=nbe;jt.valueOf=Kve;jt._bubble=Wve;jt.clone=rbe;jt.get=obe;jt.milliseconds=ibe;jt.seconds=abe;jt.minutes=sbe;jt.hours=lbe;jt.days=ube;jt.weeks=dbe;jt.months=cbe;jt.years=fbe;jt.humanize=vbe;jt.toISOString=Ty;jt.toString=Ty;jt.toJSON=Ty;jt.locale=$P;jt.localeData=GP;jt.toIsoString=ta("toIsoString() is deprecated. Please use toISOString() instead (notice the capitals)",Ty);jt.lang=WP;Ke("X",0,0,"unix");Ke("x",0,0,"valueOf");Me("x",gy);Me("X",jpe);cn("X",function(e,t,n){n._d=new Date(parseFloat(e)*1e3)});cn("x",function(e,t,n){n._d=new Date(Nt(e))});//! moment.js
De.version="2.29.4";bpe(Nn);De.fn=xe;De.min=ige;De.max=age;De.now=sge;De.utc=gs;De.unix=Dve;De.months=Mve;De.isDate=dp;De.locale=Tu;De.invalid=fy;De.duration=Ca;De.isMoment=xa;De.weekdays=jve;De.parseZone=Pve;De.localeData=El;De.isDuration=Gg;De.monthsShort=Lve;De.weekdaysMin=Hve;De.defineLocale=Ew;De.updateLocale=Pme;De.locales=Mme;De.weekdaysShort=zve;De.normalizeUnits=na;De.relativeTimeRounding=mbe;De.relativeTimeThreshold=gbe;De.calendarFormat=Bge;De.prototype=xe;De.HTML5_FMT={DATETIME_LOCAL:"YYYY-MM-DDTHH:mm",DATETIME_LOCAL_SECONDS:"YYYY-MM-DDTHH:mm:ss",DATETIME_LOCAL_MS:"YYYY-MM-DDTHH:mm:ss.SSS",DATE:"YYYY-MM-DD",TIME:"HH:mm",TIME_SECONDS:"HH:mm:ss",TIME_MS:"HH:mm:ss.SSS",WEEK:"GGGG-[W]WW",MONTH:"YYYY-MM"};const bbe=()=>T.useContext(eo),ybe=e=>{try{return JSON.parse(e)}catch(t){console.error(t)}return{}};var Ebe=T.createContext(void 0),_be=Ebe.Provider;const rM="data-fui-focus-visible";function Tbe(e,t){if(oM(e))return()=>{};const n={current:void 0},r=Yb(t);r.subscribe(a=>{!a&&n.current&&(D9(n.current),n.current=void 0)});const o=a=>{n.current&&(D9(n.current),n.current=void 0),r.isNavigatingWithKeyboard()&&x7(a.target)&&a.target&&(n.current=a.target,wbe(n.current))},i=a=>{(!a.relatedTarget||x7(a.relatedTarget)&&!e.contains(a.relatedTarget))&&n.current&&(D9(n.current),n.current=void 0)};return e.addEventListener(wa,o),e.addEventListener("focusout",i),e.focusVisible=!0,()=>{e.removeEventListener(wa,o),e.removeEventListener("focusout",i),delete e.focusVisible,Qb(r)}}function wbe(e){e.setAttribute(rM,"")}function D9(e){e.removeAttribute(rM)}function x7(e){return e?!!(e&&typeof e=="object"&&"classList"in e&&"contains"in e):!1}function oM(e){return e?e.focusVisible?!0:oM(e==null?void 0:e.parentElement):!1}var kbe=new RegExp("("+LT.root+"\\d+)"),iM=function(e){var t=e.children,n=XR(),r=T.useMemo(function(){var i;return(i=n.match(kbe))===null||i===void 0?void 0:i[1]},[n]),o=T.useCallback(function(i){var a=function(){};return r&&(i.classList.add(r),i.ownerDocument.defaultView&&(a=Tbe(i,i.ownerDocument.defaultView))),function(){r&&i.classList.remove(r),a()}},[r]);return T.createElement(_be,{value:o},t)};const C7=["http","https","mailto","tel"];function Sbe(e){const t=(e||"").trim(),n=t.charAt(0);if(n==="#"||n==="/")return t;const r=t.indexOf(":");if(r===-1)return t;let o=-1;for(;++o<C7.length;){const i=C7[o];if(r===i.length&&t.slice(0,i.length).toLowerCase()===i)return t}return o=t.indexOf("?"),o!==-1&&r>o||(o=t.indexOf("#"),o!==-1&&r>o)?t:"javascript:void(0)"}/*!
* Determine if an object is a Buffer
*
* @author Feross Aboukhadijeh <https://feross.org>
* @license MIT
*/var xbe=function(t){return t!=null&&t.constructor!=null&&typeof t.constructor.isBuffer=="function"&&t.constructor.isBuffer(t)};const Cbe=xr(xbe);var Ff={}.hasOwnProperty;function Abe(e){return!e||typeof e!="object"?"":Ff.call(e,"position")||Ff.call(e,"type")?A7(e.position):Ff.call(e,"start")||Ff.call(e,"end")?A7(e):Ff.call(e,"line")||Ff.call(e,"column")?Z_(e):""}function Z_(e){return N7(e&&e.line)+":"+N7(e&&e.column)}function A7(e){return Z_(e&&e.start)+"-"+Z_(e&&e.end)}function N7(e){return e&&typeof e=="number"?e:1}class ra extends Error{constructor(t,n,r){var o=[null,null],i={start:{line:null,column:null},end:{line:null,column:null}},a;super(),typeof n=="string"&&(r=n,n=null),typeof r=="string"&&(a=r.indexOf(":"),a===-1?o[1]=r:(o[0]=r.slice(0,a),o[1]=r.slice(a+1))),n&&("type"in n||"position"in n?n.position&&(i=n.position):"start"in n||"end"in n?i=n:("line"in n||"column"in n)&&(i.start=n)),this.name=Abe(n)||"1:1",this.message=typeof t=="object"?t.message:t,this.stack=typeof t=="object"?t.stack:"",this.reason=this.message,this.line=i.start.line,this.column=i.start.column,this.source=o[0],this.ruleId=o[1],this.position=i,this.file,this.fatal,this.url,this.note}}ra.prototype.file="";ra.prototype.name="";ra.prototype.reason="";ra.prototype.message="";ra.prototype.stack="";ra.prototype.fatal=null;ra.prototype.column=null;ra.prototype.line=null;ra.prototype.source=null;ra.prototype.ruleId=null;ra.prototype.position=null;const Ha={basename:Nbe,dirname:Fbe,extname:Ibe,join:Bbe,sep:"/"};function Nbe(e,t){if(t!==void 0&&typeof t!="string")throw new TypeError('"ext" argument must be a string');gp(e);let n=0,r=-1,o=e.length,i;if(t===void 0||t.length===0||t.length>e.length){for(;o--;)if(e.charCodeAt(o)===47){if(i){n=o+1;break}}else r<0&&(i=!0,r=o+1);return r<0?"":e.slice(n,r)}if(t===e)return"";let a=-1,s=t.length-1;for(;o--;)if(e.charCodeAt(o)===47){if(i){n=o+1;break}}else a<0&&(i=!0,a=o+1),s>-1&&(e.charCodeAt(o)===t.charCodeAt(s--)?s<0&&(r=o):(s=-1,r=a));return n===r?r=a:r<0&&(r=e.length),e.slice(n,r)}function Fbe(e){if(gp(e),e.length===0)return".";let t=-1,n=e.length,r;for(;--n;)if(e.charCodeAt(n)===47){if(r){t=n;break}}else r||(r=!0);return t<0?e.charCodeAt(0)===47?"/":".":t===1&&e.charCodeAt(0)===47?"//":e.slice(0,t)}function Ibe(e){gp(e);let t=e.length,n=-1,r=0,o=-1,i=0,a;for(;t--;){const s=e.charCodeAt(t);if(s===47){if(a){r=t+1;break}continue}n<0&&(a=!0,n=t+1),s===46?o<0?o=t:i!==1&&(i=1):o>-1&&(i=-1)}return o<0||n<0||i===0||i===1&&o===n-1&&o===r+1?"":e.slice(o,n)}function Bbe(...e){let t=-1,n;for(;++t<e.length;)gp(e[t]),e[t]&&(n=n===void 0?e[t]:n+"/"+e[t]);return n===void 0?".":Rbe(n)}function Rbe(e){gp(e);const t=e.charCodeAt(0)===47;let n=Obe(e,!t);return n.length===0&&!t&&(n="."),n.length>0&&e.charCodeAt(e.length-1)===47&&(n+="/"),t?"/"+n:n}function Obe(e,t){let n="",r=0,o=-1,i=0,a=-1,s,l;for(;++a<=e.length;){if(a<e.length)s=e.charCodeAt(a);else{if(s===47)break;s=47}if(s===47){if(!(o===a-1||i===1))if(o!==a-1&&i===2){if(n.length<2||r!==2||n.charCodeAt(n.length-1)!==46||n.charCodeAt(n.length-2)!==46){if(n.length>2){if(l=n.lastIndexOf("/"),l!==n.length-1){l<0?(n="",r=0):(n=n.slice(0,l),r=n.length-1-n.lastIndexOf("/")),o=a,i=0;continue}}else if(n.length>0){n="",r=0,o=a,i=0;continue}}t&&(n=n.length>0?n+"/..":"..",r=2)}else n.length>0?n+="/"+e.slice(o+1,a):n=e.slice(o+1,a),r=a-o-1;o=a,i=0}else s===46&&i>-1?i++:i=-1}return n}function gp(e){if(typeof e!="string")throw new TypeError("Path must be a string. Received "+JSON.stringify(e))}const Dbe={cwd:Pbe};function Pbe(){return"/"}function J_(e){return e!==null&&typeof e=="object"&&e.href&&e.origin}function Mbe(e){if(typeof e=="string")e=new URL(e);else if(!J_(e)){const t=new TypeError('The "path" argument must be of type string or an instance of URL. Received `'+e+"`");throw t.code="ERR_INVALID_ARG_TYPE",t}if(e.protocol!=="file:"){const t=new TypeError("The URL must be of scheme file");throw t.code="ERR_INVALID_URL_SCHEME",t}return Lbe(e)}function Lbe(e){if(e.hostname!==""){const r=new TypeError('File URL host must be "localhost" or empty on darwin');throw r.code="ERR_INVALID_FILE_URL_HOST",r}const t=e.pathname;let n=-1;for(;++n<t.length;)if(t.charCodeAt(n)===37&&t.charCodeAt(n+1)===50){const r=t.charCodeAt(n+2);if(r===70||r===102){const o=new TypeError("File URL path must not include encoded / characters");throw o.code="ERR_INVALID_FILE_URL_PATH",o}}return decodeURIComponent(t)}const P9=["history","path","basename","stem","extname","dirname"];class aM{constructor(t){let n;t?typeof t=="string"||Cbe(t)?n={value:t}:J_(t)?n={path:t}:n=t:n={},this.data={},this.messages=[],this.history=[],this.cwd=Dbe.cwd(),this.value,this.stored,this.result,this.map;let r=-1;for(;++r<P9.length;){const i=P9[r];i in n&&n[i]!==void 0&&(this[i]=i==="history"?[...n[i]]:n[i])}let o;for(o in n)P9.includes(o)||(this[o]=n[o])}get path(){return this.history[this.history.length-1]}set path(t){J_(t)&&(t=Mbe(t)),L9(t,"path"),this.path!==t&&this.history.push(t)}get dirname(){return typeof this.path=="string"?Ha.dirname(this.path):void 0}set dirname(t){F7(this.basename,"dirname"),this.path=Ha.join(t||"",this.basename)}get basename(){return typeof this.path=="string"?Ha.basename(this.path):void 0}set basename(t){L9(t,"basename"),M9(t,"basename"),this.path=Ha.join(this.dirname||"",t)}get extname(){return typeof this.path=="string"?Ha.extname(this.path):void 0}set extname(t){if(M9(t,"extname"),F7(this.dirname,"extname"),t){if(t.charCodeAt(0)!==46)throw new Error("`extname` must start with `.`");if(t.includes(".",1))throw new Error("`extname` cannot contain multiple dots")}this.path=Ha.join(this.dirname,this.stem+(t||""))}get stem(){return typeof this.path=="string"?Ha.basename(this.path,this.extname):void 0}set stem(t){L9(t,"stem"),M9(t,"stem"),this.path=Ha.join(this.dirname||"",t+(this.extname||""))}toString(t){return(this.value||"").toString(t)}message(t,n,r){const o=new ra(t,n,r);return this.path&&(o.name=this.path+":"+o.name,o.file=this.path),o.fatal=!1,this.messages.push(o),o}info(t,n,r){const o=this.message(t,n,r);return o.fatal=null,o}fail(t,n,r){const o=this.message(t,n,r);throw o.fatal=!0,o}}function M9(e,t){if(e&&e.includes(Ha.sep))throw new Error("`"+t+"` cannot be a path: did not expect `"+Ha.sep+"`")}function L9(e,t){if(!e)throw new Error("`"+t+"` cannot be empty")}function F7(e,t){if(!e)throw new Error("Setting `"+t+"` requires `path` to be set too")}function I7(e){if(e)throw e}/*!
* Determine if an object is a Buffer
*
* @author Feross Aboukhadijeh <https://feross.org>
* @license MIT
*/var jbe=function(t){return t!=null&&t.constructor!=null&&typeof t.constructor.isBuffer=="function"&&t.constructor.isBuffer(t)};const zbe=xr(jbe);var Vg=Object.prototype.hasOwnProperty,sM=Object.prototype.toString,B7=Object.defineProperty,R7=Object.getOwnPropertyDescriptor,O7=function(t){return typeof Array.isArray=="function"?Array.isArray(t):sM.call(t)==="[object Array]"},D7=function(t){if(!t||sM.call(t)!=="[object Object]")return!1;var n=Vg.call(t,"constructor"),r=t.constructor&&t.constructor.prototype&&Vg.call(t.constructor.prototype,"isPrototypeOf");if(t.constructor&&!n&&!r)return!1;var o;for(o in t);return typeof o>"u"||Vg.call(t,o)},P7=function(t,n){B7&&n.name==="__proto__"?B7(t,n.name,{enumerable:!0,configurable:!0,value:n.newValue,writable:!0}):t[n.name]=n.newValue},M7=function(t,n){if(n==="__proto__")if(Vg.call(t,n)){if(R7)return R7(t,n).value}else return;return t[n]},Hbe=function e(){var t,n,r,o,i,a,s=arguments[0],l=1,u=arguments.length,d=!1;for(typeof s=="boolean"&&(d=s,s=arguments[1]||{},l=2),(s==null||typeof s!="object"&&typeof s!="function")&&(s={});l<u;++l)if(t=arguments[l],t!=null)for(n in t)r=M7(s,n),o=M7(t,n),s!==o&&(d&&o&&(D7(o)||(i=O7(o)))?(i?(i=!1,a=r&&O7(r)?r:[]):a=r&&D7(r)?r:{},P7(s,{name:n,newValue:e(d,a,o)})):typeof o<"u"&&P7(s,{name:n,newValue:o}));return s};const L7=xr(Hbe);function e4(e){if(Object.prototype.toString.call(e)!=="[object Object]")return!1;const t=Object.getPrototypeOf(e);return t===null||t===Object.prototype}function Ube(){const e=[],t={run:n,use:r};return t;function n(...o){let i=-1;const a=o.pop();if(typeof a!="function")throw new TypeError("Expected function as last argument, not "+a);s(null,...o);function s(l,...u){const d=e[++i];let h=-1;if(l){a(l);return}for(;++h<o.length;)(u[h]===null||u[h]===void 0)&&(u[h]=o[h]);o=u,d?qbe(d,s)(...u):a(null,...u)}}function r(o){if(typeof o!="function")throw new TypeError("Expected `middelware` to be a function, not "+o);return e.push(o),t}}function qbe(e,t){let n;return r;function r(...a){const s=e.length>a.length;let l;s&&a.push(o);try{l=e(...a)}catch(u){const d=u;if(s&&n)throw d;return o(d)}s||(l instanceof Promise?l.then(i,o):l instanceof Error?o(l):i(l))}function o(a,...s){n||(n=!0,t(a,...s))}function i(a){o(null,a)}}const $be=uM().freeze(),lM={}.hasOwnProperty;function uM(){const e=Ube(),t=[];let n={},r,o=-1;return i.data=a,i.Parser=void 0,i.Compiler=void 0,i.freeze=s,i.attachers=t,i.use=l,i.parse=u,i.stringify=d,i.run=h,i.runSync=p,i.process=m,i.processSync=v,i;function i(){const _=uM();let b=-1;for(;++b<t.length;)_.use(...t[b]);return _.data(L7(!0,{},n)),_}function a(_,b){return typeof _=="string"?arguments.length===2?(H9("data",r),n[_]=b,i):lM.call(n,_)&&n[_]||null:_?(H9("data",r),n=_,i):n}function s(){if(r)return i;for(;++o<t.length;){const[_,...b]=t[o];if(b[0]===!1)continue;b[0]===!0&&(b[1]=void 0);const E=_.call(i,...b);typeof E=="function"&&e.use(E)}return r=!0,o=Number.POSITIVE_INFINITY,i}function l(_,...b){let E;if(H9("use",r),_!=null)if(typeof _=="function")F(_,...b);else if(typeof _=="object")Array.isArray(_)?y(_):k(_);else throw new TypeError("Expected usable value, not `"+_+"`");return E&&(n.settings=Object.assign(n.settings||{},E)),i;function w(C){if(typeof C=="function")F(C);else if(typeof C=="object")if(Array.isArray(C)){const[A,...P]=C;F(A,...P)}else k(C);else throw new TypeError("Expected usable value, not `"+C+"`")}function k(C){y(C.plugins),C.settings&&(E=Object.assign(E||{},C.settings))}function y(C){let A=-1;if(C!=null)if(Array.isArray(C))for(;++A<C.length;){const P=C[A];w(P)}else throw new TypeError("Expected a list of plugins, not `"+C+"`")}function F(C,A){let P=-1,I;for(;++P<t.length;)if(t[P][0]===C){I=t[P];break}I?(e4(I[1])&&e4(A)&&(A=L7(!0,I[1],A)),I[1]=A):t.push([...arguments])}}function u(_){i.freeze();const b=uh(_),E=i.Parser;return j9("parse",E),j7(E,"parse")?new E(String(b),b).parse():E(String(b),b)}function d(_,b){i.freeze();const E=uh(b),w=i.Compiler;return z9("stringify",w),z7(_),j7(w,"compile")?new w(_,E).compile():w(_,E)}function h(_,b,E){if(z7(_),i.freeze(),!E&&typeof b=="function"&&(E=b,b=void 0),!E)return new Promise(w);w(null,E);function w(k,y){e.run(_,uh(b),F);function F(C,A,P){A=A||_,C?y(C):k?k(A):E(null,A,P)}}}function p(_,b){let E,w;return i.run(_,b,k),H7("runSync","run",w),E;function k(y,F){I7(y),E=F,w=!0}}function m(_,b){if(i.freeze(),j9("process",i.Parser),z9("process",i.Compiler),!b)return new Promise(E);E(null,b);function E(w,k){const y=uh(_);i.run(i.parse(y),y,(C,A,P)=>{if(C||!A||!P)F(C);else{const I=i.stringify(A,P);I==null||(Kbe(I)?P.value=I:P.result=I),F(C,P)}});function F(C,A){C||!A?k(C):w?w(A):b(null,A)}}}function v(_){let b;i.freeze(),j9("processSync",i.Parser),z9("processSync",i.Compiler);const E=uh(_);return i.process(E,w),H7("processSync","process",b),E;function w(k){b=!0,I7(k)}}}function j7(e,t){return typeof e=="function"&&e.prototype&&(Wbe(e.prototype)||t in e.prototype)}function Wbe(e){let t;for(t in e)if(lM.call(e,t))return!0;return!1}function j9(e,t){if(typeof t!="function")throw new TypeError("Cannot `"+e+"` without `Parser`")}function z9(e,t){if(typeof t!="function")throw new TypeError("Cannot `"+e+"` without `Compiler`")}function H9(e,t){if(t)throw new Error("Cannot call `"+e+"` on a frozen processor.\nCreate a new processor first, by calling it: use `processor()` instead of `processor`.")}function z7(e){if(!e4(e)||typeof e.type!="string")throw new TypeError("Expected node, got `"+e+"`")}function H7(e,t,n){if(!n)throw new Error("`"+e+"` finished async. Use `"+t+"` instead")}function uh(e){return Gbe(e)?e:new aM(e)}function Gbe(e){return!!(e&&typeof e=="object"&&"message"in e&&"messages"in e)}function Kbe(e){return typeof e=="string"||zbe(e)}function Vbe(e,t){var{includeImageAlt:n=!0}=t||{};return cM(e,n)}function cM(e,t){return e&&typeof e=="object"&&(e.value||(t?e.alt:"")||"children"in e&&U7(e.children,t)||Array.isArray(e)&&U7(e,t))||""}function U7(e,t){for(var n=[],r=-1;++r<e.length;)n[r]=cM(e[r],t);return n.join("")}function ds(e,t,n,r){const o=e.length;let i=0,a;if(t<0?t=-t>o?0:o+t:t=t>o?o:t,n=n>0?n:0,r.length<1e4)a=Array.from(r),a.unshift(t,n),[].splice.apply(e,a);else for(n&&[].splice.apply(e,[t,n]);i<r.length;)a=r.slice(i,i+1e4),a.unshift(t,0),[].splice.apply(e,a),i+=1e4,t+=1e4}function zi(e,t){return e.length>0?(ds(e,e.length,0,t),e):t}const q7={}.hasOwnProperty;function Ybe(e){const t={};let n=-1;for(;++n<e.length;)Qbe(t,e[n]);return t}function Qbe(e,t){let n;for(n in t){const o=(q7.call(e,n)?e[n]:void 0)||(e[n]={}),i=t[n];let a;for(a in i){q7.call(o,a)||(o[a]=[]);const s=i[a];Xbe(o[a],Array.isArray(s)?s:s?[s]:[])}}}function Xbe(e,t){let n=-1;const r=[];for(;++n<t.length;)(t[n].add==="after"?e:r).push(t[n]);ds(e,0,0,r)}const Zbe=/[!-/:-@[-`{-~\u00A1\u00A7\u00AB\u00B6\u00B7\u00BB\u00BF\u037E\u0387\u055A-\u055F\u0589\u058A\u05BE\u05C0\u05C3\u05C6\u05F3\u05F4\u0609\u060A\u060C\u060D\u061B\u061E\u061F\u066A-\u066D\u06D4\u0700-\u070D\u07F7-\u07F9\u0830-\u083E\u085E\u0964\u0965\u0970\u09FD\u0A76\u0AF0\u0C77\u0C84\u0DF4\u0E4F\u0E5A\u0E5B\u0F04-\u0F12\u0F14\u0F3A-\u0F3D\u0F85\u0FD0-\u0FD4\u0FD9\u0FDA\u104A-\u104F\u10FB\u1360-\u1368\u1400\u166E\u169B\u169C\u16EB-\u16ED\u1735\u1736\u17D4-\u17D6\u17D8-\u17DA\u1800-\u180A\u1944\u1945\u1A1E\u1A1F\u1AA0-\u1AA6\u1AA8-\u1AAD\u1B5A-\u1B60\u1BFC-\u1BFF\u1C3B-\u1C3F\u1C7E\u1C7F\u1CC0-\u1CC7\u1CD3\u2010-\u2027\u2030-\u2043\u2045-\u2051\u2053-\u205E\u207D\u207E\u208D\u208E\u2308-\u230B\u2329\u232A\u2768-\u2775\u27C5\u27C6\u27E6-\u27EF\u2983-\u2998\u29D8-\u29DB\u29FC\u29FD\u2CF9-\u2CFC\u2CFE\u2CFF\u2D70\u2E00-\u2E2E\u2E30-\u2E4F\u2E52\u3001-\u3003\u3008-\u3011\u3014-\u301F\u3030\u303D\u30A0\u30FB\uA4FE\uA4FF\uA60D-\uA60F\uA673\uA67E\uA6F2-\uA6F7\uA874-\uA877\uA8CE\uA8CF\uA8F8-\uA8FA\uA8FC\uA92E\uA92F\uA95F\uA9C1-\uA9CD\uA9DE\uA9DF\uAA5C-\uAA5F\uAADE\uAADF\uAAF0\uAAF1\uABEB\uFD3E\uFD3F\uFE10-\uFE19\uFE30-\uFE52\uFE54-\uFE61\uFE63\uFE68\uFE6A\uFE6B\uFF01-\uFF03\uFF05-\uFF0A\uFF0C-\uFF0F\uFF1A\uFF1B\uFF1F\uFF20\uFF3B-\uFF3D\uFF3F\uFF5B\uFF5D\uFF5F-\uFF65]/,Va=Pu(/[A-Za-z]/),t4=Pu(/\d/),Jbe=Pu(/[\dA-Fa-f]/),Ta=Pu(/[\dA-Za-z]/),eye=Pu(/[!-/:-@[-`{-~]/),$7=Pu(/[#-'*+\--9=?A-Z^-~]/);function n4(e){return e!==null&&(e<32||e===127)}function Ki(e){return e!==null&&(e<0||e===32)}function ct(e){return e!==null&&e<-2}function mr(e){return e===-2||e===-1||e===32}const tye=Pu(/\s/),nye=Pu(Zbe);function Pu(e){return t;function t(n){return n!==null&&e.test(String.fromCharCode(n))}}function dn(e,t,n,r){const o=r?r-1:Number.POSITIVE_INFINITY;let i=0;return a;function a(l){return mr(l)?(e.enter(n),s(l)):t(l)}function s(l){return mr(l)&&i++<o?(e.consume(l),s):(e.exit(n),t(l))}}const rye={tokenize:oye};function oye(e){const t=e.attempt(this.parser.constructs.contentInitial,r,o);let n;return t;function r(s){if(s===null){e.consume(s);return}return e.enter("lineEnding"),e.consume(s),e.exit("lineEnding"),dn(e,t,"linePrefix")}function o(s){return e.enter("paragraph"),i(s)}function i(s){const l=e.enter("chunkText",{contentType:"text",previous:n});return n&&(n.next=l),n=l,a(s)}function a(s){if(s===null){e.exit("chunkText"),e.exit("paragraph"),e.consume(s);return}return ct(s)?(e.consume(s),e.exit("chunkText"),i):(e.consume(s),a)}}const iye={tokenize:aye},W7={tokenize:sye};function aye(e){const t=this,n=[];let r=0,o,i,a;return s;function s(k){if(r<n.length){const y=n[r];return t.containerState=y[1],e.attempt(y[0].continuation,l,u)(k)}return u(k)}function l(k){if(r++,t.containerState._closeFlow){t.containerState._closeFlow=void 0,o&&w();const y=t.events.length;let F=y,C;for(;F--;)if(t.events[F][0]==="exit"&&t.events[F][1].type==="chunkFlow"){C=t.events[F][1].end;break}E(r);let A=y;for(;A<t.events.length;)t.events[A][1].end=Object.assign({},C),A++;return ds(t.events,F+1,0,t.events.slice(y)),t.events.length=A,u(k)}return s(k)}function u(k){if(r===n.length){if(!o)return p(k);if(o.currentConstruct&&o.currentConstruct.concrete)return v(k);t.interrupt=!!(o.currentConstruct&&!o._gfmTableDynamicInterruptHack)}return t.containerState={},e.check(W7,d,h)(k)}function d(k){return o&&w(),E(r),p(k)}function h(k){return t.parser.lazy[t.now().line]=r!==n.length,a=t.now().offset,v(k)}function p(k){return t.containerState={},e.attempt(W7,m,v)(k)}function m(k){return r++,n.push([t.currentConstruct,t.containerState]),p(k)}function v(k){if(k===null){o&&w(),E(0),e.consume(k);return}return o=o||t.parser.flow(t.now()),e.enter("chunkFlow",{contentType:"flow",previous:i,_tokenizer:o}),_(k)}function _(k){if(k===null){b(e.exit("chunkFlow"),!0),E(0),e.consume(k);return}return ct(k)?(e.consume(k),b(e.exit("chunkFlow")),r=0,t.interrupt=void 0,s):(e.consume(k),_)}function b(k,y){const F=t.sliceStream(k);if(y&&F.push(null),k.previous=i,i&&(i.next=k),i=k,o.defineSkip(k.start),o.write(F),t.parser.lazy[k.start.line]){let C=o.events.length;for(;C--;)if(o.events[C][1].start.offset<a&&(!o.events[C][1].end||o.events[C][1].end.offset>a))return;const A=t.events.length;let P=A,I,j;for(;P--;)if(t.events[P][0]==="exit"&&t.events[P][1].type==="chunkFlow"){if(I){j=t.events[P][1].end;break}I=!0}for(E(r),C=A;C<t.events.length;)t.events[C][1].end=Object.assign({},j),C++;ds(t.events,P+1,0,t.events.slice(A)),t.events.length=C}}function E(k){let y=n.length;for(;y-- >k;){const F=n[y];t.containerState=F[1],F[0].exit.call(t,e)}n.length=k}function w(){o.write([null]),i=void 0,o=void 0,t.containerState._closeFlow=void 0}}function sye(e,t,n){return dn(e,e.attempt(this.parser.constructs.document,t,n),"linePrefix",this.parser.constructs.disable.null.includes("codeIndented")?void 0:4)}function G7(e){if(e===null||Ki(e)||tye(e))return 1;if(nye(e))return 2}function Nw(e,t,n){const r=[];let o=-1;for(;++o<e.length;){const i=e[o].resolveAll;i&&!r.includes(i)&&(t=i(t,n),r.push(i))}return t}const r4={name:"attention",tokenize:uye,resolveAll:lye};function lye(e,t){let n=-1,r,o,i,a,s,l,u,d;for(;++n<e.length;)if(e[n][0]==="enter"&&e[n][1].type==="attentionSequence"&&e[n][1]._close){for(r=n;r--;)if(e[r][0]==="exit"&&e[r][1].type==="attentionSequence"&&e[r][1]._open&&t.sliceSerialize(e[r][1]).charCodeAt(0)===t.sliceSerialize(e[n][1]).charCodeAt(0)){if((e[r][1]._close||e[n][1]._open)&&(e[n][1].end.offset-e[n][1].start.offset)%3&&!((e[r][1].end.offset-e[r][1].start.offset+e[n][1].end.offset-e[n][1].start.offset)%3))continue;l=e[r][1].end.offset-e[r][1].start.offset>1&&e[n][1].end.offset-e[n][1].start.offset>1?2:1;const h=Object.assign({},e[r][1].end),p=Object.assign({},e[n][1].start);K7(h,-l),K7(p,l),a={type:l>1?"strongSequence":"emphasisSequence",start:h,end:Object.assign({},e[r][1].end)},s={type:l>1?"strongSequence":"emphasisSequence",start:Object.assign({},e[n][1].start),end:p},i={type:l>1?"strongText":"emphasisText",start:Object.assign({},e[r][1].end),end:Object.assign({},e[n][1].start)},o={type:l>1?"strong":"emphasis",start:Object.assign({},a.start),end:Object.assign({},s.end)},e[r][1].end=Object.assign({},a.start),e[n][1].start=Object.assign({},s.end),u=[],e[r][1].end.offset-e[r][1].start.offset&&(u=zi(u,[["enter",e[r][1],t],["exit",e[r][1],t]])),u=zi(u,[["enter",o,t],["enter",a,t],["exit",a,t],["enter",i,t]]),u=zi(u,Nw(t.parser.constructs.insideSpan.null,e.slice(r+1,n),t)),u=zi(u,[["exit",i,t],["enter",s,t],["exit",s,t],["exit",o,t]]),e[n][1].end.offset-e[n][1].start.offset?(d=2,u=zi(u,[["enter",e[n][1],t],["exit",e[n][1],t]])):d=0,ds(e,r-1,n-r+3,u),n=r+u.length-d-2;break}}for(n=-1;++n<e.length;)e[n][1].type==="attentionSequence"&&(e[n][1].type="data");return e}function uye(e,t){const n=this.parser.constructs.attentionMarkers.null,r=this.previous,o=G7(r);let i;return a;function a(l){return e.enter("attentionSequence"),i=l,s(l)}function s(l){if(l===i)return e.consume(l),s;const u=e.exit("attentionSequence"),d=G7(l),h=!d||d===2&&o||n.includes(l),p=!o||o===2&&d||n.includes(r);return u._open=!!(i===42?h:h&&(o||!p)),u._close=!!(i===42?p:p&&(d||!h)),t(l)}}function K7(e,t){e.column+=t,e.offset+=t,e._bufferIndex+=t}const cye={name:"autolink",tokenize:fye};function fye(e,t,n){let r=1;return o;function o(v){return e.enter("autolink"),e.enter("autolinkMarker"),e.consume(v),e.exit("autolinkMarker"),e.enter("autolinkProtocol"),i}function i(v){return Va(v)?(e.consume(v),a):$7(v)?u(v):n(v)}function a(v){return v===43||v===45||v===46||Ta(v)?s(v):u(v)}function s(v){return v===58?(e.consume(v),l):(v===43||v===45||v===46||Ta(v))&&r++<32?(e.consume(v),s):u(v)}function l(v){return v===62?(e.exit("autolinkProtocol"),m(v)):v===null||v===32||v===60||n4(v)?n(v):(e.consume(v),l)}function u(v){return v===64?(e.consume(v),r=0,d):$7(v)?(e.consume(v),u):n(v)}function d(v){return Ta(v)?h(v):n(v)}function h(v){return v===46?(e.consume(v),r=0,d):v===62?(e.exit("autolinkProtocol").type="autolinkEmail",m(v)):p(v)}function p(v){return(v===45||Ta(v))&&r++<63?(e.consume(v),v===45?p:h):n(v)}function m(v){return e.enter("autolinkMarker"),e.consume(v),e.exit("autolinkMarker"),e.exit("autolink"),t}}const wy={tokenize:dye,partial:!0};function dye(e,t,n){return dn(e,r,"linePrefix");function r(o){return o===null||ct(o)?t(o):n(o)}}const fM={name:"blockQuote",tokenize:hye,continuation:{tokenize:pye},exit:mye};function hye(e,t,n){const r=this;return o;function o(a){if(a===62){const s=r.containerState;return s.open||(e.enter("blockQuote",{_container:!0}),s.open=!0),e.enter("blockQuotePrefix"),e.enter("blockQuoteMarker"),e.consume(a),e.exit("blockQuoteMarker"),i}return n(a)}function i(a){return mr(a)?(e.enter("blockQuotePrefixWhitespace"),e.consume(a),e.exit("blockQuotePrefixWhitespace"),e.exit("blockQuotePrefix"),t):(e.exit("blockQuotePrefix"),t(a))}}function pye(e,t,n){return dn(e,e.attempt(fM,t,n),"linePrefix",this.parser.constructs.disable.null.includes("codeIndented")?void 0:4)}function mye(e){e.exit("blockQuote")}const dM={name:"characterEscape",tokenize:gye};function gye(e,t,n){return r;function r(i){return e.enter("characterEscape"),e.enter("escapeMarker"),e.consume(i),e.exit("escapeMarker"),o}function o(i){return eye(i)?(e.enter("characterEscapeValue"),e.consume(i),e.exit("characterEscapeValue"),e.exit("characterEscape"),t):n(i)}}const V7=document.createElement("i");function L0(e){const t="&"+e+";";V7.innerHTML=t;const n=V7.textContent;return n.charCodeAt(n.length-1)===59&&e!=="semi"||n===t?!1:n}const hM={name:"characterReference",tokenize:vye};function vye(e,t,n){const r=this;let o=0,i,a;return s;function s(h){return e.enter("characterReference"),e.enter("characterReferenceMarker"),e.consume(h),e.exit("characterReferenceMarker"),l}function l(h){return h===35?(e.enter("characterReferenceMarkerNumeric"),e.consume(h),e.exit("characterReferenceMarkerNumeric"),u):(e.enter("characterReferenceValue"),i=31,a=Ta,d(h))}function u(h){return h===88||h===120?(e.enter("characterReferenceMarkerHexadecimal"),e.consume(h),e.exit("characterReferenceMarkerHexadecimal"),e.enter("characterReferenceValue"),i=6,a=Jbe,d):(e.enter("characterReferenceValue"),i=7,a=t4,d(h))}function d(h){let p;return h===59&&o?(p=e.exit("characterReferenceValue"),a===Ta&&!L0(r.sliceSerialize(p))?n(h):(e.enter("characterReferenceMarker"),e.consume(h),e.exit("characterReferenceMarker"),e.exit("characterReference"),t)):a(h)&&o++<i?(e.consume(h),d):n(h)}}const Y7={name:"codeFenced",tokenize:bye,concrete:!0};function bye(e,t,n){const r=this,o={tokenize:F,partial:!0},i={tokenize:y,partial:!0},a=this.events[this.events.length-1],s=a&&a[1].type==="linePrefix"?a[2].sliceSerialize(a[1],!0).length:0;let l=0,u;return d;function d(C){return e.enter("codeFenced"),e.enter("codeFencedFence"),e.enter("codeFencedFenceSequence"),u=C,h(C)}function h(C){return C===u?(e.consume(C),l++,h):(e.exit("codeFencedFenceSequence"),l<3?n(C):dn(e,p,"whitespace")(C))}function p(C){return C===null||ct(C)?b(C):(e.enter("codeFencedFenceInfo"),e.enter("chunkString",{contentType:"string"}),m(C))}function m(C){return C===null||Ki(C)?(e.exit("chunkString"),e.exit("codeFencedFenceInfo"),dn(e,v,"whitespace")(C)):C===96&&C===u?n(C):(e.consume(C),m)}function v(C){return C===null||ct(C)?b(C):(e.enter("codeFencedFenceMeta"),e.enter("chunkString",{contentType:"string"}),_(C))}function _(C){return C===null||ct(C)?(e.exit("chunkString"),e.exit("codeFencedFenceMeta"),b(C)):C===96&&C===u?n(C):(e.consume(C),_)}function b(C){return e.exit("codeFencedFence"),r.interrupt?t(C):E(C)}function E(C){return C===null?k(C):ct(C)?e.attempt(i,e.attempt(o,k,s?dn(e,E,"linePrefix",s+1):E),k)(C):(e.enter("codeFlowValue"),w(C))}function w(C){return C===null||ct(C)?(e.exit("codeFlowValue"),E(C)):(e.consume(C),w)}function k(C){return e.exit("codeFenced"),t(C)}function y(C,A,P){const I=this;return j;function j(K){return C.enter("lineEnding"),C.consume(K),C.exit("lineEnding"),H}function H(K){return I.parser.lazy[I.now().line]?P(K):A(K)}}function F(C,A,P){let I=0;return dn(C,j,"linePrefix",this.parser.constructs.disable.null.includes("codeIndented")?void 0:4);function j(U){return C.enter("codeFencedFence"),C.enter("codeFencedFenceSequence"),H(U)}function H(U){return U===u?(C.consume(U),I++,H):I<l?P(U):(C.exit("codeFencedFenceSequence"),dn(C,K,"whitespace")(U))}function K(U){return U===null||ct(U)?(C.exit("codeFencedFence"),A(U)):P(U)}}}const U9={name:"codeIndented",tokenize:Eye},yye={tokenize:_ye,partial:!0};function Eye(e,t,n){const r=this;return o;function o(u){return e.enter("codeIndented"),dn(e,i,"linePrefix",4+1)(u)}function i(u){const d=r.events[r.events.length-1];return d&&d[1].type==="linePrefix"&&d[2].sliceSerialize(d[1],!0).length>=4?a(u):n(u)}function a(u){return u===null?l(u):ct(u)?e.attempt(yye,a,l)(u):(e.enter("codeFlowValue"),s(u))}function s(u){return u===null||ct(u)?(e.exit("codeFlowValue"),a(u)):(e.consume(u),s)}function l(u){return e.exit("codeIndented"),t(u)}}function _ye(e,t,n){const r=this;return o;function o(a){return r.parser.lazy[r.now().line]?n(a):ct(a)?(e.enter("lineEnding"),e.consume(a),e.exit("lineEnding"),o):dn(e,i,"linePrefix",4+1)(a)}function i(a){const s=r.events[r.events.length-1];return s&&s[1].type==="linePrefix"&&s[2].sliceSerialize(s[1],!0).length>=4?t(a):ct(a)?o(a):n(a)}}const Tye={name:"codeText",tokenize:Sye,resolve:wye,previous:kye};function wye(e){let t=e.length-4,n=3,r,o;if((e[n][1].type==="lineEnding"||e[n][1].type==="space")&&(e[t][1].type==="lineEnding"||e[t][1].type==="space")){for(r=n;++r<t;)if(e[r][1].type==="codeTextData"){e[n][1].type="codeTextPadding",e[t][1].type="codeTextPadding",n+=2,t-=2;break}}for(r=n-1,t++;++r<=t;)o===void 0?r!==t&&e[r][1].type!=="lineEnding"&&(o=r):(r===t||e[r][1].type==="lineEnding")&&(e[o][1].type="codeTextData",r!==o+2&&(e[o][1].end=e[r-1][1].end,e.splice(o+2,r-o-2),t-=r-o-2,r=o+2),o=void 0);return e}function kye(e){return e!==96||this.events[this.events.length-1][1].type==="characterEscape"}function Sye(e,t,n){let r=0,o,i;return a;function a(h){return e.enter("codeText"),e.enter("codeTextSequence"),s(h)}function s(h){return h===96?(e.consume(h),r++,s):(e.exit("codeTextSequence"),l(h))}function l(h){return h===null?n(h):h===96?(i=e.enter("codeTextSequence"),o=0,d(h)):h===32?(e.enter("space"),e.consume(h),e.exit("space"),l):ct(h)?(e.enter("lineEnding"),e.consume(h),e.exit("lineEnding"),l):(e.enter("codeTextData"),u(h))}function u(h){return h===null||h===32||h===96||ct(h)?(e.exit("codeTextData"),l(h)):(e.consume(h),u)}function d(h){return h===96?(e.consume(h),o++,d):o===r?(e.exit("codeTextSequence"),e.exit("codeText"),t(h)):(i.type="codeTextData",u(h))}}function pM(e){const t={};let n=-1,r,o,i,a,s,l,u;for(;++n<e.length;){for(;n in t;)n=t[n];if(r=e[n],n&&r[1].type==="chunkFlow"&&e[n-1][1].type==="listItemPrefix"&&(l=r[1]._tokenizer.events,i=0,i<l.length&&l[i][1].type==="lineEndingBlank"&&(i+=2),i<l.length&&l[i][1].type==="content"))for(;++i<l.length&&l[i][1].type!=="content";)l[i][1].type==="chunkText"&&(l[i][1]._isInFirstContentOfListItem=!0,i++);if(r[0]==="enter")r[1].contentType&&(Object.assign(t,xye(e,n)),n=t[n],u=!0);else if(r[1]._container){for(i=n,o=void 0;i--&&(a=e[i],a[1].type==="lineEnding"||a[1].type==="lineEndingBlank");)a[0]==="enter"&&(o&&(e[o][1].type="lineEndingBlank"),a[1].type="lineEnding",o=i);o&&(r[1].end=Object.assign({},e[o][1].start),s=e.slice(o,n),s.unshift(r),ds(e,o,n-o+1,s))}}return!u}function xye(e,t){const n=e[t][1],r=e[t][2];let o=t-1;const i=[],a=n._tokenizer||r.parser[n.contentType](n.start),s=a.events,l=[],u={};let d,h,p=-1,m=n,v=0,_=0;const b=[_];for(;m;){for(;e[++o][1]!==m;);i.push(o),m._tokenizer||(d=r.sliceStream(m),m.next||d.push(null),h&&a.defineSkip(m.start),m._isInFirstContentOfListItem&&(a._gfmTasklistFirstContentOfListItem=!0),a.write(d),m._isInFirstContentOfListItem&&(a._gfmTasklistFirstContentOfListItem=void 0)),h=m,m=m.next}for(m=n;++p<s.length;)s[p][0]==="exit"&&s[p-1][0]==="enter"&&s[p][1].type===s[p-1][1].type&&s[p][1].start.line!==s[p][1].end.line&&(_=p+1,b.push(_),m._tokenizer=void 0,m.previous=void 0,m=m.next);for(a.events=[],m?(m._tokenizer=void 0,m.previous=void 0):b.pop(),p=b.length;p--;){const E=s.slice(b[p],b[p+1]),w=i.pop();l.unshift([w,w+E.length-1]),ds(e,w,2,E)}for(p=-1;++p<l.length;)u[v+l[p][0]]=v+l[p][1],v+=l[p][1]-l[p][0]-1;return u}const Cye={tokenize:Fye,resolve:Nye},Aye={tokenize:Iye,partial:!0};function Nye(e){return pM(e),e}function Fye(e,t){let n;return r;function r(s){return e.enter("content"),n=e.enter("chunkContent",{contentType:"content"}),o(s)}function o(s){return s===null?i(s):ct(s)?e.check(Aye,a,i)(s):(e.consume(s),o)}function i(s){return e.exit("chunkContent"),e.exit("content"),t(s)}function a(s){return e.consume(s),e.exit("chunkContent"),n.next=e.enter("chunkContent",{contentType:"content",previous:n}),n=n.next,o}}function Iye(e,t,n){const r=this;return o;function o(a){return e.exit("chunkContent"),e.enter("lineEnding"),e.consume(a),e.exit("lineEnding"),dn(e,i,"linePrefix")}function i(a){if(a===null||ct(a))return n(a);const s=r.events[r.events.length-1];return!r.parser.constructs.disable.null.includes("codeIndented")&&s&&s[1].type==="linePrefix"&&s[2].sliceSerialize(s[1],!0).length>=4?t(a):e.interrupt(r.parser.constructs.flow,n,t)(a)}}function mM(e,t,n,r,o,i,a,s,l){const u=l||Number.POSITIVE_INFINITY;let d=0;return h;function h(E){return E===60?(e.enter(r),e.enter(o),e.enter(i),e.consume(E),e.exit(i),p):E===null||E===41||n4(E)?n(E):(e.enter(r),e.enter(a),e.enter(s),e.enter("chunkString",{contentType:"string"}),_(E))}function p(E){return E===62?(e.enter(i),e.consume(E),e.exit(i),e.exit(o),e.exit(r),t):(e.enter(s),e.enter("chunkString",{contentType:"string"}),m(E))}function m(E){return E===62?(e.exit("chunkString"),e.exit(s),p(E)):E===null||E===60||ct(E)?n(E):(e.consume(E),E===92?v:m)}function v(E){return E===60||E===62||E===92?(e.consume(E),m):m(E)}function _(E){return E===40?++d>u?n(E):(e.consume(E),_):E===41?d--?(e.consume(E),_):(e.exit("chunkString"),e.exit(s),e.exit(a),e.exit(r),t(E)):E===null||Ki(E)?d?n(E):(e.exit("chunkString"),e.exit(s),e.exit(a),e.exit(r),t(E)):n4(E)?n(E):(e.consume(E),E===92?b:_)}function b(E){return E===40||E===41||E===92?(e.consume(E),_):_(E)}}function gM(e,t,n,r,o,i){const a=this;let s=0,l;return u;function u(m){return e.enter(r),e.enter(o),e.consume(m),e.exit(o),e.enter(i),d}function d(m){return m===null||m===91||m===93&&!l||m===94&&!s&&"_hiddenFootnoteSupport"in a.parser.constructs||s>999?n(m):m===93?(e.exit(i),e.enter(o),e.consume(m),e.exit(o),e.exit(r),t):ct(m)?(e.enter("lineEnding"),e.consume(m),e.exit("lineEnding"),d):(e.enter("chunkString",{contentType:"string"}),h(m))}function h(m){return m===null||m===91||m===93||ct(m)||s++>999?(e.exit("chunkString"),d(m)):(e.consume(m),l=l||!mr(m),m===92?p:h)}function p(m){return m===91||m===92||m===93?(e.consume(m),s++,h):h(m)}}function vM(e,t,n,r,o,i){let a;return s;function s(p){return e.enter(r),e.enter(o),e.consume(p),e.exit(o),a=p===40?41:p,l}function l(p){return p===a?(e.enter(o),e.consume(p),e.exit(o),e.exit(r),t):(e.enter(i),u(p))}function u(p){return p===a?(e.exit(i),l(a)):p===null?n(p):ct(p)?(e.enter("lineEnding"),e.consume(p),e.exit("lineEnding"),dn(e,u,"linePrefix")):(e.enter("chunkString",{contentType:"string"}),d(p))}function d(p){return p===a||p===null||ct(p)?(e.exit("chunkString"),u(p)):(e.consume(p),p===92?h:d)}function h(p){return p===a||p===92?(e.consume(p),d):d(p)}}function Vh(e,t){let n;return r;function r(o){return ct(o)?(e.enter("lineEnding"),e.consume(o),e.exit("lineEnding"),n=!0,r):mr(o)?dn(e,r,n?"linePrefix":"lineSuffix")(o):t(o)}}function Bd(e){return e.replace(/[\t\n\r ]+/g," ").replace(/^ | $/g,"").toLowerCase().toUpperCase()}const Bye={name:"definition",tokenize:Oye},Rye={tokenize:Dye,partial:!0};function Oye(e,t,n){const r=this;let o;return i;function i(l){return e.enter("definition"),gM.call(r,e,a,n,"definitionLabel","definitionLabelMarker","definitionLabelString")(l)}function a(l){return o=Bd(r.sliceSerialize(r.events[r.events.length-1][1]).slice(1,-1)),l===58?(e.enter("definitionMarker"),e.consume(l),e.exit("definitionMarker"),Vh(e,mM(e,e.attempt(Rye,dn(e,s,"whitespace"),dn(e,s,"whitespace")),n,"definitionDestination","definitionDestinationLiteral","definitionDestinationLiteralMarker","definitionDestinationRaw","definitionDestinationString"))):n(l)}function s(l){return l===null||ct(l)?(e.exit("definition"),r.parser.defined.includes(o)||r.parser.defined.push(o),t(l)):n(l)}}function Dye(e,t,n){return r;function r(a){return Ki(a)?Vh(e,o)(a):n(a)}function o(a){return a===34||a===39||a===40?vM(e,dn(e,i,"whitespace"),n,"definitionTitle","definitionTitleMarker","definitionTitleString")(a):n(a)}function i(a){return a===null||ct(a)?t(a):n(a)}}const Pye={name:"hardBreakEscape",tokenize:Mye};function Mye(e,t,n){return r;function r(i){return e.enter("hardBreakEscape"),e.enter("escapeMarker"),e.consume(i),o}function o(i){return ct(i)?(e.exit("escapeMarker"),e.exit("hardBreakEscape"),t(i)):n(i)}}const Lye={name:"headingAtx",tokenize:zye,resolve:jye};function jye(e,t){let n=e.length-2,r=3,o,i;return e[r][1].type==="whitespace"&&(r+=2),n-2>r&&e[n][1].type==="whitespace"&&(n-=2),e[n][1].type==="atxHeadingSequence"&&(r===n-1||n-4>r&&e[n-2][1].type==="whitespace")&&(n-=r+1===n?2:4),n>r&&(o={type:"atxHeadingText",start:e[r][1].start,end:e[n][1].end},i={type:"chunkText",start:e[r][1].start,end:e[n][1].end,contentType:"text"},ds(e,r,n-r+1,[["enter",o,t],["enter",i,t],["exit",i,t],["exit",o,t]])),e}function zye(e,t,n){const r=this;let o=0;return i;function i(d){return e.enter("atxHeading"),e.enter("atxHeadingSequence"),a(d)}function a(d){return d===35&&o++<6?(e.consume(d),a):d===null||Ki(d)?(e.exit("atxHeadingSequence"),r.interrupt?t(d):s(d)):n(d)}function s(d){return d===35?(e.enter("atxHeadingSequence"),l(d)):d===null||ct(d)?(e.exit("atxHeading"),t(d)):mr(d)?dn(e,s,"whitespace")(d):(e.enter("atxHeadingText"),u(d))}function l(d){return d===35?(e.consume(d),l):(e.exit("atxHeadingSequence"),s(d))}function u(d){return d===null||d===35||Ki(d)?(e.exit("atxHeadingText"),s(d)):(e.consume(d),u)}}const Hye=["address","article","aside","base","basefont","blockquote","body","caption","center","col","colgroup","dd","details","dialog","dir","div","dl","dt","fieldset","figcaption","figure","footer","form","frame","frameset","h1","h2","h3","h4","h5","h6","head","header","hr","html","iframe","legend","li","link","main","menu","menuitem","nav","noframes","ol","optgroup","option","p","param","section","source","summary","table","tbody","td","tfoot","th","thead","title","tr","track","ul"],Q7=["pre","script","style","textarea"],Uye={name:"htmlFlow",tokenize:Wye,resolveTo:$ye,concrete:!0},qye={tokenize:Gye,partial:!0};function $ye(e){let t=e.length;for(;t--&&!(e[t][0]==="enter"&&e[t][1].type==="htmlFlow"););return t>1&&e[t-2][1].type==="linePrefix"&&(e[t][1].start=e[t-2][1].start,e[t+1][1].start=e[t-2][1].start,e.splice(t-2,2)),e}function Wye(e,t,n){const r=this;let o,i,a,s,l;return u;function u(L){return e.enter("htmlFlow"),e.enter("htmlFlowData"),e.consume(L),d}function d(L){return L===33?(e.consume(L),h):L===47?(e.consume(L),v):L===63?(e.consume(L),o=3,r.interrupt?t:ve):Va(L)?(e.consume(L),a=String.fromCharCode(L),i=!0,_):n(L)}function h(L){return L===45?(e.consume(L),o=2,p):L===91?(e.consume(L),o=5,a="CDATA[",s=0,m):Va(L)?(e.consume(L),o=4,r.interrupt?t:ve):n(L)}function p(L){return L===45?(e.consume(L),r.interrupt?t:ve):n(L)}function m(L){return L===a.charCodeAt(s++)?(e.consume(L),s===a.length?r.interrupt?t:H:m):n(L)}function v(L){return Va(L)?(e.consume(L),a=String.fromCharCode(L),_):n(L)}function _(L){return L===null||L===47||L===62||Ki(L)?L!==47&&i&&Q7.includes(a.toLowerCase())?(o=1,r.interrupt?t(L):H(L)):Hye.includes(a.toLowerCase())?(o=6,L===47?(e.consume(L),b):r.interrupt?t(L):H(L)):(o=7,r.interrupt&&!r.parser.lazy[r.now().line]?n(L):i?w(L):E(L)):L===45||Ta(L)?(e.consume(L),a+=String.fromCharCode(L),_):n(L)}function b(L){return L===62?(e.consume(L),r.interrupt?t:H):n(L)}function E(L){return mr(L)?(e.consume(L),E):I(L)}function w(L){return L===47?(e.consume(L),I):L===58||L===95||Va(L)?(e.consume(L),k):mr(L)?(e.consume(L),w):I(L)}function k(L){return L===45||L===46||L===58||L===95||Ta(L)?(e.consume(L),k):y(L)}function y(L){return L===61?(e.consume(L),F):mr(L)?(e.consume(L),y):w(L)}function F(L){return L===null||L===60||L===61||L===62||L===96?n(L):L===34||L===39?(e.consume(L),l=L,C):mr(L)?(e.consume(L),F):(l=null,A(L))}function C(L){return L===null||ct(L)?n(L):L===l?(e.consume(L),P):(e.consume(L),C)}function A(L){return L===null||L===34||L===39||L===60||L===61||L===62||L===96||Ki(L)?y(L):(e.consume(L),A)}function P(L){return L===47||L===62||mr(L)?w(L):n(L)}function I(L){return L===62?(e.consume(L),j):n(L)}function j(L){return mr(L)?(e.consume(L),j):L===null||ct(L)?H(L):n(L)}function H(L){return L===45&&o===2?(e.consume(L),se):L===60&&o===1?(e.consume(L),J):L===62&&o===4?(e.consume(L),fe):L===63&&o===3?(e.consume(L),ve):L===93&&o===5?(e.consume(L),_e):ct(L)&&(o===6||o===7)?e.check(qye,fe,K)(L):L===null||ct(L)?K(L):(e.consume(L),H)}function K(L){return e.exit("htmlFlowData"),U(L)}function U(L){return L===null?R(L):ct(L)?e.attempt({tokenize:pe,partial:!0},U,R)(L):(e.enter("htmlFlowData"),H(L))}function pe(L,Ae,Ue){return Ve;function Ve(st){return L.enter("lineEnding"),L.consume(st),L.exit("lineEnding"),Le}function Le(st){return r.parser.lazy[r.now().line]?Ue(st):Ae(st)}}function se(L){return L===45?(e.consume(L),ve):H(L)}function J(L){return L===47?(e.consume(L),a="",$):H(L)}function $(L){return L===62&&Q7.includes(a.toLowerCase())?(e.consume(L),fe):Va(L)&&a.length<8?(e.consume(L),a+=String.fromCharCode(L),$):H(L)}function _e(L){return L===93?(e.consume(L),ve):H(L)}function ve(L){return L===62?(e.consume(L),fe):L===45&&o===2?(e.consume(L),ve):H(L)}function fe(L){return L===null||ct(L)?(e.exit("htmlFlowData"),R(L)):(e.consume(L),fe)}function R(L){return e.exit("htmlFlow"),t(L)}}function Gye(e,t,n){return r;function r(o){return e.exit("htmlFlowData"),e.enter("lineEndingBlank"),e.consume(o),e.exit("lineEndingBlank"),e.attempt(wy,t,n)}}const Kye={name:"htmlText",tokenize:Vye};function Vye(e,t,n){const r=this;let o,i,a,s;return l;function l(R){return e.enter("htmlText"),e.enter("htmlTextData"),e.consume(R),u}function u(R){return R===33?(e.consume(R),d):R===47?(e.consume(R),A):R===63?(e.consume(R),F):Va(R)?(e.consume(R),j):n(R)}function d(R){return R===45?(e.consume(R),h):R===91?(e.consume(R),i="CDATA[",a=0,b):Va(R)?(e.consume(R),y):n(R)}function h(R){return R===45?(e.consume(R),p):n(R)}function p(R){return R===null||R===62?n(R):R===45?(e.consume(R),m):v(R)}function m(R){return R===null||R===62?n(R):v(R)}function v(R){return R===null?n(R):R===45?(e.consume(R),_):ct(R)?(s=v,_e(R)):(e.consume(R),v)}function _(R){return R===45?(e.consume(R),fe):v(R)}function b(R){return R===i.charCodeAt(a++)?(e.consume(R),a===i.length?E:b):n(R)}function E(R){return R===null?n(R):R===93?(e.consume(R),w):ct(R)?(s=E,_e(R)):(e.consume(R),E)}function w(R){return R===93?(e.consume(R),k):E(R)}function k(R){return R===62?fe(R):R===93?(e.consume(R),k):E(R)}function y(R){return R===null||R===62?fe(R):ct(R)?(s=y,_e(R)):(e.consume(R),y)}function F(R){return R===null?n(R):R===63?(e.consume(R),C):ct(R)?(s=F,_e(R)):(e.consume(R),F)}function C(R){return R===62?fe(R):F(R)}function A(R){return Va(R)?(e.consume(R),P):n(R)}function P(R){return R===45||Ta(R)?(e.consume(R),P):I(R)}function I(R){return ct(R)?(s=I,_e(R)):mr(R)?(e.consume(R),I):fe(R)}function j(R){return R===45||Ta(R)?(e.consume(R),j):R===47||R===62||Ki(R)?H(R):n(R)}function H(R){return R===47?(e.consume(R),fe):R===58||R===95||Va(R)?(e.consume(R),K):ct(R)?(s=H,_e(R)):mr(R)?(e.consume(R),H):fe(R)}function K(R){return R===45||R===46||R===58||R===95||Ta(R)?(e.consume(R),K):U(R)}function U(R){return R===61?(e.consume(R),pe):ct(R)?(s=U,_e(R)):mr(R)?(e.consume(R),U):H(R)}function pe(R){return R===null||R===60||R===61||R===62||R===96?n(R):R===34||R===39?(e.consume(R),o=R,se):ct(R)?(s=pe,_e(R)):mr(R)?(e.consume(R),pe):(e.consume(R),o=void 0,$)}function se(R){return R===o?(e.consume(R),J):R===null?n(R):ct(R)?(s=se,_e(R)):(e.consume(R),se)}function J(R){return R===62||R===47||Ki(R)?H(R):n(R)}function $(R){return R===null||R===34||R===39||R===60||R===61||R===96?n(R):R===62||Ki(R)?H(R):(e.consume(R),$)}function _e(R){return e.exit("htmlTextData"),e.enter("lineEnding"),e.consume(R),e.exit("lineEnding"),dn(e,ve,"linePrefix",r.parser.constructs.disable.null.includes("codeIndented")?void 0:4)}function ve(R){return e.enter("htmlTextData"),s(R)}function fe(R){return R===62?(e.consume(R),e.exit("htmlTextData"),e.exit("htmlText"),t):n(R)}}const Fw={name:"labelEnd",tokenize:e5e,resolveTo:Jye,resolveAll:Zye},Yye={tokenize:t5e},Qye={tokenize:n5e},Xye={tokenize:r5e};function Zye(e){let t=-1,n;for(;++t<e.length;)n=e[t][1],(n.type==="labelImage"||n.type==="labelLink"||n.type==="labelEnd")&&(e.splice(t+1,n.type==="labelImage"?4:2),n.type="data",t++);return e}function Jye(e,t){let n=e.length,r=0,o,i,a,s;for(;n--;)if(o=e[n][1],i){if(o.type==="link"||o.type==="labelLink"&&o._inactive)break;e[n][0]==="enter"&&o.type==="labelLink"&&(o._inactive=!0)}else if(a){if(e[n][0]==="enter"&&(o.type==="labelImage"||o.type==="labelLink")&&!o._balanced&&(i=n,o.type!=="labelLink")){r=2;break}}else o.type==="labelEnd"&&(a=n);const l={type:e[i][1].type==="labelLink"?"link":"image",start:Object.assign({},e[i][1].start),end:Object.assign({},e[e.length-1][1].end)},u={type:"label",start:Object.assign({},e[i][1].start),end:Object.assign({},e[a][1].end)},d={type:"labelText",start:Object.assign({},e[i+r+2][1].end),end:Object.assign({},e[a-2][1].start)};return s=[["enter",l,t],["enter",u,t]],s=zi(s,e.slice(i+1,i+r+3)),s=zi(s,[["enter",d,t]]),s=zi(s,Nw(t.parser.constructs.insideSpan.null,e.slice(i+r+4,a-3),t)),s=zi(s,[["exit",d,t],e[a-2],e[a-1],["exit",u,t]]),s=zi(s,e.slice(a+1)),s=zi(s,[["exit",l,t]]),ds(e,i,e.length,s),e}function e5e(e,t,n){const r=this;let o=r.events.length,i,a;for(;o--;)if((r.events[o][1].type==="labelImage"||r.events[o][1].type==="labelLink")&&!r.events[o][1]._balanced){i=r.events[o][1];break}return s;function s(d){return i?i._inactive?u(d):(a=r.parser.defined.includes(Bd(r.sliceSerialize({start:i.end,end:r.now()}))),e.enter("labelEnd"),e.enter("labelMarker"),e.consume(d),e.exit("labelMarker"),e.exit("labelEnd"),l):n(d)}function l(d){return d===40?e.attempt(Yye,t,a?t:u)(d):d===91?e.attempt(Qye,t,a?e.attempt(Xye,t,u):u)(d):a?t(d):u(d)}function u(d){return i._balanced=!0,n(d)}}function t5e(e,t,n){return r;function r(l){return e.enter("resource"),e.enter("resourceMarker"),e.consume(l),e.exit("resourceMarker"),Vh(e,o)}function o(l){return l===41?s(l):mM(e,i,n,"resourceDestination","resourceDestinationLiteral","resourceDestinationLiteralMarker","resourceDestinationRaw","resourceDestinationString",32)(l)}function i(l){return Ki(l)?Vh(e,a)(l):s(l)}function a(l){return l===34||l===39||l===40?vM(e,Vh(e,s),n,"resourceTitle","resourceTitleMarker","resourceTitleString")(l):s(l)}function s(l){return l===41?(e.enter("resourceMarker"),e.consume(l),e.exit("resourceMarker"),e.exit("resource"),t):n(l)}}function n5e(e,t,n){const r=this;return o;function o(a){return gM.call(r,e,i,n,"reference","referenceMarker","referenceString")(a)}function i(a){return r.parser.defined.includes(Bd(r.sliceSerialize(r.events[r.events.length-1][1]).slice(1,-1)))?t(a):n(a)}}function r5e(e,t,n){return r;function r(i){return e.enter("reference"),e.enter("referenceMarker"),e.consume(i),e.exit("referenceMarker"),o}function o(i){return i===93?(e.enter("referenceMarker"),e.consume(i),e.exit("referenceMarker"),e.exit("reference"),t):n(i)}}const o5e={name:"labelStartImage",tokenize:i5e,resolveAll:Fw.resolveAll};function i5e(e,t,n){const r=this;return o;function o(s){return e.enter("labelImage"),e.enter("labelImageMarker"),e.consume(s),e.exit("labelImageMarker"),i}function i(s){return s===91?(e.enter("labelMarker"),e.consume(s),e.exit("labelMarker"),e.exit("labelImage"),a):n(s)}function a(s){return s===94&&"_hiddenFootnoteSupport"in r.parser.constructs?n(s):t(s)}}const a5e={name:"labelStartLink",tokenize:s5e,resolveAll:Fw.resolveAll};function s5e(e,t,n){const r=this;return o;function o(a){return e.enter("labelLink"),e.enter("labelMarker"),e.consume(a),e.exit("labelMarker"),e.exit("labelLink"),i}function i(a){return a===94&&"_hiddenFootnoteSupport"in r.parser.constructs?n(a):t(a)}}const q9={name:"lineEnding",tokenize:l5e};function l5e(e,t){return n;function n(r){return e.enter("lineEnding"),e.consume(r),e.exit("lineEnding"),dn(e,t,"linePrefix")}}const Yg={name:"thematicBreak",tokenize:u5e};function u5e(e,t,n){let r=0,o;return i;function i(l){return e.enter("thematicBreak"),o=l,a(l)}function a(l){return l===o?(e.enter("thematicBreakSequence"),s(l)):mr(l)?dn(e,a,"whitespace")(l):r<3||l!==null&&!ct(l)?n(l):(e.exit("thematicBreak"),t(l))}function s(l){return l===o?(e.consume(l),r++,s):(e.exit("thematicBreakSequence"),a(l))}}const qo={name:"list",tokenize:d5e,continuation:{tokenize:h5e},exit:m5e},c5e={tokenize:g5e,partial:!0},f5e={tokenize:p5e,partial:!0};function d5e(e,t,n){const r=this,o=r.events[r.events.length-1];let i=o&&o[1].type==="linePrefix"?o[2].sliceSerialize(o[1],!0).length:0,a=0;return s;function s(m){const v=r.containerState.type||(m===42||m===43||m===45?"listUnordered":"listOrdered");if(v==="listUnordered"?!r.containerState.marker||m===r.containerState.marker:t4(m)){if(r.containerState.type||(r.containerState.type=v,e.enter(v,{_container:!0})),v==="listUnordered")return e.enter("listItemPrefix"),m===42||m===45?e.check(Yg,n,u)(m):u(m);if(!r.interrupt||m===49)return e.enter("listItemPrefix"),e.enter("listItemValue"),l(m)}return n(m)}function l(m){return t4(m)&&++a<10?(e.consume(m),l):(!r.interrupt||a<2)&&(r.containerState.marker?m===r.containerState.marker:m===41||m===46)?(e.exit("listItemValue"),u(m)):n(m)}function u(m){return e.enter("listItemMarker"),e.consume(m),e.exit("listItemMarker"),r.containerState.marker=r.containerState.marker||m,e.check(wy,r.interrupt?n:d,e.attempt(c5e,p,h))}function d(m){return r.containerState.initialBlankLine=!0,i++,p(m)}function h(m){return mr(m)?(e.enter("listItemPrefixWhitespace"),e.consume(m),e.exit("listItemPrefixWhitespace"),p):n(m)}function p(m){return r.containerState.size=i+r.sliceSerialize(e.exit("listItemPrefix"),!0).length,t(m)}}function h5e(e,t,n){const r=this;return r.containerState._closeFlow=void 0,e.check(wy,o,i);function o(s){return r.containerState.furtherBlankLines=r.containerState.furtherBlankLines||r.containerState.initialBlankLine,dn(e,t,"listItemIndent",r.containerState.size+1)(s)}function i(s){return r.containerState.furtherBlankLines||!mr(s)?(r.containerState.furtherBlankLines=void 0,r.containerState.initialBlankLine=void 0,a(s)):(r.containerState.furtherBlankLines=void 0,r.containerState.initialBlankLine=void 0,e.attempt(f5e,t,a)(s))}function a(s){return r.containerState._closeFlow=!0,r.interrupt=void 0,dn(e,e.attempt(qo,t,n),"linePrefix",r.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(s)}}function p5e(e,t,n){const r=this;return dn(e,o,"listItemIndent",r.containerState.size+1);function o(i){const a=r.events[r.events.length-1];return a&&a[1].type==="listItemIndent"&&a[2].sliceSerialize(a[1],!0).length===r.containerState.size?t(i):n(i)}}function m5e(e){e.exit(this.containerState.type)}function g5e(e,t,n){const r=this;return dn(e,o,"listItemPrefixWhitespace",r.parser.constructs.disable.null.includes("codeIndented")?void 0:4+1);function o(i){const a=r.events[r.events.length-1];return!mr(i)&&a&&a[1].type==="listItemPrefixWhitespace"?t(i):n(i)}}const X7={name:"setextUnderline",tokenize:b5e,resolveTo:v5e};function v5e(e,t){let n=e.length,r,o,i;for(;n--;)if(e[n][0]==="enter"){if(e[n][1].type==="content"){r=n;break}e[n][1].type==="paragraph"&&(o=n)}else e[n][1].type==="content"&&e.splice(n,1),!i&&e[n][1].type==="definition"&&(i=n);const a={type:"setextHeading",start:Object.assign({},e[o][1].start),end:Object.assign({},e[e.length-1][1].end)};return e[o][1].type="setextHeadingText",i?(e.splice(o,0,["enter",a,t]),e.splice(i+1,0,["exit",e[r][1],t]),e[r][1].end=Object.assign({},e[i][1].end)):e[r][1]=a,e.push(["exit",a,t]),e}function b5e(e,t,n){const r=this;let o=r.events.length,i,a;for(;o--;)if(r.events[o][1].type!=="lineEnding"&&r.events[o][1].type!=="linePrefix"&&r.events[o][1].type!=="content"){a=r.events[o][1].type==="paragraph";break}return s;function s(d){return!r.parser.lazy[r.now().line]&&(r.interrupt||a)?(e.enter("setextHeadingLine"),e.enter("setextHeadingLineSequence"),i=d,l(d)):n(d)}function l(d){return d===i?(e.consume(d),l):(e.exit("setextHeadingLineSequence"),dn(e,u,"lineSuffix")(d))}function u(d){return d===null||ct(d)?(e.exit("setextHeadingLine"),t(d)):n(d)}}const y5e={tokenize:E5e};function E5e(e){const t=this,n=e.attempt(wy,r,e.attempt(this.parser.constructs.flowInitial,o,dn(e,e.attempt(this.parser.constructs.flow,o,e.attempt(Cye,o)),"linePrefix")));return n;function r(i){if(i===null){e.consume(i);return}return e.enter("lineEndingBlank"),e.consume(i),e.exit("lineEndingBlank"),t.currentConstruct=void 0,n}function o(i){if(i===null){e.consume(i);return}return e.enter("lineEnding"),e.consume(i),e.exit("lineEnding"),t.currentConstruct=void 0,n}}const _5e={resolveAll:yM()},T5e=bM("string"),w5e=bM("text");function bM(e){return{tokenize:t,resolveAll:yM(e==="text"?k5e:void 0)};function t(n){const r=this,o=this.parser.constructs[e],i=n.attempt(o,a,s);return a;function a(d){return u(d)?i(d):s(d)}function s(d){if(d===null){n.consume(d);return}return n.enter("data"),n.consume(d),l}function l(d){return u(d)?(n.exit("data"),i(d)):(n.consume(d),l)}function u(d){if(d===null)return!0;const h=o[d];let p=-1;if(h)for(;++p<h.length;){const m=h[p];if(!m.previous||m.previous.call(r,r.previous))return!0}return!1}}}function yM(e){return t;function t(n,r){let o=-1,i;for(;++o<=n.length;)i===void 0?n[o]&&n[o][1].type==="data"&&(i=o,o++):(!n[o]||n[o][1].type!=="data")&&(o!==i+2&&(n[i][1].end=n[o-1][1].end,n.splice(i+2,o-i-2),o=i+2),i=void 0);return e?e(n,r):n}}function k5e(e,t){let n=0;for(;++n<=e.length;)if((n===e.length||e[n][1].type==="lineEnding")&&e[n-1][1].type==="data"){const r=e[n-1][1],o=t.sliceStream(r);let i=o.length,a=-1,s=0,l;for(;i--;){const u=o[i];if(typeof u=="string"){for(a=u.length;u.charCodeAt(a-1)===32;)s++,a--;if(a)break;a=-1}else if(u===-2)l=!0,s++;else if(u!==-1){i++;break}}if(s){const u={type:n===e.length||l||s<2?"lineSuffix":"hardBreakTrailing",start:{line:r.end.line,column:r.end.column-s,offset:r.end.offset-s,_index:r.start._index+i,_bufferIndex:i?a:r.start._bufferIndex+a},end:Object.assign({},r.end)};r.end=Object.assign({},u.start),r.start.offset===r.end.offset?Object.assign(r,u):(e.splice(n,0,["enter",u,t],["exit",u,t]),n+=2)}n++}return e}function S5e(e,t,n){let r=Object.assign(n?Object.assign({},n):{line:1,column:1,offset:0},{_index:0,_bufferIndex:-1});const o={},i=[];let a=[],s=[];const l={consume:w,enter:k,exit:y,attempt:A(F),check:A(C),interrupt:A(C,{interrupt:!0})},u={previous:null,code:null,containerState:{},events:[],parser:e,sliceStream:m,sliceSerialize:p,now:v,defineSkip:_,write:h};let d=t.tokenize.call(u,l);return t.resolveAll&&i.push(t),u;function h(H){return a=zi(a,H),b(),a[a.length-1]!==null?[]:(P(t,0),u.events=Nw(i,u.events,u),u.events)}function p(H,K){return C5e(m(H),K)}function m(H){return x5e(a,H)}function v(){return Object.assign({},r)}function _(H){o[H.line]=H.column,j()}function b(){let H;for(;r._index<a.length;){const K=a[r._index];if(typeof K=="string")for(H=r._index,r._bufferIndex<0&&(r._bufferIndex=0);r._index===H&&r._bufferIndex<K.length;)E(K.charCodeAt(r._bufferIndex));else E(K)}}function E(H){d=d(H)}function w(H){ct(H)?(r.line++,r.column=1,r.offset+=H===-3?2:1,j()):H!==-1&&(r.column++,r.offset++),r._bufferIndex<0?r._index++:(r._bufferIndex++,r._bufferIndex===a[r._index].length&&(r._bufferIndex=-1,r._index++)),u.previous=H}function k(H,K){const U=K||{};return U.type=H,U.start=v(),u.events.push(["enter",U,u]),s.push(U),U}function y(H){const K=s.pop();return K.end=v(),u.events.push(["exit",K,u]),K}function F(H,K){P(H,K.from)}function C(H,K){K.restore()}function A(H,K){return U;function U(pe,se,J){let $,_e,ve,fe;return Array.isArray(pe)?L(pe):"tokenize"in pe?L([pe]):R(pe);function R(Le){return st;function st(We){const rt=We!==null&&Le[We],Zt=We!==null&&Le.null,qn=[...Array.isArray(rt)?rt:rt?[rt]:[],...Array.isArray(Zt)?Zt:Zt?[Zt]:[]];return L(qn)(We)}}function L(Le){return $=Le,_e=0,Le.length===0?J:Ae(Le[_e])}function Ae(Le){return st;function st(We){return fe=I(),ve=Le,Le.partial||(u.currentConstruct=Le),Le.name&&u.parser.constructs.disable.null.includes(Le.name)?Ve():Le.tokenize.call(K?Object.assign(Object.create(u),K):u,l,Ue,Ve)(We)}}function Ue(Le){return H(ve,fe),se}function Ve(Le){return fe.restore(),++_e<$.length?Ae($[_e]):J}}}function P(H,K){H.resolveAll&&!i.includes(H)&&i.push(H),H.resolve&&ds(u.events,K,u.events.length-K,H.resolve(u.events.slice(K),u)),H.resolveTo&&(u.events=H.resolveTo(u.events,u))}function I(){const H=v(),K=u.previous,U=u.currentConstruct,pe=u.events.length,se=Array.from(s);return{restore:J,from:pe};function J(){r=H,u.previous=K,u.currentConstruct=U,u.events.length=pe,s=se,j()}}function j(){r.line in o&&r.column<2&&(r.column=o[r.line],r.offset+=o[r.line]-1)}}function x5e(e,t){const n=t.start._index,r=t.start._bufferIndex,o=t.end._index,i=t.end._bufferIndex;let a;return n===o?a=[e[n].slice(r,i)]:(a=e.slice(n,o),r>-1&&(a[0]=a[0].slice(r)),i>0&&a.push(e[o].slice(0,i))),a}function C5e(e,t){let n=-1;const r=[];let o;for(;++n<e.length;){const i=e[n];let a;if(typeof i=="string")a=i;else switch(i){case-5:{a="\r";break}case-4:{a=`
`;break}case-3:{a=`\r
`;break}case-2:{a=t?" ":" ";break}case-1:{if(!t&&o)continue;a=" ";break}default:a=String.fromCharCode(i)}o=i===-2,r.push(a)}return r.join("")}const A5e={[42]:qo,[43]:qo,[45]:qo,[48]:qo,[49]:qo,[50]:qo,[51]:qo,[52]:qo,[53]:qo,[54]:qo,[55]:qo,[56]:qo,[57]:qo,[62]:fM},N5e={[91]:Bye},F5e={[-2]:U9,[-1]:U9,[32]:U9},I5e={[35]:Lye,[42]:Yg,[45]:[X7,Yg],[60]:Uye,[61]:X7,[95]:Yg,[96]:Y7,[126]:Y7},B5e={[38]:hM,[92]:dM},R5e={[-5]:q9,[-4]:q9,[-3]:q9,[33]:o5e,[38]:hM,[42]:r4,[60]:[cye,Kye],[91]:a5e,[92]:[Pye,dM],[93]:Fw,[95]:r4,[96]:Tye},O5e={null:[r4,_5e]},D5e={null:[42,95]},P5e={null:[]},M5e=Object.freeze(Object.defineProperty({__proto__:null,attentionMarkers:D5e,contentInitial:N5e,disable:P5e,document:A5e,flow:I5e,flowInitial:F5e,insideSpan:O5e,string:B5e,text:R5e},Symbol.toStringTag,{value:"Module"}));function L5e(e={}){const t=Ybe([M5e].concat(e.extensions||[])),n={defined:[],lazy:{},constructs:t,content:r(rye),document:r(iye),flow:r(y5e),string:r(T5e),text:r(w5e)};return n;function r(o){return i;function i(a){return S5e(n,o,a)}}}const Z7=/[\0\t\n\r]/g;function j5e(){let e=1,t="",n=!0,r;return o;function o(i,a,s){const l=[];let u,d,h,p,m;for(i=t+i.toString(a),h=0,t="",n&&(i.charCodeAt(0)===65279&&h++,n=void 0);h<i.length;){if(Z7.lastIndex=h,u=Z7.exec(i),p=u&&u.index!==void 0?u.index:i.length,m=i.charCodeAt(p),!u){t=i.slice(h);break}if(m===10&&h===p&&r)l.push(-3),r=void 0;else switch(r&&(l.push(-5),r=void 0),h<p&&(l.push(i.slice(h,p)),e+=p-h),m){case 0:{l.push(65533),e++;break}case 9:{for(d=Math.ceil(e/4)*4,l.push(-2);e++<d;)l.push(-1);break}case 10:{l.push(-4),e=1;break}default:r=!0,e=1}h=p+1}return s&&(r&&l.push(-5),t&&l.push(t),l.push(null)),l}}function z5e(e){for(;!pM(e););return e}function EM(e,t){const n=Number.parseInt(e,t);return n<9||n===11||n>13&&n<32||n>126&&n<160||n>55295&&n<57344||n>64975&&n<65008||(n&65535)===65535||(n&65535)===65534||n>1114111?"�":String.fromCharCode(n)}const H5e=/\\([!-/:-@[-`{-~])|&(#(?:\d{1,7}|x[\da-f]{1,6})|[\da-z]{1,31});/gi;function U5e(e){return e.replace(H5e,q5e)}function q5e(e,t,n){if(t)return t;if(n.charCodeAt(0)===35){const o=n.charCodeAt(1),i=o===120||o===88;return EM(n.slice(i?2:1),i?16:10)}return L0(n)||e}var If={}.hasOwnProperty;function Qg(e){return!e||typeof e!="object"?"":If.call(e,"position")||If.call(e,"type")?J7(e.position):If.call(e,"start")||If.call(e,"end")?J7(e):If.call(e,"line")||If.call(e,"column")?o4(e):""}function o4(e){return eA(e&&e.line)+":"+eA(e&&e.column)}function J7(e){return o4(e&&e.start)+"-"+o4(e&&e.end)}function eA(e){return e&&typeof e=="number"?e:1}const i4={}.hasOwnProperty,$5e=function(e,t,n){return typeof t!="string"&&(n=t,t=void 0),W5e(n)(z5e(L5e(n).document().write(j5e()(e,t,!0))))};function W5e(e={}){const t=_M({transforms:[],canContainEols:["emphasis","fragment","heading","paragraph","strong"],enter:{autolink:l(pn),autolinkProtocol:K,autolinkEmail:K,atxHeading:l(an),blockQuote:l(er),characterEscape:K,characterReference:K,codeFenced:l(tr),codeFencedFenceInfo:u,codeFencedFenceMeta:u,codeIndented:l(tr,u),codeText:l(In,u),codeTextData:K,data:K,codeFlowValue:K,definition:l(br),definitionDestinationString:u,definitionLabelString:u,definitionTitleString:u,emphasis:l(Nr),hardBreakEscape:l(yo),hardBreakTrailing:l(yo),htmlFlow:l(Eo,u),htmlFlowData:K,htmlText:l(Eo,u),htmlTextData:K,image:l(jr),label:u,link:l(pn),listItem:l(mn),listItemValue:_,listOrdered:l(Mn,v),listUnordered:l(Mn),paragraph:l(Po),reference:Le,referenceString:u,resourceDestinationString:u,resourceTitleString:u,setextHeading:l(an),strong:l(me),thematicBreak:l(ie)},exit:{atxHeading:h(),atxHeadingSequence:P,autolink:h(),autolinkEmail:qn,autolinkProtocol:Zt,blockQuote:h(),characterEscapeValue:U,characterReferenceMarkerHexadecimal:We,characterReferenceMarkerNumeric:We,characterReferenceValue:rt,codeFenced:h(k),codeFencedFence:w,codeFencedFenceInfo:b,codeFencedFenceMeta:E,codeFlowValue:U,codeIndented:h(y),codeText:h(_e),codeTextData:U,data:U,definition:h(),definitionDestinationString:A,definitionLabelString:F,definitionTitleString:C,emphasis:h(),hardBreakEscape:h(se),hardBreakTrailing:h(se),htmlFlow:h(J),htmlFlowData:U,htmlText:h($),htmlTextData:U,image:h(fe),label:L,labelText:R,lineEnding:pe,link:h(ve),listItem:h(),listOrdered:h(),listUnordered:h(),paragraph:h(),referenceString:st,resourceDestinationString:Ae,resourceTitleString:Ue,resource:Ve,setextHeading:h(H),setextHeadingLineSequence:j,setextHeadingText:I,strong:h(),thematicBreak:h()}},e.mdastExtensions||[]),n={};return r;function r(G){let ae={type:"root",children:[]};const Te=[ae],Oe=[],$e=[],_t={stack:Te,tokenStack:Oe,config:t,enter:d,exit:p,buffer:u,resume:m,setData:i,getData:a};let Qe=-1;for(;++Qe<G.length;)if(G[Qe][1].type==="listOrdered"||G[Qe][1].type==="listUnordered")if(G[Qe][0]==="enter")$e.push(Qe);else{const lt=$e.pop();Qe=o(G,lt,Qe)}for(Qe=-1;++Qe<G.length;){const lt=t[G[Qe][0]];i4.call(lt,G[Qe][1].type)&<[G[Qe][1].type].call(Object.assign({sliceSerialize:G[Qe][2].sliceSerialize},_t),G[Qe][1])}if(Oe.length>0){const lt=Oe[Oe.length-1];(lt[1]||tA).call(_t,void 0,lt[0])}for(ae.position={start:s(G.length>0?G[0][1].start:{line:1,column:1,offset:0}),end:s(G.length>0?G[G.length-2][1].end:{line:1,column:1,offset:0})},Qe=-1;++Qe<t.transforms.length;)ae=t.transforms[Qe](ae)||ae;return ae}function o(G,ae,Te){let Oe=ae-1,$e=-1,_t=!1,Qe,lt,Kt,Pt;for(;++Oe<=Te;){const gt=G[Oe];if(gt[1].type==="listUnordered"||gt[1].type==="listOrdered"||gt[1].type==="blockQuote"?(gt[0]==="enter"?$e++:$e--,Pt=void 0):gt[1].type==="lineEndingBlank"?gt[0]==="enter"&&(Qe&&!Pt&&!$e&&!Kt&&(Kt=Oe),Pt=void 0):gt[1].type==="linePrefix"||gt[1].type==="listItemValue"||gt[1].type==="listItemMarker"||gt[1].type==="listItemPrefix"||gt[1].type==="listItemPrefixWhitespace"||(Pt=void 0),!$e&>[0]==="enter"&>[1].type==="listItemPrefix"||$e===-1&>[0]==="exit"&&(gt[1].type==="listUnordered"||gt[1].type==="listOrdered")){if(Qe){let Ln=Oe;for(lt=void 0;Ln--;){const Tn=G[Ln];if(Tn[1].type==="lineEnding"||Tn[1].type==="lineEndingBlank"){if(Tn[0]==="exit")continue;lt&&(G[lt][1].type="lineEndingBlank",_t=!0),Tn[1].type="lineEnding",lt=Ln}else if(!(Tn[1].type==="linePrefix"||Tn[1].type==="blockQuotePrefix"||Tn[1].type==="blockQuotePrefixWhitespace"||Tn[1].type==="blockQuoteMarker"||Tn[1].type==="listItemIndent"))break}Kt&&(!lt||Kt<lt)&&(Qe._spread=!0),Qe.end=Object.assign({},lt?G[lt][1].start:gt[1].end),G.splice(lt||Oe,0,["exit",Qe,gt[2]]),Oe++,Te++}gt[1].type==="listItemPrefix"&&(Qe={type:"listItem",_spread:!1,start:Object.assign({},gt[1].start)},G.splice(Oe,0,["enter",Qe,gt[2]]),Oe++,Te++,Kt=void 0,Pt=!0)}}return G[ae][1]._spread=_t,Te}function i(G,ae){n[G]=ae}function a(G){return n[G]}function s(G){return{line:G.line,column:G.column,offset:G.offset}}function l(G,ae){return Te;function Te(Oe){d.call(this,G(Oe),Oe),ae&&ae.call(this,Oe)}}function u(){this.stack.push({type:"fragment",children:[]})}function d(G,ae,Te){return this.stack[this.stack.length-1].children.push(G),this.stack.push(G),this.tokenStack.push([ae,Te]),G.position={start:s(ae.start)},G}function h(G){return ae;function ae(Te){G&&G.call(this,Te),p.call(this,Te)}}function p(G,ae){const Te=this.stack.pop(),Oe=this.tokenStack.pop();if(Oe)Oe[0].type!==G.type&&(ae?ae.call(this,G,Oe[0]):(Oe[1]||tA).call(this,G,Oe[0]));else throw new Error("Cannot close `"+G.type+"` ("+Qg({start:G.start,end:G.end})+"): it’s not open");return Te.position.end=s(G.end),Te}function m(){return Vbe(this.stack.pop())}function v(){i("expectingFirstListItemValue",!0)}function _(G){if(a("expectingFirstListItemValue")){const ae=this.stack[this.stack.length-2];ae.start=Number.parseInt(this.sliceSerialize(G),10),i("expectingFirstListItemValue")}}function b(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.lang=G}function E(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.meta=G}function w(){a("flowCodeInside")||(this.buffer(),i("flowCodeInside",!0))}function k(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.value=G.replace(/^(\r?\n|\r)|(\r?\n|\r)$/g,""),i("flowCodeInside")}function y(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.value=G.replace(/(\r?\n|\r)$/g,"")}function F(G){const ae=this.resume(),Te=this.stack[this.stack.length-1];Te.label=ae,Te.identifier=Bd(this.sliceSerialize(G)).toLowerCase()}function C(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.title=G}function A(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.url=G}function P(G){const ae=this.stack[this.stack.length-1];if(!ae.depth){const Te=this.sliceSerialize(G).length;ae.depth=Te}}function I(){i("setextHeadingSlurpLineEnding",!0)}function j(G){const ae=this.stack[this.stack.length-1];ae.depth=this.sliceSerialize(G).charCodeAt(0)===61?1:2}function H(){i("setextHeadingSlurpLineEnding")}function K(G){const ae=this.stack[this.stack.length-1];let Te=ae.children[ae.children.length-1];(!Te||Te.type!=="text")&&(Te=le(),Te.position={start:s(G.start)},ae.children.push(Te)),this.stack.push(Te)}function U(G){const ae=this.stack.pop();ae.value+=this.sliceSerialize(G),ae.position.end=s(G.end)}function pe(G){const ae=this.stack[this.stack.length-1];if(a("atHardBreak")){const Te=ae.children[ae.children.length-1];Te.position.end=s(G.end),i("atHardBreak");return}!a("setextHeadingSlurpLineEnding")&&t.canContainEols.includes(ae.type)&&(K.call(this,G),U.call(this,G))}function se(){i("atHardBreak",!0)}function J(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.value=G}function $(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.value=G}function _e(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.value=G}function ve(){const G=this.stack[this.stack.length-1];a("inReference")?(G.type+="Reference",G.referenceType=a("referenceType")||"shortcut",delete G.url,delete G.title):(delete G.identifier,delete G.label),i("referenceType")}function fe(){const G=this.stack[this.stack.length-1];a("inReference")?(G.type+="Reference",G.referenceType=a("referenceType")||"shortcut",delete G.url,delete G.title):(delete G.identifier,delete G.label),i("referenceType")}function R(G){const ae=this.stack[this.stack.length-2],Te=this.sliceSerialize(G);ae.label=U5e(Te),ae.identifier=Bd(Te).toLowerCase()}function L(){const G=this.stack[this.stack.length-1],ae=this.resume(),Te=this.stack[this.stack.length-1];i("inReference",!0),Te.type==="link"?Te.children=G.children:Te.alt=ae}function Ae(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.url=G}function Ue(){const G=this.resume(),ae=this.stack[this.stack.length-1];ae.title=G}function Ve(){i("inReference")}function Le(){i("referenceType","collapsed")}function st(G){const ae=this.resume(),Te=this.stack[this.stack.length-1];Te.label=ae,Te.identifier=Bd(this.sliceSerialize(G)).toLowerCase(),i("referenceType","full")}function We(G){i("characterReferenceType",G.type)}function rt(G){const ae=this.sliceSerialize(G),Te=a("characterReferenceType");let Oe;Te?(Oe=EM(ae,Te==="characterReferenceMarkerNumeric"?10:16),i("characterReferenceType")):Oe=L0(ae);const $e=this.stack.pop();$e.value+=Oe,$e.position.end=s(G.end)}function Zt(G){U.call(this,G);const ae=this.stack[this.stack.length-1];ae.url=this.sliceSerialize(G)}function qn(G){U.call(this,G);const ae=this.stack[this.stack.length-1];ae.url="mailto:"+this.sliceSerialize(G)}function er(){return{type:"blockquote",children:[]}}function tr(){return{type:"code",lang:null,meta:null,value:""}}function In(){return{type:"inlineCode",value:""}}function br(){return{type:"definition",identifier:"",label:null,title:null,url:""}}function Nr(){return{type:"emphasis",children:[]}}function an(){return{type:"heading",depth:void 0,children:[]}}function yo(){return{type:"break"}}function Eo(){return{type:"html",value:""}}function jr(){return{type:"image",title:null,url:"",alt:null}}function pn(){return{type:"link",title:null,url:"",children:[]}}function Mn(G){return{type:"list",ordered:G.type==="listOrdered",start:null,spread:G._spread,children:[]}}function mn(G){return{type:"listItem",spread:G._spread,checked:null,children:[]}}function Po(){return{type:"paragraph",children:[]}}function me(){return{type:"strong",children:[]}}function le(){return{type:"text",value:""}}function ie(){return{type:"thematicBreak"}}}function _M(e,t){let n=-1;for(;++n<t.length;){const r=t[n];Array.isArray(r)?_M(e,r):G5e(e,r)}return e}function G5e(e,t){let n;for(n in t)if(i4.call(t,n)){const r=n==="canContainEols"||n==="transforms",i=(i4.call(e,n)?e[n]:void 0)||(e[n]=r?[]:{}),a=t[n];a&&(r?e[n]=[...i,...a]:Object.assign(i,a))}}function tA(e,t){throw e?new Error("Cannot close `"+e.type+"` ("+Qg({start:e.start,end:e.end})+"): a different token (`"+t.type+"`, "+Qg({start:t.start,end:t.end})+") is open"):new Error("Cannot close document, a token (`"+t.type+"`, "+Qg({start:t.start,end:t.end})+") is still open")}function K5e(e){Object.assign(this,{Parser:n=>{const r=this.data("settings");return $5e(n,Object.assign({},r,e,{extensions:this.data("micromarkExtensions")||[],mdastExtensions:this.data("fromMarkdownExtensions")||[]}))}})}var Mr=function(e,t,n){var r={type:String(e)};return n==null&&(typeof t=="string"||Array.isArray(t))?n=t:Object.assign(r,t),Array.isArray(n)?r.children=n:n!=null&&(r.value=String(n)),r};const Xg={}.hasOwnProperty;function V5e(e,t){const n=t.data||{};return"value"in t&&!(Xg.call(n,"hName")||Xg.call(n,"hProperties")||Xg.call(n,"hChildren"))?e.augment(t,Mr("text",t.value)):e(t,"div",Do(e,t))}function TM(e,t,n){const r=t&&t.type;let o;if(!r)throw new Error("Expected node, got `"+t+"`");return Xg.call(e.handlers,r)?o=e.handlers[r]:e.passThrough&&e.passThrough.includes(r)?o=Y5e:o=e.unknownHandler,(typeof o=="function"?o:V5e)(e,t,n)}function Y5e(e,t){return"children"in t?{...t,children:Do(e,t)}:t}function Do(e,t){const n=[];if("children"in t){const r=t.children;let o=-1;for(;++o<r.length;){const i=TM(e,r[o],t);if(i){if(o&&r[o-1].type==="break"&&(!Array.isArray(i)&&i.type==="text"&&(i.value=i.value.replace(/^\s+/,"")),!Array.isArray(i)&&i.type==="element")){const a=i.children[0];a&&a.type==="text"&&(a.value=a.value.replace(/^\s+/,""))}Array.isArray(i)?n.push(...i):n.push(i)}}}return n}const h1=function(e){if(e==null)return J5e;if(typeof e=="string")return Z5e(e);if(typeof e=="object")return Array.isArray(e)?Q5e(e):X5e(e);if(typeof e=="function")return ky(e);throw new Error("Expected function, string, or object as test")};function Q5e(e){const t=[];let n=-1;for(;++n<e.length;)t[n]=h1(e[n]);return ky(r);function r(...o){let i=-1;for(;++i<t.length;)if(t[i].call(this,...o))return!0;return!1}}function X5e(e){return ky(t);function t(n){let r;for(r in e)if(n[r]!==e[r])return!1;return!0}}function Z5e(e){return ky(t);function t(n){return n&&n.type===e}}function ky(e){return t;function t(...n){return!!e.call(this,...n)}}function J5e(){return!0}const e2e=!0,t2e="skip",nA=!1,n2e=function(e,t,n,r){typeof t=="function"&&typeof n!="function"&&(r=n,n=t,t=null);const o=h1(t),i=r?-1:1;a(e,null,[])();function a(s,l,u){const d=typeof s=="object"&&s!==null?s:{};let h;return typeof d.type=="string"&&(h=typeof d.tagName=="string"?d.tagName:typeof d.name=="string"?d.name:void 0,Object.defineProperty(p,"name",{value:"node ("+(d.type+(h?"<"+h+">":""))+")"})),p;function p(){let m=[],v,_,b;if((!t||o(s,l,u[u.length-1]||null))&&(m=r2e(n(s,u)),m[0]===nA))return m;if(s.children&&m[0]!==t2e)for(_=(r?s.children.length:-1)+i,b=u.concat(s);_>-1&&_<s.children.length;){if(v=a(s.children[_],_,b)(),v[0]===nA)return v;_=typeof v[1]=="number"?v[1]:_+i}return m}}};function r2e(e){return Array.isArray(e)?e:typeof e=="number"?[e2e,e]:[e]}const Iw=function(e,t,n,r){typeof t=="function"&&typeof n!="function"&&(r=n,n=t,t=null),n2e(e,t,o,r);function o(i,a){const s=a[a.length-1];return n(i,s?s.children.indexOf(i):null,s)}};var Sy=wM("start"),Bw=wM("end");function wM(e){return t;function t(n){var r=n&&n.position&&n.position[e]||{};return{line:r.line||null,column:r.column||null,offset:r.offset>-1?r.offset:null}}}function o2e(e){return!e||!e.position||!e.position.start||!e.position.start.line||!e.position.start.column||!e.position.end||!e.position.end.line||!e.position.end.column}const i2e=!0,a2e="skip",rA=!1,s2e=function(e,t,n,r){typeof t=="function"&&typeof n!="function"&&(r=n,n=t,t=null);var o=h1(t),i=r?-1:1;a(e,null,[])();function a(s,l,u){var d=typeof s=="object"&&s!==null?s:{},h;return typeof d.type=="string"&&(h=typeof d.tagName=="string"?d.tagName:typeof d.name=="string"?d.name:void 0,Object.defineProperty(p,"name",{value:"node ("+(d.type+(h?"<"+h+">":""))+")"})),p;function p(){var m=[],v,_,b;if((!t||o(s,l,u[u.length-1]||null))&&(m=l2e(n(s,u)),m[0]===rA))return m;if(s.children&&m[0]!==a2e)for(_=(r?s.children.length:-1)+i,b=u.concat(s);_>-1&&_<s.children.length;){if(v=a(s.children[_],_,b)(),v[0]===rA)return v;_=typeof v[1]=="number"?v[1]:_+i}return m}}};function l2e(e){return Array.isArray(e)?e:typeof e=="number"?[i2e,e]:[e]}const u2e=function(e,t,n,r){typeof t=="function"&&typeof n!="function"&&(r=n,n=t,t=null),s2e(e,t,o,r);function o(i,a){var s=a[a.length-1];return n(i,s?s.children.indexOf(i):null,s)}},oA={}.hasOwnProperty;function c2e(e){const t=Object.create(null);if(!e||!e.type)throw new Error("mdast-util-definitions expected node");return u2e(e,"definition",n),r;function n(o){const i=iA(o.identifier);i&&!oA.call(t,i)&&(t[i]=o)}function r(o){const i=iA(o);return i&&oA.call(t,i)?t[i]:null}}function iA(e){return String(e||"").toUpperCase()}function kM(e,t){return e(t,"hr")}function lu(e,t){const n=[];let r=-1;for(t&&n.push(Mr("text",`
`));++r<e.length;)r&&n.push(Mr("text",`
`)),n.push(e[r]);return t&&e.length>0&&n.push(Mr("text",`
`)),n}function SM(e,t){const n={},r=t.ordered?"ol":"ul",o=Do(e,t);let i=-1;for(typeof t.start=="number"&&t.start!==1&&(n.start=t.start);++i<o.length;){const a=o[i];if(a.type==="element"&&a.tagName==="li"&&a.properties&&Array.isArray(a.properties.className)&&a.properties.className.includes("task-list-item")){n.className=["contains-task-list"];break}}return e(t,r,n,lu(o,!0))}function f2e(e){const t=e.footnoteById,n=e.footnoteOrder;let r=-1;const o=[];for(;++r<n.length;){const i=t[n[r].toUpperCase()];if(!i)continue;const a=String(r+1),s=[...i.children],l={type:"link",url:"#fnref"+a,data:{hProperties:{className:["footnote-back"],role:"doc-backlink"}},children:[{type:"text",value:"↩"}]},u=s[s.length-1];u&&u.type==="paragraph"?u.children.push(l):s.push(l),o.push({type:"listItem",data:{hProperties:{id:"fn"+a,role:"doc-endnote"}},children:s,position:i.position})}return o.length===0?null:e(null,"section",{className:["footnotes"],role:"doc-endnotes"},lu([kM(e),SM(e,{type:"list",ordered:!0,children:o})],!0))}function d2e(e,t){return e(t,"blockquote",lu(Do(e,t),!0))}function h2e(e,t){return[e(t,"br"),Mr("text",`
`)]}function p2e(e,t){const n=t.value?t.value+`
`:"",r=t.lang&&t.lang.match(/^[^ \t]+(?=[ \t]|$)/),o={};r&&(o.className=["language-"+r]);const i=e(t,"code",o,[Mr("text",n)]);return t.meta&&(i.data={meta:t.meta}),e(t.position,"pre",[i])}function m2e(e,t){return e(t,"del",Do(e,t))}function g2e(e,t){return e(t,"em",Do(e,t))}function xM(e,t){const n=e.footnoteOrder,r=String(t.identifier),o=n.indexOf(r),i=String(o===-1?n.push(r):o+1);return e(t,"a",{href:"#fn"+i,className:["footnote-ref"],id:"fnref"+i,role:"doc-noteref"},[e(t.position,"sup",[Mr("text",i)])])}function v2e(e,t){const n=e.footnoteById,r=e.footnoteOrder;let o=1;for(;o in n;)o++;const i=String(o);return r.push(i),n[i]={type:"footnoteDefinition",identifier:i,children:[{type:"paragraph",children:t.children}],position:t.position},xM(e,{type:"footnoteReference",identifier:i,position:t.position})}function b2e(e,t){return e(t,"h"+t.depth,Do(e,t))}function y2e(e,t){return e.dangerous?e.augment(t,Mr("raw",t.value)):null}var aA={};function E2e(e){var t,n,r=aA[e];if(r)return r;for(r=aA[e]=[],t=0;t<128;t++)n=String.fromCharCode(t),/^[0-9a-z]$/i.test(n)?r.push(n):r.push("%"+("0"+t.toString(16).toUpperCase()).slice(-2));for(t=0;t<e.length;t++)r[e.charCodeAt(t)]=e[t];return r}function xy(e,t,n){var r,o,i,a,s,l="";for(typeof t!="string"&&(n=t,t=xy.defaultChars),typeof n>"u"&&(n=!0),s=E2e(t),r=0,o=e.length;r<o;r++){if(i=e.charCodeAt(r),n&&i===37&&r+2<o&&/^[0-9a-f]{2}$/i.test(e.slice(r+1,r+3))){l+=e.slice(r,r+3),r+=2;continue}if(i<128){l+=s[i];continue}if(i>=55296&&i<=57343){if(i>=55296&&i<=56319&&r+1<o&&(a=e.charCodeAt(r+1),a>=56320&&a<=57343)){l+=encodeURIComponent(e[r]+e[r+1]),r++;continue}l+="%EF%BF%BD";continue}l+=encodeURIComponent(e[r])}return l}xy.defaultChars=";/?:@&=+$,-_.!~*'()#";xy.componentChars="-_.!~*'()";var _2e=xy;const Cy=xr(_2e);function CM(e,t){const n=t.referenceType;let r="]";if(n==="collapsed"?r+="[]":n==="full"&&(r+="["+(t.label||t.identifier)+"]"),t.type==="imageReference")return Mr("text","!["+t.alt+r);const o=Do(e,t),i=o[0];i&&i.type==="text"?i.value="["+i.value:o.unshift(Mr("text","["));const a=o[o.length-1];return a&&a.type==="text"?a.value+=r:o.push(Mr("text",r)),o}function T2e(e,t){const n=e.definition(t.identifier);if(!n)return CM(e,t);const r={src:Cy(n.url||""),alt:t.alt};return n.title!==null&&n.title!==void 0&&(r.title=n.title),e(t,"img",r)}function w2e(e,t){const n={src:Cy(t.url),alt:t.alt};return t.title!==null&&t.title!==void 0&&(n.title=t.title),e(t,"img",n)}function k2e(e,t){return e(t,"code",[Mr("text",t.value.replace(/\r?\n|\r/g," "))])}function S2e(e,t){const n=e.definition(t.identifier);if(!n)return CM(e,t);const r={href:Cy(n.url||"")};return n.title!==null&&n.title!==void 0&&(r.title=n.title),e(t,"a",r,Do(e,t))}function x2e(e,t){const n={href:Cy(t.url)};return t.title!==null&&t.title!==void 0&&(n.title=t.title),e(t,"a",n,Do(e,t))}function C2e(e,t,n){const r=Do(e,t),o=n?A2e(n):AM(t),i={},a=[];if(typeof t.checked=="boolean"){let u;r[0]&&r[0].type==="element"&&r[0].tagName==="p"?u=r[0]:(u=e(null,"p",[]),r.unshift(u)),u.children.length>0&&u.children.unshift(Mr("text"," ")),u.children.unshift(e(null,"input",{type:"checkbox",checked:t.checked,disabled:!0})),i.className=["task-list-item"]}let s=-1;for(;++s<r.length;){const u=r[s];(o||s!==0||u.type!=="element"||u.tagName!=="p")&&a.push(Mr("text",`
`)),u.type==="element"&&u.tagName==="p"&&!o?a.push(...u.children):a.push(u)}const l=r[r.length-1];return l&&(o||!("tagName"in l)||l.tagName!=="p")&&a.push(Mr("text",`
`)),e(t,"li",i,a)}function A2e(e){let t=e.spread;const n=e.children;let r=-1;for(;!t&&++r<n.length;)t=AM(n[r]);return!!t}function AM(e){const t=e.spread;return t??e.children.length>1}function N2e(e,t){return e(t,"p",Do(e,t))}function F2e(e,t){return e.augment(t,Mr("root",lu(Do(e,t))))}function I2e(e,t){return e(t,"strong",Do(e,t))}function B2e(e,t){const n=t.children;let r=-1;const o=t.align||[],i=[];for(;++r<n.length;){const a=n[r].children,s=r===0?"th":"td";let l=t.align?o.length:a.length;const u=[];for(;l--;){const d=a[l];u[l]=e(d,s,{align:o[l]},d?Do(e,d):[])}i[r]=e(n[r],"tr",lu(u,!0))}return e(t,"table",lu([e(i[0].position,"thead",lu([i[0]],!0))].concat(i[1]?e({start:Sy(i[1]),end:Bw(i[i.length-1])},"tbody",lu(i.slice(1),!0)):[]),!0))}function R2e(e,t){return e.augment(t,Mr("text",String(t.value).replace(/[ \t]*(\r?\n|\r)[ \t]*/g,"$1")))}const O2e={blockquote:d2e,break:h2e,code:p2e,delete:m2e,emphasis:g2e,footnoteReference:xM,footnote:v2e,heading:b2e,html:y2e,imageReference:T2e,image:w2e,inlineCode:k2e,linkReference:S2e,link:x2e,listItem:C2e,list:SM,paragraph:N2e,root:F2e,strong:I2e,table:B2e,text:R2e,thematicBreak:kM,toml:Ym,yaml:Ym,definition:Ym,footnoteDefinition:Ym};function Ym(){return null}const D2e={}.hasOwnProperty;function P2e(e,t){const n=t||{},r=n.allowDangerousHtml||!1,o={};return a.dangerous=r,a.definition=c2e(e),a.footnoteById=o,a.footnoteOrder=[],a.augment=i,a.handlers={...O2e,...n.handlers},a.unknownHandler=n.unknownHandler,a.passThrough=n.passThrough,Iw(e,"footnoteDefinition",s=>{const l=String(s.identifier).toUpperCase();D2e.call(o,l)||(o[l]=s)}),a;function i(s,l){if(s&&"data"in s&&s.data){const u=s.data;u.hName&&(l.type!=="element"&&(l={type:"element",tagName:"",properties:{},children:[]}),l.tagName=u.hName),l.type==="element"&&u.hProperties&&(l.properties={...l.properties,...u.hProperties}),"children"in l&&l.children&&u.hChildren&&(l.children=u.hChildren)}if(s){const u="type"in s?s:{position:s};o2e(u)||(l.position={start:Sy(u),end:Bw(u)})}return l}function a(s,l,u,d){return Array.isArray(u)&&(d=u,u={}),i(s,{type:"element",tagName:l,properties:u||{},children:d||[]})}}function NM(e,t){const n=P2e(e,t),r=TM(n,e,null),o=f2e(n);return o&&r.children.push(Mr("text",`
`),o),Array.isArray(r)?{type:"root",children:r}:r}const M2e=function(e,t){return e&&"run"in e?j2e(e,t):z2e(e)},L2e=M2e;function j2e(e,t){return(n,r,o)=>{e.run(NM(n,t),r,i=>{o(i)})}}function z2e(e){return t=>NM(t,e)}var FM={exports:{}},H2e="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED",U2e=H2e,q2e=U2e;function IM(){}function BM(){}BM.resetWarningCache=IM;var $2e=function(){function e(r,o,i,a,s,l){if(l!==q2e){var u=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw u.name="Invariant Violation",u}}e.isRequired=e;function t(){return e}var n={array:e,bool:e,func:e,number:e,object:e,string:e,symbol:e,any:e,arrayOf:t,element:e,elementType:e,instanceOf:t,node:e,objectOf:t,oneOf:t,oneOfType:t,shape:t,exact:t,checkPropTypes:BM,resetWarningCache:IM};return n.PropTypes=n,n};FM.exports=$2e();var W2e=FM.exports;const Ot=xr(W2e);class vp{constructor(t,n,r){this.property=t,this.normal=n,r&&(this.space=r)}}vp.prototype.property={};vp.prototype.normal={};vp.prototype.space=null;function RM(e,t){for(var n={},r={},o=-1;++o<e.length;)Object.assign(n,e[o].property),Object.assign(r,e[o].normal);return new vp(n,r,t)}function j0(e){return e.toLowerCase()}class ti{constructor(t,n){this.property=t,this.attribute=n}}ti.prototype.space=null;ti.prototype.attribute=null;ti.prototype.property=null;ti.prototype.boolean=!1;ti.prototype.booleanish=!1;ti.prototype.overloadedBoolean=!1;ti.prototype.number=!1;ti.prototype.commaSeparated=!1;ti.prototype.spaceSeparated=!1;ti.prototype.commaOrSpaceSeparated=!1;ti.prototype.mustUseProperty=!1;ti.prototype.defined=!1;var G2e=0,wt=Vc(),pr=Vc(),OM=Vc(),Ce=Vc(),Cn=Vc(),uu=Vc(),hi=Vc();function Vc(){return 2**++G2e}const a4=Object.freeze(Object.defineProperty({__proto__:null,boolean:wt,booleanish:pr,commaOrSpaceSeparated:hi,commaSeparated:uu,number:Ce,overloadedBoolean:OM,spaceSeparated:Cn},Symbol.toStringTag,{value:"Module"}));var Qm=Object.keys(a4);class Rw extends ti{constructor(t,n,r,o){var i=-1;for(super(t,n),sA(this,"space",o);++i<Qm.length;)sA(this,Qm[i],(r&a4[Qm[i]])===a4[Qm[i]])}}Rw.prototype.defined=!0;function sA(e,t,n){n&&(e[t]=n)}var K2e={}.hasOwnProperty;function p1(e){var t={},n={},r,o;for(r in e.properties)K2e.call(e.properties,r)&&(o=new Rw(r,e.transform(e.attributes,r),e.properties[r],e.space),e.mustUseProperty&&e.mustUseProperty.includes(r)&&(o.mustUseProperty=!0),t[r]=o,n[j0(r)]=r,n[j0(o.attribute)]=r);return new vp(t,n,e.space)}var DM=p1({space:"xlink",transform:V2e,properties:{xLinkActuate:null,xLinkArcRole:null,xLinkHref:null,xLinkRole:null,xLinkShow:null,xLinkTitle:null,xLinkType:null}});function V2e(e,t){return"xlink:"+t.slice(5).toLowerCase()}var PM=p1({space:"xml",transform:Y2e,properties:{xmlLang:null,xmlBase:null,xmlSpace:null}});function Y2e(e,t){return"xml:"+t.slice(3).toLowerCase()}function MM(e,t){return t in e?e[t]:t}function LM(e,t){return MM(e,t.toLowerCase())}var jM=p1({space:"xmlns",attributes:{xmlnsxlink:"xmlns:xlink"},transform:LM,properties:{xmlns:null,xmlnsXLink:null}}),zM=p1({transform:Q2e,properties:{ariaActiveDescendant:null,ariaAtomic:pr,ariaAutoComplete:null,ariaBusy:pr,ariaChecked:pr,ariaColCount:Ce,ariaColIndex:Ce,ariaColSpan:Ce,ariaControls:Cn,ariaCurrent:null,ariaDescribedBy:Cn,ariaDetails:null,ariaDisabled:pr,ariaDropEffect:Cn,ariaErrorMessage:null,ariaExpanded:pr,ariaFlowTo:Cn,ariaGrabbed:pr,ariaHasPopup:null,ariaHidden:pr,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:Cn,ariaLevel:Ce,ariaLive:null,ariaModal:pr,ariaMultiLine:pr,ariaMultiSelectable:pr,ariaOrientation:null,ariaOwns:Cn,ariaPlaceholder:null,ariaPosInSet:Ce,ariaPressed:pr,ariaReadOnly:pr,ariaRelevant:null,ariaRequired:pr,ariaRoleDescription:Cn,ariaRowCount:Ce,ariaRowIndex:Ce,ariaRowSpan:Ce,ariaSelected:pr,ariaSetSize:Ce,ariaSort:null,ariaValueMax:Ce,ariaValueMin:Ce,ariaValueNow:Ce,ariaValueText:null,role:null}});function Q2e(e,t){return t==="role"?t:"aria-"+t.slice(4).toLowerCase()}var X2e=p1({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:LM,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:uu,acceptCharset:Cn,accessKey:Cn,action:null,allow:null,allowFullScreen:wt,allowPaymentRequest:wt,allowUserMedia:wt,alt:null,as:null,async:wt,autoCapitalize:null,autoComplete:Cn,autoFocus:wt,autoPlay:wt,capture:wt,charSet:null,checked:wt,cite:null,className:Cn,cols:Ce,colSpan:null,content:null,contentEditable:pr,controls:wt,controlsList:Cn,coords:Ce|uu,crossOrigin:null,data:null,dateTime:null,decoding:null,default:wt,defer:wt,dir:null,dirName:null,disabled:wt,download:OM,draggable:pr,encType:null,enterKeyHint:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:wt,formTarget:null,headers:Cn,height:Ce,hidden:wt,high:Ce,href:null,hrefLang:null,htmlFor:Cn,httpEquiv:Cn,id:null,imageSizes:null,imageSrcSet:uu,inputMode:null,integrity:null,is:null,isMap:wt,itemId:null,itemProp:Cn,itemRef:Cn,itemScope:wt,itemType:Cn,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:wt,low:Ce,manifest:null,max:null,maxLength:Ce,media:null,method:null,min:null,minLength:Ce,multiple:wt,muted:wt,name:null,nonce:null,noModule:wt,noValidate:wt,onAbort:null,onAfterPrint:null,onAuxClick:null,onBeforePrint:null,onBeforeUnload:null,onBlur:null,onCancel:null,onCanPlay:null,onCanPlayThrough:null,onChange:null,onClick:null,onClose:null,onContextMenu:null,onCopy:null,onCueChange:null,onCut:null,onDblClick:null,onDrag:null,onDragEnd:null,onDragEnter:null,onDragExit:null,onDragLeave:null,onDragOver:null,onDragStart:null,onDrop:null,onDurationChange:null,onEmptied:null,onEnded:null,onError:null,onFocus:null,onFormData:null,onHashChange:null,onInput:null,onInvalid:null,onKeyDown:null,onKeyPress:null,onKeyUp:null,onLanguageChange:null,onLoad:null,onLoadedData:null,onLoadedMetadata:null,onLoadEnd:null,onLoadStart:null,onMessage:null,onMessageError:null,onMouseDown:null,onMouseEnter:null,onMouseLeave:null,onMouseMove:null,onMouseOut:null,onMouseOver:null,onMouseUp:null,onOffline:null,onOnline:null,onPageHide:null,onPageShow:null,onPaste:null,onPause:null,onPlay:null,onPlaying:null,onPopState:null,onProgress:null,onRateChange:null,onRejectionHandled:null,onReset:null,onResize:null,onScroll:null,onSecurityPolicyViolation:null,onSeeked:null,onSeeking:null,onSelect:null,onSlotChange:null,onStalled:null,onStorage:null,onSubmit:null,onSuspend:null,onTimeUpdate:null,onToggle:null,onUnhandledRejection:null,onUnload:null,onVolumeChange:null,onWaiting:null,onWheel:null,open:wt,optimum:Ce,pattern:null,ping:Cn,placeholder:null,playsInline:wt,poster:null,preload:null,readOnly:wt,referrerPolicy:null,rel:Cn,required:wt,reversed:wt,rows:Ce,rowSpan:Ce,sandbox:Cn,scope:null,scoped:wt,seamless:wt,selected:wt,shape:null,size:Ce,sizes:null,slot:null,span:Ce,spellCheck:pr,src:null,srcDoc:null,srcLang:null,srcSet:uu,start:Ce,step:null,style:null,tabIndex:Ce,target:null,title:null,translate:null,type:null,typeMustMatch:wt,useMap:null,value:pr,width:Ce,wrap:null,align:null,aLink:null,archive:Cn,axis:null,background:null,bgColor:null,border:Ce,borderColor:null,bottomMargin:Ce,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:wt,declare:wt,event:null,face:null,frame:null,frameBorder:null,hSpace:Ce,leftMargin:Ce,link:null,longDesc:null,lowSrc:null,marginHeight:Ce,marginWidth:Ce,noResize:wt,noHref:wt,noShade:wt,noWrap:wt,object:null,profile:null,prompt:null,rev:null,rightMargin:Ce,rules:null,scheme:null,scrolling:pr,standby:null,summary:null,text:null,topMargin:Ce,valueType:null,version:null,vAlign:null,vLink:null,vSpace:Ce,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:wt,disableRemotePlayback:wt,prefix:null,property:null,results:Ce,security:null,unselectable:null}}),Z2e=p1({space:"svg",attributes:{accentHeight:"accent-height",alignmentBaseline:"alignment-baseline",arabicForm:"arabic-form",baselineShift:"baseline-shift",capHeight:"cap-height",className:"class",clipPath:"clip-path",clipRule:"clip-rule",colorInterpolation:"color-interpolation",colorInterpolationFilters:"color-interpolation-filters",colorProfile:"color-profile",colorRendering:"color-rendering",crossOrigin:"crossorigin",dataType:"datatype",dominantBaseline:"dominant-baseline",enableBackground:"enable-background",fillOpacity:"fill-opacity",fillRule:"fill-rule",floodColor:"flood-color",floodOpacity:"flood-opacity",fontFamily:"font-family",fontSize:"font-size",fontSizeAdjust:"font-size-adjust",fontStretch:"font-stretch",fontStyle:"font-style",fontVariant:"font-variant",fontWeight:"font-weight",glyphName:"glyph-name",glyphOrientationHorizontal:"glyph-orientation-horizontal",glyphOrientationVertical:"glyph-orientation-vertical",hrefLang:"hreflang",horizAdvX:"horiz-adv-x",horizOriginX:"horiz-origin-x",horizOriginY:"horiz-origin-y",imageRendering:"image-rendering",letterSpacing:"letter-spacing",lightingColor:"lighting-color",markerEnd:"marker-end",markerMid:"marker-mid",markerStart:"marker-start",navDown:"nav-down",navDownLeft:"nav-down-left",navDownRight:"nav-down-right",navLeft:"nav-left",navNext:"nav-next",navPrev:"nav-prev",navRight:"nav-right",navUp:"nav-up",navUpLeft:"nav-up-left",navUpRight:"nav-up-right",onAbort:"onabort",onActivate:"onactivate",onAfterPrint:"onafterprint",onBeforePrint:"onbeforeprint",onBegin:"onbegin",onCancel:"oncancel",onCanPlay:"oncanplay",onCanPlayThrough:"oncanplaythrough",onChange:"onchange",onClick:"onclick",onClose:"onclose",onCopy:"oncopy",onCueChange:"oncuechange",onCut:"oncut",onDblClick:"ondblclick",onDrag:"ondrag",onDragEnd:"ondragend",onDragEnter:"ondragenter",onDragExit:"ondragexit",onDragLeave:"ondragleave",onDragOver:"ondragover",onDragStart:"ondragstart",onDrop:"ondrop",onDurationChange:"ondurationchange",onEmptied:"onemptied",onEnd:"onend",onEnded:"onended",onError:"onerror",onFocus:"onfocus",onFocusIn:"onfocusin",onFocusOut:"onfocusout",onHashChange:"onhashchange",onInput:"oninput",onInvalid:"oninvalid",onKeyDown:"onkeydown",onKeyPress:"onkeypress",onKeyUp:"onkeyup",onLoad:"onload",onLoadedData:"onloadeddata",onLoadedMetadata:"onloadedmetadata",onLoadStart:"onloadstart",onMessage:"onmessage",onMouseDown:"onmousedown",onMouseEnter:"onmouseenter",onMouseLeave:"onmouseleave",onMouseMove:"onmousemove",onMouseOut:"onmouseout",onMouseOver:"onmouseover",onMouseUp:"onmouseup",onMouseWheel:"onmousewheel",onOffline:"onoffline",onOnline:"ononline",onPageHide:"onpagehide",onPageShow:"onpageshow",onPaste:"onpaste",onPause:"onpause",onPlay:"onplay",onPlaying:"onplaying",onPopState:"onpopstate",onProgress:"onprogress",onRateChange:"onratechange",onRepeat:"onrepeat",onReset:"onreset",onResize:"onresize",onScroll:"onscroll",onSeeked:"onseeked",onSeeking:"onseeking",onSelect:"onselect",onShow:"onshow",onStalled:"onstalled",onStorage:"onstorage",onSubmit:"onsubmit",onSuspend:"onsuspend",onTimeUpdate:"ontimeupdate",onToggle:"ontoggle",onUnload:"onunload",onVolumeChange:"onvolumechange",onWaiting:"onwaiting",onZoom:"onzoom",overlinePosition:"overline-position",overlineThickness:"overline-thickness",paintOrder:"paint-order",panose1:"panose-1",pointerEvents:"pointer-events",referrerPolicy:"referrerpolicy",renderingIntent:"rendering-intent",shapeRendering:"shape-rendering",stopColor:"stop-color",stopOpacity:"stop-opacity",strikethroughPosition:"strikethrough-position",strikethroughThickness:"strikethrough-thickness",strokeDashArray:"stroke-dasharray",strokeDashOffset:"stroke-dashoffset",strokeLineCap:"stroke-linecap",strokeLineJoin:"stroke-linejoin",strokeMiterLimit:"stroke-miterlimit",strokeOpacity:"stroke-opacity",strokeWidth:"stroke-width",tabIndex:"tabindex",textAnchor:"text-anchor",textDecoration:"text-decoration",textRendering:"text-rendering",typeOf:"typeof",underlinePosition:"underline-position",underlineThickness:"underline-thickness",unicodeBidi:"unicode-bidi",unicodeRange:"unicode-range",unitsPerEm:"units-per-em",vAlphabetic:"v-alphabetic",vHanging:"v-hanging",vIdeographic:"v-ideographic",vMathematical:"v-mathematical",vectorEffect:"vector-effect",vertAdvY:"vert-adv-y",vertOriginX:"vert-origin-x",vertOriginY:"vert-origin-y",wordSpacing:"word-spacing",writingMode:"writing-mode",xHeight:"x-height",playbackOrder:"playbackorder",timelineBegin:"timelinebegin"},transform:MM,properties:{about:hi,accentHeight:Ce,accumulate:null,additive:null,alignmentBaseline:null,alphabetic:Ce,amplitude:Ce,arabicForm:null,ascent:Ce,attributeName:null,attributeType:null,azimuth:Ce,bandwidth:null,baselineShift:null,baseFrequency:null,baseProfile:null,bbox:null,begin:null,bias:Ce,by:null,calcMode:null,capHeight:Ce,className:Cn,clip:null,clipPath:null,clipPathUnits:null,clipRule:null,color:null,colorInterpolation:null,colorInterpolationFilters:null,colorProfile:null,colorRendering:null,content:null,contentScriptType:null,contentStyleType:null,crossOrigin:null,cursor:null,cx:null,cy:null,d:null,dataType:null,defaultAction:null,descent:Ce,diffuseConstant:Ce,direction:null,display:null,dur:null,divisor:Ce,dominantBaseline:null,download:wt,dx:null,dy:null,edgeMode:null,editable:null,elevation:Ce,enableBackground:null,end:null,event:null,exponent:Ce,externalResourcesRequired:null,fill:null,fillOpacity:Ce,fillRule:null,filter:null,filterRes:null,filterUnits:null,floodColor:null,floodOpacity:null,focusable:null,focusHighlight:null,fontFamily:null,fontSize:null,fontSizeAdjust:null,fontStretch:null,fontStyle:null,fontVariant:null,fontWeight:null,format:null,fr:null,from:null,fx:null,fy:null,g1:uu,g2:uu,glyphName:uu,glyphOrientationHorizontal:null,glyphOrientationVertical:null,glyphRef:null,gradientTransform:null,gradientUnits:null,handler:null,hanging:Ce,hatchContentUnits:null,hatchUnits:null,height:null,href:null,hrefLang:null,horizAdvX:Ce,horizOriginX:Ce,horizOriginY:Ce,id:null,ideographic:Ce,imageRendering:null,initialVisibility:null,in:null,in2:null,intercept:Ce,k:Ce,k1:Ce,k2:Ce,k3:Ce,k4:Ce,kernelMatrix:hi,kernelUnitLength:null,keyPoints:null,keySplines:null,keyTimes:null,kerning:null,lang:null,lengthAdjust:null,letterSpacing:null,lightingColor:null,limitingConeAngle:Ce,local:null,markerEnd:null,markerMid:null,markerStart:null,markerHeight:null,markerUnits:null,markerWidth:null,mask:null,maskContentUnits:null,maskUnits:null,mathematical:null,max:null,media:null,mediaCharacterEncoding:null,mediaContentEncodings:null,mediaSize:Ce,mediaTime:null,method:null,min:null,mode:null,name:null,navDown:null,navDownLeft:null,navDownRight:null,navLeft:null,navNext:null,navPrev:null,navRight:null,navUp:null,navUpLeft:null,navUpRight:null,numOctaves:null,observer:null,offset:null,onAbort:null,onActivate:null,onAfterPrint:null,onBeforePrint:null,onBegin:null,onCancel:null,onCanPlay:null,onCanPlayThrough:null,onChange:null,onClick:null,onClose:null,onCopy:null,onCueChange:null,onCut:null,onDblClick:null,onDrag:null,onDragEnd:null,onDragEnter:null,onDragExit:null,onDragLeave:null,onDragOver:null,onDragStart:null,onDrop:null,onDurationChange:null,onEmptied:null,onEnd:null,onEnded:null,onError:null,onFocus:null,onFocusIn:null,onFocusOut:null,onHashChange:null,onInput:null,onInvalid:null,onKeyDown:null,onKeyPress:null,onKeyUp:null,onLoad:null,onLoadedData:null,onLoadedMetadata:null,onLoadStart:null,onMessage:null,onMouseDown:null,onMouseEnter:null,onMouseLeave:null,onMouseMove:null,onMouseOut:null,onMouseOver:null,onMouseUp:null,onMouseWheel:null,onOffline:null,onOnline:null,onPageHide:null,onPageShow:null,onPaste:null,onPause:null,onPlay:null,onPlaying:null,onPopState:null,onProgress:null,onRateChange:null,onRepeat:null,onReset:null,onResize:null,onScroll:null,onSeeked:null,onSeeking:null,onSelect:null,onShow:null,onStalled:null,onStorage:null,onSubmit:null,onSuspend:null,onTimeUpdate:null,onToggle:null,onUnload:null,onVolumeChange:null,onWaiting:null,onZoom:null,opacity:null,operator:null,order:null,orient:null,orientation:null,origin:null,overflow:null,overlay:null,overlinePosition:Ce,overlineThickness:Ce,paintOrder:null,panose1:null,path:null,pathLength:Ce,patternContentUnits:null,patternTransform:null,patternUnits:null,phase:null,ping:Cn,pitch:null,playbackOrder:null,pointerEvents:null,points:null,pointsAtX:Ce,pointsAtY:Ce,pointsAtZ:Ce,preserveAlpha:null,preserveAspectRatio:null,primitiveUnits:null,propagate:null,property:hi,r:null,radius:null,referrerPolicy:null,refX:null,refY:null,rel:hi,rev:hi,renderingIntent:null,repeatCount:null,repeatDur:null,requiredExtensions:hi,requiredFeatures:hi,requiredFonts:hi,requiredFormats:hi,resource:null,restart:null,result:null,rotate:null,rx:null,ry:null,scale:null,seed:null,shapeRendering:null,side:null,slope:null,snapshotTime:null,specularConstant:Ce,specularExponent:Ce,spreadMethod:null,spacing:null,startOffset:null,stdDeviation:null,stemh:null,stemv:null,stitchTiles:null,stopColor:null,stopOpacity:null,strikethroughPosition:Ce,strikethroughThickness:Ce,string:null,stroke:null,strokeDashArray:hi,strokeDashOffset:null,strokeLineCap:null,strokeLineJoin:null,strokeMiterLimit:Ce,strokeOpacity:Ce,strokeWidth:null,style:null,surfaceScale:Ce,syncBehavior:null,syncBehaviorDefault:null,syncMaster:null,syncTolerance:null,syncToleranceDefault:null,systemLanguage:hi,tabIndex:Ce,tableValues:null,target:null,targetX:Ce,targetY:Ce,textAnchor:null,textDecoration:null,textRendering:null,textLength:null,timelineBegin:null,title:null,transformBehavior:null,type:null,typeOf:hi,to:null,transform:null,u1:null,u2:null,underlinePosition:Ce,underlineThickness:Ce,unicode:null,unicodeBidi:null,unicodeRange:null,unitsPerEm:Ce,values:null,vAlphabetic:Ce,vMathematical:Ce,vectorEffect:null,vHanging:Ce,vIdeographic:Ce,version:null,vertAdvY:Ce,vertOriginX:Ce,vertOriginY:Ce,viewBox:null,viewTarget:null,visibility:null,width:null,widths:null,wordSpacing:null,writingMode:null,x:null,x1:null,x2:null,xChannelSelector:null,xHeight:Ce,y:null,y1:null,y2:null,yChannelSelector:null,z:null,zoomAndPan:null}}),J2e=/^data[-\w.:]+$/i,HM=/-[a-z]/g,e9e=/[A-Z]/g;function bp(e,t){var n=j0(t),r=t,o=ti;return n in e.normal?e.property[e.normal[n]]:(n.length>4&&n.slice(0,4)==="data"&&J2e.test(t)&&(t.charAt(4)==="-"?r=t9e(t):t=n9e(t),o=Rw),new o(r,t))}function t9e(e){var t=e.slice(5).replace(HM,o9e);return"data"+t.charAt(0).toUpperCase()+t.slice(1)}function n9e(e){var t=e.slice(4);return HM.test(t)?e:(t=t.replace(e9e,r9e),t.charAt(0)!=="-"&&(t="-"+t),"data"+t)}function r9e(e){return"-"+e.toLowerCase()}function o9e(e){return e.charAt(1).toUpperCase()}var s4={classId:"classID",dataType:"datatype",itemId:"itemID",strokeDashArray:"strokeDasharray",strokeDashOffset:"strokeDashoffset",strokeLineCap:"strokeLinecap",strokeLineJoin:"strokeLinejoin",strokeMiterLimit:"strokeMiterlimit",typeOf:"typeof",xLinkActuate:"xlinkActuate",xLinkArcRole:"xlinkArcrole",xLinkHref:"xlinkHref",xLinkRole:"xlinkRole",xLinkShow:"xlinkShow",xLinkTitle:"xlinkTitle",xLinkType:"xlinkType",xmlnsXLink:"xmlnsXlink"},m1=RM([PM,DM,jM,zM,X2e],"html"),Mu=RM([PM,DM,jM,zM,Z2e],"svg");function i9e(e){if(e.allowedElements&&e.disallowedElements)throw new TypeError("Only one of `allowedElements` and `disallowedElements` should be defined");if(e.allowedElements||e.disallowedElements||e.allowElement)return t=>{Iw(t,"element",(n,r,o)=>{const i=o;let a;if(e.allowedElements?a=!e.allowedElements.includes(n.tagName):e.disallowedElements&&(a=e.disallowedElements.includes(n.tagName)),!a&&e.allowElement&&typeof r=="number"&&(a=!e.allowElement(n,r,i)),a&&typeof r=="number")return e.unwrapDisallowed&&n.children?i.children.splice(r,1,...n.children):i.children.splice(r,1),r})}}var UM={exports:{}},hn={};/** @license React v17.0.2
* react-is.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var Ay=60103,Ny=60106,yp=60107,Ep=60108,_p=60114,Tp=60109,wp=60110,kp=60112,Sp=60113,Ow=60120,xp=60115,Cp=60116,qM=60121,$M=60122,WM=60117,GM=60129,KM=60131;if(typeof Symbol=="function"&&Symbol.for){var $r=Symbol.for;Ay=$r("react.element"),Ny=$r("react.portal"),yp=$r("react.fragment"),Ep=$r("react.strict_mode"),_p=$r("react.profiler"),Tp=$r("react.provider"),wp=$r("react.context"),kp=$r("react.forward_ref"),Sp=$r("react.suspense"),Ow=$r("react.suspense_list"),xp=$r("react.memo"),Cp=$r("react.lazy"),qM=$r("react.block"),$M=$r("react.server.block"),WM=$r("react.fundamental"),GM=$r("react.debug_trace_mode"),KM=$r("react.legacy_hidden")}function Aa(e){if(typeof e=="object"&&e!==null){var t=e.$$typeof;switch(t){case Ay:switch(e=e.type,e){case yp:case _p:case Ep:case Sp:case Ow:return e;default:switch(e=e&&e.$$typeof,e){case wp:case kp:case Cp:case xp:case Tp:return e;default:return t}}case Ny:return t}}}var a9e=Tp,s9e=Ay,l9e=kp,u9e=yp,c9e=Cp,f9e=xp,d9e=Ny,h9e=_p,p9e=Ep,m9e=Sp;hn.ContextConsumer=wp;hn.ContextProvider=a9e;hn.Element=s9e;hn.ForwardRef=l9e;hn.Fragment=u9e;hn.Lazy=c9e;hn.Memo=f9e;hn.Portal=d9e;hn.Profiler=h9e;hn.StrictMode=p9e;hn.Suspense=m9e;hn.isAsyncMode=function(){return!1};hn.isConcurrentMode=function(){return!1};hn.isContextConsumer=function(e){return Aa(e)===wp};hn.isContextProvider=function(e){return Aa(e)===Tp};hn.isElement=function(e){return typeof e=="object"&&e!==null&&e.$$typeof===Ay};hn.isForwardRef=function(e){return Aa(e)===kp};hn.isFragment=function(e){return Aa(e)===yp};hn.isLazy=function(e){return Aa(e)===Cp};hn.isMemo=function(e){return Aa(e)===xp};hn.isPortal=function(e){return Aa(e)===Ny};hn.isProfiler=function(e){return Aa(e)===_p};hn.isStrictMode=function(e){return Aa(e)===Ep};hn.isSuspense=function(e){return Aa(e)===Sp};hn.isValidElementType=function(e){return typeof e=="string"||typeof e=="function"||e===yp||e===_p||e===GM||e===Ep||e===Sp||e===Ow||e===KM||typeof e=="object"&&e!==null&&(e.$$typeof===Cp||e.$$typeof===xp||e.$$typeof===Tp||e.$$typeof===wp||e.$$typeof===kp||e.$$typeof===WM||e.$$typeof===qM||e[0]===$M)};hn.typeOf=Aa;UM.exports=hn;var g9e=UM.exports;const v9e=xr(g9e);function b9e(e){var t=e&&typeof e=="object"&&e.type==="text"?e.value||"":e;return typeof t=="string"&&t.replace(/[ \t\n\f\r]/g,"")===""}function lA(e){const t=String(e||"").trim();return t?t.split(/[ \t\n\r\f]+/g):[]}function VM(e){return e.join(" ").trim()}function uA(e){for(var t=[],n=String(e||""),r=n.indexOf(","),o=0,i,a;!i;)r===-1&&(r=n.length,i=!0),a=n.slice(o,r).trim(),(a||!i)&&t.push(a),o=r+1,r=n.indexOf(",",o);return t}function YM(e,t){var n=t||{};return e[e.length-1]===""&&(e=e.concat("")),e.join((n.padRight?" ":"")+","+(n.padLeft===!1?"":" ")).trim()}var cA=/\/\*[^*]*\*+([^/*][^*]*\*+)*\//g,y9e=/\n/g,E9e=/^\s*/,_9e=/^(\*?[-#/*\\\w]+(\[[0-9a-z_-]+\])?)\s*/,T9e=/^:\s*/,w9e=/^((?:'(?:\\'|.)*?'|"(?:\\"|.)*?"|\([^)]*?\)|[^};])+)/,k9e=/^[;\s]*/,S9e=/^\s+|\s+$/g,x9e=`
`,fA="/",dA="*",vc="",C9e="comment",A9e="declaration",N9e=function(e,t){if(typeof e!="string")throw new TypeError("First argument must be a string");if(!e)return[];t=t||{};var n=1,r=1;function o(v){var _=v.match(y9e);_&&(n+=_.length);var b=v.lastIndexOf(x9e);r=~b?v.length-b:r+v.length}function i(){var v={line:n,column:r};return function(_){return _.position=new a(v),u(),_}}function a(v){this.start=v,this.end={line:n,column:r},this.source=t.source}a.prototype.content=e;function s(v){var _=new Error(t.source+":"+n+":"+r+": "+v);if(_.reason=v,_.filename=t.source,_.line=n,_.column=r,_.source=e,!t.silent)throw _}function l(v){var _=v.exec(e);if(_){var b=_[0];return o(b),e=e.slice(b.length),_}}function u(){l(E9e)}function d(v){var _;for(v=v||[];_=h();)_!==!1&&v.push(_);return v}function h(){var v=i();if(!(fA!=e.charAt(0)||dA!=e.charAt(1))){for(var _=2;vc!=e.charAt(_)&&(dA!=e.charAt(_)||fA!=e.charAt(_+1));)++_;if(_+=2,vc===e.charAt(_-1))return s("End of comment missing");var b=e.slice(2,_-2);return r+=2,o(b),e=e.slice(_),r+=2,v({type:C9e,comment:b})}}function p(){var v=i(),_=l(_9e);if(_){if(h(),!l(T9e))return s("property missing ':'");var b=l(w9e),E=v({type:A9e,property:hA(_[0].replace(cA,vc)),value:b?hA(b[0].replace(cA,vc)):vc});return l(k9e),E}}function m(){var v=[];d(v);for(var _;_=p();)_!==!1&&(v.push(_),d(v));return v}return u(),m()};function hA(e){return e?e.replace(S9e,vc):vc}var F9e=N9e;function I9e(e,t){var n=null;if(!e||typeof e!="string")return n;for(var r,o=F9e(e),i=typeof t=="function",a,s,l=0,u=o.length;l<u;l++)r=o[l],a=r.property,s=r.value,i?t(a,s,r):s&&(n||(n={}),n[a]=s);return n}var B9e=I9e;const QM=xr(B9e),l4={}.hasOwnProperty,R9e=new Set(["table","thead","tbody","tfoot","tr"]);function XM(e,t){const n=[];let r=-1,o;for(;++r<t.children.length;)o=t.children[r],o.type==="element"?n.push(O9e(e,o,r,t)):o.type==="text"?(t.type!=="element"||!R9e.has(t.tagName)||!b9e(o))&&n.push(o.value):o.type==="raw"&&!e.options.skipHtml&&n.push(o.value);return n}function O9e(e,t,n,r){const o=e.options,i=e.schema,a=t.tagName,s={};let l=i,u;if(i.space==="html"&&a==="svg"&&(l=Mu,e.schema=l),t.properties)for(u in t.properties)l4.call(t.properties,u)&&P9e(s,u,t.properties[u],e);(a==="ol"||a==="ul")&&e.listDepth++;const d=XM(e,t);(a==="ol"||a==="ul")&&e.listDepth--,e.schema=i;const h=t.position||{start:{line:null,column:null,offset:null},end:{line:null,column:null,offset:null}},p=o.components&&l4.call(o.components,a)?o.components[a]:a,m=typeof p=="string"||p===Bt.Fragment;if(!v9e.isValidElementType(p))throw new TypeError(`Component for name \`${a}\` not defined or is not renderable`);if(s.key=[a,h.start.line,h.start.column,n].join("-"),a==="a"&&o.linkTarget&&(s.target=typeof o.linkTarget=="function"?o.linkTarget(String(s.href||""),t.children,typeof s.title=="string"?s.title:null):o.linkTarget),a==="a"&&o.transformLinkUri&&(s.href=o.transformLinkUri(String(s.href||""),t.children,typeof s.title=="string"?s.title:null)),!m&&a==="code"&&r.type==="element"&&r.tagName!=="pre"&&(s.inline=!0),!m&&(a==="h1"||a==="h2"||a==="h3"||a==="h4"||a==="h5"||a==="h6")&&(s.level=Number.parseInt(a.charAt(1),10)),a==="img"&&o.transformImageUri&&(s.src=o.transformImageUri(String(s.src||""),String(s.alt||""),typeof s.title=="string"?s.title:null)),!m&&a==="li"&&r.type==="element"){const v=D9e(t);s.checked=v&&v.properties?!!v.properties.checked:null,s.index=$9(r,t),s.ordered=r.tagName==="ol"}return!m&&(a==="ol"||a==="ul")&&(s.ordered=a==="ol",s.depth=e.listDepth),(a==="td"||a==="th")&&(s.align&&(s.style||(s.style={}),s.style.textAlign=s.align,delete s.align),m||(s.isHeader=a==="th")),!m&&a==="tr"&&r.type==="element"&&(s.isHeader=r.tagName==="thead"),o.sourcePos&&(s["data-sourcepos"]=j9e(h)),!m&&o.rawSourcePos&&(s.sourcePosition=t.position),!m&&o.includeElementIndex&&(s.index=$9(r,t),s.siblingCount=$9(r)),m||(s.node=t),d.length>0?Bt.createElement(p,s,d):Bt.createElement(p,s)}function D9e(e){let t=-1;for(;++t<e.children.length;){const n=e.children[t];if(n.type==="element"&&n.tagName==="input")return n}return null}function $9(e,t){let n=-1,r=0;for(;++n<e.children.length&&e.children[n]!==t;)e.children[n].type==="element"&&r++;return r}function P9e(e,t,n,r){const o=bp(r.schema,t);let i=n;i==null||i!==i||(Array.isArray(i)&&(i=o.commaSeparated?YM(i):VM(i)),o.property==="style"&&typeof i=="string"&&(i=M9e(i)),o.space&&o.property?e[l4.call(s4,o.property)?s4[o.property]:o.property]=i:o.attribute&&(e[o.attribute]=i))}function M9e(e){const t={};try{QM(e,n)}catch{}return t;function n(r,o){const i=r.slice(0,4)==="-ms-"?`ms-${r.slice(4)}`:r;t[i.replace(/-([a-z])/g,L9e)]=o}}function L9e(e,t){return t.toUpperCase()}function j9e(e){return[e.start.line,":",e.start.column,"-",e.end.line,":",e.end.column].map(t=>String(t)).join("")}const pA={}.hasOwnProperty,z9e="https://github.com/remarkjs/react-markdown/blob/main/changelog.md",Xm={renderers:{to:"components",id:"change-renderers-to-components"},astPlugins:{id:"remove-buggy-html-in-markdown-parser"},allowDangerousHtml:{id:"remove-buggy-html-in-markdown-parser"},escapeHtml:{id:"remove-buggy-html-in-markdown-parser"},source:{to:"children",id:"change-source-to-children"},allowNode:{to:"allowElement",id:"replace-allownode-allowedtypes-and-disallowedtypes"},allowedTypes:{to:"allowedElements",id:"replace-allownode-allowedtypes-and-disallowedtypes"},disallowedTypes:{to:"disallowedElements",id:"replace-allownode-allowedtypes-and-disallowedtypes"},includeNodeIndex:{to:"includeElementIndex",id:"change-includenodeindex-to-includeelementindex"}};function Dw(e){for(const i in Xm)if(pA.call(Xm,i)&&pA.call(e,i)){const a=Xm[i];console.warn(`[react-markdown] Warning: please ${a.to?`use \`${a.to}\` instead of`:"remove"} \`${i}\` (see <${z9e}#${a.id}> for more info)`),delete Xm[i]}const t=$be().use(K5e).use(e.remarkPlugins||e.plugins||[]).use(L2e,{allowDangerousHtml:!0}).use(e.rehypePlugins||[]).use(i9e,e),n=new aM;typeof e.children=="string"?n.value=e.children:e.children!==void 0&&e.children!==null&&console.warn(`[react-markdown] Warning: please pass a string as \`children\` (not: \`${e.children}\`)`);const r=t.runSync(t.parse(n),n);if(r.type!=="root")throw new TypeError("Expected a `root` node");let o=Bt.createElement(Bt.Fragment,{},XM({options:e,schema:m1,listDepth:0},r));return e.className&&(o=Bt.createElement("div",{className:e.className},o)),o}Dw.defaultProps={transformLinkUri:Sbe};Dw.propTypes={children:Ot.string,className:Ot.string,allowElement:Ot.func,allowedElements:Ot.arrayOf(Ot.string),disallowedElements:Ot.arrayOf(Ot.string),unwrapDisallowed:Ot.bool,remarkPlugins:Ot.arrayOf(Ot.oneOfType([Ot.object,Ot.func,Ot.arrayOf(Ot.oneOfType([Ot.object,Ot.func]))])),rehypePlugins:Ot.arrayOf(Ot.oneOfType([Ot.object,Ot.func,Ot.arrayOf(Ot.oneOfType([Ot.object,Ot.func]))])),sourcePos:Ot.bool,rawSourcePos:Ot.bool,skipHtml:Ot.bool,includeElementIndex:Ot.bool,transformLinkUri:Ot.oneOfType([Ot.func,Ot.bool]),linkTarget:Ot.oneOfType([Ot.func,Ot.string]),transformImageUri:Ot.func,components:Ot.object};function H9e(e,t){if(e==null)return{};var n={},r=Object.keys(e),o,i;for(i=0;i<r.length;i++)o=r[i],!(t.indexOf(o)>=0)&&(n[o]=e[o]);return n}var U9e=H9e,q9e=U9e;function $9e(e,t){if(e==null)return{};var n=q9e(e,t),r,o;if(Object.getOwnPropertySymbols){var i=Object.getOwnPropertySymbols(e);for(o=0;o<i.length;o++)r=i[o],!(t.indexOf(r)>=0)&&Object.prototype.propertyIsEnumerable.call(e,r)&&(n[r]=e[r])}return n}var W9e=$9e;const G9e=xr(W9e);function K9e(e){if(Array.isArray(e)){for(var t=0,n=new Array(e.length);t<e.length;t++)n[t]=e[t];return n}}var V9e=K9e;function Y9e(e){if(Symbol.iterator in Object(e)||Object.prototype.toString.call(e)==="[object Arguments]")return Array.from(e)}var Q9e=Y9e;function X9e(){throw new TypeError("Invalid attempt to spread non-iterable instance")}var Z9e=X9e,J9e=V9e,eEe=Q9e,tEe=Z9e;function nEe(e){return J9e(e)||eEe(e)||tEe()}var rEe=nEe;const oEe=xr(rEe);function iEe(e,t,n){return t in e?Object.defineProperty(e,t,{value:n,enumerable:!0,configurable:!0,writable:!0}):e[t]=n,e}var aEe=iEe;const ZM=xr(aEe);function u4(){return JM=u4=Object.assign||function(e){for(var t=1;t<arguments.length;t++){var n=arguments[t];for(var r in n)Object.prototype.hasOwnProperty.call(n,r)&&(e[r]=n[r])}return e},u4.apply(this,arguments)}var JM=u4;const sEe=xr(JM);function mA(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(o){return Object.getOwnPropertyDescriptor(e,o).enumerable})),n.push.apply(n,r)}return n}function sd(e){for(var t=1;t<arguments.length;t++){var n=arguments[t]!=null?arguments[t]:{};t%2?mA(Object(n),!0).forEach(function(r){ZM(e,r,n[r])}):Object.getOwnPropertyDescriptors?Object.defineProperties(e,Object.getOwnPropertyDescriptors(n)):mA(Object(n)).forEach(function(r){Object.defineProperty(e,r,Object.getOwnPropertyDescriptor(n,r))})}return e}function lEe(e){var t=e.length;if(t===0||t===1)return e;if(t===2)return[e[0],e[1],"".concat(e[0],".").concat(e[1]),"".concat(e[1],".").concat(e[0])];if(t===3)return[e[0],e[1],e[2],"".concat(e[0],".").concat(e[1]),"".concat(e[0],".").concat(e[2]),"".concat(e[1],".").concat(e[0]),"".concat(e[1],".").concat(e[2]),"".concat(e[2],".").concat(e[0]),"".concat(e[2],".").concat(e[1]),"".concat(e[0],".").concat(e[1],".").concat(e[2]),"".concat(e[0],".").concat(e[2],".").concat(e[1]),"".concat(e[1],".").concat(e[0],".").concat(e[2]),"".concat(e[1],".").concat(e[2],".").concat(e[0]),"".concat(e[2],".").concat(e[0],".").concat(e[1]),"".concat(e[2],".").concat(e[1],".").concat(e[0])];if(t>=4)return[e[0],e[1],e[2],e[3],"".concat(e[0],".").concat(e[1]),"".concat(e[0],".").concat(e[2]),"".concat(e[0],".").concat(e[3]),"".concat(e[1],".").concat(e[0]),"".concat(e[1],".").concat(e[2]),"".concat(e[1],".").concat(e[3]),"".concat(e[2],".").concat(e[0]),"".concat(e[2],".").concat(e[1]),"".concat(e[2],".").concat(e[3]),"".concat(e[3],".").concat(e[0]),"".concat(e[3],".").concat(e[1]),"".concat(e[3],".").concat(e[2]),"".concat(e[0],".").concat(e[1],".").concat(e[2]),"".concat(e[0],".").concat(e[1],".").concat(e[3]),"".concat(e[0],".").concat(e[2],".").concat(e[1]),"".concat(e[0],".").concat(e[2],".").concat(e[3]),"".concat(e[0],".").concat(e[3],".").concat(e[1]),"".concat(e[0],".").concat(e[3],".").concat(e[2]),"".concat(e[1],".").concat(e[0],".").concat(e[2]),"".concat(e[1],".").concat(e[0],".").concat(e[3]),"".concat(e[1],".").concat(e[2],".").concat(e[0]),"".concat(e[1],".").concat(e[2],".").concat(e[3]),"".concat(e[1],".").concat(e[3],".").concat(e[0]),"".concat(e[1],".").concat(e[3],".").concat(e[2]),"".concat(e[2],".").concat(e[0],".").concat(e[1]),"".concat(e[2],".").concat(e[0],".").concat(e[3]),"".concat(e[2],".").concat(e[1],".").concat(e[0]),"".concat(e[2],".").concat(e[1],".").concat(e[3]),"".concat(e[2],".").concat(e[3],".").concat(e[0]),"".concat(e[2],".").concat(e[3],".").concat(e[1]),"".concat(e[3],".").concat(e[0],".").concat(e[1]),"".concat(e[3],".").concat(e[0],".").concat(e[2]),"".concat(e[3],".").concat(e[1],".").concat(e[0]),"".concat(e[3],".").concat(e[1],".").concat(e[2]),"".concat(e[3],".").concat(e[2],".").concat(e[0]),"".concat(e[3],".").concat(e[2],".").concat(e[1]),"".concat(e[0],".").concat(e[1],".").concat(e[2],".").concat(e[3]),"".concat(e[0],".").concat(e[1],".").concat(e[3],".").concat(e[2]),"".concat(e[0],".").concat(e[2],".").concat(e[1],".").concat(e[3]),"".concat(e[0],".").concat(e[2],".").concat(e[3],".").concat(e[1]),"".concat(e[0],".").concat(e[3],".").concat(e[1],".").concat(e[2]),"".concat(e[0],".").concat(e[3],".").concat(e[2],".").concat(e[1]),"".concat(e[1],".").concat(e[0],".").concat(e[2],".").concat(e[3]),"".concat(e[1],".").concat(e[0],".").concat(e[3],".").concat(e[2]),"".concat(e[1],".").concat(e[2],".").concat(e[0],".").concat(e[3]),"".concat(e[1],".").concat(e[2],".").concat(e[3],".").concat(e[0]),"".concat(e[1],".").concat(e[3],".").concat(e[0],".").concat(e[2]),"".concat(e[1],".").concat(e[3],".").concat(e[2],".").concat(e[0]),"".concat(e[2],".").concat(e[0],".").concat(e[1],".").concat(e[3]),"".concat(e[2],".").concat(e[0],".").concat(e[3],".").concat(e[1]),"".concat(e[2],".").concat(e[1],".").concat(e[0],".").concat(e[3]),"".concat(e[2],".").concat(e[1],".").concat(e[3],".").concat(e[0]),"".concat(e[2],".").concat(e[3],".").concat(e[0],".").concat(e[1]),"".concat(e[2],".").concat(e[3],".").concat(e[1],".").concat(e[0]),"".concat(e[3],".").concat(e[0],".").concat(e[1],".").concat(e[2]),"".concat(e[3],".").concat(e[0],".").concat(e[2],".").concat(e[1]),"".concat(e[3],".").concat(e[1],".").concat(e[0],".").concat(e[2]),"".concat(e[3],".").concat(e[1],".").concat(e[2],".").concat(e[0]),"".concat(e[3],".").concat(e[2],".").concat(e[0],".").concat(e[1]),"".concat(e[3],".").concat(e[2],".").concat(e[1],".").concat(e[0])]}var W9={};function uEe(e){if(e.length===0||e.length===1)return e;var t=e.join(".");return W9[t]||(W9[t]=lEe(e)),W9[t]}function cEe(e){var t=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},n=arguments.length>2?arguments[2]:void 0,r=e.filter(function(i){return i!=="token"}),o=uEe(r);return o.reduce(function(i,a){return sd(sd({},i),n[a])},t)}function gA(e){return e.join(" ")}function fEe(e,t){var n=0;return function(r){return n+=1,r.map(function(o,i){return eL({node:o,stylesheet:e,useInlineStyles:t,key:"code-segment-".concat(n,"-").concat(i)})})}}function eL(e){var t=e.node,n=e.stylesheet,r=e.style,o=r===void 0?{}:r,i=e.useInlineStyles,a=e.key,s=t.properties,l=t.type,u=t.tagName,d=t.value;if(l==="text")return d;if(u){var h=fEe(n,i),p;if(!i)p=sd(sd({},s),{},{className:gA(s.className)});else{var m=Object.keys(n).reduce(function(E,w){return w.split(".").forEach(function(k){E.includes(k)||E.push(k)}),E},[]),v=s.className&&s.className.includes("token")?["token"]:[],_=s.className&&v.concat(s.className.filter(function(E){return!m.includes(E)}));p=sd(sd({},s),{},{className:gA(_)||void 0,style:cEe(s.className,Object.assign({},s.style,o),n)})}var b=h(t.children);return Bt.createElement(u,sEe({key:a},p),b)}}const dEe=function(e,t){var n=e.listLanguages();return n.indexOf(t)!==-1};var hEe=["language","children","style","customStyle","codeTagProps","useInlineStyles","showLineNumbers","showInlineLineNumbers","startingLineNumber","lineNumberContainerStyle","lineNumberStyle","wrapLines","wrapLongLines","lineProps","renderer","PreTag","CodeTag","code","astGenerator"];function vA(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(o){return Object.getOwnPropertyDescriptor(e,o).enumerable})),n.push.apply(n,r)}return n}function Wa(e){for(var t=1;t<arguments.length;t++){var n=arguments[t]!=null?arguments[t]:{};t%2?vA(Object(n),!0).forEach(function(r){ZM(e,r,n[r])}):Object.getOwnPropertyDescriptors?Object.defineProperties(e,Object.getOwnPropertyDescriptors(n)):vA(Object(n)).forEach(function(r){Object.defineProperty(e,r,Object.getOwnPropertyDescriptor(n,r))})}return e}var pEe=/\n/g;function mEe(e){return e.match(pEe)}function gEe(e){var t=e.lines,n=e.startingLineNumber,r=e.style;return t.map(function(o,i){var a=i+n;return Bt.createElement("span",{key:"line-".concat(i),className:"react-syntax-highlighter-line-number",style:typeof r=="function"?r(a):r},"".concat(a,`
`))})}function vEe(e){var t=e.codeString,n=e.codeStyle,r=e.containerStyle,o=r===void 0?{float:"left",paddingRight:"10px"}:r,i=e.numberStyle,a=i===void 0?{}:i,s=e.startingLineNumber;return Bt.createElement("code",{style:Object.assign({},n,o)},gEe({lines:t.replace(/\n$/,"").split(`
`),style:a,startingLineNumber:s}))}function bEe(e){return"".concat(e.toString().length,".25em")}function tL(e,t){return{type:"element",tagName:"span",properties:{key:"line-number--".concat(e),className:["comment","linenumber","react-syntax-highlighter-line-number"],style:t},children:[{type:"text",value:e}]}}function nL(e,t,n){var r={display:"inline-block",minWidth:bEe(n),paddingRight:"1em",textAlign:"right",userSelect:"none"},o=typeof e=="function"?e(t):e,i=Wa(Wa({},r),o);return i}function Zg(e){var t=e.children,n=e.lineNumber,r=e.lineNumberStyle,o=e.largestLineNumber,i=e.showInlineLineNumbers,a=e.lineProps,s=a===void 0?{}:a,l=e.className,u=l===void 0?[]:l,d=e.showLineNumbers,h=e.wrapLongLines,p=typeof s=="function"?s(n):s;if(p.className=u,n&&i){var m=nL(r,n,o);t.unshift(tL(n,m))}return h&d&&(p.style=Wa(Wa({},p.style),{},{display:"flex"})),{type:"element",tagName:"span",properties:p,children:t}}function c4(e){var t=arguments.length>1&&arguments[1]!==void 0?arguments[1]:[],n=arguments.length>2&&arguments[2]!==void 0?arguments[2]:[];if(e.type==="root")return c4(e.children,t,n);for(var r=0;r<e.length;r++){var o=e[r];if(o.type==="text")n.push(Zg({children:[o],className:oEe(new Set(t))}));else if(o.children){var i=t.concat(o.properties.className);c4(o.children,i).forEach(function(a){return n.push(a)})}}return n}function yEe(e,t,n,r,o,i,a,s,l){var u,d=c4(e.value),h=[],p=-1,m=0;function v(F,C){var A=arguments.length>2&&arguments[2]!==void 0?arguments[2]:[];return Zg({children:F,lineNumber:C,lineNumberStyle:s,largestLineNumber:a,showInlineLineNumbers:o,lineProps:n,className:A,showLineNumbers:r,wrapLongLines:l})}function _(F,C){if(r&&C&&o){var A=nL(s,C,a);F.unshift(tL(C,A))}return F}function b(F,C){var A=arguments.length>2&&arguments[2]!==void 0?arguments[2]:[];return t||A.length>0?v(F,C,A):_(F,C)}for(var E=function(){var C=d[m],A=C.children[0].value,P=mEe(A);if(P){var I=A.split(`
`);I.forEach(function(j,H){var K=r&&h.length+i,U={type:"text",value:"".concat(j,`
`)};if(H===0){var pe=d.slice(p+1,m).concat(Zg({children:[U],className:C.properties.className})),se=b(pe,K);h.push(se)}else if(H===I.length-1){var J=d[m+1]&&d[m+1].children&&d[m+1].children[0],$={type:"text",value:"".concat(j)};if(J){var _e=Zg({children:[$],className:C.properties.className});d.splice(m+1,0,_e)}else{var ve=[$],fe=b(ve,K,C.properties.className);h.push(fe)}}else{var R=[U],L=b(R,K,C.properties.className);h.push(L)}}),p=m}m++};m<d.length;)E();if(p!==d.length-1){var w=d.slice(p+1,d.length);if(w&&w.length){var k=r&&h.length+i,y=b(w,k);h.push(y)}}return t?h:(u=[]).concat.apply(u,h)}function EEe(e){var t=e.rows,n=e.stylesheet,r=e.useInlineStyles;return t.map(function(o,i){return eL({node:o,stylesheet:n,useInlineStyles:r,key:"code-segement".concat(i)})})}function rL(e){return e&&typeof e.highlightAuto<"u"}function _Ee(e){var t=e.astGenerator,n=e.language,r=e.code,o=e.defaultCodeValue;if(rL(t)){var i=dEe(t,n);return n==="text"?{value:o,language:"text"}:i?t.highlight(n,r):t.highlightAuto(r)}try{return n&&n!=="text"?{value:t.highlight(r,n)}:{value:o}}catch{return{value:o}}}function TEe(e,t){return function(r){var o=r.language,i=r.children,a=r.style,s=a===void 0?t:a,l=r.customStyle,u=l===void 0?{}:l,d=r.codeTagProps,h=d===void 0?{className:o?"language-".concat(o):void 0,style:Wa(Wa({},s['code[class*="language-"]']),s['code[class*="language-'.concat(o,'"]')])}:d,p=r.useInlineStyles,m=p===void 0?!0:p,v=r.showLineNumbers,_=v===void 0?!1:v,b=r.showInlineLineNumbers,E=b===void 0?!0:b,w=r.startingLineNumber,k=w===void 0?1:w,y=r.lineNumberContainerStyle,F=r.lineNumberStyle,C=F===void 0?{}:F,A=r.wrapLines,P=r.wrapLongLines,I=P===void 0?!1:P,j=r.lineProps,H=j===void 0?{}:j,K=r.renderer,U=r.PreTag,pe=U===void 0?"pre":U,se=r.CodeTag,J=se===void 0?"code":se,$=r.code,_e=$===void 0?(Array.isArray(i)?i[0]:i)||"":$,ve=r.astGenerator,fe=G9e(r,hEe);ve=ve||e;var R=_?Bt.createElement(vEe,{containerStyle:y,codeStyle:h.style||{},numberStyle:C,startingLineNumber:k,codeString:_e}):null,L=s.hljs||s['pre[class*="language-"]']||{backgroundColor:"#fff"},Ae=rL(ve)?"hljs":"prismjs",Ue=m?Object.assign({},fe,{style:Object.assign({},L,u)}):Object.assign({},fe,{className:fe.className?"".concat(Ae," ").concat(fe.className):Ae,style:Object.assign({},u)});if(I?h.style=Wa(Wa({},h.style),{},{whiteSpace:"pre-wrap"}):h.style=Wa(Wa({},h.style),{},{whiteSpace:"pre"}),!ve)return Bt.createElement(pe,Ue,R,Bt.createElement(J,h,_e));(A===void 0&&K||I)&&(A=!0),K=K||EEe;var Ve=[{type:"text",value:_e}],Le=_Ee({astGenerator:ve,language:o,code:_e,defaultCodeValue:Ve});Le.language===null&&(Le.value=Ve);var st=Le.value.length;st===1&&Le.value[0].type==="text"&&(st=Le.value[0].value.split(`
`).length);var We=st+k,rt=yEe(Le,A,H,_,E,k,We,C,I);return Bt.createElement(pe,Ue,Bt.createElement(J,h,!E&&R,K({rows:rt,stylesheet:s,useInlineStyles:m})))}}const wEe=["abap","abnf","actionscript","ada","agda","al","antlr4","apacheconf","apex","apl","applescript","aql","arduino","arff","armasm","arturo","asciidoc","asm6502","asmatmel","aspnet","autohotkey","autoit","avisynth","avro-idl","awk","bash","basic","batch","bbcode","bbj","bicep","birb","bison","bnf","bqn","brainfuck","brightscript","bro","bsl","c","cfscript","chaiscript","cil","cilkc","cilkcpp","clike","clojure","cmake","cobol","coffeescript","concurnas","cooklang","coq","cpp","crystal","csharp","cshtml","csp","css-extras","css","csv","cue","cypher","d","dart","dataweave","dax","dhall","diff","django","dns-zone-file","docker","dot","ebnf","editorconfig","eiffel","ejs","elixir","elm","erb","erlang","etlua","excel-formula","factor","false","firestore-security-rules","flow","fortran","fsharp","ftl","gap","gcode","gdscript","gedcom","gettext","gherkin","git","glsl","gml","gn","go-module","go","gradle","graphql","groovy","haml","handlebars","haskell","haxe","hcl","hlsl","hoon","hpkp","hsts","http","ichigojam","icon","icu-message-format","idris","iecst","ignore","inform7","ini","io","j","java","javadoc","javadoclike","javascript","javastacktrace","jexl","jolie","jq","js-extras","js-templates","jsdoc","json","json5","jsonp","jsstacktrace","jsx","julia","keepalived","keyman","kotlin","kumir","kusto","latex","latte","less","lilypond","linker-script","liquid","lisp","livescript","llvm","log","lolcode","lua","magma","makefile","markdown","markup-templating","markup","mata","matlab","maxscript","mel","mermaid","metafont","mizar","mongodb","monkey","moonscript","n1ql","n4js","nand2tetris-hdl","naniscript","nasm","neon","nevod","nginx","nim","nix","nsis","objectivec","ocaml","odin","opencl","openqasm","oz","parigp","parser","pascal","pascaligo","pcaxis","peoplecode","perl","php-extras","php","phpdoc","plant-uml","plsql","powerquery","powershell","processing","prolog","promql","properties","protobuf","psl","pug","puppet","pure","purebasic","purescript","python","q","qml","qore","qsharp","r","racket","reason","regex","rego","renpy","rescript","rest","rip","roboconf","robotframework","ruby","rust","sas","sass","scala","scheme","scss","shell-session","smali","smalltalk","smarty","sml","solidity","solution-file","soy","sparql","splunk-spl","sqf","sql","squirrel","stan","stata","stylus","supercollider","swift","systemd","t4-cs","t4-templating","t4-vb","tap","tcl","textile","toml","tremor","tsx","tt2","turtle","twig","typescript","typoscript","unrealscript","uorazor","uri","v","vala","vbnet","velocity","verilog","vhdl","vim","visual-basic","warpscript","wasm","web-idl","wgsl","wiki","wolfram","wren","xeora","xml-doc","xojo","xquery","yaml","yang","zig"];var bA=/[#.]/g;const kEe=function(e,t="div"){for(var n=e||"",r={},o=0,i,a,s;o<n.length;)bA.lastIndex=o,s=bA.exec(n),i=n.slice(o,s?s.index:n.length),i&&(a?a==="#"?r.id=i:Array.isArray(r.className)?r.className.push(i):r.className=[i]:t=i,o+=i.length),s&&(a=s[0],o++);return{type:"element",tagName:t,properties:r,children:[]}},SEe=new Set(["menu","submit","reset","button"]),f4={}.hasOwnProperty;function oL(e,t,n){const r=n&&NEe(n);return function(i,a,...s){let l=-1,u;if(i==null)u={type:"root",children:[]},s.unshift(a);else if(u=kEe(i,t),u.tagName=u.tagName.toLowerCase(),r&&f4.call(r,u.tagName)&&(u.tagName=r[u.tagName]),xEe(a,u.tagName)){let d;for(d in a)f4.call(a,d)&&CEe(e,u.properties,d,a[d])}else s.unshift(a);for(;++l<s.length;)d4(u.children,s[l]);return u.type==="element"&&u.tagName==="template"&&(u.content={type:"root",children:u.children},u.children=[]),u}}function xEe(e,t){return e==null||typeof e!="object"||Array.isArray(e)?!1:t==="input"||!e.type||typeof e.type!="string"?!0:"children"in e&&Array.isArray(e.children)?!1:t==="button"?SEe.has(e.type.toLowerCase()):!("value"in e)}function CEe(e,t,n,r){const o=bp(e,n);let i=-1,a;if(r!=null){if(typeof r=="number"){if(Number.isNaN(r))return;a=r}else typeof r=="boolean"?a=r:typeof r=="string"?o.spaceSeparated?a=lA(r):o.commaSeparated?a=uA(r):o.commaOrSpaceSeparated?a=lA(uA(r).join(" ")):a=yA(o,o.property,r):Array.isArray(r)?a=r.concat():a=o.property==="style"?AEe(r):String(r);if(Array.isArray(a)){const s=[];for(;++i<a.length;)s[i]=yA(o,o.property,a[i]);a=s}o.property==="className"&&Array.isArray(t.className)&&(a=t.className.concat(a)),t[o.property]=a}}function d4(e,t){let n=-1;if(t!=null)if(typeof t=="string"||typeof t=="number")e.push({type:"text",value:String(t)});else if(Array.isArray(t))for(;++n<t.length;)d4(e,t[n]);else if(typeof t=="object"&&"type"in t)t.type==="root"?d4(e,t.children):e.push(t);else throw new Error("Expected node, nodes, or string, got `"+t+"`")}function yA(e,t,n){if(typeof n=="string"){if(e.number&&n&&!Number.isNaN(Number(n)))return Number(n);if((e.boolean||e.overloadedBoolean)&&(n===""||j0(n)===j0(t)))return!0}return n}function AEe(e){const t=[];let n;for(n in e)f4.call(e,n)&&t.push([n,e[n]].join(": "));return t.join("; ")}function NEe(e){const t={};let n=-1;for(;++n<e.length;)t[e[n].toLowerCase()]=e[n];return t}const iL=oL(m1,"div"),FEe=["altGlyph","altGlyphDef","altGlyphItem","animateColor","animateMotion","animateTransform","clipPath","feBlend","feColorMatrix","feComponentTransfer","feComposite","feConvolveMatrix","feDiffuseLighting","feDisplacementMap","feDistantLight","feDropShadow","feFlood","feFuncA","feFuncB","feFuncG","feFuncR","feGaussianBlur","feImage","feMerge","feMergeNode","feMorphology","feOffset","fePointLight","feSpecularLighting","feSpotLight","feTile","feTurbulence","foreignObject","glyphRef","linearGradient","radialGradient","solidColor","textArea","textPath"],IEe=oL(Mu,"g",FEe),BEe=["AElig","AMP","Aacute","Acirc","Agrave","Aring","Atilde","Auml","COPY","Ccedil","ETH","Eacute","Ecirc","Egrave","Euml","GT","Iacute","Icirc","Igrave","Iuml","LT","Ntilde","Oacute","Ocirc","Ograve","Oslash","Otilde","Ouml","QUOT","REG","THORN","Uacute","Ucirc","Ugrave","Uuml","Yacute","aacute","acirc","acute","aelig","agrave","amp","aring","atilde","auml","brvbar","ccedil","cedil","cent","copy","curren","deg","divide","eacute","ecirc","egrave","eth","euml","frac12","frac14","frac34","gt","iacute","icirc","iexcl","igrave","iquest","iuml","laquo","lt","macr","micro","middot","nbsp","not","ntilde","oacute","ocirc","ograve","ordf","ordm","oslash","otilde","ouml","para","plusmn","pound","quot","raquo","reg","sect","shy","sup1","sup2","sup3","szlig","thorn","times","uacute","ucirc","ugrave","uml","uuml","yacute","yen","yuml"],EA={0:"�",128:"€",130:"‚",131:"ƒ",132:"„",133:"…",134:"†",135:"‡",136:"ˆ",137:"‰",138:"Š",139:"‹",140:"Œ",142:"Ž",145:"‘",146:"’",147:"“",148:"”",149:"•",150:"–",151:"—",152:"˜",153:"™",154:"š",155:"›",156:"œ",158:"ž",159:"Ÿ"};function aL(e){const t=typeof e=="string"?e.charCodeAt(0):e;return t>=48&&t<=57}function REe(e){const t=typeof e=="string"?e.charCodeAt(0):e;return t>=97&&t<=102||t>=65&&t<=70||t>=48&&t<=57}function OEe(e){const t=typeof e=="string"?e.charCodeAt(0):e;return t>=97&&t<=122||t>=65&&t<=90}function _A(e){return OEe(e)||aL(e)}const Bf=String.fromCharCode,DEe=["","Named character references must be terminated by a semicolon","Numeric character references must be terminated by a semicolon","Named character references cannot be empty","Numeric character references cannot be empty","Named character references must be known","Numeric character references cannot be disallowed","Numeric character references cannot be outside the permissible Unicode range"];function PEe(e,t={}){const n=typeof t.additional=="string"?t.additional.charCodeAt(0):t.additional,r=[];let o=0,i=-1,a="",s,l;t.position&&("start"in t.position||"indent"in t.position?(l=t.position.indent,s=t.position.start):s=t.position);let u=(s?s.line:0)||1,d=(s?s.column:0)||1,h=m(),p;for(o--;++o<=e.length;)if(p===10&&(d=(l?l[i]:0)||1),p=e.charCodeAt(o),p===38){const b=e.charCodeAt(o+1);if(b===9||b===10||b===12||b===32||b===38||b===60||Number.isNaN(b)||n&&b===n){a+=Bf(p),d++;continue}const E=o+1;let w=E,k=E,y;if(b===35){k=++w;const K=e.charCodeAt(k);K===88||K===120?(y="hexadecimal",k=++w):y="decimal"}else y="named";let F="",C="",A="";const P=y==="named"?_A:y==="decimal"?aL:REe;for(k--;++k<=e.length;){const K=e.charCodeAt(k);if(!P(K))break;A+=Bf(K),y==="named"&&BEe.includes(A)&&(F=A,C=L0(A))}let I=e.charCodeAt(k)===59;if(I){k++;const K=y==="named"?L0(A):!1;K&&(F=A,C=K)}let j=1+k-E,H="";if(!(!I&&t.nonTerminated===!1))if(!A)y!=="named"&&v(4,j);else if(y==="named"){if(I&&!C)v(5,1);else if(F!==A&&(k=w+F.length,j=1+k-w,I=!1),!I){const K=F?1:3;if(t.attribute){const U=e.charCodeAt(k);U===61?(v(K,j),C=""):_A(U)?C="":v(K,j)}else v(K,j)}H=C}else{I||v(2,j);let K=Number.parseInt(A,y==="hexadecimal"?16:10);if(MEe(K))v(7,j),H=Bf(65533);else if(K in EA)v(6,j),H=EA[K];else{let U="";LEe(K)&&v(6,j),K>65535&&(K-=65536,U+=Bf(K>>>10|55296),K=56320|K&1023),H=U+Bf(K)}}if(H){_(),h=m(),o=k-1,d+=k-E+1,r.push(H);const K=m();K.offset++,t.reference&&t.reference.call(t.referenceContext,H,{start:h,end:K},e.slice(E-1,k)),h=K}else A=e.slice(E-1,k),a+=A,d+=A.length,o=k-1}else p===10&&(u++,i++,d=0),Number.isNaN(p)?_():(a+=Bf(p),d++);return r.join("");function m(){return{line:u,column:d,offset:o+((s?s.offset:0)||0)}}function v(b,E){let w;t.warning&&(w=m(),w.column+=E,w.offset+=E,t.warning.call(t.warningContext,DEe[b],w,b))}function _(){a&&(r.push(a),t.text&&t.text.call(t.textContext,a,{start:h,end:m()}),a="")}}function MEe(e){return e>=55296&&e<=57343||e>1114111}function LEe(e){return e>=1&&e<=8||e===11||e>=13&&e<=31||e>=127&&e<=159||e>=64976&&e<=65007||(e&65535)===65535||(e&65535)===65534}var jEe=0,Zm={},Dr={util:{type:function(e){return Object.prototype.toString.call(e).slice(8,-1)},objId:function(e){return e.__id||Object.defineProperty(e,"__id",{value:++jEe}),e.__id},clone:function e(t,n){n=n||{};var r,o;switch(Dr.util.type(t)){case"Object":if(o=Dr.util.objId(t),n[o])return n[o];r={},n[o]=r;for(var i in t)t.hasOwnProperty(i)&&(r[i]=e(t[i],n));return r;case"Array":return o=Dr.util.objId(t),n[o]?n[o]:(r=[],n[o]=r,t.forEach(function(a,s){r[s]=e(a,n)}),r);default:return t}}},languages:{plain:Zm,plaintext:Zm,text:Zm,txt:Zm,extend:function(e,t){var n=Dr.util.clone(Dr.languages[e]);for(var r in t)n[r]=t[r];return n},insertBefore:function(e,t,n,r){r=r||Dr.languages;var o=r[e],i={};for(var a in o)if(o.hasOwnProperty(a)){if(a==t)for(var s in n)n.hasOwnProperty(s)&&(i[s]=n[s]);n.hasOwnProperty(a)||(i[a]=o[a])}var l=r[e];return r[e]=i,Dr.languages.DFS(Dr.languages,function(u,d){d===l&&u!=e&&(this[u]=i)}),i},DFS:function e(t,n,r,o){o=o||{};var i=Dr.util.objId;for(var a in t)if(t.hasOwnProperty(a)){n.call(t,a,t[a],r||a);var s=t[a],l=Dr.util.type(s);l==="Object"&&!o[i(s)]?(o[i(s)]=!0,e(s,n,null,o)):l==="Array"&&!o[i(s)]&&(o[i(s)]=!0,e(s,n,a,o))}}},plugins:{},highlight:function(e,t,n){var r={code:e,grammar:t,language:n};if(Dr.hooks.run("before-tokenize",r),!r.grammar)throw new Error('The language "'+r.language+'" has no grammar.');return r.tokens=Dr.tokenize(r.code,r.grammar),Dr.hooks.run("after-tokenize",r),Yh.stringify(Dr.util.encode(r.tokens),r.language)},tokenize:function(e,t){var n=t.rest;if(n){for(var r in n)t[r]=n[r];delete t.rest}var o=new zEe;return Jg(o,o.head,e),sL(e,o,t,o.head,0),UEe(o)},hooks:{all:{},add:function(e,t){var n=Dr.hooks.all;n[e]=n[e]||[],n[e].push(t)},run:function(e,t){var n=Dr.hooks.all[e];if(!(!n||!n.length))for(var r=0,o;o=n[r++];)o(t)}},Token:Yh};function Yh(e,t,n,r){this.type=e,this.content=t,this.alias=n,this.length=(r||"").length|0}function TA(e,t,n,r){e.lastIndex=t;var o=e.exec(n);if(o&&r&&o[1]){var i=o[1].length;o.index+=i,o[0]=o[0].slice(i)}return o}function sL(e,t,n,r,o,i){for(var a in n)if(!(!n.hasOwnProperty(a)||!n[a])){var s=n[a];s=Array.isArray(s)?s:[s];for(var l=0;l<s.length;++l){if(i&&i.cause==a+","+l)return;var u=s[l],d=u.inside,h=!!u.lookbehind,p=!!u.greedy,m=u.alias;if(p&&!u.pattern.global){var v=u.pattern.toString().match(/[imsuy]*$/)[0];u.pattern=RegExp(u.pattern.source,v+"g")}for(var _=u.pattern||u,b=r.next,E=o;b!==t.tail&&!(i&&E>=i.reach);E+=b.value.length,b=b.next){var w=b.value;if(t.length>e.length)return;if(!(w instanceof Yh)){var k=1,y;if(p){if(y=TA(_,E,e,h),!y||y.index>=e.length)break;var P=y.index,F=y.index+y[0].length,C=E;for(C+=b.value.length;P>=C;)b=b.next,C+=b.value.length;if(C-=b.value.length,E=C,b.value instanceof Yh)continue;for(var A=b;A!==t.tail&&(C<F||typeof A.value=="string");A=A.next)k++,C+=A.value.length;k--,w=e.slice(E,C),y.index-=E}else if(y=TA(_,0,w,h),!y)continue;var P=y.index,I=y[0],j=w.slice(0,P),H=w.slice(P+I.length),K=E+w.length;i&&K>i.reach&&(i.reach=K);var U=b.prev;j&&(U=Jg(t,U,j),E+=j.length),HEe(t,U,k);var pe=new Yh(a,d?Dr.tokenize(I,d):I,m,I);if(b=Jg(t,U,pe),H&&Jg(t,b,H),k>1){var se={cause:a+","+l,reach:K};sL(e,t,n,b.prev,E,se),i&&se.reach>i.reach&&(i.reach=se.reach)}}}}}}function zEe(){var e={value:null,prev:null,next:null},t={value:null,prev:e,next:null};e.next=t,this.head=e,this.tail=t,this.length=0}function Jg(e,t,n){var r=t.next,o={value:n,prev:t,next:r};return t.next=o,r.prev=o,e.length++,o}function HEe(e,t,n){for(var r=t.next,o=0;o<n&&r!==e.tail;o++)r=r.next;t.next=r,r.prev=t,e.length-=o}function UEe(e){for(var t=[],n=e.head.next;n!==e.tail;)t.push(n.value),n=n.next;return t}const lL=Dr,g1={}.hasOwnProperty;function uL(){}uL.prototype=lL;const Ze=new uL;Ze.highlight=qEe;Ze.register=$Ee;Ze.alias=WEe;Ze.registered=GEe;Ze.listLanguages=KEe;Ze.util.encode=VEe;Ze.Token.stringify=h4;function qEe(e,t){if(typeof e!="string")throw new TypeError("Expected `string` for `value`, got `"+e+"`");let n,r;if(t&&typeof t=="object")n=t;else{if(r=t,typeof r!="string")throw new TypeError("Expected `string` for `name`, got `"+r+"`");if(g1.call(Ze.languages,r))n=Ze.languages[r];else throw new Error("Unknown language: `"+r+"` is not registered")}return{type:"root",children:lL.highlight.call(Ze,e,n,r)}}function $Ee(e){if(typeof e!="function"||!e.displayName)throw new Error("Expected `function` for `syntax`, got `"+e+"`");g1.call(Ze.languages,e.displayName)||e(Ze)}function WEe(e,t){const n=Ze.languages;let r={};typeof e=="string"?t&&(r[e]=t):r=e;let o;for(o in r)if(g1.call(r,o)){const i=r[o],a=typeof i=="string"?[i]:i;let s=-1;for(;++s<a.length;)n[a[s]]=n[o]}}function GEe(e){if(typeof e!="string")throw new TypeError("Expected `string` for `aliasOrLanguage`, got `"+e+"`");return g1.call(Ze.languages,e)}function KEe(){const e=Ze.languages,t=[];let n;for(n in e)g1.call(e,n)&&typeof e[n]=="object"&&t.push(n);return t}function h4(e,t){if(typeof e=="string")return{type:"text",value:e};if(Array.isArray(e)){const r=[];let o=-1;for(;++o<e.length;)e[o]!==""&&e[o]!==null&&e[o]!==void 0&&r.push(h4(e[o],t));return r}const n={type:e.type,content:h4(e.content,t),tag:"span",classes:["token",e.type],attributes:{},language:t};return e.alias&&n.classes.push(...typeof e.alias=="string"?[e.alias]:e.alias),Ze.hooks.run("wrap",n),iL(n.tag+"."+n.classes.join("."),YEe(n.attributes),n.content)}function VEe(e){return e}function YEe(e){let t;for(t in e)g1.call(e,t)&&(e[t]=PEe(e[t]));return e}const QEe={'code[class*="language-"]':{color:"black",background:"none",textShadow:"0 1px white",fontFamily:"Consolas, Monaco, 'Andale Mono', 'Ubuntu Mono', monospace",fontSize:"1em",textAlign:"left",whiteSpace:"pre",wordSpacing:"normal",wordBreak:"normal",wordWrap:"normal",lineHeight:"1.5",MozTabSize:"4",OTabSize:"4",tabSize:"4",WebkitHyphens:"none",MozHyphens:"none",msHyphens:"none",hyphens:"none"},'pre[class*="language-"]':{color:"black",background:"#f5f2f0",textShadow:"0 1px white",fontFamily:"Consolas, Monaco, 'Andale Mono', 'Ubuntu Mono', monospace",fontSize:"1em",textAlign:"left",whiteSpace:"pre",wordSpacing:"normal",wordBreak:"normal",wordWrap:"normal",lineHeight:"1.5",MozTabSize:"4",OTabSize:"4",tabSize:"4",WebkitHyphens:"none",MozHyphens:"none",msHyphens:"none",hyphens:"none",padding:"1em",margin:".5em 0",overflow:"auto"},'pre[class*="language-"]::-moz-selection':{textShadow:"none",background:"#b3d4fc"},'pre[class*="language-"] ::-moz-selection':{textShadow:"none",background:"#b3d4fc"},'code[class*="language-"]::-moz-selection':{textShadow:"none",background:"#b3d4fc"},'code[class*="language-"] ::-moz-selection':{textShadow:"none",background:"#b3d4fc"},'pre[class*="language-"]::selection':{textShadow:"none",background:"#b3d4fc"},'pre[class*="language-"] ::selection':{textShadow:"none",background:"#b3d4fc"},'code[class*="language-"]::selection':{textShadow:"none",background:"#b3d4fc"},'code[class*="language-"] ::selection':{textShadow:"none",background:"#b3d4fc"},':not(pre) > code[class*="language-"]':{background:"#f5f2f0",padding:".1em",borderRadius:".3em",whiteSpace:"normal"},comment:{color:"slategray"},prolog:{color:"slategray"},doctype:{color:"slategray"},cdata:{color:"slategray"},punctuation:{color:"#999"},namespace:{Opacity:".7"},property:{color:"#905"},tag:{color:"#905"},boolean:{color:"#905"},number:{color:"#905"},constant:{color:"#905"},symbol:{color:"#905"},deleted:{color:"#905"},selector:{color:"#690"},"attr-name":{color:"#690"},string:{color:"#690"},char:{color:"#690"},builtin:{color:"#690"},inserted:{color:"#690"},operator:{color:"#9a6e3a",background:"hsla(0, 0%, 100%, .5)"},entity:{color:"#9a6e3a",background:"hsla(0, 0%, 100%, .5)",cursor:"help"},url:{color:"#9a6e3a",background:"hsla(0, 0%, 100%, .5)"},".language-css .token.string":{color:"#9a6e3a",background:"hsla(0, 0%, 100%, .5)"},".style .token.string":{color:"#9a6e3a",background:"hsla(0, 0%, 100%, .5)"},atrule:{color:"#07a"},"attr-value":{color:"#07a"},keyword:{color:"#07a"},function:{color:"#DD4A68"},"class-name":{color:"#DD4A68"},regex:{color:"#e90"},important:{color:"#e90",fontWeight:"bold"},variable:{color:"#e90"},bold:{fontWeight:"bold"},italic:{fontStyle:"italic"}};bs.displayName="clike";bs.aliases=[];function bs(e){e.languages.clike={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},"class-name":{pattern:/(\b(?:class|extends|implements|instanceof|interface|new|trait)\s+|\bcatch\s+\()[\w.\\]+/i,lookbehind:!0,inside:{punctuation:/[.\\]/}},keyword:/\b(?:break|catch|continue|do|else|finally|for|function|if|in|instanceof|new|null|return|throw|try|while)\b/,boolean:/\b(?:false|true)\b/,function:/\b\w+(?=\()/,number:/\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i,operator:/[<>]=?|[!=]=?=?|--?|\+\+?|&&?|\|\|?|[?*/~^%]/,punctuation:/[{}[\];(),.:]/}}Ap.displayName="c";Ap.aliases=[];function Ap(e){e.register(bs),e.languages.c=e.languages.extend("clike",{comment:{pattern:/\/\/(?:[^\r\n\\]|\\(?:\r\n?|\n|(?![\r\n])))*|\/\*[\s\S]*?(?:\*\/|$)/,greedy:!0},string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"/,greedy:!0},"class-name":{pattern:/(\b(?:enum|struct)\s+(?:__attribute__\s*\(\([\s\S]*?\)\)\s*)?)\w+|\b[a-z]\w*_t\b/,lookbehind:!0},keyword:/\b(?:_Alignas|_Alignof|_Atomic|_Bool|_Complex|_Generic|_Imaginary|_Noreturn|_Static_assert|_Thread_local|__attribute__|asm|auto|break|case|char|const|continue|default|do|double|else|enum|extern|float|for|goto|if|inline|int|long|register|return|short|signed|sizeof|static|struct|switch|typedef|typeof|union|unsigned|void|volatile|while)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,number:/(?:\b0x(?:[\da-f]+(?:\.[\da-f]*)?|\.[\da-f]+)(?:p[+-]?\d+)?|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)[ful]{0,4}/i,operator:/>>=?|<<=?|->|([-+&|:])\1|[?:~]|[-+*/%&|^!=<>]=?/}),e.languages.insertBefore("c","string",{char:{pattern:/'(?:\\(?:\r\n|[\s\S])|[^'\\\r\n]){0,32}'/,greedy:!0}}),e.languages.insertBefore("c","string",{macro:{pattern:/(^[\t ]*)#\s*[a-z](?:[^\r\n\\/]|\/(?!\*)|\/\*(?:[^*]|\*(?!\/))*\*\/|\\(?:\r\n|[\s\S]))*/im,lookbehind:!0,greedy:!0,alias:"property",inside:{string:[{pattern:/^(#\s*include\s*)<[^>]+>/,lookbehind:!0},e.languages.c.string],char:e.languages.c.char,comment:e.languages.c.comment,"macro-name":[{pattern:/(^#\s*define\s+)\w+\b(?!\()/i,lookbehind:!0},{pattern:/(^#\s*define\s+)\w+\b(?=\()/i,lookbehind:!0,alias:"function"}],directive:{pattern:/^(#\s*)[a-z]+/,lookbehind:!0,alias:"keyword"},"directive-hash":/^#/,punctuation:/##|\\(?=[\r\n])/,expression:{pattern:/\S[\s\S]*/,inside:e.languages.c}}}}),e.languages.insertBefore("c","function",{constant:/\b(?:EOF|NULL|SEEK_CUR|SEEK_END|SEEK_SET|__DATE__|__FILE__|__LINE__|__TIMESTAMP__|__TIME__|__func__|stderr|stdin|stdout)\b/}),delete e.languages.c.boolean}Fy.displayName="cpp";Fy.aliases=[];function Fy(e){e.register(Ap),function(t){var n=/\b(?:alignas|alignof|asm|auto|bool|break|case|catch|char|char16_t|char32_t|char8_t|class|co_await|co_return|co_yield|compl|concept|const|const_cast|consteval|constexpr|constinit|continue|decltype|default|delete|do|double|dynamic_cast|else|enum|explicit|export|extern|final|float|for|friend|goto|if|import|inline|int|int16_t|int32_t|int64_t|int8_t|long|module|mutable|namespace|new|noexcept|nullptr|operator|override|private|protected|public|register|reinterpret_cast|requires|return|short|signed|sizeof|static|static_assert|static_cast|struct|switch|template|this|thread_local|throw|try|typedef|typeid|typename|uint16_t|uint32_t|uint64_t|uint8_t|union|unsigned|using|virtual|void|volatile|wchar_t|while)\b/,r=/\b(?!<keyword>)\w+(?:\s*\.\s*\w+)*\b/.source.replace(/<keyword>/g,function(){return n.source});t.languages.cpp=t.languages.extend("c",{"class-name":[{pattern:RegExp(/(\b(?:class|concept|enum|struct|typename)\s+)(?!<keyword>)\w+/.source.replace(/<keyword>/g,function(){return n.source})),lookbehind:!0},/\b[A-Z]\w*(?=\s*::\s*\w+\s*\()/,/\b[A-Z_]\w*(?=\s*::\s*~\w+\s*\()/i,/\b\w+(?=\s*<(?:[^<>]|<(?:[^<>]|<[^<>]*>)*>)*>\s*::\s*\w+\s*\()/],keyword:n,number:{pattern:/(?:\b0b[01']+|\b0x(?:[\da-f']+(?:\.[\da-f']*)?|\.[\da-f']+)(?:p[+-]?[\d']+)?|(?:\b[\d']+(?:\.[\d']*)?|\B\.[\d']+)(?:e[+-]?[\d']+)?)[ful]{0,4}/i,greedy:!0},operator:/>>=?|<<=?|->|--|\+\+|&&|\|\||[?:~]|<=>|[-+*/%&|^!=<>]=?|\b(?:and|and_eq|bitand|bitor|not|not_eq|or|or_eq|xor|xor_eq)\b/,boolean:/\b(?:false|true)\b/}),t.languages.insertBefore("cpp","string",{module:{pattern:RegExp(/(\b(?:import|module)\s+)/.source+"(?:"+/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|<[^<>\r\n]*>/.source+"|"+/<mod-name>(?:\s*:\s*<mod-name>)?|:\s*<mod-name>/.source.replace(/<mod-name>/g,function(){return r})+")"),lookbehind:!0,greedy:!0,inside:{string:/^[<"][\s\S]+/,operator:/:/,punctuation:/\./}},"raw-string":{pattern:/R"([^()\\ ]{0,16})\([\s\S]*?\)\1"/,alias:"string",greedy:!0}}),t.languages.insertBefore("cpp","keyword",{"generic-function":{pattern:/\b(?!operator\b)[a-z_]\w*\s*<(?:[^<>]|<[^<>]*>)*>(?=\s*\()/i,inside:{function:/^\w+/,generic:{pattern:/<[\s\S]+/,alias:"class-name",inside:t.languages.cpp}}}}),t.languages.insertBefore("cpp","operator",{"double-colon":{pattern:/::/,alias:"punctuation"}}),t.languages.insertBefore("cpp","class-name",{"base-clause":{pattern:/(\b(?:class|struct)\s+\w+\s*:\s*)[^;{}"'\s]+(?:\s+[^;{}"'\s]+)*(?=\s*[;{])/,lookbehind:!0,greedy:!0,inside:t.languages.extend("cpp",{})}}),t.languages.insertBefore("inside","double-colon",{"class-name":/\b[a-z_]\w*\b(?!\s*::)/i},t.languages.cpp["base-clause"])}(e)}Pw.displayName="arduino";Pw.aliases=["ino"];function Pw(e){e.register(Fy),e.languages.arduino=e.languages.extend("cpp",{keyword:/\b(?:String|array|bool|boolean|break|byte|case|catch|continue|default|do|double|else|finally|for|function|goto|if|in|instanceof|int|integer|long|loop|new|null|return|setup|string|switch|throw|try|void|while|word)\b/,constant:/\b(?:ANALOG_MESSAGE|DEFAULT|DIGITAL_MESSAGE|EXTERNAL|FIRMATA_STRING|HIGH|INPUT|INPUT_PULLUP|INTERNAL|INTERNAL1V1|INTERNAL2V56|LED_BUILTIN|LOW|OUTPUT|REPORT_ANALOG|REPORT_DIGITAL|SET_PIN_MODE|SYSEX_START|SYSTEM_RESET)\b/,builtin:/\b(?:Audio|BSSID|Bridge|Client|Console|EEPROM|Esplora|EsploraTFT|Ethernet|EthernetClient|EthernetServer|EthernetUDP|File|FileIO|FileSystem|Firmata|GPRS|GSM|GSMBand|GSMClient|GSMModem|GSMPIN|GSMScanner|GSMServer|GSMVoiceCall|GSM_SMS|HttpClient|IPAddress|IRread|Keyboard|KeyboardController|LiquidCrystal|LiquidCrystal_I2C|Mailbox|Mouse|MouseController|PImage|Process|RSSI|RobotControl|RobotMotor|SD|SPI|SSID|Scheduler|Serial|Server|Servo|SoftwareSerial|Stepper|Stream|TFT|Task|USBHost|WiFi|WiFiClient|WiFiServer|WiFiUDP|Wire|YunClient|YunServer|abs|addParameter|analogRead|analogReadResolution|analogReference|analogWrite|analogWriteResolution|answerCall|attach|attachGPRS|attachInterrupt|attached|autoscroll|available|background|beep|begin|beginPacket|beginSD|beginSMS|beginSpeaker|beginTFT|beginTransmission|beginWrite|bit|bitClear|bitRead|bitSet|bitWrite|blink|blinkVersion|buffer|changePIN|checkPIN|checkPUK|checkReg|circle|cityNameRead|cityNameWrite|clear|clearScreen|click|close|compassRead|config|connect|connected|constrain|cos|countryNameRead|countryNameWrite|createChar|cursor|debugPrint|delay|delayMicroseconds|detach|detachInterrupt|digitalRead|digitalWrite|disconnect|display|displayLogos|drawBMP|drawCompass|encryptionType|end|endPacket|endSMS|endTransmission|endWrite|exists|exitValue|fill|find|findUntil|flush|gatewayIP|get|getAsynchronously|getBand|getButton|getCurrentCarrier|getIMEI|getKey|getModifiers|getOemKey|getPINUsed|getResult|getSignalStrength|getSocket|getVoiceCallStatus|getXChange|getYChange|hangCall|height|highByte|home|image|interrupts|isActionDone|isDirectory|isListening|isPIN|isPressed|isValid|keyPressed|keyReleased|keyboardRead|knobRead|leftToRight|line|lineFollowConfig|listen|listenOnLocalhost|loadImage|localIP|lowByte|macAddress|maintain|map|max|messageAvailable|micros|millis|min|mkdir|motorsStop|motorsWrite|mouseDragged|mouseMoved|mousePressed|mouseReleased|move|noAutoscroll|noBlink|noBuffer|noCursor|noDisplay|noFill|noInterrupts|noListenOnLocalhost|noStroke|noTone|onReceive|onRequest|open|openNextFile|overflow|parseCommand|parseFloat|parseInt|parsePacket|pauseMode|peek|pinMode|playFile|playMelody|point|pointTo|position|pow|prepare|press|print|printFirmwareVersion|printVersion|println|process|processInput|pulseIn|put|random|randomSeed|read|readAccelerometer|readBlue|readButton|readBytes|readBytesUntil|readGreen|readJoystickButton|readJoystickSwitch|readJoystickX|readJoystickY|readLightSensor|readMessage|readMicrophone|readNetworks|readRed|readSlider|readString|readStringUntil|readTemperature|ready|rect|release|releaseAll|remoteIP|remoteNumber|remotePort|remove|requestFrom|retrieveCallingNumber|rewindDirectory|rightToLeft|rmdir|robotNameRead|robotNameWrite|run|runAsynchronously|runShellCommand|runShellCommandAsynchronously|running|scanNetworks|scrollDisplayLeft|scrollDisplayRight|seek|sendAnalog|sendDigitalPortPair|sendDigitalPorts|sendString|sendSysex|serialEvent|setBand|setBitOrder|setClockDivider|setCursor|setDNS|setDataMode|setFirmwareVersion|setMode|setPINUsed|setSpeed|setTextSize|setTimeout|shiftIn|shiftOut|shutdown|sin|size|sqrt|startLoop|step|stop|stroke|subnetMask|switchPIN|tan|tempoWrite|text|tone|transfer|tuneWrite|turn|updateIR|userNameRead|userNameWrite|voiceCall|waitContinue|width|write|writeBlue|writeGreen|writeJSON|writeMessage|writeMicroseconds|writeRGB|writeRed|yield)\b/}),e.languages.ino=e.languages.arduino}Mw.displayName="bash";Mw.aliases=["sh","shell"];function Mw(e){(function(t){var n="\\b(?:BASH|BASHOPTS|BASH_ALIASES|BASH_ARGC|BASH_ARGV|BASH_CMDS|BASH_COMPLETION_COMPAT_DIR|BASH_LINENO|BASH_REMATCH|BASH_SOURCE|BASH_VERSINFO|BASH_VERSION|COLORTERM|COLUMNS|COMP_WORDBREAKS|DBUS_SESSION_BUS_ADDRESS|DEFAULTS_PATH|DESKTOP_SESSION|DIRSTACK|DISPLAY|EUID|GDMSESSION|GDM_LANG|GNOME_KEYRING_CONTROL|GNOME_KEYRING_PID|GPG_AGENT_INFO|GROUPS|HISTCONTROL|HISTFILE|HISTFILESIZE|HISTSIZE|HOME|HOSTNAME|HOSTTYPE|IFS|INSTANCE|JOB|LANG|LANGUAGE|LC_ADDRESS|LC_ALL|LC_IDENTIFICATION|LC_MEASUREMENT|LC_MONETARY|LC_NAME|LC_NUMERIC|LC_PAPER|LC_TELEPHONE|LC_TIME|LESSCLOSE|LESSOPEN|LINES|LOGNAME|LS_COLORS|MACHTYPE|MAILCHECK|MANDATORY_PATH|NO_AT_BRIDGE|OLDPWD|OPTERR|OPTIND|ORBIT_SOCKETDIR|OSTYPE|PAPERSIZE|PATH|PIPESTATUS|PPID|PS1|PS2|PS3|PS4|PWD|RANDOM|REPLY|SECONDS|SELINUX_INIT|SESSION|SESSIONTYPE|SESSION_MANAGER|SHELL|SHELLOPTS|SHLVL|SSH_AUTH_SOCK|TERM|UID|UPSTART_EVENTS|UPSTART_INSTANCE|UPSTART_JOB|UPSTART_SESSION|USER|WINDOWID|XAUTHORITY|XDG_CONFIG_DIRS|XDG_CURRENT_DESKTOP|XDG_DATA_DIRS|XDG_GREETER_DATA_DIR|XDG_MENU_PREFIX|XDG_RUNTIME_DIR|XDG_SEAT|XDG_SEAT_PATH|XDG_SESSION_DESKTOP|XDG_SESSION_ID|XDG_SESSION_PATH|XDG_SESSION_TYPE|XDG_VTNR|XMODIFIERS)\\b",r={pattern:/(^(["']?)\w+\2)[ \t]+\S.*/,lookbehind:!0,alias:"punctuation",inside:null},o={bash:r,environment:{pattern:RegExp("\\$"+n),alias:"constant"},variable:[{pattern:/\$?\(\([\s\S]+?\)\)/,greedy:!0,inside:{variable:[{pattern:/(^\$\(\([\s\S]+)\)\)/,lookbehind:!0},/^\$\(\(/],number:/\b0x[\dA-Fa-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee]-?\d+)?/,operator:/--|\+\+|\*\*=?|<<=?|>>=?|&&|\|\||[=!+\-*/%<>^&|]=?|[?~:]/,punctuation:/\(\(?|\)\)?|,|;/}},{pattern:/\$\((?:\([^)]+\)|[^()])+\)|`[^`]+`/,greedy:!0,inside:{variable:/^\$\(|^`|\)$|`$/}},{pattern:/\$\{[^}]+\}/,greedy:!0,inside:{operator:/:[-=?+]?|[!\/]|##?|%%?|\^\^?|,,?/,punctuation:/[\[\]]/,environment:{pattern:RegExp("(\\{)"+n),lookbehind:!0,alias:"constant"}}},/\$(?:\w+|[#?*!@$])/],entity:/\\(?:[abceEfnrtv\\"]|O?[0-7]{1,3}|U[0-9a-fA-F]{8}|u[0-9a-fA-F]{4}|x[0-9a-fA-F]{1,2})/};t.languages.bash={shebang:{pattern:/^#!\s*\/.*/,alias:"important"},comment:{pattern:/(^|[^"{\\$])#.*/,lookbehind:!0},"function-name":[{pattern:/(\bfunction\s+)[\w-]+(?=(?:\s*\(?:\s*\))?\s*\{)/,lookbehind:!0,alias:"function"},{pattern:/\b[\w-]+(?=\s*\(\s*\)\s*\{)/,alias:"function"}],"for-or-select":{pattern:/(\b(?:for|select)\s+)\w+(?=\s+in\s)/,alias:"variable",lookbehind:!0},"assign-left":{pattern:/(^|[\s;|&]|[<>]\()\w+(?:\.\w+)*(?=\+?=)/,inside:{environment:{pattern:RegExp("(^|[\\s;|&]|[<>]\\()"+n),lookbehind:!0,alias:"constant"}},alias:"variable",lookbehind:!0},parameter:{pattern:/(^|\s)-{1,2}(?:\w+:[+-]?)?\w+(?:\.\w+)*(?=[=\s]|$)/,alias:"variable",lookbehind:!0},string:[{pattern:/((?:^|[^<])<<-?\s*)(\w+)\s[\s\S]*?(?:\r?\n|\r)\2/,lookbehind:!0,greedy:!0,inside:o},{pattern:/((?:^|[^<])<<-?\s*)(["'])(\w+)\2\s[\s\S]*?(?:\r?\n|\r)\3/,lookbehind:!0,greedy:!0,inside:{bash:r}},{pattern:/(^|[^\\](?:\\\\)*)"(?:\\[\s\S]|\$\([^)]+\)|\$(?!\()|`[^`]+`|[^"\\`$])*"/,lookbehind:!0,greedy:!0,inside:o},{pattern:/(^|[^$\\])'[^']*'/,lookbehind:!0,greedy:!0},{pattern:/\$'(?:[^'\\]|\\[\s\S])*'/,greedy:!0,inside:{entity:o.entity}}],environment:{pattern:RegExp("\\$?"+n),alias:"constant"},variable:o.variable,function:{pattern:/(^|[\s;|&]|[<>]\()(?:add|apropos|apt|apt-cache|apt-get|aptitude|aspell|automysqlbackup|awk|basename|bash|bc|bconsole|bg|bzip2|cal|cargo|cat|cfdisk|chgrp|chkconfig|chmod|chown|chroot|cksum|clear|cmp|column|comm|composer|cp|cron|crontab|csplit|curl|cut|date|dc|dd|ddrescue|debootstrap|df|diff|diff3|dig|dir|dircolors|dirname|dirs|dmesg|docker|docker-compose|du|egrep|eject|env|ethtool|expand|expect|expr|fdformat|fdisk|fg|fgrep|file|find|fmt|fold|format|free|fsck|ftp|fuser|gawk|git|gparted|grep|groupadd|groupdel|groupmod|groups|grub-mkconfig|gzip|halt|head|hg|history|host|hostname|htop|iconv|id|ifconfig|ifdown|ifup|import|install|ip|java|jobs|join|kill|killall|less|link|ln|locate|logname|logrotate|look|lpc|lpr|lprint|lprintd|lprintq|lprm|ls|lsof|lynx|make|man|mc|mdadm|mkconfig|mkdir|mke2fs|mkfifo|mkfs|mkisofs|mknod|mkswap|mmv|more|most|mount|mtools|mtr|mutt|mv|nano|nc|netstat|nice|nl|node|nohup|notify-send|npm|nslookup|op|open|parted|passwd|paste|pathchk|ping|pkill|pnpm|podman|podman-compose|popd|pr|printcap|printenv|ps|pushd|pv|quota|quotacheck|quotactl|ram|rar|rcp|reboot|remsync|rename|renice|rev|rm|rmdir|rpm|rsync|scp|screen|sdiff|sed|sendmail|seq|service|sftp|sh|shellcheck|shuf|shutdown|sleep|slocate|sort|split|ssh|stat|strace|su|sudo|sum|suspend|swapon|sync|sysctl|tac|tail|tar|tee|time|timeout|top|touch|tr|traceroute|tsort|tty|umount|uname|unexpand|uniq|units|unrar|unshar|unzip|update-grub|uptime|useradd|userdel|usermod|users|uudecode|uuencode|v|vcpkg|vdir|vi|vim|virsh|vmstat|wait|watch|wc|wget|whereis|which|who|whoami|write|xargs|xdg-open|yarn|yes|zenity|zip|zsh|zypper)(?=$|[)\s;|&])/,lookbehind:!0},keyword:{pattern:/(^|[\s;|&]|[<>]\()(?:case|do|done|elif|else|esac|fi|for|function|if|in|select|then|until|while)(?=$|[)\s;|&])/,lookbehind:!0},builtin:{pattern:/(^|[\s;|&]|[<>]\()(?:\.|:|alias|bind|break|builtin|caller|cd|command|continue|declare|echo|enable|eval|exec|exit|export|getopts|hash|help|let|local|logout|mapfile|printf|pwd|read|readarray|readonly|return|set|shift|shopt|source|test|times|trap|type|typeset|ulimit|umask|unalias|unset)(?=$|[)\s;|&])/,lookbehind:!0,alias:"class-name"},boolean:{pattern:/(^|[\s;|&]|[<>]\()(?:false|true)(?=$|[)\s;|&])/,lookbehind:!0},"file-descriptor":{pattern:/\B&\d\b/,alias:"important"},operator:{pattern:/\d?<>|>\||\+=|=[=~]?|!=?|<<[<-]?|[&\d]?>>|\d[<>]&?|[<>][&=]?|&[>&]?|\|[&|]?/,inside:{"file-descriptor":{pattern:/^\d/,alias:"important"}}},punctuation:/\$?\(\(?|\)\)?|\.\.|[{}[\];\\]/,number:{pattern:/(^|\s)(?:[1-9]\d*|0)(?:[.,]\d+)?\b/,lookbehind:!0}},r.inside=t.languages.bash;for(var i=["comment","function-name","for-or-select","assign-left","parameter","string","environment","function","keyword","builtin","boolean","file-descriptor","operator","punctuation","number"],a=o.variable[1].inside,s=0;s<i.length;s++)a[i[s]]=t.languages.bash[i[s]];t.languages.sh=t.languages.bash,t.languages.shell=t.languages.bash})(e)}Lw.displayName="csharp";Lw.aliases=["cs","dotnet"];function Lw(e){e.register(bs),function(t){function n(fe,R){return fe.replace(/<<(\d+)>>/g,function(L,Ae){return"(?:"+R[+Ae]+")"})}function r(fe,R,L){return RegExp(n(fe,R),L||"")}function o(fe,R){for(var L=0;L<R;L++)fe=fe.replace(/<<self>>/g,function(){return"(?:"+fe+")"});return fe.replace(/<<self>>/g,"[^\\s\\S]")}var i={type:"bool byte char decimal double dynamic float int long object sbyte short string uint ulong ushort var void",typeDeclaration:"class enum interface record struct",contextual:"add alias and ascending async await by descending from(?=\\s*(?:\\w|$)) get global group into init(?=\\s*;) join let nameof not notnull on or orderby partial remove select set unmanaged value when where with(?=\\s*{)",other:"abstract as base break case catch checked const continue default delegate do else event explicit extern finally fixed for foreach goto if implicit in internal is lock namespace new null operator out override params private protected public readonly ref return sealed sizeof stackalloc static switch this throw try typeof unchecked unsafe using virtual volatile while yield"};function a(fe){return"\\b(?:"+fe.trim().replace(/ /g,"|")+")\\b"}var s=a(i.typeDeclaration),l=RegExp(a(i.type+" "+i.typeDeclaration+" "+i.contextual+" "+i.other)),u=a(i.typeDeclaration+" "+i.contextual+" "+i.other),d=a(i.type+" "+i.typeDeclaration+" "+i.other),h=o(/<(?:[^<>;=+\-*/%&|^]|<<self>>)*>/.source,2),p=o(/\((?:[^()]|<<self>>)*\)/.source,2),m=/@?\b[A-Za-z_]\w*\b/.source,v=n(/<<0>>(?:\s*<<1>>)?/.source,[m,h]),_=n(/(?!<<0>>)<<1>>(?:\s*\.\s*<<1>>)*/.source,[u,v]),b=/\[\s*(?:,\s*)*\]/.source,E=n(/<<0>>(?:\s*(?:\?\s*)?<<1>>)*(?:\s*\?)?/.source,[_,b]),w=n(/[^,()<>[\];=+\-*/%&|^]|<<0>>|<<1>>|<<2>>/.source,[h,p,b]),k=n(/\(<<0>>+(?:,<<0>>+)+\)/.source,[w]),y=n(/(?:<<0>>|<<1>>)(?:\s*(?:\?\s*)?<<2>>)*(?:\s*\?)?/.source,[k,_,b]),F={keyword:l,punctuation:/[<>()?,.:[\]]/},C=/'(?:[^\r\n'\\]|\\.|\\[Uux][\da-fA-F]{1,8})'/.source,A=/"(?:\\.|[^\\"\r\n])*"/.source,P=/@"(?:""|\\[\s\S]|[^\\"])*"(?!")/.source;t.languages.csharp=t.languages.extend("clike",{string:[{pattern:r(/(^|[^$\\])<<0>>/.source,[P]),lookbehind:!0,greedy:!0},{pattern:r(/(^|[^@$\\])<<0>>/.source,[A]),lookbehind:!0,greedy:!0}],"class-name":[{pattern:r(/(\busing\s+static\s+)<<0>>(?=\s*;)/.source,[_]),lookbehind:!0,inside:F},{pattern:r(/(\busing\s+<<0>>\s*=\s*)<<1>>(?=\s*;)/.source,[m,y]),lookbehind:!0,inside:F},{pattern:r(/(\busing\s+)<<0>>(?=\s*=)/.source,[m]),lookbehind:!0},{pattern:r(/(\b<<0>>\s+)<<1>>/.source,[s,v]),lookbehind:!0,inside:F},{pattern:r(/(\bcatch\s*\(\s*)<<0>>/.source,[_]),lookbehind:!0,inside:F},{pattern:r(/(\bwhere\s+)<<0>>/.source,[m]),lookbehind:!0},{pattern:r(/(\b(?:is(?:\s+not)?|as)\s+)<<0>>/.source,[E]),lookbehind:!0,inside:F},{pattern:r(/\b<<0>>(?=\s+(?!<<1>>|with\s*\{)<<2>>(?:\s*[=,;:{)\]]|\s+(?:in|when)\b))/.source,[y,d,m]),inside:F}],keyword:l,number:/(?:\b0(?:x[\da-f_]*[\da-f]|b[01_]*[01])|(?:\B\.\d+(?:_+\d+)*|\b\d+(?:_+\d+)*(?:\.\d+(?:_+\d+)*)?)(?:e[-+]?\d+(?:_+\d+)*)?)(?:[dflmu]|lu|ul)?\b/i,operator:/>>=?|<<=?|[-=]>|([-+&|])\1|~|\?\?=?|[-+*/%&|^!=<>]=?/,punctuation:/\?\.?|::|[{}[\];(),.:]/}),t.languages.insertBefore("csharp","number",{range:{pattern:/\.\./,alias:"operator"}}),t.languages.insertBefore("csharp","punctuation",{"named-parameter":{pattern:r(/([(,]\s*)<<0>>(?=\s*:)/.source,[m]),lookbehind:!0,alias:"punctuation"}}),t.languages.insertBefore("csharp","class-name",{namespace:{pattern:r(/(\b(?:namespace|using)\s+)<<0>>(?:\s*\.\s*<<0>>)*(?=\s*[;{])/.source,[m]),lookbehind:!0,inside:{punctuation:/\./}},"type-expression":{pattern:r(/(\b(?:default|sizeof|typeof)\s*\(\s*(?!\s))(?:[^()\s]|\s(?!\s)|<<0>>)*(?=\s*\))/.source,[p]),lookbehind:!0,alias:"class-name",inside:F},"return-type":{pattern:r(/<<0>>(?=\s+(?:<<1>>\s*(?:=>|[({]|\.\s*this\s*\[)|this\s*\[))/.source,[y,_]),inside:F,alias:"class-name"},"constructor-invocation":{pattern:r(/(\bnew\s+)<<0>>(?=\s*[[({])/.source,[y]),lookbehind:!0,inside:F,alias:"class-name"},"generic-method":{pattern:r(/<<0>>\s*<<1>>(?=\s*\()/.source,[m,h]),inside:{function:r(/^<<0>>/.source,[m]),generic:{pattern:RegExp(h),alias:"class-name",inside:F}}},"type-list":{pattern:r(/\b((?:<<0>>\s+<<1>>|record\s+<<1>>\s*<<5>>|where\s+<<2>>)\s*:\s*)(?:<<3>>|<<4>>|<<1>>\s*<<5>>|<<6>>)(?:\s*,\s*(?:<<3>>|<<4>>|<<6>>))*(?=\s*(?:where|[{;]|=>|$))/.source,[s,v,m,y,l.source,p,/\bnew\s*\(\s*\)/.source]),lookbehind:!0,inside:{"record-arguments":{pattern:r(/(^(?!new\s*\()<<0>>\s*)<<1>>/.source,[v,p]),lookbehind:!0,greedy:!0,inside:t.languages.csharp},keyword:l,"class-name":{pattern:RegExp(y),greedy:!0,inside:F},punctuation:/[,()]/}},preprocessor:{pattern:/(^[\t ]*)#.*/m,lookbehind:!0,alias:"property",inside:{directive:{pattern:/(#)\b(?:define|elif|else|endif|endregion|error|if|line|nullable|pragma|region|undef|warning)\b/,lookbehind:!0,alias:"keyword"}}}});var I=A+"|"+C,j=n(/\/(?![*/])|\/\/[^\r\n]*[\r\n]|\/\*(?:[^*]|\*(?!\/))*\*\/|<<0>>/.source,[I]),H=o(n(/[^"'/()]|<<0>>|\(<<self>>*\)/.source,[j]),2),K=/\b(?:assembly|event|field|method|module|param|property|return|type)\b/.source,U=n(/<<0>>(?:\s*\(<<1>>*\))?/.source,[_,H]);t.languages.insertBefore("csharp","class-name",{attribute:{pattern:r(/((?:^|[^\s\w>)?])\s*\[\s*)(?:<<0>>\s*:\s*)?<<1>>(?:\s*,\s*<<1>>)*(?=\s*\])/.source,[K,U]),lookbehind:!0,greedy:!0,inside:{target:{pattern:r(/^<<0>>(?=\s*:)/.source,[K]),alias:"keyword"},"attribute-arguments":{pattern:r(/\(<<0>>*\)/.source,[H]),inside:t.languages.csharp},"class-name":{pattern:RegExp(_),inside:{punctuation:/\./}},punctuation:/[:,]/}}});var pe=/:[^}\r\n]+/.source,se=o(n(/[^"'/()]|<<0>>|\(<<self>>*\)/.source,[j]),2),J=n(/\{(?!\{)(?:(?![}:])<<0>>)*<<1>>?\}/.source,[se,pe]),$=o(n(/[^"'/()]|\/(?!\*)|\/\*(?:[^*]|\*(?!\/))*\*\/|<<0>>|\(<<self>>*\)/.source,[I]),2),_e=n(/\{(?!\{)(?:(?![}:])<<0>>)*<<1>>?\}/.source,[$,pe]);function ve(fe,R){return{interpolation:{pattern:r(/((?:^|[^{])(?:\{\{)*)<<0>>/.source,[fe]),lookbehind:!0,inside:{"format-string":{pattern:r(/(^\{(?:(?![}:])<<0>>)*)<<1>>(?=\}$)/.source,[R,pe]),lookbehind:!0,inside:{punctuation:/^:/}},punctuation:/^\{|\}$/,expression:{pattern:/[\s\S]+/,alias:"language-csharp",inside:t.languages.csharp}}},string:/[\s\S]+/}}t.languages.insertBefore("csharp","string",{"interpolation-string":[{pattern:r(/(^|[^\\])(?:\$@|@\$)"(?:""|\\[\s\S]|\{\{|<<0>>|[^\\{"])*"/.source,[J]),lookbehind:!0,greedy:!0,inside:ve(J,se)},{pattern:r(/(^|[^@\\])\$"(?:\\.|\{\{|<<0>>|[^\\"{])*"/.source,[_e]),lookbehind:!0,greedy:!0,inside:ve(_e,$)}],char:{pattern:RegExp(C),greedy:!0}}),t.languages.dotnet=t.languages.cs=t.languages.csharp}(e)}Np.displayName="markup";Np.aliases=["atom","html","mathml","rss","ssml","svg","xml"];function Np(e){e.languages.markup={comment:{pattern:/<!--(?:(?!<!--)[\s\S])*?-->/,greedy:!0},prolog:{pattern:/<\?[\s\S]+?\?>/,greedy:!0},doctype:{pattern:/<!DOCTYPE(?:[^>"'[\]]|"[^"]*"|'[^']*')+(?:\[(?:[^<"'\]]|"[^"]*"|'[^']*'|<(?!!--)|<!--(?:[^-]|-(?!->))*-->)*\]\s*)?>/i,greedy:!0,inside:{"internal-subset":{pattern:/(^[^\[]*\[)[\s\S]+(?=\]>$)/,lookbehind:!0,greedy:!0,inside:null},string:{pattern:/"[^"]*"|'[^']*'/,greedy:!0},punctuation:/^<!|>$|[[\]]/,"doctype-tag":/^DOCTYPE/i,name:/[^\s<>'"]+/}},cdata:{pattern:/<!\[CDATA\[[\s\S]*?\]\]>/i,greedy:!0},tag:{pattern:/<\/?(?!\d)[^\s>\/=$<%]+(?:\s(?:\s*[^\s>\/=]+(?:\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+(?=[\s>]))|(?=[\s/>])))+)?\s*\/?>/,greedy:!0,inside:{tag:{pattern:/^<\/?[^\s>\/]+/,inside:{punctuation:/^<\/?/,namespace:/^[^\s>\/:]+:/}},"special-attr":[],"attr-value":{pattern:/=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+)/,inside:{punctuation:[{pattern:/^=/,alias:"attr-equals"},{pattern:/^(\s*)["']|["']$/,lookbehind:!0}]}},punctuation:/\/?>/,"attr-name":{pattern:/[^\s>\/]+/,inside:{namespace:/^[^\s>\/:]+:/}}}},entity:[{pattern:/&[\da-z]{1,8};/i,alias:"named-entity"},/&#x?[\da-f]{1,8};/i]},e.languages.markup.tag.inside["attr-value"].inside.entity=e.languages.markup.entity,e.languages.markup.doctype.inside["internal-subset"].inside=e.languages.markup,e.hooks.add("wrap",function(t){t.type==="entity"&&(t.attributes.title=t.content.value.replace(/&/,"&"))}),Object.defineProperty(e.languages.markup.tag,"addInlined",{value:function(n,r){var o={};o["language-"+r]={pattern:/(^<!\[CDATA\[)[\s\S]+?(?=\]\]>$)/i,lookbehind:!0,inside:e.languages[r]},o.cdata=/^<!\[CDATA\[|\]\]>$/i;var i={"included-cdata":{pattern:/<!\[CDATA\[[\s\S]*?\]\]>/i,inside:o}};i["language-"+r]={pattern:/[\s\S]+/,inside:e.languages[r]};var a={};a[n]={pattern:RegExp(/(<__[^>]*>)(?:<!\[CDATA\[(?:[^\]]|\](?!\]>))*\]\]>|(?!<!\[CDATA\[)[\s\S])*?(?=<\/__>)/.source.replace(/__/g,function(){return n}),"i"),lookbehind:!0,greedy:!0,inside:i},e.languages.insertBefore("markup","cdata",a)}}),Object.defineProperty(e.languages.markup.tag,"addAttribute",{value:function(t,n){e.languages.markup.tag.inside["special-attr"].push({pattern:RegExp(/(^|["'\s])/.source+"(?:"+t+")"+/\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+(?=[\s>]))/.source,"i"),lookbehind:!0,inside:{"attr-name":/^[^\s=]+/,"attr-value":{pattern:/=[\s\S]+/,inside:{value:{pattern:/(^=\s*(["']|(?!["'])))\S[\s\S]*(?=\2$)/,lookbehind:!0,alias:[n,"language-"+n],inside:e.languages[n]},punctuation:[{pattern:/^=/,alias:"attr-equals"},/"|'/]}}}})}}),e.languages.html=e.languages.markup,e.languages.mathml=e.languages.markup,e.languages.svg=e.languages.markup,e.languages.xml=e.languages.extend("markup",{}),e.languages.ssml=e.languages.xml,e.languages.atom=e.languages.xml,e.languages.rss=e.languages.xml}v1.displayName="css";v1.aliases=[];function v1(e){(function(t){var n=/(?:"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|'(?:\\(?:\r\n|[\s\S])|[^'\\\r\n])*')/;t.languages.css={comment:/\/\*[\s\S]*?\*\//,atrule:{pattern:RegExp("@[\\w-](?:"+/[^;{\s"']|\s+(?!\s)/.source+"|"+n.source+")*?"+/(?:;|(?=\s*\{))/.source),inside:{rule:/^@[\w-]+/,"selector-function-argument":{pattern:/(\bselector\s*\(\s*(?![\s)]))(?:[^()\s]|\s+(?![\s)])|\((?:[^()]|\([^()]*\))*\))+(?=\s*\))/,lookbehind:!0,alias:"selector"},keyword:{pattern:/(^|[^\w-])(?:and|not|only|or)(?![\w-])/,lookbehind:!0}}},url:{pattern:RegExp("\\burl\\((?:"+n.source+"|"+/(?:[^\\\r\n()"']|\\[\s\S])*/.source+")\\)","i"),greedy:!0,inside:{function:/^url/i,punctuation:/^\(|\)$/,string:{pattern:RegExp("^"+n.source+"$"),alias:"url"}}},selector:{pattern:RegExp(`(^|[{}\\s])[^{}\\s](?:[^{};"'\\s]|\\s+(?![\\s{])|`+n.source+")*(?=\\s*\\{)"),lookbehind:!0},string:{pattern:n,greedy:!0},property:{pattern:/(^|[^-\w\xA0-\uFFFF])(?!\s)[-_a-z\xA0-\uFFFF](?:(?!\s)[-\w\xA0-\uFFFF])*(?=\s*:)/i,lookbehind:!0},important:/!important\b/i,function:{pattern:/(^|[^-a-z0-9])[-a-z0-9]+(?=\()/i,lookbehind:!0},punctuation:/[(){};:,]/},t.languages.css.atrule.inside.rest=t.languages.css;var r=t.languages.markup;r&&(r.tag.addInlined("style","css"),r.tag.addAttribute("style","css"))})(e)}jw.displayName="diff";jw.aliases=[];function jw(e){(function(t){t.languages.diff={coord:[/^(?:\*{3}|-{3}|\+{3}).*$/m,/^@@.*@@$/m,/^\d.*$/m]};var n={"deleted-sign":"-","deleted-arrow":"<","inserted-sign":"+","inserted-arrow":">",unchanged:" ",diff:"!"};Object.keys(n).forEach(function(r){var o=n[r],i=[];/^\w+$/.test(r)||i.push(/\w+/.exec(r)[0]),r==="diff"&&i.push("bold"),t.languages.diff[r]={pattern:RegExp("^(?:["+o+`].*(?:\r
?|
|(?![\\s\\S])))+`,"m"),alias:i,inside:{line:{pattern:/(.)(?=[\s\S]).*(?:\r\n?|\n)?/,lookbehind:!0},prefix:{pattern:/[\s\S]/,alias:/\w+/.exec(r)[0]}}}}),Object.defineProperty(t.languages.diff,"PREFIXES",{value:n})})(e)}zw.displayName="go";zw.aliases=[];function zw(e){e.register(bs),e.languages.go=e.languages.extend("clike",{string:{pattern:/(^|[^\\])"(?:\\.|[^"\\\r\n])*"|`[^`]*`/,lookbehind:!0,greedy:!0},keyword:/\b(?:break|case|chan|const|continue|default|defer|else|fallthrough|for|func|go(?:to)?|if|import|interface|map|package|range|return|select|struct|switch|type|var)\b/,boolean:/\b(?:_|false|iota|nil|true)\b/,number:[/\b0(?:b[01_]+|o[0-7_]+)i?\b/i,/\b0x(?:[a-f\d_]+(?:\.[a-f\d_]*)?|\.[a-f\d_]+)(?:p[+-]?\d+(?:_\d+)*)?i?(?!\w)/i,/(?:\b\d[\d_]*(?:\.[\d_]*)?|\B\.\d[\d_]*)(?:e[+-]?[\d_]+)?i?(?!\w)/i],operator:/[*\/%^!=]=?|\+[=+]?|-[=-]?|\|[=|]?|&(?:=|&|\^=?)?|>(?:>=?|=)?|<(?:<=?|=|-)?|:=|\.\.\./,builtin:/\b(?:append|bool|byte|cap|close|complex|complex(?:64|128)|copy|delete|error|float(?:32|64)|u?int(?:8|16|32|64)?|imag|len|make|new|panic|print(?:ln)?|real|recover|rune|string|uintptr)\b/}),e.languages.insertBefore("go","string",{char:{pattern:/'(?:\\.|[^'\\\r\n]){0,10}'/,greedy:!0}}),delete e.languages.go["class-name"]}Hw.displayName="ini";Hw.aliases=[];function Hw(e){e.languages.ini={comment:{pattern:/(^[ \f\t\v]*)[#;][^\n\r]*/m,lookbehind:!0},section:{pattern:/(^[ \f\t\v]*)\[[^\n\r\]]*\]?/m,lookbehind:!0,inside:{"section-name":{pattern:/(^\[[ \f\t\v]*)[^ \f\t\v\]]+(?:[ \f\t\v]+[^ \f\t\v\]]+)*/,lookbehind:!0,alias:"selector"},punctuation:/\[|\]/}},key:{pattern:/(^[ \f\t\v]*)[^ \f\n\r\t\v=]+(?:[ \f\t\v]+[^ \f\n\r\t\v=]+)*(?=[ \f\t\v]*=)/m,lookbehind:!0,alias:"attr-name"},value:{pattern:/(=[ \f\t\v]*)[^ \f\n\r\t\v]+(?:[ \f\t\v]+[^ \f\n\r\t\v]+)*/,lookbehind:!0,alias:"attr-value",inside:{"inner-value":{pattern:/^("|').+(?=\1$)/,lookbehind:!0}}},punctuation:/=/}}Uw.displayName="java";Uw.aliases=[];function Uw(e){e.register(bs),function(t){var n=/\b(?:abstract|assert|boolean|break|byte|case|catch|char|class|const|continue|default|do|double|else|enum|exports|extends|final|finally|float|for|goto|if|implements|import|instanceof|int|interface|long|module|native|new|non-sealed|null|open|opens|package|permits|private|protected|provides|public|record(?!\s*[(){}[\]<>=%~.:,;?+\-*/&|^])|requires|return|sealed|short|static|strictfp|super|switch|synchronized|this|throw|throws|to|transient|transitive|try|uses|var|void|volatile|while|with|yield)\b/,r=/(?:[a-z]\w*\s*\.\s*)*(?:[A-Z]\w*\s*\.\s*)*/.source,o={pattern:RegExp(/(^|[^\w.])/.source+r+/[A-Z](?:[\d_A-Z]*[a-z]\w*)?\b/.source),lookbehind:!0,inside:{namespace:{pattern:/^[a-z]\w*(?:\s*\.\s*[a-z]\w*)*(?:\s*\.)?/,inside:{punctuation:/\./}},punctuation:/\./}};t.languages.java=t.languages.extend("clike",{string:{pattern:/(^|[^\\])"(?:\\.|[^"\\\r\n])*"/,lookbehind:!0,greedy:!0},"class-name":[o,{pattern:RegExp(/(^|[^\w.])/.source+r+/[A-Z]\w*(?=\s+\w+\s*[;,=()]|\s*(?:\[[\s,]*\]\s*)?::\s*new\b)/.source),lookbehind:!0,inside:o.inside},{pattern:RegExp(/(\b(?:class|enum|extends|implements|instanceof|interface|new|record|throws)\s+)/.source+r+/[A-Z]\w*\b/.source),lookbehind:!0,inside:o.inside}],keyword:n,function:[t.languages.clike.function,{pattern:/(::\s*)[a-z_]\w*/,lookbehind:!0}],number:/\b0b[01][01_]*L?\b|\b0x(?:\.[\da-f_p+-]+|[\da-f_]+(?:\.[\da-f_p+-]+)?)\b|(?:\b\d[\d_]*(?:\.[\d_]*)?|\B\.\d[\d_]*)(?:e[+-]?\d[\d_]*)?[dfl]?/i,operator:{pattern:/(^|[^.])(?:<<=?|>>>?=?|->|--|\+\+|&&|\|\||::|[?:~]|[-+*/%&|^!=<>]=?)/m,lookbehind:!0},constant:/\b[A-Z][A-Z_\d]+\b/}),t.languages.insertBefore("java","string",{"triple-quoted-string":{pattern:/"""[ \t]*[\r\n](?:(?:"|"")?(?:\\.|[^"\\]))*"""/,greedy:!0,alias:"string"},char:{pattern:/'(?:\\.|[^'\\\r\n]){1,6}'/,greedy:!0}}),t.languages.insertBefore("java","class-name",{annotation:{pattern:/(^|[^.])@\w+(?:\s*\.\s*\w+)*/,lookbehind:!0,alias:"punctuation"},generics:{pattern:/<(?:[\w\s,.?]|&(?!&)|<(?:[\w\s,.?]|&(?!&)|<(?:[\w\s,.?]|&(?!&)|<(?:[\w\s,.?]|&(?!&))*>)*>)*>)*>/,inside:{"class-name":o,keyword:n,punctuation:/[<>(),.:]/,operator:/[?&|]/}},import:[{pattern:RegExp(/(\bimport\s+)/.source+r+/(?:[A-Z]\w*|\*)(?=\s*;)/.source),lookbehind:!0,inside:{namespace:o.inside.namespace,punctuation:/\./,operator:/\*/,"class-name":/\w+/}},{pattern:RegExp(/(\bimport\s+static\s+)/.source+r+/(?:\w+|\*)(?=\s*;)/.source),lookbehind:!0,alias:"static",inside:{namespace:o.inside.namespace,static:/\b\w+$/,punctuation:/\./,operator:/\*/,"class-name":/\w+/}}],namespace:{pattern:RegExp(/(\b(?:exports|import(?:\s+static)?|module|open|opens|package|provides|requires|to|transitive|uses|with)\s+)(?!<keyword>)[a-z]\w*(?:\.[a-z]\w*)*\.?/.source.replace(/<keyword>/g,function(){return n.source})),lookbehind:!0,inside:{punctuation:/\./}}})}(e)}qw.displayName="regex";qw.aliases=[];function qw(e){(function(t){var n={pattern:/\\[\\(){}[\]^$+*?|.]/,alias:"escape"},r=/\\(?:x[\da-fA-F]{2}|u[\da-fA-F]{4}|u\{[\da-fA-F]+\}|0[0-7]{0,2}|[123][0-7]{2}|c[a-zA-Z]|.)/,o={pattern:/\.|\\[wsd]|\\p\{[^{}]+\}/i,alias:"class-name"},i={pattern:/\\[wsd]|\\p\{[^{}]+\}/i,alias:"class-name"},a="(?:[^\\\\-]|"+r.source+")",s=RegExp(a+"-"+a),l={pattern:/(<|')[^<>']+(?=[>']$)/,lookbehind:!0,alias:"variable"};t.languages.regex={"char-class":{pattern:/((?:^|[^\\])(?:\\\\)*)\[(?:[^\\\]]|\\[\s\S])*\]/,lookbehind:!0,inside:{"char-class-negation":{pattern:/(^\[)\^/,lookbehind:!0,alias:"operator"},"char-class-punctuation":{pattern:/^\[|\]$/,alias:"punctuation"},range:{pattern:s,inside:{escape:r,"range-punctuation":{pattern:/-/,alias:"operator"}}},"special-escape":n,"char-set":i,escape:r}},"special-escape":n,"char-set":o,backreference:[{pattern:/\\(?![123][0-7]{2})[1-9]/,alias:"keyword"},{pattern:/\\k<[^<>']+>/,alias:"keyword",inside:{"group-name":l}}],anchor:{pattern:/[$^]|\\[ABbGZz]/,alias:"function"},escape:r,group:[{pattern:/\((?:\?(?:<[^<>']+>|'[^<>']+'|[>:]|<?[=!]|[idmnsuxU]+(?:-[idmnsuxU]+)?:?))?/,alias:"punctuation",inside:{"group-name":l}},{pattern:/\)/,alias:"punctuation"}],quantifier:{pattern:/(?:[+*?]|\{\d+(?:,\d*)?\})[?+]?/,alias:"number"},alternation:{pattern:/\|/,alias:"keyword"}}})(e)}Iy.displayName="javascript";Iy.aliases=["js"];function Iy(e){e.register(bs),e.languages.javascript=e.languages.extend("clike",{"class-name":[e.languages.clike["class-name"],{pattern:/(^|[^$\w\xA0-\uFFFF])(?!\s)[_$A-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\.(?:constructor|prototype))/,lookbehind:!0}],keyword:[{pattern:/((?:^|\})\s*)catch\b/,lookbehind:!0},{pattern:/(^|[^.]|\.\.\.\s*)\b(?:as|assert(?=\s*\{)|async(?=\s*(?:function\b|\(|[$\w\xA0-\uFFFF]|$))|await|break|case|class|const|continue|debugger|default|delete|do|else|enum|export|extends|finally(?=\s*(?:\{|$))|for|from(?=\s*(?:['"]|$))|function|(?:get|set)(?=\s*(?:[#\[$\w\xA0-\uFFFF]|$))|if|implements|import|in|instanceof|interface|let|new|null|of|package|private|protected|public|return|static|super|switch|this|throw|try|typeof|undefined|var|void|while|with|yield)\b/,lookbehind:!0}],function:/#?(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*(?:\.\s*(?:apply|bind|call)\s*)?\()/,number:{pattern:RegExp(/(^|[^\w$])/.source+"(?:"+(/NaN|Infinity/.source+"|"+/0[bB][01]+(?:_[01]+)*n?/.source+"|"+/0[oO][0-7]+(?:_[0-7]+)*n?/.source+"|"+/0[xX][\dA-Fa-f]+(?:_[\dA-Fa-f]+)*n?/.source+"|"+/\d+(?:_\d+)*n/.source+"|"+/(?:\d+(?:_\d+)*(?:\.(?:\d+(?:_\d+)*)?)?|\.\d+(?:_\d+)*)(?:[Ee][+-]?\d+(?:_\d+)*)?/.source)+")"+/(?![\w$])/.source),lookbehind:!0},operator:/--|\+\+|\*\*=?|=>|&&=?|\|\|=?|[!=]==|<<=?|>>>?=?|[-+*/%&|^!=<>]=?|\.{3}|\?\?=?|\?\.?|[~:]/}),e.languages.javascript["class-name"][0].pattern=/(\b(?:class|extends|implements|instanceof|interface|new)\s+)[\w.\\]+/,e.languages.insertBefore("javascript","keyword",{regex:{pattern:RegExp(/((?:^|[^$\w\xA0-\uFFFF."'\])\s]|\b(?:return|yield))\s*)/.source+/\//.source+"(?:"+/(?:\[(?:[^\]\\\r\n]|\\.)*\]|\\.|[^/\\\[\r\n])+\/[dgimyus]{0,7}/.source+"|"+/(?:\[(?:[^[\]\\\r\n]|\\.|\[(?:[^[\]\\\r\n]|\\.|\[(?:[^[\]\\\r\n]|\\.)*\])*\])*\]|\\.|[^/\\\[\r\n])+\/[dgimyus]{0,7}v[dgimyus]{0,7}/.source+")"+/(?=(?:\s|\/\*(?:[^*]|\*(?!\/))*\*\/)*(?:$|[\r\n,.;:})\]]|\/\/))/.source),lookbehind:!0,greedy:!0,inside:{"regex-source":{pattern:/^(\/)[\s\S]+(?=\/[a-z]*$)/,lookbehind:!0,alias:"language-regex",inside:e.languages.regex},"regex-delimiter":/^\/|\/$/,"regex-flags":/^[a-z]+$/}},"function-variable":{pattern:/#?(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*[=:]\s*(?:async\s*)?(?:\bfunction\b|(?:\((?:[^()]|\([^()]*\))*\)|(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)\s*=>))/,alias:"function"},parameter:[{pattern:/(function(?:\s+(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)?\s*\(\s*)(?!\s)(?:[^()\s]|\s+(?![\s)])|\([^()]*\))+(?=\s*\))/,lookbehind:!0,inside:e.languages.javascript},{pattern:/(^|[^$\w\xA0-\uFFFF])(?!\s)[_$a-z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*=>)/i,lookbehind:!0,inside:e.languages.javascript},{pattern:/(\(\s*)(?!\s)(?:[^()\s]|\s+(?![\s)])|\([^()]*\))+(?=\s*\)\s*=>)/,lookbehind:!0,inside:e.languages.javascript},{pattern:/((?:\b|\s|^)(?!(?:as|async|await|break|case|catch|class|const|continue|debugger|default|delete|do|else|enum|export|extends|finally|for|from|function|get|if|implements|import|in|instanceof|interface|let|new|null|of|package|private|protected|public|return|set|static|super|switch|this|throw|try|typeof|undefined|var|void|while|with|yield)(?![$\w\xA0-\uFFFF]))(?:(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*\s*)\(\s*|\]\s*\(\s*)(?!\s)(?:[^()\s]|\s+(?![\s)])|\([^()]*\))+(?=\s*\)\s*\{)/,lookbehind:!0,inside:e.languages.javascript}],constant:/\b[A-Z](?:[A-Z_]|\dx?)*\b/}),e.languages.insertBefore("javascript","string",{hashbang:{pattern:/^#!.*/,greedy:!0,alias:"comment"},"template-string":{pattern:/`(?:\\[\s\S]|\$\{(?:[^{}]|\{(?:[^{}]|\{[^}]*\})*\})+\}|(?!\$\{)[^\\`])*`/,greedy:!0,inside:{"template-punctuation":{pattern:/^`|`$/,alias:"string"},interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$\{(?:[^{}]|\{(?:[^{}]|\{[^}]*\})*\})+\}/,lookbehind:!0,inside:{"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"},rest:e.languages.javascript}},string:/[\s\S]+/}},"string-property":{pattern:/((?:^|[,{])[ \t]*)(["'])(?:\\(?:\r\n|[\s\S])|(?!\2)[^\\\r\n])*\2(?=\s*:)/m,lookbehind:!0,greedy:!0,alias:"property"}}),e.languages.insertBefore("javascript","operator",{"literal-property":{pattern:/((?:^|[,{])[ \t]*)(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*:)/m,lookbehind:!0,alias:"property"}}),e.languages.markup&&(e.languages.markup.tag.addInlined("script","javascript"),e.languages.markup.tag.addAttribute(/on(?:abort|blur|change|click|composition(?:end|start|update)|dblclick|error|focus(?:in|out)?|key(?:down|up)|load|mouse(?:down|enter|leave|move|out|over|up)|reset|resize|scroll|select|slotchange|submit|unload|wheel)/.source,"javascript")),e.languages.js=e.languages.javascript}$w.displayName="json";$w.aliases=["webmanifest"];function $w(e){e.languages.json={property:{pattern:/(^|[^\\])"(?:\\.|[^\\"\r\n])*"(?=\s*:)/,lookbehind:!0,greedy:!0},string:{pattern:/(^|[^\\])"(?:\\.|[^\\"\r\n])*"(?!\s*:)/,lookbehind:!0,greedy:!0},comment:{pattern:/\/\/.*|\/\*[\s\S]*?(?:\*\/|$)/,greedy:!0},number:/-?\b\d+(?:\.\d+)?(?:e[+-]?\d+)?\b/i,punctuation:/[{}[\],]/,operator:/:/,boolean:/\b(?:false|true)\b/,null:{pattern:/\bnull\b/,alias:"keyword"}},e.languages.webmanifest=e.languages.json}Ww.displayName="kotlin";Ww.aliases=["kt","kts"];function Ww(e){e.register(bs),function(t){t.languages.kotlin=t.languages.extend("clike",{keyword:{pattern:/(^|[^.])\b(?:abstract|actual|annotation|as|break|by|catch|class|companion|const|constructor|continue|crossinline|data|do|dynamic|else|enum|expect|external|final|finally|for|fun|get|if|import|in|infix|init|inline|inner|interface|internal|is|lateinit|noinline|null|object|open|operator|out|override|package|private|protected|public|reified|return|sealed|set|super|suspend|tailrec|this|throw|to|try|typealias|val|var|vararg|when|where|while)\b/,lookbehind:!0},function:[{pattern:/(?:`[^\r\n`]+`|\b\w+)(?=\s*\()/,greedy:!0},{pattern:/(\.)(?:`[^\r\n`]+`|\w+)(?=\s*\{)/,lookbehind:!0,greedy:!0}],number:/\b(?:0[xX][\da-fA-F]+(?:_[\da-fA-F]+)*|0[bB][01]+(?:_[01]+)*|\d+(?:_\d+)*(?:\.\d+(?:_\d+)*)?(?:[eE][+-]?\d+(?:_\d+)*)?[fFL]?)\b/,operator:/\+[+=]?|-[-=>]?|==?=?|!(?:!|==?)?|[\/*%<>]=?|[?:]:?|\.\.|&&|\|\||\b(?:and|inv|or|shl|shr|ushr|xor)\b/}),delete t.languages.kotlin["class-name"];var n={"interpolation-punctuation":{pattern:/^\$\{?|\}$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:t.languages.kotlin}};t.languages.insertBefore("kotlin","string",{"string-literal":[{pattern:/"""(?:[^$]|\$(?:(?!\{)|\{[^{}]*\}))*?"""/,alias:"multiline",inside:{interpolation:{pattern:/\$(?:[a-z_]\w*|\{[^{}]*\})/i,inside:n},string:/[\s\S]+/}},{pattern:/"(?:[^"\\\r\n$]|\\.|\$(?:(?!\{)|\{[^{}]*\}))*"/,alias:"singleline",inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:[a-z_]\w*|\{[^{}]*\})/i,lookbehind:!0,inside:n},string:/[\s\S]+/}}],char:{pattern:/'(?:[^'\\\r\n]|\\(?:.|u[a-fA-F0-9]{0,4}))'/,greedy:!0}}),delete t.languages.kotlin.string,t.languages.insertBefore("kotlin","keyword",{annotation:{pattern:/\B@(?:\w+:)?(?:[A-Z]\w*|\[[^\]]+\])/,alias:"builtin"}}),t.languages.insertBefore("kotlin","function",{label:{pattern:/\b\w+@|@\w+\b/,alias:"symbol"}}),t.languages.kt=t.languages.kotlin,t.languages.kts=t.languages.kotlin}(e)}Gw.displayName="less";Gw.aliases=[];function Gw(e){e.register(v1),e.languages.less=e.languages.extend("css",{comment:[/\/\*[\s\S]*?\*\//,{pattern:/(^|[^\\])\/\/.*/,lookbehind:!0}],atrule:{pattern:/@[\w-](?:\((?:[^(){}]|\([^(){}]*\))*\)|[^(){};\s]|\s+(?!\s))*?(?=\s*\{)/,inside:{punctuation:/[:()]/}},selector:{pattern:/(?:@\{[\w-]+\}|[^{};\s@])(?:@\{[\w-]+\}|\((?:[^(){}]|\([^(){}]*\))*\)|[^(){};@\s]|\s+(?!\s))*?(?=\s*\{)/,inside:{variable:/@+[\w-]+/}},property:/(?:@\{[\w-]+\}|[\w-])+(?:\+_?)?(?=\s*:)/,operator:/[+\-*\/]/}),e.languages.insertBefore("less","property",{variable:[{pattern:/@[\w-]+\s*:/,inside:{punctuation:/:/}},/@@?[\w-]+/],"mixin-usage":{pattern:/([{;]\s*)[.#](?!\d)[\w-].*?(?=[(;])/,lookbehind:!0,alias:"function"}})}Kw.displayName="lua";Kw.aliases=[];function Kw(e){e.languages.lua={comment:/^#!.+|--(?:\[(=*)\[[\s\S]*?\]\1\]|.*)/m,string:{pattern:/(["'])(?:(?!\1)[^\\\r\n]|\\z(?:\r\n|\s)|\\(?:\r\n|[^z]))*\1|\[(=*)\[[\s\S]*?\]\2\]/,greedy:!0},number:/\b0x[a-f\d]+(?:\.[a-f\d]*)?(?:p[+-]?\d+)?\b|\b\d+(?:\.\B|(?:\.\d*)?(?:e[+-]?\d+)?\b)|\B\.\d+(?:e[+-]?\d+)?\b/i,keyword:/\b(?:and|break|do|else|elseif|end|false|for|function|goto|if|in|local|nil|not|or|repeat|return|then|true|until|while)\b/,function:/(?!\d)\w+(?=\s*(?:[({]))/,operator:[/[-+*%^&|#]|\/\/?|<[<=]?|>[>=]?|[=~]=?/,{pattern:/(^|[^.])\.\.(?!\.)/,lookbehind:!0}],punctuation:/[\[\](){},;]|\.+|:+/}}Vw.displayName="makefile";Vw.aliases=[];function Vw(e){e.languages.makefile={comment:{pattern:/(^|[^\\])#(?:\\(?:\r\n|[\s\S])|[^\\\r\n])*/,lookbehind:!0},string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},"builtin-target":{pattern:/\.[A-Z][^:#=\s]+(?=\s*:(?!=))/,alias:"builtin"},target:{pattern:/^(?:[^:=\s]|[ \t]+(?![\s:]))+(?=\s*:(?!=))/m,alias:"symbol",inside:{variable:/\$+(?:(?!\$)[^(){}:#=\s]+|(?=[({]))/}},variable:/\$+(?:(?!\$)[^(){}:#=\s]+|\([@*%<^+?][DF]\)|(?=[({]))/,keyword:/-include\b|\b(?:define|else|endef|endif|export|ifn?def|ifn?eq|include|override|private|sinclude|undefine|unexport|vpath)\b/,function:{pattern:/(\()(?:abspath|addsuffix|and|basename|call|dir|error|eval|file|filter(?:-out)?|findstring|firstword|flavor|foreach|guile|if|info|join|lastword|load|notdir|or|origin|patsubst|realpath|shell|sort|strip|subst|suffix|value|warning|wildcard|word(?:list|s)?)(?=[ \t])/,lookbehind:!0},operator:/(?:::|[?:+!])?=|[|@]/,punctuation:/[:;(){}]/}}Yw.displayName="yaml";Yw.aliases=["yml"];function Yw(e){(function(t){var n=/[*&][^\s[\]{},]+/,r=/!(?:<[\w\-%#;/?:@&=+$,.!~*'()[\]]+>|(?:[a-zA-Z\d-]*!)?[\w\-%#;/?:@&=+$.~*'()]+)?/,o="(?:"+r.source+"(?:[ ]+"+n.source+")?|"+n.source+"(?:[ ]+"+r.source+")?)",i=/(?:[^\s\x00-\x08\x0e-\x1f!"#%&'*,\-:>?@[\]`{|}\x7f-\x84\x86-\x9f\ud800-\udfff\ufffe\uffff]|[?:-]<PLAIN>)(?:[ \t]*(?:(?![#:])<PLAIN>|:<PLAIN>))*/.source.replace(/<PLAIN>/g,function(){return/[^\s\x00-\x08\x0e-\x1f,[\]{}\x7f-\x84\x86-\x9f\ud800-\udfff\ufffe\uffff]/.source}),a=/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\\\r\n]|\\.)*'/.source;function s(l,u){u=(u||"").replace(/m/g,"")+"m";var d=/([:\-,[{]\s*(?:\s<<prop>>[ \t]+)?)(?:<<value>>)(?=[ \t]*(?:$|,|\]|\}|(?:[\r\n]\s*)?#))/.source.replace(/<<prop>>/g,function(){return o}).replace(/<<value>>/g,function(){return l});return RegExp(d,u)}t.languages.yaml={scalar:{pattern:RegExp(/([\-:]\s*(?:\s<<prop>>[ \t]+)?[|>])[ \t]*(?:((?:\r?\n|\r)[ \t]+)\S[^\r\n]*(?:\2[^\r\n]+)*)/.source.replace(/<<prop>>/g,function(){return o})),lookbehind:!0,alias:"string"},comment:/#.*/,key:{pattern:RegExp(/((?:^|[:\-,[{\r\n?])[ \t]*(?:<<prop>>[ \t]+)?)<<key>>(?=\s*:\s)/.source.replace(/<<prop>>/g,function(){return o}).replace(/<<key>>/g,function(){return"(?:"+i+"|"+a+")"})),lookbehind:!0,greedy:!0,alias:"atrule"},directive:{pattern:/(^[ \t]*)%.+/m,lookbehind:!0,alias:"important"},datetime:{pattern:s(/\d{4}-\d\d?-\d\d?(?:[tT]|[ \t]+)\d\d?:\d{2}:\d{2}(?:\.\d*)?(?:[ \t]*(?:Z|[-+]\d\d?(?::\d{2})?))?|\d{4}-\d{2}-\d{2}|\d\d?:\d{2}(?::\d{2}(?:\.\d*)?)?/.source),lookbehind:!0,alias:"number"},boolean:{pattern:s(/false|true/.source,"i"),lookbehind:!0,alias:"important"},null:{pattern:s(/null|~/.source,"i"),lookbehind:!0,alias:"important"},string:{pattern:s(a),lookbehind:!0,greedy:!0},number:{pattern:s(/[+-]?(?:0x[\da-f]+|0o[0-7]+|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?|\.inf|\.nan)/.source,"i"),lookbehind:!0},tag:r,important:n,punctuation:/---|[:[\]{}\-,|>?]|\.\.\./},t.languages.yml=t.languages.yaml})(e)}Qw.displayName="markdown";Qw.aliases=["md"];function Qw(e){e.register(Np),function(t){var n=/(?:\\.|[^\\\n\r]|(?:\n|\r\n?)(?![\r\n]))/.source;function r(s){return s=s.replace(/<inner>/g,function(){return n}),RegExp(/((?:^|[^\\])(?:\\{2})*)/.source+"(?:"+s+")")}var o=/(?:\\.|``(?:[^`\r\n]|`(?!`))+``|`[^`\r\n]+`|[^\\|\r\n`])+/.source,i=/\|?__(?:\|__)+\|?(?:(?:\n|\r\n?)|(?![\s\S]))/.source.replace(/__/g,function(){return o}),a=/\|?[ \t]*:?-{3,}:?[ \t]*(?:\|[ \t]*:?-{3,}:?[ \t]*)+\|?(?:\n|\r\n?)/.source;t.languages.markdown=t.languages.extend("markup",{}),t.languages.insertBefore("markdown","prolog",{"front-matter-block":{pattern:/(^(?:\s*[\r\n])?)---(?!.)[\s\S]*?[\r\n]---(?!.)/,lookbehind:!0,greedy:!0,inside:{punctuation:/^---|---$/,"front-matter":{pattern:/\S+(?:\s+\S+)*/,alias:["yaml","language-yaml"],inside:t.languages.yaml}}},blockquote:{pattern:/^>(?:[\t ]*>)*/m,alias:"punctuation"},table:{pattern:RegExp("^"+i+a+"(?:"+i+")*","m"),inside:{"table-data-rows":{pattern:RegExp("^("+i+a+")(?:"+i+")*$"),lookbehind:!0,inside:{"table-data":{pattern:RegExp(o),inside:t.languages.markdown},punctuation:/\|/}},"table-line":{pattern:RegExp("^("+i+")"+a+"$"),lookbehind:!0,inside:{punctuation:/\||:?-{3,}:?/}},"table-header-row":{pattern:RegExp("^"+i+"$"),inside:{"table-header":{pattern:RegExp(o),alias:"important",inside:t.languages.markdown},punctuation:/\|/}}}},code:[{pattern:/((?:^|\n)[ \t]*\n|(?:^|\r\n?)[ \t]*\r\n?)(?: {4}|\t).+(?:(?:\n|\r\n?)(?: {4}|\t).+)*/,lookbehind:!0,alias:"keyword"},{pattern:/^```[\s\S]*?^```$/m,greedy:!0,inside:{"code-block":{pattern:/^(```.*(?:\n|\r\n?))[\s\S]+?(?=(?:\n|\r\n?)^```$)/m,lookbehind:!0},"code-language":{pattern:/^(```).+/,lookbehind:!0},punctuation:/```/}}],title:[{pattern:/\S.*(?:\n|\r\n?)(?:==+|--+)(?=[ \t]*$)/m,alias:"important",inside:{punctuation:/==+$|--+$/}},{pattern:/(^\s*)#.+/m,lookbehind:!0,alias:"important",inside:{punctuation:/^#+|#+$/}}],hr:{pattern:/(^\s*)([*-])(?:[\t ]*\2){2,}(?=\s*$)/m,lookbehind:!0,alias:"punctuation"},list:{pattern:/(^\s*)(?:[*+-]|\d+\.)(?=[\t ].)/m,lookbehind:!0,alias:"punctuation"},"url-reference":{pattern:/!?\[[^\]]+\]:[\t ]+(?:\S+|<(?:\\.|[^>\\])+>)(?:[\t ]+(?:"(?:\\.|[^"\\])*"|'(?:\\.|[^'\\])*'|\((?:\\.|[^)\\])*\)))?/,inside:{variable:{pattern:/^(!?\[)[^\]]+/,lookbehind:!0},string:/(?:"(?:\\.|[^"\\])*"|'(?:\\.|[^'\\])*'|\((?:\\.|[^)\\])*\))$/,punctuation:/^[\[\]!:]|[<>]/},alias:"url"},bold:{pattern:r(/\b__(?:(?!_)<inner>|_(?:(?!_)<inner>)+_)+__\b|\*\*(?:(?!\*)<inner>|\*(?:(?!\*)<inner>)+\*)+\*\*/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^..)[\s\S]+(?=..$)/,lookbehind:!0,inside:{}},punctuation:/\*\*|__/}},italic:{pattern:r(/\b_(?:(?!_)<inner>|__(?:(?!_)<inner>)+__)+_\b|\*(?:(?!\*)<inner>|\*\*(?:(?!\*)<inner>)+\*\*)+\*/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^.)[\s\S]+(?=.$)/,lookbehind:!0,inside:{}},punctuation:/[*_]/}},strike:{pattern:r(/(~~?)(?:(?!~)<inner>)+\2/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^~~?)[\s\S]+(?=\1$)/,lookbehind:!0,inside:{}},punctuation:/~~?/}},"code-snippet":{pattern:/(^|[^\\`])(?:``[^`\r\n]+(?:`[^`\r\n]+)*``(?!`)|`[^`\r\n]+`(?!`))/,lookbehind:!0,greedy:!0,alias:["code","keyword"]},url:{pattern:r(/!?\[(?:(?!\])<inner>)+\](?:\([^\s)]+(?:[\t ]+"(?:\\.|[^"\\])*")?\)|[ \t]?\[(?:(?!\])<inner>)+\])/.source),lookbehind:!0,greedy:!0,inside:{operator:/^!/,content:{pattern:/(^\[)[^\]]+(?=\])/,lookbehind:!0,inside:{}},variable:{pattern:/(^\][ \t]?\[)[^\]]+(?=\]$)/,lookbehind:!0},url:{pattern:/(^\]\()[^\s)]+/,lookbehind:!0},string:{pattern:/(^[ \t]+)"(?:\\.|[^"\\])*"(?=\)$)/,lookbehind:!0}}}}),["url","bold","italic","strike"].forEach(function(s){["url","bold","italic","strike","code-snippet"].forEach(function(l){s!==l&&(t.languages.markdown[s].inside.content.inside[l]=t.languages.markdown[l])})}),t.hooks.add("after-tokenize",function(s){if(s.language!=="markdown"&&s.language!=="md")return;function l(u){if(!(!u||typeof u=="string"))for(var d=0,h=u.length;d<h;d++){var p=u[d];if(p.type!=="code"){l(p.content);continue}var m=p.content[1],v=p.content[3];if(m&&v&&m.type==="code-language"&&v.type==="code-block"&&typeof m.content=="string"){var _=m.content.replace(/\b#/g,"sharp").replace(/\b\+\+/g,"pp");_=(/[a-z][\w-]*/i.exec(_)||[""])[0].toLowerCase();var b="language-"+_;v.alias?typeof v.alias=="string"?v.alias=[v.alias,b]:v.alias.push(b):v.alias=[b]}}}l(s.tokens)}),t.hooks.add("wrap",function(s){if(s.type==="code-block"){for(var l="",u=0,d=s.classes.length;u<d;u++){var h=s.classes[u],p=/language-(.+)/.exec(h);if(p){l=p[1];break}}var m=t.languages[l];if(m)s.content=t.highlight(s.content.value,m,l);else if(l&&l!=="none"&&t.plugins.autoloader){var v="md-"+new Date().valueOf()+"-"+Math.floor(Math.random()*1e16);s.attributes.id=v,t.plugins.autoloader.loadLanguages(l,function(){var _=document.getElementById(v);_&&(_.innerHTML=t.highlight(_.textContent,t.languages[l],l))})}}}),RegExp(t.languages.markup.tag.pattern.source,"gi"),t.languages.md=t.languages.markdown}(e)}Xw.displayName="objectivec";Xw.aliases=["objc"];function Xw(e){e.register(Ap),e.languages.objectivec=e.languages.extend("c",{string:{pattern:/@?"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"/,greedy:!0},keyword:/\b(?:asm|auto|break|case|char|const|continue|default|do|double|else|enum|extern|float|for|goto|if|in|inline|int|long|register|return|self|short|signed|sizeof|static|struct|super|switch|typedef|typeof|union|unsigned|void|volatile|while)\b|(?:@interface|@end|@implementation|@protocol|@class|@public|@protected|@private|@property|@try|@catch|@finally|@throw|@synthesize|@dynamic|@selector)\b/,operator:/-[->]?|\+\+?|!=?|<<?=?|>>?=?|==?|&&?|\|\|?|[~^%?*\/@]/}),delete e.languages.objectivec["class-name"],e.languages.objc=e.languages.objectivec}Zw.displayName="perl";Zw.aliases=[];function Zw(e){(function(t){var n=/(?:\((?:[^()\\]|\\[\s\S])*\)|\{(?:[^{}\\]|\\[\s\S])*\}|\[(?:[^[\]\\]|\\[\s\S])*\]|<(?:[^<>\\]|\\[\s\S])*>)/.source;t.languages.perl={comment:[{pattern:/(^\s*)=\w[\s\S]*?=cut.*/m,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\$])#.*/,lookbehind:!0,greedy:!0}],string:[{pattern:RegExp(/\b(?:q|qq|qw|qx)(?![a-zA-Z0-9])\s*/.source+"(?:"+[/([^a-zA-Z0-9\s{(\[<])(?:(?!\1)[^\\]|\\[\s\S])*\1/.source,/([a-zA-Z0-9])(?:(?!\2)[^\\]|\\[\s\S])*\2/.source,n].join("|")+")"),greedy:!0},{pattern:/("|`)(?:(?!\1)[^\\]|\\[\s\S])*\1/,greedy:!0},{pattern:/'(?:[^'\\\r\n]|\\.)*'/,greedy:!0}],regex:[{pattern:RegExp(/\b(?:m|qr)(?![a-zA-Z0-9])\s*/.source+"(?:"+[/([^a-zA-Z0-9\s{(\[<])(?:(?!\1)[^\\]|\\[\s\S])*\1/.source,/([a-zA-Z0-9])(?:(?!\2)[^\\]|\\[\s\S])*\2/.source,n].join("|")+")"+/[msixpodualngc]*/.source),greedy:!0},{pattern:RegExp(/(^|[^-])\b(?:s|tr|y)(?![a-zA-Z0-9])\s*/.source+"(?:"+[/([^a-zA-Z0-9\s{(\[<])(?:(?!\2)[^\\]|\\[\s\S])*\2(?:(?!\2)[^\\]|\\[\s\S])*\2/.source,/([a-zA-Z0-9])(?:(?!\3)[^\\]|\\[\s\S])*\3(?:(?!\3)[^\\]|\\[\s\S])*\3/.source,n+/\s*/.source+n].join("|")+")"+/[msixpodualngcer]*/.source),lookbehind:!0,greedy:!0},{pattern:/\/(?:[^\/\\\r\n]|\\.)*\/[msixpodualngc]*(?=\s*(?:$|[\r\n,.;})&|\-+*~<>!?^]|(?:and|cmp|eq|ge|gt|le|lt|ne|not|or|x|xor)\b))/,greedy:!0}],variable:[/[&*$@%]\{\^[A-Z]+\}/,/[&*$@%]\^[A-Z_]/,/[&*$@%]#?(?=\{)/,/[&*$@%]#?(?:(?:::)*'?(?!\d)[\w$]+(?![\w$]))+(?:::)*/,/[&*$@%]\d+/,/(?!%=)[$@%][!"#$%&'()*+,\-.\/:;<=>?@[\\\]^_`{|}~]/],filehandle:{pattern:/<(?![<=])\S*?>|\b_\b/,alias:"symbol"},"v-string":{pattern:/v\d+(?:\.\d+)*|\d+(?:\.\d+){2,}/,alias:"string"},function:{pattern:/(\bsub[ \t]+)\w+/,lookbehind:!0},keyword:/\b(?:any|break|continue|default|delete|die|do|else|elsif|eval|for|foreach|given|goto|if|last|local|my|next|our|package|print|redo|require|return|say|state|sub|switch|undef|unless|until|use|when|while)\b/,number:/\b(?:0x[\dA-Fa-f](?:_?[\dA-Fa-f])*|0b[01](?:_?[01])*|(?:(?:\d(?:_?\d)*)?\.)?\d(?:_?\d)*(?:[Ee][+-]?\d+)?)\b/,operator:/-[rwxoRWXOezsfdlpSbctugkTBMAC]\b|\+[+=]?|-[-=>]?|\*\*?=?|\/\/?=?|=[=~>]?|~[~=]?|\|\|?=?|&&?=?|<(?:=>?|<=?)?|>>?=?|![~=]?|[%^]=?|\.(?:=|\.\.?)?|[\\?]|\bx(?:=|\b)|\b(?:and|cmp|eq|ge|gt|le|lt|ne|not|or|xor)\b/,punctuation:/[{}[\];(),:]/}})(e)}By.displayName="markup-templating";By.aliases=[];function By(e){e.register(Np),function(t){function n(r,o){return"___"+r.toUpperCase()+o+"___"}Object.defineProperties(t.languages["markup-templating"]={},{buildPlaceholders:{value:function(r,o,i,a){if(r.language===o){var s=r.tokenStack=[];r.code=r.code.replace(i,function(l){if(typeof a=="function"&&!a(l))return l;for(var u=s.length,d;r.code.indexOf(d=n(o,u))!==-1;)++u;return s[u]=l,d}),r.grammar=t.languages.markup}}},tokenizePlaceholders:{value:function(r,o){if(r.language!==o||!r.tokenStack)return;r.grammar=t.languages[o];var i=0,a=Object.keys(r.tokenStack);function s(l){for(var u=0;u<l.length&&!(i>=a.length);u++){var d=l[u];if(typeof d=="string"||d.content&&typeof d.content=="string"){var h=a[i],p=r.tokenStack[h],m=typeof d=="string"?d:d.content,v=n(o,h),_=m.indexOf(v);if(_>-1){++i;var b=m.substring(0,_),E=new t.Token(o,t.tokenize(p,r.grammar),"language-"+o,p),w=m.substring(_+v.length),k=[];b&&k.push.apply(k,s([b])),k.push(E),w&&k.push.apply(k,s([w])),typeof d=="string"?l.splice.apply(l,[u,1].concat(k)):d.content=k}}else d.content&&s(d.content)}return l}s(r.tokens)}}})}(e)}Jw.displayName="php";Jw.aliases=[];function Jw(e){e.register(By),function(t){var n=/\/\*[\s\S]*?\*\/|\/\/.*|#(?!\[).*/,r=[{pattern:/\b(?:false|true)\b/i,alias:"boolean"},{pattern:/(::\s*)\b[a-z_]\w*\b(?!\s*\()/i,greedy:!0,lookbehind:!0},{pattern:/(\b(?:case|const)\s+)\b[a-z_]\w*(?=\s*[;=])/i,greedy:!0,lookbehind:!0},/\b(?:null)\b/i,/\b[A-Z_][A-Z0-9_]*\b(?!\s*\()/],o=/\b0b[01]+(?:_[01]+)*\b|\b0o[0-7]+(?:_[0-7]+)*\b|\b0x[\da-f]+(?:_[\da-f]+)*\b|(?:\b\d+(?:_\d+)*\.?(?:\d+(?:_\d+)*)?|\B\.\d+)(?:e[+-]?\d+)?/i,i=/<?=>|\?\?=?|\.{3}|\??->|[!=]=?=?|::|\*\*=?|--|\+\+|&&|\|\||<<|>>|[?~]|[/^|%*&<>.+-]=?/,a=/[{}\[\](),:;]/;t.languages.php={delimiter:{pattern:/\?>$|^<\?(?:php(?=\s)|=)?/i,alias:"important"},comment:n,variable:/\$+(?:\w+\b|(?=\{))/,package:{pattern:/(namespace\s+|use\s+(?:function\s+)?)(?:\\?\b[a-z_]\w*)+\b(?!\\)/i,lookbehind:!0,inside:{punctuation:/\\/}},"class-name-definition":{pattern:/(\b(?:class|enum|interface|trait)\s+)\b[a-z_]\w*(?!\\)\b/i,lookbehind:!0,alias:"class-name"},"function-definition":{pattern:/(\bfunction\s+)[a-z_]\w*(?=\s*\()/i,lookbehind:!0,alias:"function"},keyword:[{pattern:/(\(\s*)\b(?:array|bool|boolean|float|int|integer|object|string)\b(?=\s*\))/i,alias:"type-casting",greedy:!0,lookbehind:!0},{pattern:/([(,?]\s*)\b(?:array(?!\s*\()|bool|callable|(?:false|null)(?=\s*\|)|float|int|iterable|mixed|object|self|static|string)\b(?=\s*\$)/i,alias:"type-hint",greedy:!0,lookbehind:!0},{pattern:/(\)\s*:\s*(?:\?\s*)?)\b(?:array(?!\s*\()|bool|callable|(?:false|null)(?=\s*\|)|float|int|iterable|mixed|never|object|self|static|string|void)\b/i,alias:"return-type",greedy:!0,lookbehind:!0},{pattern:/\b(?:array(?!\s*\()|bool|float|int|iterable|mixed|object|string|void)\b/i,alias:"type-declaration",greedy:!0},{pattern:/(\|\s*)(?:false|null)\b|\b(?:false|null)(?=\s*\|)/i,alias:"type-declaration",greedy:!0,lookbehind:!0},{pattern:/\b(?:parent|self|static)(?=\s*::)/i,alias:"static-context",greedy:!0},{pattern:/(\byield\s+)from\b/i,lookbehind:!0},/\bclass\b/i,{pattern:/((?:^|[^\s>:]|(?:^|[^-])>|(?:^|[^:]):)\s*)\b(?:abstract|and|array|as|break|callable|case|catch|clone|const|continue|declare|default|die|do|echo|else|elseif|empty|enddeclare|endfor|endforeach|endif|endswitch|endwhile|enum|eval|exit|extends|final|finally|fn|for|foreach|function|global|goto|if|implements|include|include_once|instanceof|insteadof|interface|isset|list|match|namespace|never|new|or|parent|print|private|protected|public|readonly|require|require_once|return|self|static|switch|throw|trait|try|unset|use|var|while|xor|yield|__halt_compiler)\b/i,lookbehind:!0}],"argument-name":{pattern:/([(,]\s*)\b[a-z_]\w*(?=\s*:(?!:))/i,lookbehind:!0},"class-name":[{pattern:/(\b(?:extends|implements|instanceof|new(?!\s+self|\s+static))\s+|\bcatch\s*\()\b[a-z_]\w*(?!\\)\b/i,greedy:!0,lookbehind:!0},{pattern:/(\|\s*)\b[a-z_]\w*(?!\\)\b/i,greedy:!0,lookbehind:!0},{pattern:/\b[a-z_]\w*(?!\\)\b(?=\s*\|)/i,greedy:!0},{pattern:/(\|\s*)(?:\\?\b[a-z_]\w*)+\b/i,alias:"class-name-fully-qualified",greedy:!0,lookbehind:!0,inside:{punctuation:/\\/}},{pattern:/(?:\\?\b[a-z_]\w*)+\b(?=\s*\|)/i,alias:"class-name-fully-qualified",greedy:!0,inside:{punctuation:/\\/}},{pattern:/(\b(?:extends|implements|instanceof|new(?!\s+self\b|\s+static\b))\s+|\bcatch\s*\()(?:\\?\b[a-z_]\w*)+\b(?!\\)/i,alias:"class-name-fully-qualified",greedy:!0,lookbehind:!0,inside:{punctuation:/\\/}},{pattern:/\b[a-z_]\w*(?=\s*\$)/i,alias:"type-declaration",greedy:!0},{pattern:/(?:\\?\b[a-z_]\w*)+(?=\s*\$)/i,alias:["class-name-fully-qualified","type-declaration"],greedy:!0,inside:{punctuation:/\\/}},{pattern:/\b[a-z_]\w*(?=\s*::)/i,alias:"static-context",greedy:!0},{pattern:/(?:\\?\b[a-z_]\w*)+(?=\s*::)/i,alias:["class-name-fully-qualified","static-context"],greedy:!0,inside:{punctuation:/\\/}},{pattern:/([(,?]\s*)[a-z_]\w*(?=\s*\$)/i,alias:"type-hint",greedy:!0,lookbehind:!0},{pattern:/([(,?]\s*)(?:\\?\b[a-z_]\w*)+(?=\s*\$)/i,alias:["class-name-fully-qualified","type-hint"],greedy:!0,lookbehind:!0,inside:{punctuation:/\\/}},{pattern:/(\)\s*:\s*(?:\?\s*)?)\b[a-z_]\w*(?!\\)\b/i,alias:"return-type",greedy:!0,lookbehind:!0},{pattern:/(\)\s*:\s*(?:\?\s*)?)(?:\\?\b[a-z_]\w*)+\b(?!\\)/i,alias:["class-name-fully-qualified","return-type"],greedy:!0,lookbehind:!0,inside:{punctuation:/\\/}}],constant:r,function:{pattern:/(^|[^\\\w])\\?[a-z_](?:[\w\\]*\w)?(?=\s*\()/i,lookbehind:!0,inside:{punctuation:/\\/}},property:{pattern:/(->\s*)\w+/,lookbehind:!0},number:o,operator:i,punctuation:a};var s={pattern:/\{\$(?:\{(?:\{[^{}]+\}|[^{}]+)\}|[^{}])+\}|(^|[^\\{])\$+(?:\w+(?:\[[^\r\n\[\]]+\]|->\w+)?)/,lookbehind:!0,inside:t.languages.php},l=[{pattern:/<<<'([^']+)'[\r\n](?:.*[\r\n])*?\1;/,alias:"nowdoc-string",greedy:!0,inside:{delimiter:{pattern:/^<<<'[^']+'|[a-z_]\w*;$/i,alias:"symbol",inside:{punctuation:/^<<<'?|[';]$/}}}},{pattern:/<<<(?:"([^"]+)"[\r\n](?:.*[\r\n])*?\1;|([a-z_]\w*)[\r\n](?:.*[\r\n])*?\2;)/i,alias:"heredoc-string",greedy:!0,inside:{delimiter:{pattern:/^<<<(?:"[^"]+"|[a-z_]\w*)|[a-z_]\w*;$/i,alias:"symbol",inside:{punctuation:/^<<<"?|[";]$/}},interpolation:s}},{pattern:/`(?:\\[\s\S]|[^\\`])*`/,alias:"backtick-quoted-string",greedy:!0},{pattern:/'(?:\\[\s\S]|[^\\'])*'/,alias:"single-quoted-string",greedy:!0},{pattern:/"(?:\\[\s\S]|[^\\"])*"/,alias:"double-quoted-string",greedy:!0,inside:{interpolation:s}}];t.languages.insertBefore("php","variable",{string:l,attribute:{pattern:/#\[(?:[^"'\/#]|\/(?![*/])|\/\/.*$|#(?!\[).*$|\/\*(?:[^*]|\*(?!\/))*\*\/|"(?:\\[\s\S]|[^\\"])*"|'(?:\\[\s\S]|[^\\'])*')+\](?=\s*[a-z$#])/im,greedy:!0,inside:{"attribute-content":{pattern:/^(#\[)[\s\S]+(?=\]$)/,lookbehind:!0,inside:{comment:n,string:l,"attribute-class-name":[{pattern:/([^:]|^)\b[a-z_]\w*(?!\\)\b/i,alias:"class-name",greedy:!0,lookbehind:!0},{pattern:/([^:]|^)(?:\\?\b[a-z_]\w*)+/i,alias:["class-name","class-name-fully-qualified"],greedy:!0,lookbehind:!0,inside:{punctuation:/\\/}}],constant:r,number:o,operator:i,punctuation:a}},delimiter:{pattern:/^#\[|\]$/,alias:"punctuation"}}}}),t.hooks.add("before-tokenize",function(u){if(/<\?/.test(u.code)){var d=/<\?(?:[^"'/#]|\/(?![*/])|("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|(?:\/\/|#(?!\[))(?:[^?\n\r]|\?(?!>))*(?=$|\?>|[\r\n])|#\[|\/\*(?:[^*]|\*(?!\/))*(?:\*\/|$))*?(?:\?>|$)/g;t.languages["markup-templating"].buildPlaceholders(u,"php",d)}}),t.hooks.add("after-tokenize",function(u){t.languages["markup-templating"].tokenizePlaceholders(u,"php")})}(e)}ek.displayName="python";ek.aliases=["py"];function ek(e){e.languages.python={comment:{pattern:/(^|[^\\])#.*/,lookbehind:!0,greedy:!0},"string-interpolation":{pattern:/(?:f|fr|rf)(?:("""|''')[\s\S]*?\1|("|')(?:\\.|(?!\2)[^\\\r\n])*\2)/i,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^{])(?:\{\{)*)\{(?!\{)(?:[^{}]|\{(?!\{)(?:[^{}]|\{(?!\{)(?:[^{}])+\})+\})+\}/,lookbehind:!0,inside:{"format-spec":{pattern:/(:)[^:(){}]+(?=\}$)/,lookbehind:!0},"conversion-option":{pattern://,alias:"punctuation"},rest:null}},string:/[\s\S]+/}},"triple-quoted-string":{pattern:/(?:[rub]|br|rb)?("""|''')[\s\S]*?\1/i,greedy:!0,alias:"string"},string:{pattern:/(?:[rub]|br|rb)?("|')(?:\\.|(?!\1)[^\\\r\n])*\1/i,greedy:!0},function:{pattern:/((?:^|\s)def[ \t]+)[a-zA-Z_]\w*(?=\s*\()/g,lookbehind:!0},"class-name":{pattern:/(\bclass\s+)\w+/i,lookbehind:!0},decorator:{pattern:/(^[\t ]*)@\w+(?:\.\w+)*/m,lookbehind:!0,alias:["annotation","punctuation"],inside:{punctuation:/\./}},keyword:/\b(?:_(?=\s*:)|and|as|assert|async|await|break|case|class|continue|def|del|elif|else|except|exec|finally|for|from|global|if|import|in|is|lambda|match|nonlocal|not|or|pass|print|raise|return|try|while|with|yield)\b/,builtin:/\b(?:__import__|abs|all|any|apply|ascii|basestring|bin|bool|buffer|bytearray|bytes|callable|chr|classmethod|cmp|coerce|compile|complex|delattr|dict|dir|divmod|enumerate|eval|execfile|file|filter|float|format|frozenset|getattr|globals|hasattr|hash|help|hex|id|input|int|intern|isinstance|issubclass|iter|len|list|locals|long|map|max|memoryview|min|next|object|oct|open|ord|pow|property|range|raw_input|reduce|reload|repr|reversed|round|set|setattr|slice|sorted|staticmethod|str|sum|super|tuple|type|unichr|unicode|vars|xrange|zip)\b/,boolean:/\b(?:False|None|True)\b/,number:/\b0(?:b(?:_?[01])+|o(?:_?[0-7])+|x(?:_?[a-f0-9])+)\b|(?:\b\d+(?:_\d+)*(?:\.(?:\d+(?:_\d+)*)?)?|\B\.\d+(?:_\d+)*)(?:e[+-]?\d+(?:_\d+)*)?j?(?!\w)/i,operator:/[-+%=]=?|!=|:=|\*\*?=?|\/\/?=?|<[<=>]?|>[=>]?|[&|^~]/,punctuation:/[{}[\];(),.:]/},e.languages.python["string-interpolation"].inside.interpolation.inside.rest=e.languages.python,e.languages.py=e.languages.python}tk.displayName="r";tk.aliases=[];function tk(e){e.languages.r={comment:/#.*/,string:{pattern:/(['"])(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},"percent-operator":{pattern:/%[^%\s]*%/,alias:"operator"},boolean:/\b(?:FALSE|TRUE)\b/,ellipsis:/\.\.(?:\.|\d+)/,number:[/\b(?:Inf|NaN)\b/,/(?:\b0x[\dA-Fa-f]+(?:\.\d*)?|\b\d+(?:\.\d*)?|\B\.\d+)(?:[EePp][+-]?\d+)?[iL]?/],keyword:/\b(?:NA|NA_character_|NA_complex_|NA_integer_|NA_real_|NULL|break|else|for|function|if|in|next|repeat|while)\b/,operator:/->?>?|<(?:=|<?-)?|[>=!]=?|::?|&&?|\|\|?|[+*\/^$@~]/,punctuation:/[(){}\[\],;]/}}nk.displayName="ruby";nk.aliases=["rb"];function nk(e){e.register(bs),function(t){t.languages.ruby=t.languages.extend("clike",{comment:{pattern:/#.*|^=begin\s[\s\S]*?^=end/m,greedy:!0},"class-name":{pattern:/(\b(?:class|module)\s+|\bcatch\s+\()[\w.\\]+|\b[A-Z_]\w*(?=\s*\.\s*new\b)/,lookbehind:!0,inside:{punctuation:/[.\\]/}},keyword:/\b(?:BEGIN|END|alias|and|begin|break|case|class|def|define_method|defined|do|each|else|elsif|end|ensure|extend|for|if|in|include|module|new|next|nil|not|or|prepend|private|protected|public|raise|redo|require|rescue|retry|return|self|super|then|throw|undef|unless|until|when|while|yield)\b/,operator:/\.{2,3}|&\.|===|<?=>|[!=]?~|(?:&&|\|\||<<|>>|\*\*|[+\-*/%<>!^&|=])=?|[?:]/,punctuation:/[(){}[\].,;]/}),t.languages.insertBefore("ruby","operator",{"double-colon":{pattern:/::/,alias:"punctuation"}});var n={pattern:/((?:^|[^\\])(?:\\{2})*)#\{(?:[^{}]|\{[^{}]*\})*\}/,lookbehind:!0,inside:{content:{pattern:/^(#\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:t.languages.ruby},delimiter:{pattern:/^#\{|\}$/,alias:"punctuation"}}};delete t.languages.ruby.function;var r="(?:"+[/([^a-zA-Z0-9\s{(\[<=])(?:(?!\1)[^\\]|\\[\s\S])*\1/.source,/\((?:[^()\\]|\\[\s\S]|\((?:[^()\\]|\\[\s\S])*\))*\)/.source,/\{(?:[^{}\\]|\\[\s\S]|\{(?:[^{}\\]|\\[\s\S])*\})*\}/.source,/\[(?:[^\[\]\\]|\\[\s\S]|\[(?:[^\[\]\\]|\\[\s\S])*\])*\]/.source,/<(?:[^<>\\]|\\[\s\S]|<(?:[^<>\\]|\\[\s\S])*>)*>/.source].join("|")+")",o=/(?:"(?:\\.|[^"\\\r\n])*"|(?:\b[a-zA-Z_]\w*|[^\s\0-\x7F]+)[?!]?|\$.)/.source;t.languages.insertBefore("ruby","keyword",{"regex-literal":[{pattern:RegExp(/%r/.source+r+/[egimnosux]{0,6}/.source),greedy:!0,inside:{interpolation:n,regex:/[\s\S]+/}},{pattern:/(^|[^/])\/(?!\/)(?:\[[^\r\n\]]+\]|\\.|[^[/\\\r\n])+\/[egimnosux]{0,6}(?=\s*(?:$|[\r\n,.;})#]))/,lookbehind:!0,greedy:!0,inside:{interpolation:n,regex:/[\s\S]+/}}],variable:/[@$]+[a-zA-Z_]\w*(?:[?!]|\b)/,symbol:[{pattern:RegExp(/(^|[^:]):/.source+o),lookbehind:!0,greedy:!0},{pattern:RegExp(/([\r\n{(,][ \t]*)/.source+o+/(?=:(?!:))/.source),lookbehind:!0,greedy:!0}],"method-definition":{pattern:/(\bdef\s+)\w+(?:\s*\.\s*\w+)?/,lookbehind:!0,inside:{function:/\b\w+$/,keyword:/^self\b/,"class-name":/^\w+/,punctuation:/\./}}}),t.languages.insertBefore("ruby","string",{"string-literal":[{pattern:RegExp(/%[qQiIwWs]?/.source+r),greedy:!0,inside:{interpolation:n,string:/[\s\S]+/}},{pattern:/("|')(?:#\{[^}]+\}|#(?!\{)|\\(?:\r\n|[\s\S])|(?!\1)[^\\#\r\n])*\1/,greedy:!0,inside:{interpolation:n,string:/[\s\S]+/}},{pattern:/<<[-~]?([a-z_]\w*)[\r\n](?:.*[\r\n])*?[\t ]*\1/i,alias:"heredoc-string",greedy:!0,inside:{delimiter:{pattern:/^<<[-~]?[a-z_]\w*|\b[a-z_]\w*$/i,inside:{symbol:/\b\w+/,punctuation:/^<<[-~]?/}},interpolation:n,string:/[\s\S]+/}},{pattern:/<<[-~]?'([a-z_]\w*)'[\r\n](?:.*[\r\n])*?[\t ]*\1/i,alias:"heredoc-string",greedy:!0,inside:{delimiter:{pattern:/^<<[-~]?'[a-z_]\w*'|\b[a-z_]\w*$/i,inside:{symbol:/\b\w+/,punctuation:/^<<[-~]?'|'$/}},string:/[\s\S]+/}}],"command-literal":[{pattern:RegExp(/%x/.source+r),greedy:!0,inside:{interpolation:n,command:{pattern:/[\s\S]+/,alias:"string"}}},{pattern:/`(?:#\{[^}]+\}|#(?!\{)|\\(?:\r\n|[\s\S])|[^\\`#\r\n])*`/,greedy:!0,inside:{interpolation:n,command:{pattern:/[\s\S]+/,alias:"string"}}}]}),delete t.languages.ruby.string,t.languages.insertBefore("ruby","number",{builtin:/\b(?:Array|Bignum|Binding|Class|Continuation|Dir|Exception|FalseClass|File|Fixnum|Float|Hash|IO|Integer|MatchData|Method|Module|NilClass|Numeric|Object|Proc|Range|Regexp|Stat|String|Struct|Symbol|TMS|Thread|ThreadGroup|Time|TrueClass)\b/,constant:/\b[A-Z][A-Z0-9_]*(?:[?!]|\b)/}),t.languages.rb=t.languages.ruby}(e)}rk.displayName="rust";rk.aliases=[];function rk(e){(function(t){for(var n=/\/\*(?:[^*/]|\*(?!\/)|\/(?!\*)|<self>)*\*\//.source,r=0;r<2;r++)n=n.replace(/<self>/g,function(){return n});n=n.replace(/<self>/g,function(){return/[^\s\S]/.source}),t.languages.rust={comment:[{pattern:RegExp(/(^|[^\\])/.source+n),lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],string:{pattern:/b?"(?:\\[\s\S]|[^\\"])*"|b?r(#*)"(?:[^"]|"(?!\1))*"\1/,greedy:!0},char:{pattern:/b?'(?:\\(?:x[0-7][\da-fA-F]|u\{(?:[\da-fA-F]_*){1,6}\}|.)|[^\\\r\n\t'])'/,greedy:!0},attribute:{pattern:/#!?\[(?:[^\[\]"]|"(?:\\[\s\S]|[^\\"])*")*\]/,greedy:!0,alias:"attr-name",inside:{string:null}},"closure-params":{pattern:/([=(,:]\s*|\bmove\s*)\|[^|]*\||\|[^|]*\|(?=\s*(?:\{|->))/,lookbehind:!0,greedy:!0,inside:{"closure-punctuation":{pattern:/^\||\|$/,alias:"punctuation"},rest:null}},"lifetime-annotation":{pattern:/'\w+/,alias:"symbol"},"fragment-specifier":{pattern:/(\$\w+:)[a-z]+/,lookbehind:!0,alias:"punctuation"},variable:/\$\w+/,"function-definition":{pattern:/(\bfn\s+)\w+/,lookbehind:!0,alias:"function"},"type-definition":{pattern:/(\b(?:enum|struct|trait|type|union)\s+)\w+/,lookbehind:!0,alias:"class-name"},"module-declaration":[{pattern:/(\b(?:crate|mod)\s+)[a-z][a-z_\d]*/,lookbehind:!0,alias:"namespace"},{pattern:/(\b(?:crate|self|super)\s*)::\s*[a-z][a-z_\d]*\b(?:\s*::(?:\s*[a-z][a-z_\d]*\s*::)*)?/,lookbehind:!0,alias:"namespace",inside:{punctuation:/::/}}],keyword:[/\b(?:Self|abstract|as|async|await|become|box|break|const|continue|crate|do|dyn|else|enum|extern|final|fn|for|if|impl|in|let|loop|macro|match|mod|move|mut|override|priv|pub|ref|return|self|static|struct|super|trait|try|type|typeof|union|unsafe|unsized|use|virtual|where|while|yield)\b/,/\b(?:bool|char|f(?:32|64)|[ui](?:8|16|32|64|128|size)|str)\b/],function:/\b[a-z_]\w*(?=\s*(?:::\s*<|\())/,macro:{pattern:/\b\w+!/,alias:"property"},constant:/\b[A-Z_][A-Z_\d]+\b/,"class-name":/\b[A-Z]\w*\b/,namespace:{pattern:/(?:\b[a-z][a-z_\d]*\s*::\s*)*\b[a-z][a-z_\d]*\s*::(?!\s*<)/,inside:{punctuation:/::/}},number:/\b(?:0x[\dA-Fa-f](?:_?[\dA-Fa-f])*|0o[0-7](?:_?[0-7])*|0b[01](?:_?[01])*|(?:(?:\d(?:_?\d)*)?\.)?\d(?:_?\d)*(?:[Ee][+-]?\d+)?)(?:_?(?:f32|f64|[iu](?:8|16|32|64|size)?))?\b/,boolean:/\b(?:false|true)\b/,punctuation:/->|\.\.=|\.{1,3}|::|[{}[\];(),:]/,operator:/[-+*\/%!^]=?|=[=>]?|&[&=]?|\|[|=]?|<<?=?|>>?=?|[@?]/},t.languages.rust["closure-params"].inside.rest=t.languages.rust,t.languages.rust.attribute.inside.string=t.languages.rust.string})(e)}ok.displayName="sass";ok.aliases=[];function ok(e){e.register(v1),function(t){t.languages.sass=t.languages.extend("css",{comment:{pattern:/^([ \t]*)\/[\/*].*(?:(?:\r?\n|\r)\1[ \t].+)*/m,lookbehind:!0,greedy:!0}}),t.languages.insertBefore("sass","atrule",{"atrule-line":{pattern:/^(?:[ \t]*)[@+=].+/m,greedy:!0,inside:{atrule:/(?:@[\w-]+|[+=])/}}}),delete t.languages.sass.atrule;var n=/\$[-\w]+|#\{\$[-\w]+\}/,r=[/[+*\/%]|[=!]=|<=?|>=?|\b(?:and|not|or)\b/,{pattern:/(\s)-(?=\s)/,lookbehind:!0}];t.languages.insertBefore("sass","property",{"variable-line":{pattern:/^[ \t]*\$.+/m,greedy:!0,inside:{punctuation:/:/,variable:n,operator:r}},"property-line":{pattern:/^[ \t]*(?:[^:\s]+ *:.*|:[^:\s].*)/m,greedy:!0,inside:{property:[/[^:\s]+(?=\s*:)/,{pattern:/(:)[^:\s]+/,lookbehind:!0}],punctuation:/:/,variable:n,operator:r,important:t.languages.sass.important}}}),delete t.languages.sass.property,delete t.languages.sass.important,t.languages.insertBefore("sass","punctuation",{selector:{pattern:/^([ \t]*)\S(?:,[^,\r\n]+|[^,\r\n]*)(?:,[^,\r\n]+)*(?:,(?:\r?\n|\r)\1[ \t]+\S(?:,[^,\r\n]+|[^,\r\n]*)(?:,[^,\r\n]+)*)*/m,lookbehind:!0,greedy:!0}})}(e)}ik.displayName="scss";ik.aliases=[];function ik(e){e.register(v1),e.languages.scss=e.languages.extend("css",{comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0},atrule:{pattern:/@[\w-](?:\([^()]+\)|[^()\s]|\s+(?!\s))*?(?=\s+[{;])/,inside:{rule:/@[\w-]+/}},url:/(?:[-a-z]+-)?url(?=\()/i,selector:{pattern:/(?=\S)[^@;{}()]?(?:[^@;{}()\s]|\s+(?!\s)|#\{\$[-\w]+\})+(?=\s*\{(?:\}|\s|[^}][^:{}]*[:{][^}]))/,inside:{parent:{pattern:/&/,alias:"important"},placeholder:/%[-\w]+/,variable:/\$[-\w]+|#\{\$[-\w]+\}/}},property:{pattern:/(?:[-\w]|\$[-\w]|#\{\$[-\w]+\})+(?=\s*:)/,inside:{variable:/\$[-\w]+|#\{\$[-\w]+\}/}}}),e.languages.insertBefore("scss","atrule",{keyword:[/@(?:content|debug|each|else(?: if)?|extend|for|forward|function|if|import|include|mixin|return|use|warn|while)\b/i,{pattern:/( )(?:from|through)(?= )/,lookbehind:!0}]}),e.languages.insertBefore("scss","important",{variable:/\$[-\w]+|#\{\$[-\w]+\}/}),e.languages.insertBefore("scss","function",{"module-modifier":{pattern:/\b(?:as|hide|show|with)\b/i,alias:"keyword"},placeholder:{pattern:/%[-\w]+/,alias:"selector"},statement:{pattern:/\B!(?:default|optional)\b/i,alias:"keyword"},boolean:/\b(?:false|true)\b/,null:{pattern:/\bnull\b/,alias:"keyword"},operator:{pattern:/(\s)(?:[-+*\/%]|[=!]=|<=?|>=?|and|not|or)(?=\s)/,lookbehind:!0}}),e.languages.scss.atrule.inside.rest=e.languages.scss}ak.displayName="sql";ak.aliases=[];function ak(e){e.languages.sql={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|(?:--|\/\/|#).*)/,lookbehind:!0},variable:[{pattern:/@(["'`])(?:\\[\s\S]|(?!\1)[^\\])+\1/,greedy:!0},/@[\w.$]+/],string:{pattern:/(^|[^@\\])("|')(?:\\[\s\S]|(?!\2)[^\\]|\2\2)*\2/,greedy:!0,lookbehind:!0},identifier:{pattern:/(^|[^@\\])`(?:\\[\s\S]|[^`\\]|``)*`/,greedy:!0,lookbehind:!0,inside:{punctuation:/^`|`$/}},function:/\b(?:AVG|COUNT|FIRST|FORMAT|LAST|LCASE|LEN|MAX|MID|MIN|MOD|NOW|ROUND|SUM|UCASE)(?=\s*\()/i,keyword:/\b(?:ACTION|ADD|AFTER|ALGORITHM|ALL|ALTER|ANALYZE|ANY|APPLY|AS|ASC|AUTHORIZATION|AUTO_INCREMENT|BACKUP|BDB|BEGIN|BERKELEYDB|BIGINT|BINARY|BIT|BLOB|BOOL|BOOLEAN|BREAK|BROWSE|BTREE|BULK|BY|CALL|CASCADED?|CASE|CHAIN|CHAR(?:ACTER|SET)?|CHECK(?:POINT)?|CLOSE|CLUSTERED|COALESCE|COLLATE|COLUMNS?|COMMENT|COMMIT(?:TED)?|COMPUTE|CONNECT|CONSISTENT|CONSTRAINT|CONTAINS(?:TABLE)?|CONTINUE|CONVERT|CREATE|CROSS|CURRENT(?:_DATE|_TIME|_TIMESTAMP|_USER)?|CURSOR|CYCLE|DATA(?:BASES?)?|DATE(?:TIME)?|DAY|DBCC|DEALLOCATE|DEC|DECIMAL|DECLARE|DEFAULT|DEFINER|DELAYED|DELETE|DELIMITERS?|DENY|DESC|DESCRIBE|DETERMINISTIC|DISABLE|DISCARD|DISK|DISTINCT|DISTINCTROW|DISTRIBUTED|DO|DOUBLE|DROP|DUMMY|DUMP(?:FILE)?|DUPLICATE|ELSE(?:IF)?|ENABLE|ENCLOSED|END|ENGINE|ENUM|ERRLVL|ERRORS|ESCAPED?|EXCEPT|EXEC(?:UTE)?|EXISTS|EXIT|EXPLAIN|EXTENDED|FETCH|FIELDS|FILE|FILLFACTOR|FIRST|FIXED|FLOAT|FOLLOWING|FOR(?: EACH ROW)?|FORCE|FOREIGN|FREETEXT(?:TABLE)?|FROM|FULL|FUNCTION|GEOMETRY(?:COLLECTION)?|GLOBAL|GOTO|GRANT|GROUP|HANDLER|HASH|HAVING|HOLDLOCK|HOUR|IDENTITY(?:COL|_INSERT)?|IF|IGNORE|IMPORT|INDEX|INFILE|INNER|INNODB|INOUT|INSERT|INT|INTEGER|INTERSECT|INTERVAL|INTO|INVOKER|ISOLATION|ITERATE|JOIN|KEYS?|KILL|LANGUAGE|LAST|LEAVE|LEFT|LEVEL|LIMIT|LINENO|LINES|LINESTRING|LOAD|LOCAL|LOCK|LONG(?:BLOB|TEXT)|LOOP|MATCH(?:ED)?|MEDIUM(?:BLOB|INT|TEXT)|MERGE|MIDDLEINT|MINUTE|MODE|MODIFIES|MODIFY|MONTH|MULTI(?:LINESTRING|POINT|POLYGON)|NATIONAL|NATURAL|NCHAR|NEXT|NO|NONCLUSTERED|NULLIF|NUMERIC|OFF?|OFFSETS?|ON|OPEN(?:DATASOURCE|QUERY|ROWSET)?|OPTIMIZE|OPTION(?:ALLY)?|ORDER|OUT(?:ER|FILE)?|OVER|PARTIAL|PARTITION|PERCENT|PIVOT|PLAN|POINT|POLYGON|PRECEDING|PRECISION|PREPARE|PREV|PRIMARY|PRINT|PRIVILEGES|PROC(?:EDURE)?|PUBLIC|PURGE|QUICK|RAISERROR|READS?|REAL|RECONFIGURE|REFERENCES|RELEASE|RENAME|REPEAT(?:ABLE)?|REPLACE|REPLICATION|REQUIRE|RESIGNAL|RESTORE|RESTRICT|RETURN(?:ING|S)?|REVOKE|RIGHT|ROLLBACK|ROUTINE|ROW(?:COUNT|GUIDCOL|S)?|RTREE|RULE|SAVE(?:POINT)?|SCHEMA|SECOND|SELECT|SERIAL(?:IZABLE)?|SESSION(?:_USER)?|SET(?:USER)?|SHARE|SHOW|SHUTDOWN|SIMPLE|SMALLINT|SNAPSHOT|SOME|SONAME|SQL|START(?:ING)?|STATISTICS|STATUS|STRIPED|SYSTEM_USER|TABLES?|TABLESPACE|TEMP(?:ORARY|TABLE)?|TERMINATED|TEXT(?:SIZE)?|THEN|TIME(?:STAMP)?|TINY(?:BLOB|INT|TEXT)|TOP?|TRAN(?:SACTIONS?)?|TRIGGER|TRUNCATE|TSEQUAL|TYPES?|UNBOUNDED|UNCOMMITTED|UNDEFINED|UNION|UNIQUE|UNLOCK|UNPIVOT|UNSIGNED|UPDATE(?:TEXT)?|USAGE|USE|USER|USING|VALUES?|VAR(?:BINARY|CHAR|CHARACTER|YING)|VIEW|WAITFOR|WARNINGS|WHEN|WHERE|WHILE|WITH(?: ROLLUP|IN)?|WORK|WRITE(?:TEXT)?|YEAR)\b/i,boolean:/\b(?:FALSE|NULL|TRUE)\b/i,number:/\b0x[\da-f]+\b|\b\d+(?:\.\d*)?|\B\.\d+\b/i,operator:/[-+*\/=%^~]|&&?|\|\|?|!=?|<(?:=>?|<|>)?|>[>=]?|\b(?:AND|BETWEEN|DIV|ILIKE|IN|IS|LIKE|NOT|OR|REGEXP|RLIKE|SOUNDS LIKE|XOR)\b/i,punctuation:/[;[\]()`,.]/}}sk.displayName="swift";sk.aliases=[];function sk(e){e.languages.swift={comment:{pattern:/(^|[^\\:])(?:\/\/.*|\/\*(?:[^/*]|\/(?!\*)|\*(?!\/)|\/\*(?:[^*]|\*(?!\/))*\*\/)*\*\/)/,lookbehind:!0,greedy:!0},"string-literal":[{pattern:RegExp(/(^|[^"#])/.source+"(?:"+/"(?:\\(?:\((?:[^()]|\([^()]*\))*\)|\r\n|[^(])|[^\\\r\n"])*"/.source+"|"+/"""(?:\\(?:\((?:[^()]|\([^()]*\))*\)|[^(])|[^\\"]|"(?!""))*"""/.source+")"+/(?!["#])/.source),lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/(\\\()(?:[^()]|\([^()]*\))*(?=\))/,lookbehind:!0,inside:null},"interpolation-punctuation":{pattern:/^\)|\\\($/,alias:"punctuation"},punctuation:/\\(?=[\r\n])/,string:/[\s\S]+/}},{pattern:RegExp(/(^|[^"#])(#+)/.source+"(?:"+/"(?:\\(?:#+\((?:[^()]|\([^()]*\))*\)|\r\n|[^#])|[^\\\r\n])*?"/.source+"|"+/"""(?:\\(?:#+\((?:[^()]|\([^()]*\))*\)|[^#])|[^\\])*?"""/.source+")\\2"),lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/(\\#+\()(?:[^()]|\([^()]*\))*(?=\))/,lookbehind:!0,inside:null},"interpolation-punctuation":{pattern:/^\)|\\#+\($/,alias:"punctuation"},string:/[\s\S]+/}}],directive:{pattern:RegExp(/#/.source+"(?:"+(/(?:elseif|if)\b/.source+"(?:[ ]*"+/(?:![ \t]*)?(?:\b\w+\b(?:[ \t]*\((?:[^()]|\([^()]*\))*\))?|\((?:[^()]|\([^()]*\))*\))(?:[ \t]*(?:&&|\|\|))?/.source+")+")+"|"+/(?:else|endif)\b/.source+")"),alias:"property",inside:{"directive-name":/^#\w+/,boolean:/\b(?:false|true)\b/,number:/\b\d+(?:\.\d+)*\b/,operator:/!|&&|\|\||[<>]=?/,punctuation:/[(),]/}},literal:{pattern:/#(?:colorLiteral|column|dsohandle|file(?:ID|Literal|Path)?|function|imageLiteral|line)\b/,alias:"constant"},"other-directive":{pattern:/#\w+\b/,alias:"property"},attribute:{pattern:/@\w+/,alias:"atrule"},"function-definition":{pattern:/(\bfunc\s+)\w+/,lookbehind:!0,alias:"function"},label:{pattern:/\b(break|continue)\s+\w+|\b[a-zA-Z_]\w*(?=\s*:\s*(?:for|repeat|while)\b)/,lookbehind:!0,alias:"important"},keyword:/\b(?:Any|Protocol|Self|Type|actor|as|assignment|associatedtype|associativity|async|await|break|case|catch|class|continue|convenience|default|defer|deinit|didSet|do|dynamic|else|enum|extension|fallthrough|fileprivate|final|for|func|get|guard|higherThan|if|import|in|indirect|infix|init|inout|internal|is|isolated|lazy|left|let|lowerThan|mutating|none|nonisolated|nonmutating|open|operator|optional|override|postfix|precedencegroup|prefix|private|protocol|public|repeat|required|rethrows|return|right|safe|self|set|some|static|struct|subscript|super|switch|throw|throws|try|typealias|unowned|unsafe|var|weak|where|while|willSet)\b/,boolean:/\b(?:false|true)\b/,nil:{pattern:/\bnil\b/,alias:"constant"},"short-argument":/\$\d+\b/,omit:{pattern:/\b_\b/,alias:"keyword"},number:/\b(?:[\d_]+(?:\.[\de_]+)?|0x[a-f0-9_]+(?:\.[a-f0-9p_]+)?|0b[01_]+|0o[0-7_]+)\b/i,"class-name":/\b[A-Z](?:[A-Z_\d]*[a-z]\w*)?\b/,function:/\b[a-z_]\w*(?=\s*\()/i,constant:/\b(?:[A-Z_]{2,}|k[A-Z][A-Za-z_]+)\b/,operator:/[-+*/%=!<>&|^~?]+|\.[.\-+*/%=!<>&|^~?]+/,punctuation:/[{}[\]();,.:\\]/},e.languages.swift["string-literal"].forEach(function(t){t.inside.interpolation.inside=e.languages.swift})}lk.displayName="typescript";lk.aliases=["ts"];function lk(e){e.register(Iy),function(t){t.languages.typescript=t.languages.extend("javascript",{"class-name":{pattern:/(\b(?:class|extends|implements|instanceof|interface|new|type)\s+)(?!keyof\b)(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?:\s*<(?:[^<>]|<(?:[^<>]|<[^<>]*>)*>)*>)?/,lookbehind:!0,greedy:!0,inside:null},builtin:/\b(?:Array|Function|Promise|any|boolean|console|never|number|string|symbol|unknown)\b/}),t.languages.typescript.keyword.push(/\b(?:abstract|declare|is|keyof|readonly|require)\b/,/\b(?:asserts|infer|interface|module|namespace|type)\b(?=\s*(?:[{_$a-zA-Z\xA0-\uFFFF]|$))/,/\btype\b(?=\s*(?:[\{*]|$))/),delete t.languages.typescript.parameter,delete t.languages.typescript["literal-property"];var n=t.languages.extend("typescript",{});delete n["class-name"],t.languages.typescript["class-name"].inside=n,t.languages.insertBefore("typescript","function",{decorator:{pattern:/@[$\w\xA0-\uFFFF]+/,inside:{at:{pattern:/^@/,alias:"operator"},function:/^[\s\S]+/}},"generic-function":{pattern:/#?(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*\s*<(?:[^<>]|<(?:[^<>]|<[^<>]*>)*>)*>(?=\s*\()/,greedy:!0,inside:{function:/^#?(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*/,generic:{pattern:/<[\s\S]+/,alias:"class-name",inside:n}}}}),t.languages.ts=t.languages.typescript}(e)}Ry.displayName="basic";Ry.aliases=[];function Ry(e){e.languages.basic={comment:{pattern:/(?:!|REM\b).+/i,inside:{keyword:/^REM/i}},string:{pattern:/"(?:""|[!#$%&'()*,\/:;<=>?^\w +\-.])*"/,greedy:!0},number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:E[+-]?\d+)?/i,keyword:/\b(?:AS|BEEP|BLOAD|BSAVE|CALL(?: ABSOLUTE)?|CASE|CHAIN|CHDIR|CLEAR|CLOSE|CLS|COM|COMMON|CONST|DATA|DECLARE|DEF(?: FN| SEG|DBL|INT|LNG|SNG|STR)|DIM|DO|DOUBLE|ELSE|ELSEIF|END|ENVIRON|ERASE|ERROR|EXIT|FIELD|FILES|FOR|FUNCTION|GET|GOSUB|GOTO|IF|INPUT|INTEGER|IOCTL|KEY|KILL|LINE INPUT|LOCATE|LOCK|LONG|LOOP|LSET|MKDIR|NAME|NEXT|OFF|ON(?: COM| ERROR| KEY| TIMER)?|OPEN|OPTION BASE|OUT|POKE|PUT|READ|REDIM|REM|RESTORE|RESUME|RETURN|RMDIR|RSET|RUN|SELECT CASE|SHARED|SHELL|SINGLE|SLEEP|STATIC|STEP|STOP|STRING|SUB|SWAP|SYSTEM|THEN|TIMER|TO|TROFF|TRON|TYPE|UNLOCK|UNTIL|USING|VIEW PRINT|WAIT|WEND|WHILE|WRITE)(?:\$|\b)/i,function:/\b(?:ABS|ACCESS|ACOS|ANGLE|AREA|ARITHMETIC|ARRAY|ASIN|ASK|AT|ATN|BASE|BEGIN|BREAK|CAUSE|CEIL|CHR|CLIP|COLLATE|COLOR|CON|COS|COSH|COT|CSC|DATE|DATUM|DEBUG|DECIMAL|DEF|DEG|DEGREES|DELETE|DET|DEVICE|DISPLAY|DOT|ELAPSED|EPS|ERASABLE|EXLINE|EXP|EXTERNAL|EXTYPE|FILETYPE|FIXED|FP|GO|GRAPH|HANDLER|IDN|IMAGE|IN|INT|INTERNAL|IP|IS|KEYED|LBOUND|LCASE|LEFT|LEN|LENGTH|LET|LINE|LINES|LOG|LOG10|LOG2|LTRIM|MARGIN|MAT|MAX|MAXNUM|MID|MIN|MISSING|MOD|NATIVE|NUL|NUMERIC|OF|OPTION|ORD|ORGANIZATION|OUTIN|OUTPUT|PI|POINT|POINTER|POINTS|POS|PRINT|PROGRAM|PROMPT|RAD|RADIANS|RANDOMIZE|RECORD|RECSIZE|RECTYPE|RELATIVE|REMAINDER|REPEAT|REST|RETRY|REWRITE|RIGHT|RND|ROUND|RTRIM|SAME|SEC|SELECT|SEQUENTIAL|SET|SETTER|SGN|SIN|SINH|SIZE|SKIP|SQR|STANDARD|STATUS|STR|STREAM|STYLE|TAB|TAN|TANH|TEMPLATE|TEXT|THERE|TIME|TIMEOUT|TRACE|TRANSFORM|TRUNCATE|UBOUND|UCASE|USE|VAL|VARIABLE|VIEWPORT|WHEN|WINDOW|WITH|ZER|ZONEWIDTH)(?:\$|\b)/i,operator:/<[=>]?|>=?|[+\-*\/^=&]|\b(?:AND|EQV|IMP|NOT|OR|XOR)\b/i,punctuation:/[,;:()]/}}uk.displayName="vbnet";uk.aliases=[];function uk(e){e.register(Ry),e.languages.vbnet=e.languages.extend("basic",{comment:[{pattern:/(?:!|REM\b).+/i,inside:{keyword:/^REM/i}},{pattern:/(^|[^\\:])'.*/,lookbehind:!0,greedy:!0}],string:{pattern:/(^|[^"])"(?:""|[^"])*"(?!")/,lookbehind:!0,greedy:!0},keyword:/(?:\b(?:ADDHANDLER|ADDRESSOF|ALIAS|AND|ANDALSO|AS|BEEP|BLOAD|BOOLEAN|BSAVE|BYREF|BYTE|BYVAL|CALL(?: ABSOLUTE)?|CASE|CATCH|CBOOL|CBYTE|CCHAR|CDATE|CDBL|CDEC|CHAIN|CHAR|CHDIR|CINT|CLASS|CLEAR|CLNG|CLOSE|CLS|COBJ|COM|COMMON|CONST|CONTINUE|CSBYTE|CSHORT|CSNG|CSTR|CTYPE|CUINT|CULNG|CUSHORT|DATA|DATE|DECIMAL|DECLARE|DEF(?: FN| SEG|DBL|INT|LNG|SNG|STR)|DEFAULT|DELEGATE|DIM|DIRECTCAST|DO|DOUBLE|ELSE|ELSEIF|END|ENUM|ENVIRON|ERASE|ERROR|EVENT|EXIT|FALSE|FIELD|FILES|FINALLY|FOR(?: EACH)?|FRIEND|FUNCTION|GET|GETTYPE|GETXMLNAMESPACE|GLOBAL|GOSUB|GOTO|HANDLES|IF|IMPLEMENTS|IMPORTS|IN|INHERITS|INPUT|INTEGER|INTERFACE|IOCTL|IS|ISNOT|KEY|KILL|LET|LIB|LIKE|LINE INPUT|LOCATE|LOCK|LONG|LOOP|LSET|ME|MKDIR|MOD|MODULE|MUSTINHERIT|MUSTOVERRIDE|MYBASE|MYCLASS|NAME|NAMESPACE|NARROWING|NEW|NEXT|NOT|NOTHING|NOTINHERITABLE|NOTOVERRIDABLE|OBJECT|OF|OFF|ON(?: COM| ERROR| KEY| TIMER)?|OPEN|OPERATOR|OPTION(?: BASE)?|OPTIONAL|OR|ORELSE|OUT|OVERLOADS|OVERRIDABLE|OVERRIDES|PARAMARRAY|PARTIAL|POKE|PRIVATE|PROPERTY|PROTECTED|PUBLIC|PUT|RAISEEVENT|READ|READONLY|REDIM|REM|REMOVEHANDLER|RESTORE|RESUME|RETURN|RMDIR|RSET|RUN|SBYTE|SELECT(?: CASE)?|SET|SHADOWS|SHARED|SHELL|SHORT|SINGLE|SLEEP|STATIC|STEP|STOP|STRING|STRUCTURE|SUB|SWAP|SYNCLOCK|SYSTEM|THEN|THROW|TIMER|TO|TROFF|TRON|TRUE|TRY|TRYCAST|TYPE|TYPEOF|UINTEGER|ULONG|UNLOCK|UNTIL|USHORT|USING|VIEW PRINT|WAIT|WEND|WHEN|WHILE|WIDENING|WITH|WITHEVENTS|WRITE|WRITEONLY|XOR)|\B(?:#CONST|#ELSE|#ELSEIF|#END|#IF))(?:\$|\b)/i,punctuation:/[,;:(){}]/})}Ze.register(bs);Ze.register(Ap);Ze.register(Fy);Ze.register(Pw);Ze.register(Mw);Ze.register(Lw);Ze.register(Np);Ze.register(v1);Ze.register(jw);Ze.register(zw);Ze.register(Hw);Ze.register(Uw);Ze.register(qw);Ze.register(Iy);Ze.register($w);Ze.register(Ww);Ze.register(Gw);Ze.register(Kw);Ze.register(Vw);Ze.register(Yw);Ze.register(Qw);Ze.register(Xw);Ze.register(Zw);Ze.register(By);Ze.register(Jw);Ze.register(ek);Ze.register(tk);Ze.register(nk);Ze.register(rk);Ze.register(ok);Ze.register(ik);Ze.register(ak);Ze.register(sk);Ze.register(lk);Ze.register(Ry);Ze.register(uk);var cL=TEe(Ze,QEe);cL.supportedLanguages=wEe;const XEe=cL;var fL={exports:{}};(function(e,t){(function(n,r){e.exports=r(T)})(Mf,function(n){return function(r){var o={};function i(a){if(o[a])return o[a].exports;var s=o[a]={i:a,l:!1,exports:{}};return r[a].call(s.exports,s,s.exports,i),s.l=!0,s.exports}return i.m=r,i.c=o,i.d=function(a,s,l){i.o(a,s)||Object.defineProperty(a,s,{enumerable:!0,get:l})},i.r=function(a){typeof Symbol<"u"&&Symbol.toStringTag&&Object.defineProperty(a,Symbol.toStringTag,{value:"Module"}),Object.defineProperty(a,"__esModule",{value:!0})},i.t=function(a,s){if(1&s&&(a=i(a)),8&s||4&s&&typeof a=="object"&&a&&a.__esModule)return a;var l=Object.create(null);if(i.r(l),Object.defineProperty(l,"default",{enumerable:!0,value:a}),2&s&&typeof a!="string")for(var u in a)i.d(l,u,function(d){return a[d]}.bind(null,u));return l},i.n=function(a){var s=a&&a.__esModule?function(){return a.default}:function(){return a};return i.d(s,"a",s),s},i.o=function(a,s){return Object.prototype.hasOwnProperty.call(a,s)},i.p="",i(i.s=48)}([function(r,o){r.exports=n},function(r,o){var i=r.exports={version:"2.6.12"};typeof __e=="number"&&(__e=i)},function(r,o,i){var a=i(26)("wks"),s=i(17),l=i(3).Symbol,u=typeof l=="function";(r.exports=function(d){return a[d]||(a[d]=u&&l[d]||(u?l:s)("Symbol."+d))}).store=a},function(r,o){var i=r.exports=typeof window<"u"&&window.Math==Math?window:typeof self<"u"&&self.Math==Math?self:Function("return this")();typeof __g=="number"&&(__g=i)},function(r,o,i){r.exports=!i(8)(function(){return Object.defineProperty({},"a",{get:function(){return 7}}).a!=7})},function(r,o){var i={}.hasOwnProperty;r.exports=function(a,s){return i.call(a,s)}},function(r,o,i){var a=i(7),s=i(16);r.exports=i(4)?function(l,u,d){return a.f(l,u,s(1,d))}:function(l,u,d){return l[u]=d,l}},function(r,o,i){var a=i(10),s=i(35),l=i(23),u=Object.defineProperty;o.f=i(4)?Object.defineProperty:function(d,h,p){if(a(d),h=l(h,!0),a(p),s)try{return u(d,h,p)}catch{}if("get"in p||"set"in p)throw TypeError("Accessors not supported!");return"value"in p&&(d[h]=p.value),d}},function(r,o){r.exports=function(i){try{return!!i()}catch{return!0}}},function(r,o,i){var a=i(40),s=i(22);r.exports=function(l){return a(s(l))}},function(r,o,i){var a=i(11);r.exports=function(s){if(!a(s))throw TypeError(s+" is not an object!");return s}},function(r,o){r.exports=function(i){return typeof i=="object"?i!==null:typeof i=="function"}},function(r,o){r.exports={}},function(r,o,i){var a=i(39),s=i(27);r.exports=Object.keys||function(l){return a(l,s)}},function(r,o){r.exports=!0},function(r,o,i){var a=i(3),s=i(1),l=i(53),u=i(6),d=i(5),h=function(p,m,v){var _,b,E,w=p&h.F,k=p&h.G,y=p&h.S,F=p&h.P,C=p&h.B,A=p&h.W,P=k?s:s[m]||(s[m]={}),I=P.prototype,j=k?a:y?a[m]:(a[m]||{}).prototype;for(_ in k&&(v=m),v)(b=!w&&j&&j[_]!==void 0)&&d(P,_)||(E=b?j[_]:v[_],P[_]=k&&typeof j[_]!="function"?v[_]:C&&b?l(E,a):A&&j[_]==E?function(H){var K=function(U,pe,se){if(this instanceof H){switch(arguments.length){case 0:return new H;case 1:return new H(U);case 2:return new H(U,pe)}return new H(U,pe,se)}return H.apply(this,arguments)};return K.prototype=H.prototype,K}(E):F&&typeof E=="function"?l(Function.call,E):E,F&&((P.virtual||(P.virtual={}))[_]=E,p&h.R&&I&&!I[_]&&u(I,_,E)))};h.F=1,h.G=2,h.S=4,h.P=8,h.B=16,h.W=32,h.U=64,h.R=128,r.exports=h},function(r,o){r.exports=function(i,a){return{enumerable:!(1&i),configurable:!(2&i),writable:!(4&i),value:a}}},function(r,o){var i=0,a=Math.random();r.exports=function(s){return"Symbol(".concat(s===void 0?"":s,")_",(++i+a).toString(36))}},function(r,o,i){var a=i(22);r.exports=function(s){return Object(a(s))}},function(r,o){o.f={}.propertyIsEnumerable},function(r,o,i){var a=i(52)(!0);i(34)(String,"String",function(s){this._t=String(s),this._i=0},function(){var s,l=this._t,u=this._i;return u>=l.length?{value:void 0,done:!0}:(s=a(l,u),this._i+=s.length,{value:s,done:!1})})},function(r,o){var i=Math.ceil,a=Math.floor;r.exports=function(s){return isNaN(s=+s)?0:(s>0?a:i)(s)}},function(r,o){r.exports=function(i){if(i==null)throw TypeError("Can't call method on "+i);return i}},function(r,o,i){var a=i(11);r.exports=function(s,l){if(!a(s))return s;var u,d;if(l&&typeof(u=s.toString)=="function"&&!a(d=u.call(s))||typeof(u=s.valueOf)=="function"&&!a(d=u.call(s))||!l&&typeof(u=s.toString)=="function"&&!a(d=u.call(s)))return d;throw TypeError("Can't convert object to primitive value")}},function(r,o){var i={}.toString;r.exports=function(a){return i.call(a).slice(8,-1)}},function(r,o,i){var a=i(26)("keys"),s=i(17);r.exports=function(l){return a[l]||(a[l]=s(l))}},function(r,o,i){var a=i(1),s=i(3),l=s["__core-js_shared__"]||(s["__core-js_shared__"]={});(r.exports=function(u,d){return l[u]||(l[u]=d!==void 0?d:{})})("versions",[]).push({version:a.version,mode:i(14)?"pure":"global",copyright:"© 2020 Denis Pushkarev (zloirock.ru)"})},function(r,o){r.exports="constructor,hasOwnProperty,isPrototypeOf,propertyIsEnumerable,toLocaleString,toString,valueOf".split(",")},function(r,o,i){var a=i(7).f,s=i(5),l=i(2)("toStringTag");r.exports=function(u,d,h){u&&!s(u=h?u:u.prototype,l)&&a(u,l,{configurable:!0,value:d})}},function(r,o,i){i(62);for(var a=i(3),s=i(6),l=i(12),u=i(2)("toStringTag"),d="CSSRuleList,CSSStyleDeclaration,CSSValueList,ClientRectList,DOMRectList,DOMStringList,DOMTokenList,DataTransferItemList,FileList,HTMLAllCollection,HTMLCollection,HTMLFormElement,HTMLSelectElement,MediaList,MimeTypeArray,NamedNodeMap,NodeList,PaintRequestList,Plugin,PluginArray,SVGLengthList,SVGNumberList,SVGPathSegList,SVGPointList,SVGStringList,SVGTransformList,SourceBufferList,StyleSheetList,TextTrackCueList,TextTrackList,TouchList".split(","),h=0;h<d.length;h++){var p=d[h],m=a[p],v=m&&m.prototype;v&&!v[u]&&s(v,u,p),l[p]=l.Array}},function(r,o,i){o.f=i(2)},function(r,o,i){var a=i(3),s=i(1),l=i(14),u=i(30),d=i(7).f;r.exports=function(h){var p=s.Symbol||(s.Symbol=l?{}:a.Symbol||{});h.charAt(0)=="_"||h in p||d(p,h,{value:u.f(h)})}},function(r,o){o.f=Object.getOwnPropertySymbols},function(r,o){r.exports=function(i,a,s){return Math.min(Math.max(i,a),s)}},function(r,o,i){var a=i(14),s=i(15),l=i(37),u=i(6),d=i(12),h=i(55),p=i(28),m=i(61),v=i(2)("iterator"),_=!([].keys&&"next"in[].keys()),b=function(){return this};r.exports=function(E,w,k,y,F,C,A){h(k,w,y);var P,I,j,H=function(fe){if(!_&&fe in se)return se[fe];switch(fe){case"keys":case"values":return function(){return new k(this,fe)}}return function(){return new k(this,fe)}},K=w+" Iterator",U=F=="values",pe=!1,se=E.prototype,J=se[v]||se["@@iterator"]||F&&se[F],$=J||H(F),_e=F?U?H("entries"):$:void 0,ve=w=="Array"&&se.entries||J;if(ve&&(j=m(ve.call(new E)))!==Object.prototype&&j.next&&(p(j,K,!0),a||typeof j[v]=="function"||u(j,v,b)),U&&J&&J.name!=="values"&&(pe=!0,$=function(){return J.call(this)}),a&&!A||!_&&!pe&&se[v]||u(se,v,$),d[w]=$,d[K]=b,F)if(P={values:U?$:H("values"),keys:C?$:H("keys"),entries:_e},A)for(I in P)I in se||l(se,I,P[I]);else s(s.P+s.F*(_||pe),w,P);return P}},function(r,o,i){r.exports=!i(4)&&!i(8)(function(){return Object.defineProperty(i(36)("div"),"a",{get:function(){return 7}}).a!=7})},function(r,o,i){var a=i(11),s=i(3).document,l=a(s)&&a(s.createElement);r.exports=function(u){return l?s.createElement(u):{}}},function(r,o,i){r.exports=i(6)},function(r,o,i){var a=i(10),s=i(56),l=i(27),u=i(25)("IE_PROTO"),d=function(){},h=function(){var p,m=i(36)("iframe"),v=l.length;for(m.style.display="none",i(60).appendChild(m),m.src="javascript:",(p=m.contentWindow.document).open(),p.write("<script>document.F=Object<\/script>"),p.close(),h=p.F;v--;)delete h.prototype[l[v]];return h()};r.exports=Object.create||function(p,m){var v;return p!==null?(d.prototype=a(p),v=new d,d.prototype=null,v[u]=p):v=h(),m===void 0?v:s(v,m)}},function(r,o,i){var a=i(5),s=i(9),l=i(57)(!1),u=i(25)("IE_PROTO");r.exports=function(d,h){var p,m=s(d),v=0,_=[];for(p in m)p!=u&&a(m,p)&&_.push(p);for(;h.length>v;)a(m,p=h[v++])&&(~l(_,p)||_.push(p));return _}},function(r,o,i){var a=i(24);r.exports=Object("z").propertyIsEnumerable(0)?Object:function(s){return a(s)=="String"?s.split(""):Object(s)}},function(r,o,i){var a=i(39),s=i(27).concat("length","prototype");o.f=Object.getOwnPropertyNames||function(l){return a(l,s)}},function(r,o,i){var a=i(24),s=i(2)("toStringTag"),l=a(function(){return arguments}())=="Arguments";r.exports=function(u){var d,h,p;return u===void 0?"Undefined":u===null?"Null":typeof(h=function(m,v){try{return m[v]}catch{}}(d=Object(u),s))=="string"?h:l?a(d):(p=a(d))=="Object"&&typeof d.callee=="function"?"Arguments":p}},function(r,o){var i;i=function(){return this}();try{i=i||new Function("return this")()}catch{typeof window=="object"&&(i=window)}r.exports=i},function(r,o){var i=/-?\d+(\.\d+)?%?/g;r.exports=function(a){return a.match(i)}},function(r,o,i){Object.defineProperty(o,"__esModule",{value:!0}),o.getBase16Theme=o.createStyling=o.invertTheme=void 0;var a=b(i(49)),s=b(i(76)),l=b(i(81)),u=b(i(89)),d=b(i(93)),h=function(I){if(I&&I.__esModule)return I;var j={};if(I!=null)for(var H in I)Object.prototype.hasOwnProperty.call(I,H)&&(j[H]=I[H]);return j.default=I,j}(i(94)),p=b(i(132)),m=b(i(133)),v=b(i(138)),_=i(139);function b(I){return I&&I.__esModule?I:{default:I}}var E=h.default,w=(0,u.default)(E),k=(0,v.default)(m.default,_.rgb2yuv,function(I){var j,H=(0,l.default)(I,3),K=H[0],U=H[1],pe=H[2];return[(j=K,j<.25?1:j<.5?.9-j:1.1-j),U,pe]},_.yuv2rgb,p.default),y=function(I){return function(j){return{className:[j.className,I.className].filter(Boolean).join(" "),style:(0,s.default)({},j.style||{},I.style||{})}}},F=function(I,j){var H=(0,u.default)(j);for(var K in I)H.indexOf(K)===-1&&H.push(K);return H.reduce(function(U,pe){return U[pe]=function(se,J){if(se===void 0)return J;if(J===void 0)return se;var $=se===void 0?"undefined":(0,a.default)(se),_e=J===void 0?"undefined":(0,a.default)(J);switch($){case"string":switch(_e){case"string":return[J,se].filter(Boolean).join(" ");case"object":return y({className:se,style:J});case"function":return function(ve){for(var fe=arguments.length,R=Array(fe>1?fe-1:0),L=1;L<fe;L++)R[L-1]=arguments[L];return y({className:se})(J.apply(void 0,[ve].concat(R)))}}case"object":switch(_e){case"string":return y({className:J,style:se});case"object":return(0,s.default)({},J,se);case"function":return function(ve){for(var fe=arguments.length,R=Array(fe>1?fe-1:0),L=1;L<fe;L++)R[L-1]=arguments[L];return y({style:se})(J.apply(void 0,[ve].concat(R)))}}case"function":switch(_e){case"string":return function(ve){for(var fe=arguments.length,R=Array(fe>1?fe-1:0),L=1;L<fe;L++)R[L-1]=arguments[L];return se.apply(void 0,[y(ve)({className:J})].concat(R))};case"object":return function(ve){for(var fe=arguments.length,R=Array(fe>1?fe-1:0),L=1;L<fe;L++)R[L-1]=arguments[L];return se.apply(void 0,[y(ve)({style:J})].concat(R))};case"function":return function(ve){for(var fe=arguments.length,R=Array(fe>1?fe-1:0),L=1;L<fe;L++)R[L-1]=arguments[L];return se.apply(void 0,[J.apply(void 0,[ve].concat(R))].concat(R))}}}}(I[pe],j[pe]),U},{})},C=function(I,j){for(var H=arguments.length,K=Array(H>2?H-2:0),U=2;U<H;U++)K[U-2]=arguments[U];if(j===null)return I;Array.isArray(j)||(j=[j]);var pe=j.map(function(J){return I[J]}).filter(Boolean),se=pe.reduce(function(J,$){return typeof $=="string"?J.className=[J.className,$].filter(Boolean).join(" "):($===void 0?"undefined":(0,a.default)($))==="object"?J.style=(0,s.default)({},J.style,$):typeof $=="function"&&(J=(0,s.default)({},J,$.apply(void 0,[J].concat(K)))),J},{className:"",style:{}});return se.className||delete se.className,(0,u.default)(se.style).length===0&&delete se.style,se},A=o.invertTheme=function(I){return(0,u.default)(I).reduce(function(j,H){return j[H]=/^base/.test(H)?k(I[H]):H==="scheme"?I[H]+":inverted":I[H],j},{})},P=(o.createStyling=(0,d.default)(function(I){for(var j=arguments.length,H=Array(j>3?j-3:0),K=3;K<j;K++)H[K-3]=arguments[K];var U=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},pe=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},se=U.defaultBase16,J=se===void 0?E:se,$=U.base16Themes,_e=$===void 0?null:$,ve=P(pe,_e);ve&&(pe=(0,s.default)({},ve,pe));var fe=w.reduce(function(Ue,Ve){return Ue[Ve]=pe[Ve]||J[Ve],Ue},{}),R=(0,u.default)(pe).reduce(function(Ue,Ve){return w.indexOf(Ve)===-1&&(Ue[Ve]=pe[Ve]),Ue},{}),L=I(fe),Ae=F(R,L);return(0,d.default)(C,2).apply(void 0,[Ae].concat(H))},3),o.getBase16Theme=function(I,j){if(I&&I.extend&&(I=I.extend),typeof I=="string"){var H=I.split(":"),K=(0,l.default)(H,2),U=K[0],pe=K[1];I=(j||{})[U]||h[U],pe==="inverted"&&(I=A(I))}return I&&I.hasOwnProperty("base00")?I:void 0})},function(r,o,i){var a,s=typeof Reflect=="object"?Reflect:null,l=s&&typeof s.apply=="function"?s.apply:function(y,F,C){return Function.prototype.apply.call(y,F,C)};a=s&&typeof s.ownKeys=="function"?s.ownKeys:Object.getOwnPropertySymbols?function(y){return Object.getOwnPropertyNames(y).concat(Object.getOwnPropertySymbols(y))}:function(y){return Object.getOwnPropertyNames(y)};var u=Number.isNaN||function(y){return y!=y};function d(){d.init.call(this)}r.exports=d,r.exports.once=function(y,F){return new Promise(function(C,A){function P(){I!==void 0&&y.removeListener("error",I),C([].slice.call(arguments))}var I;F!=="error"&&(I=function(j){y.removeListener(F,P),A(j)},y.once("error",I)),y.once(F,P)})},d.EventEmitter=d,d.prototype._events=void 0,d.prototype._eventsCount=0,d.prototype._maxListeners=void 0;var h=10;function p(y){if(typeof y!="function")throw new TypeError('The "listener" argument must be of type Function. Received type '+typeof y)}function m(y){return y._maxListeners===void 0?d.defaultMaxListeners:y._maxListeners}function v(y,F,C,A){var P,I,j,H;if(p(C),(I=y._events)===void 0?(I=y._events=Object.create(null),y._eventsCount=0):(I.newListener!==void 0&&(y.emit("newListener",F,C.listener?C.listener:C),I=y._events),j=I[F]),j===void 0)j=I[F]=C,++y._eventsCount;else if(typeof j=="function"?j=I[F]=A?[C,j]:[j,C]:A?j.unshift(C):j.push(C),(P=m(y))>0&&j.length>P&&!j.warned){j.warned=!0;var K=new Error("Possible EventEmitter memory leak detected. "+j.length+" "+String(F)+" listeners added. Use emitter.setMaxListeners() to increase limit");K.name="MaxListenersExceededWarning",K.emitter=y,K.type=F,K.count=j.length,H=K,console&&console.warn&&console.warn(H)}return y}function _(){if(!this.fired)return this.target.removeListener(this.type,this.wrapFn),this.fired=!0,arguments.length===0?this.listener.call(this.target):this.listener.apply(this.target,arguments)}function b(y,F,C){var A={fired:!1,wrapFn:void 0,target:y,type:F,listener:C},P=_.bind(A);return P.listener=C,A.wrapFn=P,P}function E(y,F,C){var A=y._events;if(A===void 0)return[];var P=A[F];return P===void 0?[]:typeof P=="function"?C?[P.listener||P]:[P]:C?function(I){for(var j=new Array(I.length),H=0;H<j.length;++H)j[H]=I[H].listener||I[H];return j}(P):k(P,P.length)}function w(y){var F=this._events;if(F!==void 0){var C=F[y];if(typeof C=="function")return 1;if(C!==void 0)return C.length}return 0}function k(y,F){for(var C=new Array(F),A=0;A<F;++A)C[A]=y[A];return C}Object.defineProperty(d,"defaultMaxListeners",{enumerable:!0,get:function(){return h},set:function(y){if(typeof y!="number"||y<0||u(y))throw new RangeError('The value of "defaultMaxListeners" is out of range. It must be a non-negative number. Received '+y+".");h=y}}),d.init=function(){this._events!==void 0&&this._events!==Object.getPrototypeOf(this)._events||(this._events=Object.create(null),this._eventsCount=0),this._maxListeners=this._maxListeners||void 0},d.prototype.setMaxListeners=function(y){if(typeof y!="number"||y<0||u(y))throw new RangeError('The value of "n" is out of range. It must be a non-negative number. Received '+y+".");return this._maxListeners=y,this},d.prototype.getMaxListeners=function(){return m(this)},d.prototype.emit=function(y){for(var F=[],C=1;C<arguments.length;C++)F.push(arguments[C]);var A=y==="error",P=this._events;if(P!==void 0)A=A&&P.error===void 0;else if(!A)return!1;if(A){var I;if(F.length>0&&(I=F[0]),I instanceof Error)throw I;var j=new Error("Unhandled error."+(I?" ("+I.message+")":""));throw j.context=I,j}var H=P[y];if(H===void 0)return!1;if(typeof H=="function")l(H,this,F);else{var K=H.length,U=k(H,K);for(C=0;C<K;++C)l(U[C],this,F)}return!0},d.prototype.addListener=function(y,F){return v(this,y,F,!1)},d.prototype.on=d.prototype.addListener,d.prototype.prependListener=function(y,F){return v(this,y,F,!0)},d.prototype.once=function(y,F){return p(F),this.on(y,b(this,y,F)),this},d.prototype.prependOnceListener=function(y,F){return p(F),this.prependListener(y,b(this,y,F)),this},d.prototype.removeListener=function(y,F){var C,A,P,I,j;if(p(F),(A=this._events)===void 0)return this;if((C=A[y])===void 0)return this;if(C===F||C.listener===F)--this._eventsCount==0?this._events=Object.create(null):(delete A[y],A.removeListener&&this.emit("removeListener",y,C.listener||F));else if(typeof C!="function"){for(P=-1,I=C.length-1;I>=0;I--)if(C[I]===F||C[I].listener===F){j=C[I].listener,P=I;break}if(P<0)return this;P===0?C.shift():function(H,K){for(;K+1<H.length;K++)H[K]=H[K+1];H.pop()}(C,P),C.length===1&&(A[y]=C[0]),A.removeListener!==void 0&&this.emit("removeListener",y,j||F)}return this},d.prototype.off=d.prototype.removeListener,d.prototype.removeAllListeners=function(y){var F,C,A;if((C=this._events)===void 0)return this;if(C.removeListener===void 0)return arguments.length===0?(this._events=Object.create(null),this._eventsCount=0):C[y]!==void 0&&(--this._eventsCount==0?this._events=Object.create(null):delete C[y]),this;if(arguments.length===0){var P,I=Object.keys(C);for(A=0;A<I.length;++A)(P=I[A])!=="removeListener"&&this.removeAllListeners(P);return this.removeAllListeners("removeListener"),this._events=Object.create(null),this._eventsCount=0,this}if(typeof(F=C[y])=="function")this.removeListener(y,F);else if(F!==void 0)for(A=F.length-1;A>=0;A--)this.removeListener(y,F[A]);return this},d.prototype.listeners=function(y){return E(this,y,!0)},d.prototype.rawListeners=function(y){return E(this,y,!1)},d.listenerCount=function(y,F){return typeof y.listenerCount=="function"?y.listenerCount(F):w.call(y,F)},d.prototype.listenerCount=w,d.prototype.eventNames=function(){return this._eventsCount>0?a(this._events):[]}},function(r,o,i){r.exports.Dispatcher=i(140)},function(r,o,i){r.exports=i(142)},function(r,o,i){o.__esModule=!0;var a=u(i(50)),s=u(i(65)),l=typeof s.default=="function"&&typeof a.default=="symbol"?function(d){return typeof d}:function(d){return d&&typeof s.default=="function"&&d.constructor===s.default&&d!==s.default.prototype?"symbol":typeof d};function u(d){return d&&d.__esModule?d:{default:d}}o.default=typeof s.default=="function"&&l(a.default)==="symbol"?function(d){return d===void 0?"undefined":l(d)}:function(d){return d&&typeof s.default=="function"&&d.constructor===s.default&&d!==s.default.prototype?"symbol":d===void 0?"undefined":l(d)}},function(r,o,i){r.exports={default:i(51),__esModule:!0}},function(r,o,i){i(20),i(29),r.exports=i(30).f("iterator")},function(r,o,i){var a=i(21),s=i(22);r.exports=function(l){return function(u,d){var h,p,m=String(s(u)),v=a(d),_=m.length;return v<0||v>=_?l?"":void 0:(h=m.charCodeAt(v))<55296||h>56319||v+1===_||(p=m.charCodeAt(v+1))<56320||p>57343?l?m.charAt(v):h:l?m.slice(v,v+2):p-56320+(h-55296<<10)+65536}}},function(r,o,i){var a=i(54);r.exports=function(s,l,u){if(a(s),l===void 0)return s;switch(u){case 1:return function(d){return s.call(l,d)};case 2:return function(d,h){return s.call(l,d,h)};case 3:return function(d,h,p){return s.call(l,d,h,p)}}return function(){return s.apply(l,arguments)}}},function(r,o){r.exports=function(i){if(typeof i!="function")throw TypeError(i+" is not a function!");return i}},function(r,o,i){var a=i(38),s=i(16),l=i(28),u={};i(6)(u,i(2)("iterator"),function(){return this}),r.exports=function(d,h,p){d.prototype=a(u,{next:s(1,p)}),l(d,h+" Iterator")}},function(r,o,i){var a=i(7),s=i(10),l=i(13);r.exports=i(4)?Object.defineProperties:function(u,d){s(u);for(var h,p=l(d),m=p.length,v=0;m>v;)a.f(u,h=p[v++],d[h]);return u}},function(r,o,i){var a=i(9),s=i(58),l=i(59);r.exports=function(u){return function(d,h,p){var m,v=a(d),_=s(v.length),b=l(p,_);if(u&&h!=h){for(;_>b;)if((m=v[b++])!=m)return!0}else for(;_>b;b++)if((u||b in v)&&v[b]===h)return u||b||0;return!u&&-1}}},function(r,o,i){var a=i(21),s=Math.min;r.exports=function(l){return l>0?s(a(l),9007199254740991):0}},function(r,o,i){var a=i(21),s=Math.max,l=Math.min;r.exports=function(u,d){return(u=a(u))<0?s(u+d,0):l(u,d)}},function(r,o,i){var a=i(3).document;r.exports=a&&a.documentElement},function(r,o,i){var a=i(5),s=i(18),l=i(25)("IE_PROTO"),u=Object.prototype;r.exports=Object.getPrototypeOf||function(d){return d=s(d),a(d,l)?d[l]:typeof d.constructor=="function"&&d instanceof d.constructor?d.constructor.prototype:d instanceof Object?u:null}},function(r,o,i){var a=i(63),s=i(64),l=i(12),u=i(9);r.exports=i(34)(Array,"Array",function(d,h){this._t=u(d),this._i=0,this._k=h},function(){var d=this._t,h=this._k,p=this._i++;return!d||p>=d.length?(this._t=void 0,s(1)):s(0,h=="keys"?p:h=="values"?d[p]:[p,d[p]])},"values"),l.Arguments=l.Array,a("keys"),a("values"),a("entries")},function(r,o){r.exports=function(){}},function(r,o){r.exports=function(i,a){return{value:a,done:!!i}}},function(r,o,i){r.exports={default:i(66),__esModule:!0}},function(r,o,i){i(67),i(73),i(74),i(75),r.exports=i(1).Symbol},function(r,o,i){var a=i(3),s=i(5),l=i(4),u=i(15),d=i(37),h=i(68).KEY,p=i(8),m=i(26),v=i(28),_=i(17),b=i(2),E=i(30),w=i(31),k=i(69),y=i(70),F=i(10),C=i(11),A=i(18),P=i(9),I=i(23),j=i(16),H=i(38),K=i(71),U=i(72),pe=i(32),se=i(7),J=i(13),$=U.f,_e=se.f,ve=K.f,fe=a.Symbol,R=a.JSON,L=R&&R.stringify,Ae=b("_hidden"),Ue=b("toPrimitive"),Ve={}.propertyIsEnumerable,Le=m("symbol-registry"),st=m("symbols"),We=m("op-symbols"),rt=Object.prototype,Zt=typeof fe=="function"&&!!pe.f,qn=a.QObject,er=!qn||!qn.prototype||!qn.prototype.findChild,tr=l&&p(function(){return H(_e({},"a",{get:function(){return _e(this,"a",{value:7}).a}})).a!=7})?function(ie,G,ae){var Te=$(rt,G);Te&&delete rt[G],_e(ie,G,ae),Te&&ie!==rt&&_e(rt,G,Te)}:_e,In=function(ie){var G=st[ie]=H(fe.prototype);return G._k=ie,G},br=Zt&&typeof fe.iterator=="symbol"?function(ie){return typeof ie=="symbol"}:function(ie){return ie instanceof fe},Nr=function(ie,G,ae){return ie===rt&&Nr(We,G,ae),F(ie),G=I(G,!0),F(ae),s(st,G)?(ae.enumerable?(s(ie,Ae)&&ie[Ae][G]&&(ie[Ae][G]=!1),ae=H(ae,{enumerable:j(0,!1)})):(s(ie,Ae)||_e(ie,Ae,j(1,{})),ie[Ae][G]=!0),tr(ie,G,ae)):_e(ie,G,ae)},an=function(ie,G){F(ie);for(var ae,Te=k(G=P(G)),Oe=0,$e=Te.length;$e>Oe;)Nr(ie,ae=Te[Oe++],G[ae]);return ie},yo=function(ie){var G=Ve.call(this,ie=I(ie,!0));return!(this===rt&&s(st,ie)&&!s(We,ie))&&(!(G||!s(this,ie)||!s(st,ie)||s(this,Ae)&&this[Ae][ie])||G)},Eo=function(ie,G){if(ie=P(ie),G=I(G,!0),ie!==rt||!s(st,G)||s(We,G)){var ae=$(ie,G);return!ae||!s(st,G)||s(ie,Ae)&&ie[Ae][G]||(ae.enumerable=!0),ae}},jr=function(ie){for(var G,ae=ve(P(ie)),Te=[],Oe=0;ae.length>Oe;)s(st,G=ae[Oe++])||G==Ae||G==h||Te.push(G);return Te},pn=function(ie){for(var G,ae=ie===rt,Te=ve(ae?We:P(ie)),Oe=[],$e=0;Te.length>$e;)!s(st,G=Te[$e++])||ae&&!s(rt,G)||Oe.push(st[G]);return Oe};Zt||(d((fe=function(){if(this instanceof fe)throw TypeError("Symbol is not a constructor!");var ie=_(arguments.length>0?arguments[0]:void 0),G=function(ae){this===rt&&G.call(We,ae),s(this,Ae)&&s(this[Ae],ie)&&(this[Ae][ie]=!1),tr(this,ie,j(1,ae))};return l&&er&&tr(rt,ie,{configurable:!0,set:G}),In(ie)}).prototype,"toString",function(){return this._k}),U.f=Eo,se.f=Nr,i(41).f=K.f=jr,i(19).f=yo,pe.f=pn,l&&!i(14)&&d(rt,"propertyIsEnumerable",yo,!0),E.f=function(ie){return In(b(ie))}),u(u.G+u.W+u.F*!Zt,{Symbol:fe});for(var Mn="hasInstance,isConcatSpreadable,iterator,match,replace,search,species,split,toPrimitive,toStringTag,unscopables".split(","),mn=0;Mn.length>mn;)b(Mn[mn++]);for(var Po=J(b.store),me=0;Po.length>me;)w(Po[me++]);u(u.S+u.F*!Zt,"Symbol",{for:function(ie){return s(Le,ie+="")?Le[ie]:Le[ie]=fe(ie)},keyFor:function(ie){if(!br(ie))throw TypeError(ie+" is not a symbol!");for(var G in Le)if(Le[G]===ie)return G},useSetter:function(){er=!0},useSimple:function(){er=!1}}),u(u.S+u.F*!Zt,"Object",{create:function(ie,G){return G===void 0?H(ie):an(H(ie),G)},defineProperty:Nr,defineProperties:an,getOwnPropertyDescriptor:Eo,getOwnPropertyNames:jr,getOwnPropertySymbols:pn});var le=p(function(){pe.f(1)});u(u.S+u.F*le,"Object",{getOwnPropertySymbols:function(ie){return pe.f(A(ie))}}),R&&u(u.S+u.F*(!Zt||p(function(){var ie=fe();return L([ie])!="[null]"||L({a:ie})!="{}"||L(Object(ie))!="{}"})),"JSON",{stringify:function(ie){for(var G,ae,Te=[ie],Oe=1;arguments.length>Oe;)Te.push(arguments[Oe++]);if(ae=G=Te[1],(C(G)||ie!==void 0)&&!br(ie))return y(G)||(G=function($e,_t){if(typeof ae=="function"&&(_t=ae.call(this,$e,_t)),!br(_t))return _t}),Te[1]=G,L.apply(R,Te)}}),fe.prototype[Ue]||i(6)(fe.prototype,Ue,fe.prototype.valueOf),v(fe,"Symbol"),v(Math,"Math",!0),v(a.JSON,"JSON",!0)},function(r,o,i){var a=i(17)("meta"),s=i(11),l=i(5),u=i(7).f,d=0,h=Object.isExtensible||function(){return!0},p=!i(8)(function(){return h(Object.preventExtensions({}))}),m=function(_){u(_,a,{value:{i:"O"+ ++d,w:{}}})},v=r.exports={KEY:a,NEED:!1,fastKey:function(_,b){if(!s(_))return typeof _=="symbol"?_:(typeof _=="string"?"S":"P")+_;if(!l(_,a)){if(!h(_))return"F";if(!b)return"E";m(_)}return _[a].i},getWeak:function(_,b){if(!l(_,a)){if(!h(_))return!0;if(!b)return!1;m(_)}return _[a].w},onFreeze:function(_){return p&&v.NEED&&h(_)&&!l(_,a)&&m(_),_}}},function(r,o,i){var a=i(13),s=i(32),l=i(19);r.exports=function(u){var d=a(u),h=s.f;if(h)for(var p,m=h(u),v=l.f,_=0;m.length>_;)v.call(u,p=m[_++])&&d.push(p);return d}},function(r,o,i){var a=i(24);r.exports=Array.isArray||function(s){return a(s)=="Array"}},function(r,o,i){var a=i(9),s=i(41).f,l={}.toString,u=typeof window=="object"&&window&&Object.getOwnPropertyNames?Object.getOwnPropertyNames(window):[];r.exports.f=function(d){return u&&l.call(d)=="[object Window]"?function(h){try{return s(h)}catch{return u.slice()}}(d):s(a(d))}},function(r,o,i){var a=i(19),s=i(16),l=i(9),u=i(23),d=i(5),h=i(35),p=Object.getOwnPropertyDescriptor;o.f=i(4)?p:function(m,v){if(m=l(m),v=u(v,!0),h)try{return p(m,v)}catch{}if(d(m,v))return s(!a.f.call(m,v),m[v])}},function(r,o){},function(r,o,i){i(31)("asyncIterator")},function(r,o,i){i(31)("observable")},function(r,o,i){o.__esModule=!0;var a,s=i(77),l=(a=s)&&a.__esModule?a:{default:a};o.default=l.default||function(u){for(var d=1;d<arguments.length;d++){var h=arguments[d];for(var p in h)Object.prototype.hasOwnProperty.call(h,p)&&(u[p]=h[p])}return u}},function(r,o,i){r.exports={default:i(78),__esModule:!0}},function(r,o,i){i(79),r.exports=i(1).Object.assign},function(r,o,i){var a=i(15);a(a.S+a.F,"Object",{assign:i(80)})},function(r,o,i){var a=i(4),s=i(13),l=i(32),u=i(19),d=i(18),h=i(40),p=Object.assign;r.exports=!p||i(8)(function(){var m={},v={},_=Symbol(),b="abcdefghijklmnopqrst";return m[_]=7,b.split("").forEach(function(E){v[E]=E}),p({},m)[_]!=7||Object.keys(p({},v)).join("")!=b})?function(m,v){for(var _=d(m),b=arguments.length,E=1,w=l.f,k=u.f;b>E;)for(var y,F=h(arguments[E++]),C=w?s(F).concat(w(F)):s(F),A=C.length,P=0;A>P;)y=C[P++],a&&!k.call(F,y)||(_[y]=F[y]);return _}:p},function(r,o,i){o.__esModule=!0;var a=l(i(82)),s=l(i(85));function l(u){return u&&u.__esModule?u:{default:u}}o.default=function(u,d){if(Array.isArray(u))return u;if((0,a.default)(Object(u)))return function(h,p){var m=[],v=!0,_=!1,b=void 0;try{for(var E,w=(0,s.default)(h);!(v=(E=w.next()).done)&&(m.push(E.value),!p||m.length!==p);v=!0);}catch(k){_=!0,b=k}finally{try{!v&&w.return&&w.return()}finally{if(_)throw b}}return m}(u,d);throw new TypeError("Invalid attempt to destructure non-iterable instance")}},function(r,o,i){r.exports={default:i(83),__esModule:!0}},function(r,o,i){i(29),i(20),r.exports=i(84)},function(r,o,i){var a=i(42),s=i(2)("iterator"),l=i(12);r.exports=i(1).isIterable=function(u){var d=Object(u);return d[s]!==void 0||"@@iterator"in d||l.hasOwnProperty(a(d))}},function(r,o,i){r.exports={default:i(86),__esModule:!0}},function(r,o,i){i(29),i(20),r.exports=i(87)},function(r,o,i){var a=i(10),s=i(88);r.exports=i(1).getIterator=function(l){var u=s(l);if(typeof u!="function")throw TypeError(l+" is not iterable!");return a(u.call(l))}},function(r,o,i){var a=i(42),s=i(2)("iterator"),l=i(12);r.exports=i(1).getIteratorMethod=function(u){if(u!=null)return u[s]||u["@@iterator"]||l[a(u)]}},function(r,o,i){r.exports={default:i(90),__esModule:!0}},function(r,o,i){i(91),r.exports=i(1).Object.keys},function(r,o,i){var a=i(18),s=i(13);i(92)("keys",function(){return function(l){return s(a(l))}})},function(r,o,i){var a=i(15),s=i(1),l=i(8);r.exports=function(u,d){var h=(s.Object||{})[u]||Object[u],p={};p[u]=d(h),a(a.S+a.F*l(function(){h(1)}),"Object",p)}},function(r,o,i){(function(a){var s=[["ary",128],["bind",1],["bindKey",2],["curry",8],["curryRight",16],["flip",512],["partial",32],["partialRight",64],["rearg",256]],l=/^\s+|\s+$/g,u=/\{(?:\n\/\* \[wrapped with .+\] \*\/)?\n?/,d=/\{\n\/\* \[wrapped with (.+)\] \*/,h=/,? & /,p=/^[-+]0x[0-9a-f]+$/i,m=/^0b[01]+$/i,v=/^\[object .+?Constructor\]$/,_=/^0o[0-7]+$/i,b=/^(?:0|[1-9]\d*)$/,E=parseInt,w=typeof a=="object"&&a&&a.Object===Object&&a,k=typeof self=="object"&&self&&self.Object===Object&&self,y=w||k||Function("return this")();function F(me,le,ie){switch(ie.length){case 0:return me.call(le);case 1:return me.call(le,ie[0]);case 2:return me.call(le,ie[0],ie[1]);case 3:return me.call(le,ie[0],ie[1],ie[2])}return me.apply(le,ie)}function C(me,le){return!!(me&&me.length)&&function(ie,G,ae){if(G!=G)return function($e,_t,Qe,lt){for(var Kt=$e.length,Pt=Qe+(lt?1:-1);lt?Pt--:++Pt<Kt;)if(_t($e[Pt],Pt,$e))return Pt;return-1}(ie,A,ae);for(var Te=ae-1,Oe=ie.length;++Te<Oe;)if(ie[Te]===G)return Te;return-1}(me,le,0)>-1}function A(me){return me!=me}function P(me,le){for(var ie=me.length,G=0;ie--;)me[ie]===le&&G++;return G}function I(me,le){for(var ie=-1,G=me.length,ae=0,Te=[];++ie<G;){var Oe=me[ie];Oe!==le&&Oe!=="__lodash_placeholder__"||(me[ie]="__lodash_placeholder__",Te[ae++]=ie)}return Te}var j,H,K,U=Function.prototype,pe=Object.prototype,se=y["__core-js_shared__"],J=(j=/[^.]+$/.exec(se&&se.keys&&se.keys.IE_PROTO||""))?"Symbol(src)_1."+j:"",$=U.toString,_e=pe.hasOwnProperty,ve=pe.toString,fe=RegExp("^"+$.call(_e).replace(/[\\^$.*+?()[\]{}|]/g,"\\$&").replace(/hasOwnProperty|(function).*?(?=\\\()| for .+?(?=\\\])/g,"$1.*?")+"$"),R=Object.create,L=Math.max,Ae=Math.min,Ue=(H=In(Object,"defineProperty"),(K=In.name)&&K.length>2?H:void 0);function Ve(me){return Mn(me)?R(me):{}}function Le(me){return!(!Mn(me)||function(le){return!!J&&J in le}(me))&&(function(le){var ie=Mn(le)?ve.call(le):"";return ie=="[object Function]"||ie=="[object GeneratorFunction]"}(me)||function(le){var ie=!1;if(le!=null&&typeof le.toString!="function")try{ie=!!(le+"")}catch{}return ie}(me)?fe:v).test(function(le){if(le!=null){try{return $.call(le)}catch{}try{return le+""}catch{}}return""}(me))}function st(me,le,ie,G){for(var ae=-1,Te=me.length,Oe=ie.length,$e=-1,_t=le.length,Qe=L(Te-Oe,0),lt=Array(_t+Qe),Kt=!G;++$e<_t;)lt[$e]=le[$e];for(;++ae<Oe;)(Kt||ae<Te)&&(lt[ie[ae]]=me[ae]);for(;Qe--;)lt[$e++]=me[ae++];return lt}function We(me,le,ie,G){for(var ae=-1,Te=me.length,Oe=-1,$e=ie.length,_t=-1,Qe=le.length,lt=L(Te-$e,0),Kt=Array(lt+Qe),Pt=!G;++ae<lt;)Kt[ae]=me[ae];for(var gt=ae;++_t<Qe;)Kt[gt+_t]=le[_t];for(;++Oe<$e;)(Pt||ae<Te)&&(Kt[gt+ie[Oe]]=me[ae++]);return Kt}function rt(me){return function(){var le=arguments;switch(le.length){case 0:return new me;case 1:return new me(le[0]);case 2:return new me(le[0],le[1]);case 3:return new me(le[0],le[1],le[2]);case 4:return new me(le[0],le[1],le[2],le[3]);case 5:return new me(le[0],le[1],le[2],le[3],le[4]);case 6:return new me(le[0],le[1],le[2],le[3],le[4],le[5]);case 7:return new me(le[0],le[1],le[2],le[3],le[4],le[5],le[6])}var ie=Ve(me.prototype),G=me.apply(ie,le);return Mn(G)?G:ie}}function Zt(me,le,ie,G,ae,Te,Oe,$e,_t,Qe){var lt=128&le,Kt=1&le,Pt=2&le,gt=24&le,Ln=512&le,Tn=Pt?void 0:rt(me);return function zr(){for(var wn=arguments.length,kt=Array(wn),nr=wn;nr--;)kt[nr]=arguments[nr];if(gt)var dr=tr(zr),rr=P(kt,dr);if(G&&(kt=st(kt,G,ae,gt)),Te&&(kt=We(kt,Te,Oe,gt)),wn-=rr,gt&&wn<Qe){var to=I(kt,dr);return qn(me,le,Zt,zr.placeholder,ie,kt,to,$e,_t,Qe-wn)}var Fr=Kt?ie:this,_o=Pt?Fr[me]:me;return wn=kt.length,$e?kt=yo(kt,$e):Ln&&wn>1&&kt.reverse(),lt&&_t<wn&&(kt.length=_t),this&&this!==y&&this instanceof zr&&(_o=Tn||rt(_o)),_o.apply(Fr,kt)}}function qn(me,le,ie,G,ae,Te,Oe,$e,_t,Qe){var lt=8≤le|=lt?32:64,4&(le&=~(lt?64:32))||(le&=-4);var Kt=ie(me,le,ae,lt?Te:void 0,lt?Oe:void 0,lt?void 0:Te,lt?void 0:Oe,$e,_t,Qe);return Kt.placeholder=G,Eo(Kt,me,le)}function er(me,le,ie,G,ae,Te,Oe,$e){var _t=2≤if(!_t&&typeof me!="function")throw new TypeError("Expected a function");var Qe=G?G.length:0;if(Qe||(le&=-97,G=ae=void 0),Oe=Oe===void 0?Oe:L(Po(Oe),0),$e=$e===void 0?$e:Po($e),Qe-=ae?ae.length:0,64&le){var lt=G,Kt=ae;G=ae=void 0}var Pt=[me,le,ie,G,ae,lt,Kt,Te,Oe,$e];if(me=Pt[0],le=Pt[1],ie=Pt[2],G=Pt[3],ae=Pt[4],!($e=Pt[9]=Pt[9]==null?_t?0:me.length:L(Pt[9]-Qe,0))&&24&le&&(le&=-25),le&&le!=1)gt=le==8||le==16?function(Ln,Tn,zr){var wn=rt(Ln);return function kt(){for(var nr=arguments.length,dr=Array(nr),rr=nr,to=tr(kt);rr--;)dr[rr]=arguments[rr];var Fr=nr<3&&dr[0]!==to&&dr[nr-1]!==to?[]:I(dr,to);if((nr-=Fr.length)<zr)return qn(Ln,Tn,Zt,kt.placeholder,void 0,dr,Fr,void 0,void 0,zr-nr);var _o=this&&this!==y&&this instanceof kt?wn:Ln;return F(_o,this,dr)}}(me,le,$e):le!=32&&le!=33||ae.length?Zt.apply(void 0,Pt):function(Ln,Tn,zr,wn){var kt=1&Tn,nr=rt(Ln);return function dr(){for(var rr=-1,to=arguments.length,Fr=-1,_o=wn.length,Ia=Array(_o+to),wi=this&&this!==y&&this instanceof dr?nr:Ln;++Fr<_o;)Ia[Fr]=wn[Fr];for(;to--;)Ia[Fr++]=arguments[++rr];return F(wi,kt?zr:this,Ia)}}(me,le,ie,G);else var gt=function(Ln,Tn,zr){var wn=1&Tn,kt=rt(Ln);return function nr(){var dr=this&&this!==y&&this instanceof nr?kt:Ln;return dr.apply(wn?zr:this,arguments)}}(me,le,ie);return Eo(gt,me,le)}function tr(me){return me.placeholder}function In(me,le){var ie=function(G,ae){return G==null?void 0:G[ae]}(me,le);return Le(ie)?ie:void 0}function br(me){var le=me.match(d);return le?le[1].split(h):[]}function Nr(me,le){var ie=le.length,G=ie-1;return le[G]=(ie>1?"& ":"")+le[G],le=le.join(ie>2?", ":" "),me.replace(u,`{
/* [wrapped with `+le+`] */
`)}function an(me,le){return!!(le=le??9007199254740991)&&(typeof me=="number"||b.test(me))&&me>-1&&me%1==0&&me<le}function yo(me,le){for(var ie=me.length,G=Ae(le.length,ie),ae=function(Oe,$e){var _t=-1,Qe=Oe.length;for($e||($e=Array(Qe));++_t<Qe;)$e[_t]=Oe[_t];return $e}(me);G--;){var Te=le[G];me[G]=an(Te,ie)?ae[Te]:void 0}return me}var Eo=Ue?function(me,le,ie){var G,ae=le+"";return Ue(me,"toString",{configurable:!0,enumerable:!1,value:(G=Nr(ae,jr(br(ae),ie)),function(){return G})})}:function(me){return me};function jr(me,le){return function(ie,G){for(var ae=-1,Te=ie?ie.length:0;++ae<Te&&G(ie[ae],ae,ie)!==!1;);}(s,function(ie){var G="_."+ie[0];le&ie[1]&&!C(me,G)&&me.push(G)}),me.sort()}function pn(me,le,ie){var G=er(me,8,void 0,void 0,void 0,void 0,void 0,le=ie?void 0:le);return G.placeholder=pn.placeholder,G}function Mn(me){var le=typeof me;return!!me&&(le=="object"||le=="function")}function mn(me){return me?(me=function(le){if(typeof le=="number")return le;if(function(ae){return typeof ae=="symbol"||function(Te){return!!Te&&typeof Te=="object"}(ae)&&ve.call(ae)=="[object Symbol]"}(le))return NaN;if(Mn(le)){var ie=typeof le.valueOf=="function"?le.valueOf():le;le=Mn(ie)?ie+"":ie}if(typeof le!="string")return le===0?le:+le;le=le.replace(l,"");var G=m.test(le);return G||_.test(le)?E(le.slice(2),G?2:8):p.test(le)?NaN:+le}(me))===1/0||me===-1/0?17976931348623157e292*(me<0?-1:1):me==me?me:0:me===0?me:0}function Po(me){var le=mn(me),ie=le%1;return le==le?ie?le-ie:le:0}pn.placeholder={},r.exports=pn}).call(this,i(43))},function(r,o,i){function a(We){return We&&We.__esModule?We.default:We}o.__esModule=!0;var s=i(95);o.threezerotwofour=a(s);var l=i(96);o.apathy=a(l);var u=i(97);o.ashes=a(u);var d=i(98);o.atelierDune=a(d);var h=i(99);o.atelierForest=a(h);var p=i(100);o.atelierHeath=a(p);var m=i(101);o.atelierLakeside=a(m);var v=i(102);o.atelierSeaside=a(v);var _=i(103);o.bespin=a(_);var b=i(104);o.brewer=a(b);var E=i(105);o.bright=a(E);var w=i(106);o.chalk=a(w);var k=i(107);o.codeschool=a(k);var y=i(108);o.colors=a(y);var F=i(109);o.default=a(F);var C=i(110);o.eighties=a(C);var A=i(111);o.embers=a(A);var P=i(112);o.flat=a(P);var I=i(113);o.google=a(I);var j=i(114);o.grayscale=a(j);var H=i(115);o.greenscreen=a(H);var K=i(116);o.harmonic=a(K);var U=i(117);o.hopscotch=a(U);var pe=i(118);o.isotope=a(pe);var se=i(119);o.marrakesh=a(se);var J=i(120);o.mocha=a(J);var $=i(121);o.monokai=a($);var _e=i(122);o.ocean=a(_e);var ve=i(123);o.paraiso=a(ve);var fe=i(124);o.pop=a(fe);var R=i(125);o.railscasts=a(R);var L=i(126);o.shapeshifter=a(L);var Ae=i(127);o.solarized=a(Ae);var Ue=i(128);o.summerfruit=a(Ue);var Ve=i(129);o.tomorrow=a(Ve);var Le=i(130);o.tube=a(Le);var st=i(131);o.twilight=a(st)},function(r,o,i){o.__esModule=!0,o.default={scheme:"threezerotwofour",author:"jan t. sott (http://github.com/idleberg)",base00:"#090300",base01:"#3a3432",base02:"#4a4543",base03:"#5c5855",base04:"#807d7c",base05:"#a5a2a2",base06:"#d6d5d4",base07:"#f7f7f7",base08:"#db2d20",base09:"#e8bbd0",base0A:"#fded02",base0B:"#01a252",base0C:"#b5e4f4",base0D:"#01a0e4",base0E:"#a16a94",base0F:"#cdab53"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"apathy",author:"jannik siebert (https://github.com/janniks)",base00:"#031A16",base01:"#0B342D",base02:"#184E45",base03:"#2B685E",base04:"#5F9C92",base05:"#81B5AC",base06:"#A7CEC8",base07:"#D2E7E4",base08:"#3E9688",base09:"#3E7996",base0A:"#3E4C96",base0B:"#883E96",base0C:"#963E4C",base0D:"#96883E",base0E:"#4C963E",base0F:"#3E965B"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"ashes",author:"jannik siebert (https://github.com/janniks)",base00:"#1C2023",base01:"#393F45",base02:"#565E65",base03:"#747C84",base04:"#ADB3BA",base05:"#C7CCD1",base06:"#DFE2E5",base07:"#F3F4F5",base08:"#C7AE95",base09:"#C7C795",base0A:"#AEC795",base0B:"#95C7AE",base0C:"#95AEC7",base0D:"#AE95C7",base0E:"#C795AE",base0F:"#C79595"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"atelier dune",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/dune)",base00:"#20201d",base01:"#292824",base02:"#6e6b5e",base03:"#7d7a68",base04:"#999580",base05:"#a6a28c",base06:"#e8e4cf",base07:"#fefbec",base08:"#d73737",base09:"#b65611",base0A:"#cfb017",base0B:"#60ac39",base0C:"#1fad83",base0D:"#6684e1",base0E:"#b854d4",base0F:"#d43552"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"atelier forest",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/forest)",base00:"#1b1918",base01:"#2c2421",base02:"#68615e",base03:"#766e6b",base04:"#9c9491",base05:"#a8a19f",base06:"#e6e2e0",base07:"#f1efee",base08:"#f22c40",base09:"#df5320",base0A:"#d5911a",base0B:"#5ab738",base0C:"#00ad9c",base0D:"#407ee7",base0E:"#6666ea",base0F:"#c33ff3"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"atelier heath",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/heath)",base00:"#1b181b",base01:"#292329",base02:"#695d69",base03:"#776977",base04:"#9e8f9e",base05:"#ab9bab",base06:"#d8cad8",base07:"#f7f3f7",base08:"#ca402b",base09:"#a65926",base0A:"#bb8a35",base0B:"#379a37",base0C:"#159393",base0D:"#516aec",base0E:"#7b59c0",base0F:"#cc33cc"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"atelier lakeside",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/lakeside/)",base00:"#161b1d",base01:"#1f292e",base02:"#516d7b",base03:"#5a7b8c",base04:"#7195a8",base05:"#7ea2b4",base06:"#c1e4f6",base07:"#ebf8ff",base08:"#d22d72",base09:"#935c25",base0A:"#8a8a0f",base0B:"#568c3b",base0C:"#2d8f6f",base0D:"#257fad",base0E:"#5d5db1",base0F:"#b72dd2"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"atelier seaside",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/seaside/)",base00:"#131513",base01:"#242924",base02:"#5e6e5e",base03:"#687d68",base04:"#809980",base05:"#8ca68c",base06:"#cfe8cf",base07:"#f0fff0",base08:"#e6193c",base09:"#87711d",base0A:"#c3c322",base0B:"#29a329",base0C:"#1999b3",base0D:"#3d62f5",base0E:"#ad2bee",base0F:"#e619c3"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"bespin",author:"jan t. sott",base00:"#28211c",base01:"#36312e",base02:"#5e5d5c",base03:"#666666",base04:"#797977",base05:"#8a8986",base06:"#9d9b97",base07:"#baae9e",base08:"#cf6a4c",base09:"#cf7d34",base0A:"#f9ee98",base0B:"#54be0d",base0C:"#afc4db",base0D:"#5ea6ea",base0E:"#9b859d",base0F:"#937121"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"brewer",author:"timothée poisot (http://github.com/tpoisot)",base00:"#0c0d0e",base01:"#2e2f30",base02:"#515253",base03:"#737475",base04:"#959697",base05:"#b7b8b9",base06:"#dadbdc",base07:"#fcfdfe",base08:"#e31a1c",base09:"#e6550d",base0A:"#dca060",base0B:"#31a354",base0C:"#80b1d3",base0D:"#3182bd",base0E:"#756bb1",base0F:"#b15928"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"bright",author:"chris kempson (http://chriskempson.com)",base00:"#000000",base01:"#303030",base02:"#505050",base03:"#b0b0b0",base04:"#d0d0d0",base05:"#e0e0e0",base06:"#f5f5f5",base07:"#ffffff",base08:"#fb0120",base09:"#fc6d24",base0A:"#fda331",base0B:"#a1c659",base0C:"#76c7b7",base0D:"#6fb3d2",base0E:"#d381c3",base0F:"#be643c"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"chalk",author:"chris kempson (http://chriskempson.com)",base00:"#151515",base01:"#202020",base02:"#303030",base03:"#505050",base04:"#b0b0b0",base05:"#d0d0d0",base06:"#e0e0e0",base07:"#f5f5f5",base08:"#fb9fb1",base09:"#eda987",base0A:"#ddb26f",base0B:"#acc267",base0C:"#12cfc0",base0D:"#6fc2ef",base0E:"#e1a3ee",base0F:"#deaf8f"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"codeschool",author:"brettof86",base00:"#232c31",base01:"#1c3657",base02:"#2a343a",base03:"#3f4944",base04:"#84898c",base05:"#9ea7a6",base06:"#a7cfa3",base07:"#b5d8f6",base08:"#2a5491",base09:"#43820d",base0A:"#a03b1e",base0B:"#237986",base0C:"#b02f30",base0D:"#484d79",base0E:"#c59820",base0F:"#c98344"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"colors",author:"mrmrs (http://clrs.cc)",base00:"#111111",base01:"#333333",base02:"#555555",base03:"#777777",base04:"#999999",base05:"#bbbbbb",base06:"#dddddd",base07:"#ffffff",base08:"#ff4136",base09:"#ff851b",base0A:"#ffdc00",base0B:"#2ecc40",base0C:"#7fdbff",base0D:"#0074d9",base0E:"#b10dc9",base0F:"#85144b"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"default",author:"chris kempson (http://chriskempson.com)",base00:"#181818",base01:"#282828",base02:"#383838",base03:"#585858",base04:"#b8b8b8",base05:"#d8d8d8",base06:"#e8e8e8",base07:"#f8f8f8",base08:"#ab4642",base09:"#dc9656",base0A:"#f7ca88",base0B:"#a1b56c",base0C:"#86c1b9",base0D:"#7cafc2",base0E:"#ba8baf",base0F:"#a16946"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"eighties",author:"chris kempson (http://chriskempson.com)",base00:"#2d2d2d",base01:"#393939",base02:"#515151",base03:"#747369",base04:"#a09f93",base05:"#d3d0c8",base06:"#e8e6df",base07:"#f2f0ec",base08:"#f2777a",base09:"#f99157",base0A:"#ffcc66",base0B:"#99cc99",base0C:"#66cccc",base0D:"#6699cc",base0E:"#cc99cc",base0F:"#d27b53"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"embers",author:"jannik siebert (https://github.com/janniks)",base00:"#16130F",base01:"#2C2620",base02:"#433B32",base03:"#5A5047",base04:"#8A8075",base05:"#A39A90",base06:"#BEB6AE",base07:"#DBD6D1",base08:"#826D57",base09:"#828257",base0A:"#6D8257",base0B:"#57826D",base0C:"#576D82",base0D:"#6D5782",base0E:"#82576D",base0F:"#825757"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"flat",author:"chris kempson (http://chriskempson.com)",base00:"#2C3E50",base01:"#34495E",base02:"#7F8C8D",base03:"#95A5A6",base04:"#BDC3C7",base05:"#e0e0e0",base06:"#f5f5f5",base07:"#ECF0F1",base08:"#E74C3C",base09:"#E67E22",base0A:"#F1C40F",base0B:"#2ECC71",base0C:"#1ABC9C",base0D:"#3498DB",base0E:"#9B59B6",base0F:"#be643c"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"google",author:"seth wright (http://sethawright.com)",base00:"#1d1f21",base01:"#282a2e",base02:"#373b41",base03:"#969896",base04:"#b4b7b4",base05:"#c5c8c6",base06:"#e0e0e0",base07:"#ffffff",base08:"#CC342B",base09:"#F96A38",base0A:"#FBA922",base0B:"#198844",base0C:"#3971ED",base0D:"#3971ED",base0E:"#A36AC7",base0F:"#3971ED"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"grayscale",author:"alexandre gavioli (https://github.com/alexx2/)",base00:"#101010",base01:"#252525",base02:"#464646",base03:"#525252",base04:"#ababab",base05:"#b9b9b9",base06:"#e3e3e3",base07:"#f7f7f7",base08:"#7c7c7c",base09:"#999999",base0A:"#a0a0a0",base0B:"#8e8e8e",base0C:"#868686",base0D:"#686868",base0E:"#747474",base0F:"#5e5e5e"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"green screen",author:"chris kempson (http://chriskempson.com)",base00:"#001100",base01:"#003300",base02:"#005500",base03:"#007700",base04:"#009900",base05:"#00bb00",base06:"#00dd00",base07:"#00ff00",base08:"#007700",base09:"#009900",base0A:"#007700",base0B:"#00bb00",base0C:"#005500",base0D:"#009900",base0E:"#00bb00",base0F:"#005500"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"harmonic16",author:"jannik siebert (https://github.com/janniks)",base00:"#0b1c2c",base01:"#223b54",base02:"#405c79",base03:"#627e99",base04:"#aabcce",base05:"#cbd6e2",base06:"#e5ebf1",base07:"#f7f9fb",base08:"#bf8b56",base09:"#bfbf56",base0A:"#8bbf56",base0B:"#56bf8b",base0C:"#568bbf",base0D:"#8b56bf",base0E:"#bf568b",base0F:"#bf5656"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"hopscotch",author:"jan t. sott",base00:"#322931",base01:"#433b42",base02:"#5c545b",base03:"#797379",base04:"#989498",base05:"#b9b5b8",base06:"#d5d3d5",base07:"#ffffff",base08:"#dd464c",base09:"#fd8b19",base0A:"#fdcc59",base0B:"#8fc13e",base0C:"#149b93",base0D:"#1290bf",base0E:"#c85e7c",base0F:"#b33508"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"isotope",author:"jan t. sott",base00:"#000000",base01:"#404040",base02:"#606060",base03:"#808080",base04:"#c0c0c0",base05:"#d0d0d0",base06:"#e0e0e0",base07:"#ffffff",base08:"#ff0000",base09:"#ff9900",base0A:"#ff0099",base0B:"#33ff00",base0C:"#00ffff",base0D:"#0066ff",base0E:"#cc00ff",base0F:"#3300ff"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"marrakesh",author:"alexandre gavioli (http://github.com/alexx2/)",base00:"#201602",base01:"#302e00",base02:"#5f5b17",base03:"#6c6823",base04:"#86813b",base05:"#948e48",base06:"#ccc37a",base07:"#faf0a5",base08:"#c35359",base09:"#b36144",base0A:"#a88339",base0B:"#18974e",base0C:"#75a738",base0D:"#477ca1",base0E:"#8868b3",base0F:"#b3588e"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"mocha",author:"chris kempson (http://chriskempson.com)",base00:"#3B3228",base01:"#534636",base02:"#645240",base03:"#7e705a",base04:"#b8afad",base05:"#d0c8c6",base06:"#e9e1dd",base07:"#f5eeeb",base08:"#cb6077",base09:"#d28b71",base0A:"#f4bc87",base0B:"#beb55b",base0C:"#7bbda4",base0D:"#8ab3b5",base0E:"#a89bb9",base0F:"#bb9584"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"monokai",author:"wimer hazenberg (http://www.monokai.nl)",base00:"#272822",base01:"#383830",base02:"#49483e",base03:"#75715e",base04:"#a59f85",base05:"#f8f8f2",base06:"#f5f4f1",base07:"#f9f8f5",base08:"#f92672",base09:"#fd971f",base0A:"#f4bf75",base0B:"#a6e22e",base0C:"#a1efe4",base0D:"#66d9ef",base0E:"#ae81ff",base0F:"#cc6633"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"ocean",author:"chris kempson (http://chriskempson.com)",base00:"#2b303b",base01:"#343d46",base02:"#4f5b66",base03:"#65737e",base04:"#a7adba",base05:"#c0c5ce",base06:"#dfe1e8",base07:"#eff1f5",base08:"#bf616a",base09:"#d08770",base0A:"#ebcb8b",base0B:"#a3be8c",base0C:"#96b5b4",base0D:"#8fa1b3",base0E:"#b48ead",base0F:"#ab7967"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"paraiso",author:"jan t. sott",base00:"#2f1e2e",base01:"#41323f",base02:"#4f424c",base03:"#776e71",base04:"#8d8687",base05:"#a39e9b",base06:"#b9b6b0",base07:"#e7e9db",base08:"#ef6155",base09:"#f99b15",base0A:"#fec418",base0B:"#48b685",base0C:"#5bc4bf",base0D:"#06b6ef",base0E:"#815ba4",base0F:"#e96ba8"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"pop",author:"chris kempson (http://chriskempson.com)",base00:"#000000",base01:"#202020",base02:"#303030",base03:"#505050",base04:"#b0b0b0",base05:"#d0d0d0",base06:"#e0e0e0",base07:"#ffffff",base08:"#eb008a",base09:"#f29333",base0A:"#f8ca12",base0B:"#37b349",base0C:"#00aabb",base0D:"#0e5a94",base0E:"#b31e8d",base0F:"#7a2d00"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"railscasts",author:"ryan bates (http://railscasts.com)",base00:"#2b2b2b",base01:"#272935",base02:"#3a4055",base03:"#5a647e",base04:"#d4cfc9",base05:"#e6e1dc",base06:"#f4f1ed",base07:"#f9f7f3",base08:"#da4939",base09:"#cc7833",base0A:"#ffc66d",base0B:"#a5c261",base0C:"#519f50",base0D:"#6d9cbe",base0E:"#b6b3eb",base0F:"#bc9458"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"shapeshifter",author:"tyler benziger (http://tybenz.com)",base00:"#000000",base01:"#040404",base02:"#102015",base03:"#343434",base04:"#555555",base05:"#ababab",base06:"#e0e0e0",base07:"#f9f9f9",base08:"#e92f2f",base09:"#e09448",base0A:"#dddd13",base0B:"#0ed839",base0C:"#23edda",base0D:"#3b48e3",base0E:"#f996e2",base0F:"#69542d"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"solarized",author:"ethan schoonover (http://ethanschoonover.com/solarized)",base00:"#002b36",base01:"#073642",base02:"#586e75",base03:"#657b83",base04:"#839496",base05:"#93a1a1",base06:"#eee8d5",base07:"#fdf6e3",base08:"#dc322f",base09:"#cb4b16",base0A:"#b58900",base0B:"#859900",base0C:"#2aa198",base0D:"#268bd2",base0E:"#6c71c4",base0F:"#d33682"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"summerfruit",author:"christopher corley (http://cscorley.github.io/)",base00:"#151515",base01:"#202020",base02:"#303030",base03:"#505050",base04:"#B0B0B0",base05:"#D0D0D0",base06:"#E0E0E0",base07:"#FFFFFF",base08:"#FF0086",base09:"#FD8900",base0A:"#ABA800",base0B:"#00C918",base0C:"#1faaaa",base0D:"#3777E6",base0E:"#AD00A1",base0F:"#cc6633"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"tomorrow",author:"chris kempson (http://chriskempson.com)",base00:"#1d1f21",base01:"#282a2e",base02:"#373b41",base03:"#969896",base04:"#b4b7b4",base05:"#c5c8c6",base06:"#e0e0e0",base07:"#ffffff",base08:"#cc6666",base09:"#de935f",base0A:"#f0c674",base0B:"#b5bd68",base0C:"#8abeb7",base0D:"#81a2be",base0E:"#b294bb",base0F:"#a3685a"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"london tube",author:"jan t. sott",base00:"#231f20",base01:"#1c3f95",base02:"#5a5758",base03:"#737171",base04:"#959ca1",base05:"#d9d8d8",base06:"#e7e7e8",base07:"#ffffff",base08:"#ee2e24",base09:"#f386a1",base0A:"#ffd204",base0B:"#00853e",base0C:"#85cebc",base0D:"#009ddc",base0E:"#98005d",base0F:"#b06110"},r.exports=o.default},function(r,o,i){o.__esModule=!0,o.default={scheme:"twilight",author:"david hart (http://hart-dev.com)",base00:"#1e1e1e",base01:"#323537",base02:"#464b50",base03:"#5f5a60",base04:"#838184",base05:"#a7a7a7",base06:"#c3c3c3",base07:"#ffffff",base08:"#cf6a4c",base09:"#cda869",base0A:"#f9ee98",base0B:"#8f9d6a",base0C:"#afc4db",base0D:"#7587a6",base0E:"#9b859d",base0F:"#9b703f"},r.exports=o.default},function(r,o,i){var a=i(33);function s(l){var u=Math.round(a(l,0,255)).toString(16);return u.length==1?"0"+u:u}r.exports=function(l){var u=l.length===4?s(255*l[3]):"";return"#"+s(l[0])+s(l[1])+s(l[2])+u}},function(r,o,i){var a=i(134),s=i(135),l=i(136),u=i(137),d={"#":s,hsl:function(p){var m=a(p),v=u(m);return m.length===4&&v.push(m[3]),v},rgb:l};function h(p){for(var m in d)if(p.indexOf(m)===0)return d[m](p)}h.rgb=l,h.hsl=a,h.hex=s,r.exports=h},function(r,o,i){var a=i(44),s=i(33);function l(u,d){switch(u=parseFloat(u),d){case 0:return s(u,0,360);case 1:case 2:return s(u,0,100);case 3:return s(u,0,1)}}r.exports=function(u){return a(u).map(l)}},function(r,o){r.exports=function(i){i.length!==4&&i.length!==5||(i=function(l){for(var u="#",d=1;d<l.length;d++){var h=l.charAt(d);u+=h+h}return u}(i));var a=[parseInt(i.substring(1,3),16),parseInt(i.substring(3,5),16),parseInt(i.substring(5,7),16)];if(i.length===9){var s=parseFloat((parseInt(i.substring(7,9),16)/255).toFixed(2));a.push(s)}return a}},function(r,o,i){var a=i(44),s=i(33);function l(u,d){return d<3?u.indexOf("%")!=-1?Math.round(255*s(parseInt(u,10),0,100)/100):s(parseInt(u,10),0,255):s(parseFloat(u),0,1)}r.exports=function(u){return a(u).map(l)}},function(r,o){r.exports=function(i){var a,s,l,u,d,h=i[0]/360,p=i[1]/100,m=i[2]/100;if(p==0)return[d=255*m,d,d];a=2*m-(s=m<.5?m*(1+p):m+p-m*p),u=[0,0,0];for(var v=0;v<3;v++)(l=h+1/3*-(v-1))<0&&l++,l>1&&l--,d=6*l<1?a+6*(s-a)*l:2*l<1?s:3*l<2?a+(s-a)*(2/3-l)*6:a,u[v]=255*d;return u}},function(r,o,i){(function(a){var s=typeof a=="object"&&a&&a.Object===Object&&a,l=typeof self=="object"&&self&&self.Object===Object&&self,u=s||l||Function("return this")();function d(I,j,H){switch(H.length){case 0:return I.call(j);case 1:return I.call(j,H[0]);case 2:return I.call(j,H[0],H[1]);case 3:return I.call(j,H[0],H[1],H[2])}return I.apply(j,H)}function h(I,j){for(var H=-1,K=j.length,U=I.length;++H<K;)I[U+H]=j[H];return I}var p=Object.prototype,m=p.hasOwnProperty,v=p.toString,_=u.Symbol,b=p.propertyIsEnumerable,E=_?_.isConcatSpreadable:void 0,w=Math.max;function k(I){return y(I)||function(j){return function(H){return function(K){return!!K&&typeof K=="object"}(H)&&function(K){return K!=null&&function(U){return typeof U=="number"&&U>-1&&U%1==0&&U<=9007199254740991}(K.length)&&!function(U){var pe=function(se){var J=typeof se;return!!se&&(J=="object"||J=="function")}(U)?v.call(U):"";return pe=="[object Function]"||pe=="[object GeneratorFunction]"}(K)}(H)}(j)&&m.call(j,"callee")&&(!b.call(j,"callee")||v.call(j)=="[object Arguments]")}(I)||!!(E&&I&&I[E])}var y=Array.isArray,F,C,A,P=(C=function(I){var j=(I=function K(U,pe,se,J,$){var _e=-1,ve=U.length;for(se||(se=k),$||($=[]);++_e<ve;){var fe=U[_e];pe>0&&se(fe)?pe>1?K(fe,pe-1,se,J,$):h($,fe):J||($[$.length]=fe)}return $}(I,1)).length,H=j;for(F;H--;)if(typeof I[H]!="function")throw new TypeError("Expected a function");return function(){for(var K=0,U=j?I[K].apply(this,arguments):arguments[0];++K<j;)U=I[K].call(this,U);return U}},A=w(A===void 0?C.length-1:A,0),function(){for(var I=arguments,j=-1,H=w(I.length-A,0),K=Array(H);++j<H;)K[j]=I[A+j];j=-1;for(var U=Array(A+1);++j<A;)U[j]=I[j];return U[A]=K,d(C,this,U)});r.exports=P}).call(this,i(43))},function(r,o,i){Object.defineProperty(o,"__esModule",{value:!0}),o.yuv2rgb=function(a){var s,l,u,d=a[0],h=a[1],p=a[2];return s=1*d+0*h+1.13983*p,l=1*d+-.39465*h+-.5806*p,u=1*d+2.02311*h+0*p,s=Math.min(Math.max(0,s),1),l=Math.min(Math.max(0,l),1),u=Math.min(Math.max(0,u),1),[255*s,255*l,255*u]},o.rgb2yuv=function(a){var s=a[0]/255,l=a[1]/255,u=a[2]/255;return[.299*s+.587*l+.114*u,-.14713*s+-.28886*l+.436*u,.615*s+-.51499*l+-.10001*u]}},function(r,o,i){function a(u,d,h){return d in u?Object.defineProperty(u,d,{value:h,enumerable:!0,configurable:!0,writable:!0}):u[d]=h,u}var s=i(141),l=function(){function u(){a(this,"_callbacks",void 0),a(this,"_isDispatching",void 0),a(this,"_isHandled",void 0),a(this,"_isPending",void 0),a(this,"_lastID",void 0),a(this,"_pendingPayload",void 0),this._callbacks={},this._isDispatching=!1,this._isHandled={},this._isPending={},this._lastID=1}var d=u.prototype;return d.register=function(h){var p="ID_"+this._lastID++;return this._callbacks[p]=h,p},d.unregister=function(h){this._callbacks[h]||s(!1),delete this._callbacks[h]},d.waitFor=function(h){this._isDispatching||s(!1);for(var p=0;p<h.length;p++){var m=h[p];this._isPending[m]?this._isHandled[m]||s(!1):(this._callbacks[m]||s(!1),this._invokeCallback(m))}},d.dispatch=function(h){this._isDispatching&&s(!1),this._startDispatching(h);try{for(var p in this._callbacks)this._isPending[p]||this._invokeCallback(p)}finally{this._stopDispatching()}},d.isDispatching=function(){return this._isDispatching},d._invokeCallback=function(h){this._isPending[h]=!0,this._callbacks[h](this._pendingPayload),this._isHandled[h]=!0},d._startDispatching=function(h){for(var p in this._callbacks)this._isPending[p]=!1,this._isHandled[p]=!1;this._pendingPayload=h,this._isDispatching=!0},d._stopDispatching=function(){delete this._pendingPayload,this._isDispatching=!1},u}();r.exports=l},function(r,o,i){r.exports=function(a,s){for(var l=arguments.length,u=new Array(l>2?l-2:0),d=2;d<l;d++)u[d-2]=arguments[d];if(!a){var h;if(s===void 0)h=new Error("Minified exception occurred; use the non-minified dev environment for the full error message and additional helpful warnings.");else{var p=0;(h=new Error(s.replace(/%s/g,function(){return String(u[p++])}))).name="Invariant Violation"}throw h.framesToPop=1,h}}},function(r,o,i){function a(q,W,O){return W in q?Object.defineProperty(q,W,{value:O,enumerable:!0,configurable:!0,writable:!0}):q[W]=O,q}function s(q,W){var O=Object.keys(q);if(Object.getOwnPropertySymbols){var B=Object.getOwnPropertySymbols(q);W&&(B=B.filter(function(z){return Object.getOwnPropertyDescriptor(q,z).enumerable})),O.push.apply(O,B)}return O}function l(q){for(var W=1;W<arguments.length;W++){var O=arguments[W]!=null?arguments[W]:{};W%2?s(Object(O),!0).forEach(function(B){a(q,B,O[B])}):Object.getOwnPropertyDescriptors?Object.defineProperties(q,Object.getOwnPropertyDescriptors(O)):s(Object(O)).forEach(function(B){Object.defineProperty(q,B,Object.getOwnPropertyDescriptor(O,B))})}return q}function u(q,W){if(!(q instanceof W))throw new TypeError("Cannot call a class as a function")}function d(q,W){for(var O=0;O<W.length;O++){var B=W[O];B.enumerable=B.enumerable||!1,B.configurable=!0,"value"in B&&(B.writable=!0),Object.defineProperty(q,B.key,B)}}function h(q,W,O){return W&&d(q.prototype,W),O&&d(q,O),q}function p(q,W){return(p=Object.setPrototypeOf||function(O,B){return O.__proto__=B,O})(q,W)}function m(q,W){if(typeof W!="function"&&W!==null)throw new TypeError("Super expression must either be null or a function");q.prototype=Object.create(W&&W.prototype,{constructor:{value:q,writable:!0,configurable:!0}}),W&&p(q,W)}function v(q){return(v=Object.setPrototypeOf?Object.getPrototypeOf:function(W){return W.__proto__||Object.getPrototypeOf(W)})(q)}function _(q){return(_=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(W){return typeof W}:function(W){return W&&typeof Symbol=="function"&&W.constructor===Symbol&&W!==Symbol.prototype?"symbol":typeof W})(q)}function b(q){if(q===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return q}function E(q,W){return!W||_(W)!=="object"&&typeof W!="function"?b(q):W}function w(q){var W=function(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Date.prototype.toString.call(Reflect.construct(Date,[],function(){})),!0}catch{return!1}}();return function(){var O,B=v(q);if(W){var z=v(this).constructor;O=Reflect.construct(B,arguments,z)}else O=B.apply(this,arguments);return E(this,O)}}i.r(o);var k=i(0),y=i.n(k);function F(){var q=this.constructor.getDerivedStateFromProps(this.props,this.state);q!=null&&this.setState(q)}function C(q){this.setState(function(W){var O=this.constructor.getDerivedStateFromProps(q,W);return O??null}.bind(this))}function A(q,W){try{var O=this.props,B=this.state;this.props=q,this.state=W,this.__reactInternalSnapshotFlag=!0,this.__reactInternalSnapshot=this.getSnapshotBeforeUpdate(O,B)}finally{this.props=O,this.state=B}}function P(q){var W=q.prototype;if(!W||!W.isReactComponent)throw new Error("Can only polyfill class components");if(typeof q.getDerivedStateFromProps!="function"&&typeof W.getSnapshotBeforeUpdate!="function")return q;var O=null,B=null,z=null;if(typeof W.componentWillMount=="function"?O="componentWillMount":typeof W.UNSAFE_componentWillMount=="function"&&(O="UNSAFE_componentWillMount"),typeof W.componentWillReceiveProps=="function"?B="componentWillReceiveProps":typeof W.UNSAFE_componentWillReceiveProps=="function"&&(B="UNSAFE_componentWillReceiveProps"),typeof W.componentWillUpdate=="function"?z="componentWillUpdate":typeof W.UNSAFE_componentWillUpdate=="function"&&(z="UNSAFE_componentWillUpdate"),O!==null||B!==null||z!==null){var ee=q.displayName||q.name,ue=typeof q.getDerivedStateFromProps=="function"?"getDerivedStateFromProps()":"getSnapshotBeforeUpdate()";throw Error(`Unsafe legacy lifecycles will not be called for components using new component APIs.
`+ee+" uses "+ue+" but also contains the following legacy lifecycles:"+(O!==null?`
`+O:"")+(B!==null?`
`+B:"")+(z!==null?`
`+z:"")+`
The above lifecycles should be removed. Learn more about this warning here:
https://fb.me/react-async-component-lifecycle-hooks`)}if(typeof q.getDerivedStateFromProps=="function"&&(W.componentWillMount=F,W.componentWillReceiveProps=C),typeof W.getSnapshotBeforeUpdate=="function"){if(typeof W.componentDidUpdate!="function")throw new Error("Cannot polyfill getSnapshotBeforeUpdate() for components that do not define componentDidUpdate() on the prototype");W.componentWillUpdate=A;var ce=W.componentDidUpdate;W.componentDidUpdate=function(te,he,Be){var He=this.__reactInternalSnapshotFlag?this.__reactInternalSnapshot:Be;ce.call(this,te,he,He)}}return q}function I(q,W){if(q==null)return{};var O,B,z=function(ue,ce){if(ue==null)return{};var te,he,Be={},He=Object.keys(ue);for(he=0;he<He.length;he++)te=He[he],ce.indexOf(te)>=0||(Be[te]=ue[te]);return Be}(q,W);if(Object.getOwnPropertySymbols){var ee=Object.getOwnPropertySymbols(q);for(B=0;B<ee.length;B++)O=ee[B],W.indexOf(O)>=0||Object.prototype.propertyIsEnumerable.call(q,O)&&(z[O]=q[O])}return z}function j(q){var W=function(O){return{}.toString.call(O).match(/\s([a-zA-Z]+)/)[1].toLowerCase()}(q);return W==="number"&&(W=isNaN(q)?"nan":(0|q)!=q?"float":"integer"),W}F.__suppressDeprecationWarning=!0,C.__suppressDeprecationWarning=!0,A.__suppressDeprecationWarning=!0;var H={scheme:"rjv-default",author:"mac gainor",base00:"rgba(0, 0, 0, 0)",base01:"rgb(245, 245, 245)",base02:"rgb(235, 235, 235)",base03:"#93a1a1",base04:"rgba(0, 0, 0, 0.3)",base05:"#586e75",base06:"#073642",base07:"#002b36",base08:"#d33682",base09:"#cb4b16",base0A:"#dc322f",base0B:"#859900",base0C:"#6c71c4",base0D:"#586e75",base0E:"#2aa198",base0F:"#268bd2"},K={scheme:"rjv-grey",author:"mac gainor",base00:"rgba(1, 1, 1, 0)",base01:"rgba(1, 1, 1, 0.1)",base02:"rgba(0, 0, 0, 0.2)",base03:"rgba(1, 1, 1, 0.3)",base04:"rgba(0, 0, 0, 0.4)",base05:"rgba(1, 1, 1, 0.5)",base06:"rgba(1, 1, 1, 0.6)",base07:"rgba(1, 1, 1, 0.7)",base08:"rgba(1, 1, 1, 0.8)",base09:"rgba(1, 1, 1, 0.8)",base0A:"rgba(1, 1, 1, 0.8)",base0B:"rgba(1, 1, 1, 0.8)",base0C:"rgba(1, 1, 1, 0.8)",base0D:"rgba(1, 1, 1, 0.8)",base0E:"rgba(1, 1, 1, 0.8)",base0F:"rgba(1, 1, 1, 0.8)"},U={white:"#fff",black:"#000",transparent:"rgba(1, 1, 1, 0)",globalFontFamily:"monospace",globalCursor:"default",indentBlockWidth:"5px",braceFontWeight:"bold",braceCursor:"pointer",ellipsisFontSize:"18px",ellipsisLineHeight:"10px",ellipsisCursor:"pointer",keyMargin:"0px 5px",keyLetterSpacing:"0.5px",keyFontStyle:"none",keyBorderRadius:"3px",keyColonWeight:"bold",keyVerticalAlign:"top",keyOpacity:"0.85",keyOpacityHover:"1",keyValPaddingTop:"3px",keyValPaddingBottom:"3px",keyValPaddingRight:"5px",keyValBorderLeft:"1px solid",keyValBorderHover:"2px solid",keyValPaddingHover:"3px 5px 3px 4px",pushedContentMarginLeft:"6px",variableValuePaddingRight:"6px",nullFontSize:"11px",nullFontWeight:"bold",nullPadding:"1px 2px",nullBorderRadius:"3px",nanFontSize:"11px",nanFontWeight:"bold",nanPadding:"1px 2px",nanBorderRadius:"3px",undefinedFontSize:"11px",undefinedFontWeight:"bold",undefinedPadding:"1px 2px",undefinedBorderRadius:"3px",dataTypeFontSize:"11px",dataTypeMarginRight:"4px",datatypeOpacity:"0.8",objectSizeBorderRadius:"3px",objectSizeFontStyle:"italic",objectSizeMargin:"0px 6px 0px 0px",clipboardCursor:"pointer",clipboardCheckMarginLeft:"-12px",metaDataPadding:"0px 0px 0px 10px",arrayGroupMetaPadding:"0px 0px 0px 4px",iconContainerWidth:"17px",tooltipPadding:"4px",editInputMinWidth:"130px",editInputBorderRadius:"2px",editInputPadding:"5px",editInputMarginRight:"4px",editInputFontFamily:"monospace",iconCursor:"pointer",iconFontSize:"15px",iconPaddingRight:"1px",dateValueMarginLeft:"2px",iconMarginRight:"3px",detectedRowPaddingTop:"3px",addKeyCoverBackground:"rgba(255, 255, 255, 0.3)",addKeyCoverPosition:"absolute",addKeyCoverPositionPx:"0px",addKeyModalWidth:"200px",addKeyModalMargin:"auto",addKeyModalPadding:"10px",addKeyModalRadius:"3px"},pe=i(45),se=function(q){var W=function(O){return{backgroundColor:O.base00,ellipsisColor:O.base09,braceColor:O.base07,expandedIcon:O.base0D,collapsedIcon:O.base0E,keyColor:O.base07,arrayKeyColor:O.base0C,objectSize:O.base04,copyToClipboard:O.base0F,copyToClipboardCheck:O.base0D,objectBorder:O.base02,dataTypes:{boolean:O.base0E,date:O.base0D,float:O.base0B,function:O.base0D,integer:O.base0F,string:O.base09,nan:O.base08,null:O.base0A,undefined:O.base05,regexp:O.base0A,background:O.base02},editVariable:{editIcon:O.base0E,cancelIcon:O.base09,removeIcon:O.base09,addIcon:O.base0E,checkIcon:O.base0E,background:O.base01,color:O.base0A,border:O.base07},addKeyModal:{background:O.base05,border:O.base04,color:O.base0A,labelColor:O.base01},validationFailure:{background:O.base09,iconColor:O.base01,fontColor:O.base01}}}(q);return{"app-container":{fontFamily:U.globalFontFamily,cursor:U.globalCursor,backgroundColor:W.backgroundColor,position:"relative"},ellipsis:{display:"inline-block",color:W.ellipsisColor,fontSize:U.ellipsisFontSize,lineHeight:U.ellipsisLineHeight,cursor:U.ellipsisCursor},"brace-row":{display:"inline-block",cursor:"pointer"},brace:{display:"inline-block",cursor:U.braceCursor,fontWeight:U.braceFontWeight,color:W.braceColor},"expanded-icon":{color:W.expandedIcon},"collapsed-icon":{color:W.collapsedIcon},colon:{display:"inline-block",margin:U.keyMargin,color:W.keyColor,verticalAlign:"top"},objectKeyVal:function(O,B){return{style:l({paddingTop:U.keyValPaddingTop,paddingRight:U.keyValPaddingRight,paddingBottom:U.keyValPaddingBottom,borderLeft:U.keyValBorderLeft+" "+W.objectBorder,":hover":{paddingLeft:B.paddingLeft-1+"px",borderLeft:U.keyValBorderHover+" "+W.objectBorder}},B)}},"object-key-val-no-border":{padding:U.keyValPadding},"pushed-content":{marginLeft:U.pushedContentMarginLeft},variableValue:function(O,B){return{style:l({display:"inline-block",paddingRight:U.variableValuePaddingRight,position:"relative"},B)}},"object-name":{display:"inline-block",color:W.keyColor,letterSpacing:U.keyLetterSpacing,fontStyle:U.keyFontStyle,verticalAlign:U.keyVerticalAlign,opacity:U.keyOpacity,":hover":{opacity:U.keyOpacityHover}},"array-key":{display:"inline-block",color:W.arrayKeyColor,letterSpacing:U.keyLetterSpacing,fontStyle:U.keyFontStyle,verticalAlign:U.keyVerticalAlign,opacity:U.keyOpacity,":hover":{opacity:U.keyOpacityHover}},"object-size":{color:W.objectSize,borderRadius:U.objectSizeBorderRadius,fontStyle:U.objectSizeFontStyle,margin:U.objectSizeMargin,cursor:"default"},"data-type-label":{fontSize:U.dataTypeFontSize,marginRight:U.dataTypeMarginRight,opacity:U.datatypeOpacity},boolean:{display:"inline-block",color:W.dataTypes.boolean},date:{display:"inline-block",color:W.dataTypes.date},"date-value":{marginLeft:U.dateValueMarginLeft},float:{display:"inline-block",color:W.dataTypes.float},function:{display:"inline-block",color:W.dataTypes.function,cursor:"pointer",whiteSpace:"pre-line"},"function-value":{fontStyle:"italic"},integer:{display:"inline-block",color:W.dataTypes.integer},string:{display:"inline-block",color:W.dataTypes.string},nan:{display:"inline-block",color:W.dataTypes.nan,fontSize:U.nanFontSize,fontWeight:U.nanFontWeight,backgroundColor:W.dataTypes.background,padding:U.nanPadding,borderRadius:U.nanBorderRadius},null:{display:"inline-block",color:W.dataTypes.null,fontSize:U.nullFontSize,fontWeight:U.nullFontWeight,backgroundColor:W.dataTypes.background,padding:U.nullPadding,borderRadius:U.nullBorderRadius},undefined:{display:"inline-block",color:W.dataTypes.undefined,fontSize:U.undefinedFontSize,padding:U.undefinedPadding,borderRadius:U.undefinedBorderRadius,backgroundColor:W.dataTypes.background},regexp:{display:"inline-block",color:W.dataTypes.regexp},"copy-to-clipboard":{cursor:U.clipboardCursor},"copy-icon":{color:W.copyToClipboard,fontSize:U.iconFontSize,marginRight:U.iconMarginRight,verticalAlign:"top"},"copy-icon-copied":{color:W.copyToClipboardCheck,marginLeft:U.clipboardCheckMarginLeft},"array-group-meta-data":{display:"inline-block",padding:U.arrayGroupMetaPadding},"object-meta-data":{display:"inline-block",padding:U.metaDataPadding},"icon-container":{display:"inline-block",width:U.iconContainerWidth},tooltip:{padding:U.tooltipPadding},removeVarIcon:{verticalAlign:"top",display:"inline-block",color:W.editVariable.removeIcon,cursor:U.iconCursor,fontSize:U.iconFontSize,marginRight:U.iconMarginRight},addVarIcon:{verticalAlign:"top",display:"inline-block",color:W.editVariable.addIcon,cursor:U.iconCursor,fontSize:U.iconFontSize,marginRight:U.iconMarginRight},editVarIcon:{verticalAlign:"top",display:"inline-block",color:W.editVariable.editIcon,cursor:U.iconCursor,fontSize:U.iconFontSize,marginRight:U.iconMarginRight},"edit-icon-container":{display:"inline-block",verticalAlign:"top"},"check-icon":{display:"inline-block",cursor:U.iconCursor,color:W.editVariable.checkIcon,fontSize:U.iconFontSize,paddingRight:U.iconPaddingRight},"cancel-icon":{display:"inline-block",cursor:U.iconCursor,color:W.editVariable.cancelIcon,fontSize:U.iconFontSize,paddingRight:U.iconPaddingRight},"edit-input":{display:"inline-block",minWidth:U.editInputMinWidth,borderRadius:U.editInputBorderRadius,backgroundColor:W.editVariable.background,color:W.editVariable.color,padding:U.editInputPadding,marginRight:U.editInputMarginRight,fontFamily:U.editInputFontFamily},"detected-row":{paddingTop:U.detectedRowPaddingTop},"key-modal-request":{position:U.addKeyCoverPosition,top:U.addKeyCoverPositionPx,left:U.addKeyCoverPositionPx,right:U.addKeyCoverPositionPx,bottom:U.addKeyCoverPositionPx,backgroundColor:U.addKeyCoverBackground},"key-modal":{width:U.addKeyModalWidth,backgroundColor:W.addKeyModal.background,marginLeft:U.addKeyModalMargin,marginRight:U.addKeyModalMargin,padding:U.addKeyModalPadding,borderRadius:U.addKeyModalRadius,marginTop:"15px",position:"relative"},"key-modal-label":{color:W.addKeyModal.labelColor,marginLeft:"2px",marginBottom:"5px",fontSize:"11px"},"key-modal-input-container":{overflow:"hidden"},"key-modal-input":{width:"100%",padding:"3px 6px",fontFamily:"monospace",color:W.addKeyModal.color,border:"none",boxSizing:"border-box",borderRadius:"2px"},"key-modal-cancel":{backgroundColor:W.editVariable.removeIcon,position:"absolute",top:"0px",right:"0px",borderRadius:"0px 3px 0px 3px",cursor:"pointer"},"key-modal-cancel-icon":{color:W.addKeyModal.labelColor,fontSize:U.iconFontSize,transform:"rotate(45deg)"},"key-modal-submit":{color:W.editVariable.addIcon,fontSize:U.iconFontSize,position:"absolute",right:"2px",top:"3px",cursor:"pointer"},"function-ellipsis":{display:"inline-block",color:W.ellipsisColor,fontSize:U.ellipsisFontSize,lineHeight:U.ellipsisLineHeight,cursor:U.ellipsisCursor},"validation-failure":{float:"right",padding:"3px 6px",borderRadius:"2px",cursor:"pointer",color:W.validationFailure.fontColor,backgroundColor:W.validationFailure.background},"validation-failure-label":{marginRight:"6px"},"validation-failure-clear":{position:"relative",verticalAlign:"top",cursor:"pointer",color:W.validationFailure.iconColor,fontSize:U.iconFontSize,transform:"rotate(45deg)"}}};function J(q,W,O){return q||console.error("theme has not been set"),function(B){var z=H;return B!==!1&&B!=="none"||(z=K),Object(pe.createStyling)(se,{defaultBase16:z})(B)}(q)(W,O)}var $=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=(B.rjvId,B.type_name),ee=B.displayDataTypes,ue=B.theme;return ee?y.a.createElement("span",Object.assign({className:"data-type-label"},J(ue,"data-type-label")),z):null}}]),O}(y.a.PureComponent),_e=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props;return y.a.createElement("div",J(B.theme,"boolean"),y.a.createElement($,Object.assign({type_name:"bool"},B)),B.value?"true":"false")}}]),O}(y.a.PureComponent),ve=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props;return y.a.createElement("div",J(B.theme,"date"),y.a.createElement($,Object.assign({type_name:"date"},B)),y.a.createElement("span",Object.assign({className:"date-value"},J(B.theme,"date-value")),B.value.toLocaleTimeString("en-us",{weekday:"short",year:"numeric",month:"short",day:"numeric",hour:"2-digit",minute:"2-digit"})))}}]),O}(y.a.PureComponent),fe=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props;return y.a.createElement("div",J(B.theme,"float"),y.a.createElement($,Object.assign({type_name:"float"},B)),this.props.value)}}]),O}(y.a.PureComponent);function R(q,W){(W==null||W>q.length)&&(W=q.length);for(var O=0,B=new Array(W);O<W;O++)B[O]=q[O];return B}function L(q,W){if(q){if(typeof q=="string")return R(q,W);var O=Object.prototype.toString.call(q).slice(8,-1);return O==="Object"&&q.constructor&&(O=q.constructor.name),O==="Map"||O==="Set"?Array.from(q):O==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(O)?R(q,W):void 0}}function Ae(q,W){var O;if(typeof Symbol>"u"||q[Symbol.iterator]==null){if(Array.isArray(q)||(O=L(q))||W&&q&&typeof q.length=="number"){O&&(q=O);var B=0,z=function(){};return{s:z,n:function(){return B>=q.length?{done:!0}:{done:!1,value:q[B++]}},e:function(te){throw te},f:z}}throw new TypeError(`Invalid attempt to iterate non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}var ee,ue=!0,ce=!1;return{s:function(){O=q[Symbol.iterator]()},n:function(){var te=O.next();return ue=te.done,te},e:function(te){ce=!0,ee=te},f:function(){try{ue||O.return==null||O.return()}finally{if(ce)throw ee}}}}function Ue(q){return function(W){if(Array.isArray(W))return R(W)}(q)||function(W){if(typeof Symbol<"u"&&Symbol.iterator in Object(W))return Array.from(W)}(q)||L(q)||function(){throw new TypeError(`Invalid attempt to spread non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}()}var Ve=i(46),Le=new(i(47)).Dispatcher,st=new(function(q){m(O,q);var W=w(O);function O(){var B;u(this,O);for(var z=arguments.length,ee=new Array(z),ue=0;ue<z;ue++)ee[ue]=arguments[ue];return(B=W.call.apply(W,[this].concat(ee))).objects={},B.set=function(ce,te,he,Be){B.objects[ce]===void 0&&(B.objects[ce]={}),B.objects[ce][te]===void 0&&(B.objects[ce][te]={}),B.objects[ce][te][he]=Be},B.get=function(ce,te,he,Be){return B.objects[ce]===void 0||B.objects[ce][te]===void 0||B.objects[ce][te][he]==null?Be:B.objects[ce][te][he]},B.handleAction=function(ce){var te=ce.rjvId,he=ce.data;switch(ce.name){case"RESET":B.emit("reset-"+te);break;case"VARIABLE_UPDATED":ce.data.updated_src=B.updateSrc(te,he),B.set(te,"action","variable-update",l(l({},he),{},{type:"variable-edited"})),B.emit("variable-update-"+te);break;case"VARIABLE_REMOVED":ce.data.updated_src=B.updateSrc(te,he),B.set(te,"action","variable-update",l(l({},he),{},{type:"variable-removed"})),B.emit("variable-update-"+te);break;case"VARIABLE_ADDED":ce.data.updated_src=B.updateSrc(te,he),B.set(te,"action","variable-update",l(l({},he),{},{type:"variable-added"})),B.emit("variable-update-"+te);break;case"ADD_VARIABLE_KEY_REQUEST":B.set(te,"action","new-key-request",he),B.emit("add-key-request-"+te)}},B.updateSrc=function(ce,te){var he=te.name,Be=te.namespace,He=te.new_value,tt=(te.existing_value,te.variable_removed);Be.shift();var vt,at=B.get(ce,"global","src"),Mt=B.deepCopy(at,Ue(Be)),en=Mt,Xe=Ae(Be);try{for(Xe.s();!(vt=Xe.n()).done;)en=en[vt.value]}catch(Vt){Xe.e(Vt)}finally{Xe.f()}return tt?j(en)=="array"?en.splice(he,1):delete en[he]:he!==null?en[he]=He:Mt=He,B.set(ce,"global","src",Mt),Mt},B.deepCopy=function(ce,te){var he,Be=j(ce),He=te.shift();return Be=="array"?he=Ue(ce):Be=="object"&&(he=l({},ce)),He!==void 0&&(he[He]=B.deepCopy(ce[He],te)),he},B}return O}(Ve.EventEmitter));Le.register(st.handleAction.bind(st));var We=st,rt=function(q){m(O,q);var W=w(O);function O(B){var z;return u(this,O),(z=W.call(this,B)).toggleCollapsed=function(){z.setState({collapsed:!z.state.collapsed},function(){We.set(z.props.rjvId,z.props.namespace,"collapsed",z.state.collapsed)})},z.getFunctionDisplay=function(ee){var ue=b(z).props;return ee?y.a.createElement("span",null,z.props.value.toString().slice(9,-1).replace(/\{[\s\S]+/,""),y.a.createElement("span",{className:"function-collapsed",style:{fontWeight:"bold"}},y.a.createElement("span",null,"{"),y.a.createElement("span",J(ue.theme,"ellipsis"),"..."),y.a.createElement("span",null,"}"))):z.props.value.toString().slice(9,-1)},z.state={collapsed:We.get(B.rjvId,B.namespace,"collapsed",!0)},z}return h(O,[{key:"render",value:function(){var B=this.props,z=this.state.collapsed;return y.a.createElement("div",J(B.theme,"function"),y.a.createElement($,Object.assign({type_name:"function"},B)),y.a.createElement("span",Object.assign({},J(B.theme,"function-value"),{className:"rjv-function-container",onClick:this.toggleCollapsed}),this.getFunctionDisplay(z)))}}]),O}(y.a.PureComponent),Zt=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){return y.a.createElement("div",J(this.props.theme,"nan"),"NaN")}}]),O}(y.a.PureComponent),qn=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){return y.a.createElement("div",J(this.props.theme,"null"),"NULL")}}]),O}(y.a.PureComponent),er=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props;return y.a.createElement("div",J(B.theme,"integer"),y.a.createElement($,Object.assign({type_name:"int"},B)),this.props.value)}}]),O}(y.a.PureComponent),tr=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props;return y.a.createElement("div",J(B.theme,"regexp"),y.a.createElement($,Object.assign({type_name:"regexp"},B)),this.props.value.toString())}}]),O}(y.a.PureComponent),In=function(q){m(O,q);var W=w(O);function O(B){var z;return u(this,O),(z=W.call(this,B)).toggleCollapsed=function(){z.setState({collapsed:!z.state.collapsed},function(){We.set(z.props.rjvId,z.props.namespace,"collapsed",z.state.collapsed)})},z.state={collapsed:We.get(B.rjvId,B.namespace,"collapsed",!0)},z}return h(O,[{key:"render",value:function(){this.state.collapsed;var B=this.props,z=B.collapseStringsAfterLength,ee=B.theme,ue=B.value,ce={style:{cursor:"default"}};return j(z)==="integer"&&ue.length>z&&(ce.style.cursor="pointer",this.state.collapsed&&(ue=y.a.createElement("span",null,ue.substring(0,z),y.a.createElement("span",J(ee,"ellipsis")," ...")))),y.a.createElement("div",J(ee,"string"),y.a.createElement($,Object.assign({type_name:"string"},B)),y.a.createElement("span",Object.assign({className:"string-value"},ce,{onClick:this.toggleCollapsed}),'"',ue,'"'))}}]),O}(y.a.PureComponent),br=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){return y.a.createElement("div",J(this.props.theme,"undefined"),"undefined")}}]),O}(y.a.PureComponent);function Nr(){return(Nr=Object.assign||function(q){for(var W=1;W<arguments.length;W++){var O=arguments[W];for(var B in O)Object.prototype.hasOwnProperty.call(O,B)&&(q[B]=O[B])}return q}).apply(this,arguments)}var an=k.useLayoutEffect,yo=function(q){var W=Object(k.useRef)(q);return an(function(){W.current=q}),W},Eo=function(q,W){typeof q!="function"?q.current=W:q(W)},jr=function(q,W){var O=Object(k.useRef)();return Object(k.useCallback)(function(B){q.current=B,O.current&&Eo(O.current,null),O.current=W,W&&Eo(W,B)},[W])},pn={"min-height":"0","max-height":"none",height:"0",visibility:"hidden",overflow:"hidden",position:"absolute","z-index":"-1000",top:"0",right:"0"},Mn=function(q){Object.keys(pn).forEach(function(W){q.style.setProperty(W,pn[W],"important")})},mn=null,Po=function(){},me=["borderBottomWidth","borderLeftWidth","borderRightWidth","borderTopWidth","boxSizing","fontFamily","fontSize","fontStyle","fontWeight","letterSpacing","lineHeight","paddingBottom","paddingLeft","paddingRight","paddingTop","tabSize","textIndent","textRendering","textTransform","width"],le=!!document.documentElement.currentStyle,ie=function(q,W){var O=q.cacheMeasurements,B=q.maxRows,z=q.minRows,ee=q.onChange,ue=ee===void 0?Po:ee,ce=q.onHeightChange,te=ce===void 0?Po:ce,he=function(Xe,Vt){if(Xe==null)return{};var Hr,ri,_s={},oi=Object.keys(Xe);for(ri=0;ri<oi.length;ri++)Hr=oi[ri],Vt.indexOf(Hr)>=0||(_s[Hr]=Xe[Hr]);return _s}(q,["cacheMeasurements","maxRows","minRows","onChange","onHeightChange"]),Be,He=he.value!==void 0,tt=Object(k.useRef)(null),vt=jr(tt,W),at=Object(k.useRef)(0),Mt=Object(k.useRef)(),en=function(){var Xe=tt.current,Vt=O&&Mt.current?Mt.current:function(oi){var Hu=window.getComputedStyle(oi);if(Hu===null)return null;var Ts,yr=(Ts=Hu,me.reduce(function(Uu,ws){return Uu[ws]=Ts[ws],Uu},{})),Ba=yr.boxSizing;return Ba===""?null:(le&&Ba==="border-box"&&(yr.width=parseFloat(yr.width)+parseFloat(yr.borderRightWidth)+parseFloat(yr.borderLeftWidth)+parseFloat(yr.paddingRight)+parseFloat(yr.paddingLeft)+"px"),{sizingStyle:yr,paddingSize:parseFloat(yr.paddingBottom)+parseFloat(yr.paddingTop),borderSize:parseFloat(yr.borderBottomWidth)+parseFloat(yr.borderTopWidth)})}(Xe);if(Vt){Mt.current=Vt;var Hr=function(oi,Hu,Ts,yr){Ts===void 0&&(Ts=1),yr===void 0&&(yr=1/0),mn||((mn=document.createElement("textarea")).setAttribute("tab-index","-1"),mn.setAttribute("aria-hidden","true"),Mn(mn)),mn.parentNode===null&&document.body.appendChild(mn);var Ba=oi.paddingSize,Uu=oi.borderSize,ws=oi.sizingStyle,qu=ws.boxSizing;Object.keys(ws).forEach(function(Wu){var kl=Wu;mn.style[kl]=ws[kl]}),Mn(mn),mn.value=Hu;var $u=function(Wu,kl){var w1=Wu.scrollHeight;return kl.sizingStyle.boxSizing==="border-box"?w1+kl.borderSize:w1-kl.paddingSize}(mn,oi);mn.value="x";var T1=mn.scrollHeight-Ba,Jc=T1*Ts;qu==="border-box"&&(Jc=Jc+Ba+Uu),$u=Math.max(Jc,$u);var ef=T1*yr;return qu==="border-box"&&(ef=ef+Ba+Uu),[$u=Math.min(ef,$u),T1]}(Vt,Xe.value||Xe.placeholder||"x",z,B),ri=Hr[0],_s=Hr[1];at.current!==ri&&(at.current=ri,Xe.style.setProperty("height",ri+"px","important"),te(ri,{rowHeight:_s}))}};return Object(k.useLayoutEffect)(en),Be=yo(en),Object(k.useLayoutEffect)(function(){var Xe=function(Vt){Be.current(Vt)};return window.addEventListener("resize",Xe),function(){window.removeEventListener("resize",Xe)}},[]),Object(k.createElement)("textarea",Nr({},he,{onChange:function(Xe){He||en(),ue(Xe)},ref:vt}))},G=Object(k.forwardRef)(ie);function ae(q){q=q.trim();try{if((q=JSON.stringify(JSON.parse(q)))[0]==="[")return Te("array",JSON.parse(q));if(q[0]==="{")return Te("object",JSON.parse(q));if(q.match(/\-?\d+\.\d+/)&&q.match(/\-?\d+\.\d+/)[0]===q)return Te("float",parseFloat(q));if(q.match(/\-?\d+e-\d+/)&&q.match(/\-?\d+e-\d+/)[0]===q)return Te("float",Number(q));if(q.match(/\-?\d+/)&&q.match(/\-?\d+/)[0]===q)return Te("integer",parseInt(q));if(q.match(/\-?\d+e\+\d+/)&&q.match(/\-?\d+e\+\d+/)[0]===q)return Te("integer",Number(q))}catch{}switch(q=q.toLowerCase()){case"undefined":return Te("undefined",void 0);case"nan":return Te("nan",NaN);case"null":return Te("null",null);case"true":return Te("boolean",!0);case"false":return Te("boolean",!1);default:if(q=Date.parse(q))return Te("date",new Date(q))}return Te(!1,null)}function Te(q,W){return{type:q,value:W}}var Oe=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",Object.assign({},kt(z),{viewBox:"0 0 24 24",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),y.a.createElement("path",{d:"M12,20C7.59,20 4,16.41 4,12C4,7.59 7.59,4 12,4C16.41,4 20,7.59 20,12C20,16.41 16.41,20 12,20M12,2A10,10 0 0,0 2,12A10,10 0 0,0 12,22A10,10 0 0,0 22,12A10,10 0 0,0 12,2M7,13H17V11H7"})))}}]),O}(y.a.PureComponent),$e=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",Object.assign({},kt(z),{viewBox:"0 0 24 24",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),y.a.createElement("path",{d:"M12,20C7.59,20 4,16.41 4,12C4,7.59 7.59,4 12,4C16.41,4 20,7.59 20,12C20,16.41 16.41,20 12,20M12,2A10,10 0 0,0 2,12A10,10 0 0,0 12,22A10,10 0 0,0 22,12A10,10 0 0,0 12,2M13,7H11V11H7V13H11V17H13V13H17V11H13V7Z"})))}}]),O}(y.a.PureComponent),_t=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]),ue=kt(z).style;return y.a.createElement("span",ee,y.a.createElement("svg",{fill:ue.color,width:ue.height,height:ue.width,style:ue,viewBox:"0 0 1792 1792"},y.a.createElement("path",{d:"M1344 800v64q0 14-9 23t-23 9h-832q-14 0-23-9t-9-23v-64q0-14 9-23t23-9h832q14 0 23 9t9 23zm128 448v-832q0-66-47-113t-113-47h-832q-66 0-113 47t-47 113v832q0 66 47 113t113 47h832q66 0 113-47t47-113zm128-832v832q0 119-84.5 203.5t-203.5 84.5h-832q-119 0-203.5-84.5t-84.5-203.5v-832q0-119 84.5-203.5t203.5-84.5h832q119 0 203.5 84.5t84.5 203.5z"})))}}]),O}(y.a.PureComponent),Qe=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]),ue=kt(z).style;return y.a.createElement("span",ee,y.a.createElement("svg",{fill:ue.color,width:ue.height,height:ue.width,style:ue,viewBox:"0 0 1792 1792"},y.a.createElement("path",{d:"M1344 800v64q0 14-9 23t-23 9h-352v352q0 14-9 23t-23 9h-64q-14 0-23-9t-9-23v-352h-352q-14 0-23-9t-9-23v-64q0-14 9-23t23-9h352v-352q0-14 9-23t23-9h64q14 0 23 9t9 23v352h352q14 0 23 9t9 23zm128 448v-832q0-66-47-113t-113-47h-832q-66 0-113 47t-47 113v832q0 66 47 113t113 47h832q66 0 113-47t47-113zm128-832v832q0 119-84.5 203.5t-203.5 84.5h-832q-119 0-203.5-84.5t-84.5-203.5v-832q0-119 84.5-203.5t203.5-84.5h832q119 0 203.5 84.5t84.5 203.5z"})))}}]),O}(y.a.PureComponent),lt=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",{style:l(l({},kt(z).style),{},{paddingLeft:"2px",verticalAlign:"top"}),viewBox:"0 0 15 15",fill:"currentColor"},y.a.createElement("path",{d:"M0 14l6-6-6-6z"})))}}]),O}(y.a.PureComponent),Kt=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",{style:l(l({},kt(z).style),{},{paddingLeft:"2px",verticalAlign:"top"}),viewBox:"0 0 15 15",fill:"currentColor"},y.a.createElement("path",{d:"M0 5l6 6 6-6z"})))}}]),O}(y.a.PureComponent),Pt=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",Object.assign({},kt(z),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),y.a.createElement("g",null,y.a.createElement("path",{d:"m30 35h-25v-22.5h25v7.5h2.5v-12.5c0-1.4-1.1-2.5-2.5-2.5h-7.5c0-2.8-2.2-5-5-5s-5 2.2-5 5h-7.5c-1.4 0-2.5 1.1-2.5 2.5v27.5c0 1.4 1.1 2.5 2.5 2.5h25c1.4 0 2.5-1.1 2.5-2.5v-5h-2.5v5z m-20-27.5h2.5s2.5-1.1 2.5-2.5 1.1-2.5 2.5-2.5 2.5 1.1 2.5 2.5 1.3 2.5 2.5 2.5h2.5s2.5 1.1 2.5 2.5h-20c0-1.5 1.1-2.5 2.5-2.5z m-2.5 20h5v-2.5h-5v2.5z m17.5-5v-5l-10 7.5 10 7.5v-5h12.5v-5h-12.5z m-17.5 10h7.5v-2.5h-7.5v2.5z m12.5-17.5h-12.5v2.5h12.5v-2.5z m-7.5 5h-5v2.5h5v-2.5z"}))))}}]),O}(y.a.PureComponent),gt=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",Object.assign({},kt(z),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),y.a.createElement("g",null,y.a.createElement("path",{d:"m28.6 25q0-0.5-0.4-1l-4-4 4-4q0.4-0.5 0.4-1 0-0.6-0.4-1.1l-2-2q-0.4-0.4-1-0.4-0.6 0-1 0.4l-4.1 4.1-4-4.1q-0.4-0.4-1-0.4-0.6 0-1 0.4l-2 2q-0.5 0.5-0.5 1.1 0 0.5 0.5 1l4 4-4 4q-0.5 0.5-0.5 1 0 0.7 0.5 1.1l2 2q0.4 0.4 1 0.4 0.6 0 1-0.4l4-4.1 4.1 4.1q0.4 0.4 1 0.4 0.6 0 1-0.4l2-2q0.4-0.4 0.4-1z m8.7-5q0 4.7-2.3 8.6t-6.3 6.2-8.6 2.3-8.6-2.3-6.2-6.2-2.3-8.6 2.3-8.6 6.2-6.2 8.6-2.3 8.6 2.3 6.3 6.2 2.3 8.6z"}))))}}]),O}(y.a.PureComponent),Ln=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",Object.assign({},kt(z),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),y.a.createElement("g",null,y.a.createElement("path",{d:"m30.1 21.4v-2.8q0-0.6-0.4-1t-1-0.5h-5.7v-5.7q0-0.6-0.4-1t-1-0.4h-2.9q-0.6 0-1 0.4t-0.4 1v5.7h-5.7q-0.6 0-1 0.5t-0.5 1v2.8q0 0.6 0.5 1t1 0.5h5.7v5.7q0 0.5 0.4 1t1 0.4h2.9q0.6 0 1-0.4t0.4-1v-5.7h5.7q0.6 0 1-0.5t0.4-1z m7.2-1.4q0 4.7-2.3 8.6t-6.3 6.2-8.6 2.3-8.6-2.3-6.2-6.2-2.3-8.6 2.3-8.6 6.2-6.2 8.6-2.3 8.6 2.3 6.3 6.2 2.3 8.6z"}))))}}]),O}(y.a.PureComponent),Tn=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",Object.assign({},kt(z),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),y.a.createElement("g",null,y.a.createElement("path",{d:"m31.6 21.6h-10v10h-3.2v-10h-10v-3.2h10v-10h3.2v10h10v3.2z"}))))}}]),O}(y.a.PureComponent),zr=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",Object.assign({},kt(z),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),y.a.createElement("g",null,y.a.createElement("path",{d:"m19.8 26.4l2.6-2.6-3.4-3.4-2.6 2.6v1.3h2.2v2.1h1.2z m9.8-16q-0.3-0.4-0.7 0l-7.8 7.8q-0.4 0.4 0 0.7t0.7 0l7.8-7.8q0.4-0.4 0-0.7z m1.8 13.2v4.3q0 2.6-1.9 4.5t-4.5 1.9h-18.6q-2.6 0-4.5-1.9t-1.9-4.5v-18.6q0-2.7 1.9-4.6t4.5-1.8h18.6q1.4 0 2.6 0.5 0.3 0.2 0.4 0.5 0.1 0.4-0.2 0.7l-1.1 1.1q-0.3 0.3-0.7 0.1-0.5-0.1-1-0.1h-18.6q-1.4 0-2.5 1.1t-1 2.5v18.6q0 1.4 1 2.5t2.5 1h18.6q1.5 0 2.5-1t1.1-2.5v-2.9q0-0.2 0.2-0.4l1.4-1.5q0.3-0.3 0.8-0.1t0.4 0.6z m-2.1-16.5l6.4 6.5-15 15h-6.4v-6.5z m9.9 3l-2.1 2-6.4-6.4 2.1-2q0.6-0.7 1.5-0.7t1.5 0.7l3.4 3.4q0.6 0.6 0.6 1.5t-0.6 1.5z"}))))}}]),O}(y.a.PureComponent),wn=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.style,ee=I(B,["style"]);return y.a.createElement("span",ee,y.a.createElement("svg",Object.assign({},kt(z),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),y.a.createElement("g",null,y.a.createElement("path",{d:"m31.7 16.4q0-0.6-0.4-1l-2.1-2.1q-0.4-0.4-1-0.4t-1 0.4l-9.1 9.1-5-5q-0.5-0.4-1-0.4t-1 0.4l-2.1 2q-0.4 0.4-0.4 1 0 0.6 0.4 1l8.1 8.1q0.4 0.4 1 0.4 0.6 0 1-0.4l12.2-12.1q0.4-0.4 0.4-1z m5.6 3.6q0 4.7-2.3 8.6t-6.3 6.2-8.6 2.3-8.6-2.3-6.2-6.2-2.3-8.6 2.3-8.6 6.2-6.2 8.6-2.3 8.6 2.3 6.3 6.2 2.3 8.6z"}))))}}]),O}(y.a.PureComponent);function kt(q){return q||(q={}),{style:l(l({verticalAlign:"middle"},q),{},{color:q.color?q.color:"#000000",height:"1em",width:"1em"})}}var nr=function(q){m(O,q);var W=w(O);function O(B){var z;return u(this,O),(z=W.call(this,B)).copiedTimer=null,z.handleCopy=function(){var ee=document.createElement("textarea"),ue=z.props,ce=ue.clickCallback,te=ue.src,he=ue.namespace;ee.innerHTML=JSON.stringify(z.clipboardValue(te),null," "),document.body.appendChild(ee),ee.select(),document.execCommand("copy"),document.body.removeChild(ee),z.copiedTimer=setTimeout(function(){z.setState({copied:!1})},5500),z.setState({copied:!0},function(){typeof ce=="function"&&ce({src:te,namespace:he,name:he[he.length-1]})})},z.getClippyIcon=function(){var ee=z.props.theme;return z.state.copied?y.a.createElement("span",null,y.a.createElement(Pt,Object.assign({className:"copy-icon"},J(ee,"copy-icon"))),y.a.createElement("span",J(ee,"copy-icon-copied"),"✔")):y.a.createElement(Pt,Object.assign({className:"copy-icon"},J(ee,"copy-icon")))},z.clipboardValue=function(ee){switch(j(ee)){case"function":case"regexp":return ee.toString();default:return ee}},z.state={copied:!1},z}return h(O,[{key:"componentWillUnmount",value:function(){this.copiedTimer&&(clearTimeout(this.copiedTimer),this.copiedTimer=null)}},{key:"render",value:function(){var B=this.props,z=(B.src,B.theme),ee=B.hidden,ue=B.rowHovered,ce=J(z,"copy-to-clipboard").style,te="inline";return ee&&(te="none"),y.a.createElement("span",{className:"copy-to-clipboard-container",title:"Copy to clipboard",style:{verticalAlign:"top",display:ue?"inline-block":"none"}},y.a.createElement("span",{style:l(l({},ce),{},{display:te}),onClick:this.handleCopy},this.getClippyIcon()))}}]),O}(y.a.PureComponent),dr=function(q){m(O,q);var W=w(O);function O(B){var z;return u(this,O),(z=W.call(this,B)).getEditIcon=function(){var ee=z.props,ue=ee.variable,ce=ee.theme;return y.a.createElement("div",{className:"click-to-edit",style:{verticalAlign:"top",display:z.state.hovered?"inline-block":"none"}},y.a.createElement(zr,Object.assign({className:"click-to-edit-icon"},J(ce,"editVarIcon"),{onClick:function(){z.prepopInput(ue)}})))},z.prepopInput=function(ee){if(z.props.onEdit!==!1){var ue=function(te){var he;switch(j(te)){case"undefined":he="undefined";break;case"nan":he="NaN";break;case"string":he=te;break;case"date":case"function":case"regexp":he=te.toString();break;default:try{he=JSON.stringify(te,null," ")}catch{he=""}}return he}(ee.value),ce=ae(ue);z.setState({editMode:!0,editValue:ue,parsedInput:{type:ce.type,value:ce.value}})}},z.getRemoveIcon=function(){var ee=z.props,ue=ee.variable,ce=ee.namespace,te=ee.theme,he=ee.rjvId;return y.a.createElement("div",{className:"click-to-remove",style:{verticalAlign:"top",display:z.state.hovered?"inline-block":"none"}},y.a.createElement(gt,Object.assign({className:"click-to-remove-icon"},J(te,"removeVarIcon"),{onClick:function(){Le.dispatch({name:"VARIABLE_REMOVED",rjvId:he,data:{name:ue.name,namespace:ce,existing_value:ue.value,variable_removed:!0}})}})))},z.getValue=function(ee,ue){var ce=!ue&&ee.type,te=b(z).props;switch(ce){case!1:return z.getEditInput();case"string":return y.a.createElement(In,Object.assign({value:ee.value},te));case"integer":return y.a.createElement(er,Object.assign({value:ee.value},te));case"float":return y.a.createElement(fe,Object.assign({value:ee.value},te));case"boolean":return y.a.createElement(_e,Object.assign({value:ee.value},te));case"function":return y.a.createElement(rt,Object.assign({value:ee.value},te));case"null":return y.a.createElement(qn,te);case"nan":return y.a.createElement(Zt,te);case"undefined":return y.a.createElement(br,te);case"date":return y.a.createElement(ve,Object.assign({value:ee.value},te));case"regexp":return y.a.createElement(tr,Object.assign({value:ee.value},te));default:return y.a.createElement("div",{className:"object-value"},JSON.stringify(ee.value))}},z.getEditInput=function(){var ee=z.props.theme,ue=z.state.editValue;return y.a.createElement("div",null,y.a.createElement(G,Object.assign({type:"text",inputRef:function(ce){return ce&&ce.focus()},value:ue,className:"variable-editor",onChange:function(ce){var te=ce.target.value,he=ae(te);z.setState({editValue:te,parsedInput:{type:he.type,value:he.value}})},onKeyDown:function(ce){switch(ce.key){case"Escape":z.setState({editMode:!1,editValue:""});break;case"Enter":(ce.ctrlKey||ce.metaKey)&&z.submitEdit(!0)}ce.stopPropagation()},placeholder:"update this value",minRows:2},J(ee,"edit-input"))),y.a.createElement("div",J(ee,"edit-icon-container"),y.a.createElement(gt,Object.assign({className:"edit-cancel"},J(ee,"cancel-icon"),{onClick:function(){z.setState({editMode:!1,editValue:""})}})),y.a.createElement(wn,Object.assign({className:"edit-check string-value"},J(ee,"check-icon"),{onClick:function(){z.submitEdit()}})),y.a.createElement("div",null,z.showDetected())))},z.submitEdit=function(ee){var ue=z.props,ce=ue.variable,te=ue.namespace,he=ue.rjvId,Be=z.state,He=Be.editValue,tt=Be.parsedInput,vt=He;ee&&tt.type&&(vt=tt.value),z.setState({editMode:!1}),Le.dispatch({name:"VARIABLE_UPDATED",rjvId:he,data:{name:ce.name,namespace:te,existing_value:ce.value,new_value:vt,variable_removed:!1}})},z.showDetected=function(){var ee=z.props,ue=ee.theme,ce=(ee.variable,ee.namespace,ee.rjvId,z.state.parsedInput),te=(ce.type,ce.value,z.getDetectedInput());if(te)return y.a.createElement("div",null,y.a.createElement("div",J(ue,"detected-row"),te,y.a.createElement(wn,{className:"edit-check detected",style:l({verticalAlign:"top",paddingLeft:"3px"},J(ue,"check-icon").style),onClick:function(){z.submitEdit(!0)}})))},z.getDetectedInput=function(){var ee=z.state.parsedInput,ue=ee.type,ce=ee.value,te=b(z).props,he=te.theme;if(ue!==!1)switch(ue.toLowerCase()){case"object":return y.a.createElement("span",null,y.a.createElement("span",{style:l(l({},J(he,"brace").style),{},{cursor:"default"})},"{"),y.a.createElement("span",{style:l(l({},J(he,"ellipsis").style),{},{cursor:"default"})},"..."),y.a.createElement("span",{style:l(l({},J(he,"brace").style),{},{cursor:"default"})},"}"));case"array":return y.a.createElement("span",null,y.a.createElement("span",{style:l(l({},J(he,"brace").style),{},{cursor:"default"})},"["),y.a.createElement("span",{style:l(l({},J(he,"ellipsis").style),{},{cursor:"default"})},"..."),y.a.createElement("span",{style:l(l({},J(he,"brace").style),{},{cursor:"default"})},"]"));case"string":return y.a.createElement(In,Object.assign({value:ce},te));case"integer":return y.a.createElement(er,Object.assign({value:ce},te));case"float":return y.a.createElement(fe,Object.assign({value:ce},te));case"boolean":return y.a.createElement(_e,Object.assign({value:ce},te));case"function":return y.a.createElement(rt,Object.assign({value:ce},te));case"null":return y.a.createElement(qn,te);case"nan":return y.a.createElement(Zt,te);case"undefined":return y.a.createElement(br,te);case"date":return y.a.createElement(ve,Object.assign({value:new Date(ce)},te))}},z.state={editMode:!1,editValue:"",hovered:!1,renameKey:!1,parsedInput:{type:!1,value:null}},z}return h(O,[{key:"render",value:function(){var B=this,z=this.props,ee=z.variable,ue=z.singleIndent,ce=z.type,te=z.theme,he=z.namespace,Be=z.indentWidth,He=z.enableClipboard,tt=z.onEdit,vt=z.onDelete,at=z.onSelect,Mt=z.displayArrayKey,en=z.quotesOnKeys,Xe=this.state.editMode;return y.a.createElement("div",Object.assign({},J(te,"objectKeyVal",{paddingLeft:Be*ue}),{onMouseEnter:function(){return B.setState(l(l({},B.state),{},{hovered:!0}))},onMouseLeave:function(){return B.setState(l(l({},B.state),{},{hovered:!1}))},className:"variable-row",key:ee.name}),ce=="array"?Mt?y.a.createElement("span",Object.assign({},J(te,"array-key"),{key:ee.name+"_"+he}),ee.name,y.a.createElement("div",J(te,"colon"),":")):null:y.a.createElement("span",null,y.a.createElement("span",Object.assign({},J(te,"object-name"),{className:"object-key",key:ee.name+"_"+he}),!!en&&y.a.createElement("span",{style:{verticalAlign:"top"}},'"'),y.a.createElement("span",{style:{display:"inline-block"}},ee.name),!!en&&y.a.createElement("span",{style:{verticalAlign:"top"}},'"')),y.a.createElement("span",J(te,"colon"),":")),y.a.createElement("div",Object.assign({className:"variable-value",onClick:at===!1&&tt===!1?null:function(Vt){var Hr=Ue(he);(Vt.ctrlKey||Vt.metaKey)&&tt!==!1?B.prepopInput(ee):at!==!1&&(Hr.shift(),at(l(l({},ee),{},{namespace:Hr})))}},J(te,"variableValue",{cursor:at===!1?"default":"pointer"})),this.getValue(ee,Xe)),He?y.a.createElement(nr,{rowHovered:this.state.hovered,hidden:Xe,src:ee.value,clickCallback:He,theme:te,namespace:[].concat(Ue(he),[ee.name])}):null,tt!==!1&&Xe==0?this.getEditIcon():null,vt!==!1&&Xe==0?this.getRemoveIcon():null)}}]),O}(y.a.PureComponent),rr=function(q){m(O,q);var W=w(O);function O(){var B;u(this,O);for(var z=arguments.length,ee=new Array(z),ue=0;ue<z;ue++)ee[ue]=arguments[ue];return(B=W.call.apply(W,[this].concat(ee))).getObjectSize=function(){var ce=B.props,te=ce.size,he=ce.theme;if(ce.displayObjectSize)return y.a.createElement("span",Object.assign({className:"object-size"},J(he,"object-size")),te," item",te===1?"":"s")},B.getAddAttribute=function(ce){var te=B.props,he=te.theme,Be=te.namespace,He=te.name,tt=te.src,vt=te.rjvId,at=te.depth;return y.a.createElement("span",{className:"click-to-add",style:{verticalAlign:"top",display:ce?"inline-block":"none"}},y.a.createElement(Ln,Object.assign({className:"click-to-add-icon"},J(he,"addVarIcon"),{onClick:function(){var Mt={name:at>0?He:null,namespace:Be.splice(0,Be.length-1),existing_value:tt,variable_removed:!1,key_name:null};j(tt)==="object"?Le.dispatch({name:"ADD_VARIABLE_KEY_REQUEST",rjvId:vt,data:Mt}):Le.dispatch({name:"VARIABLE_ADDED",rjvId:vt,data:l(l({},Mt),{},{new_value:[].concat(Ue(tt),[null])})})}})))},B.getRemoveObject=function(ce){var te=B.props,he=te.theme,Be=(te.hover,te.namespace),He=te.name,tt=te.src,vt=te.rjvId;if(Be.length!==1)return y.a.createElement("span",{className:"click-to-remove",style:{display:ce?"inline-block":"none"}},y.a.createElement(gt,Object.assign({className:"click-to-remove-icon"},J(he,"removeVarIcon"),{onClick:function(){Le.dispatch({name:"VARIABLE_REMOVED",rjvId:vt,data:{name:He,namespace:Be.splice(0,Be.length-1),existing_value:tt,variable_removed:!0}})}})))},B.render=function(){var ce=B.props,te=ce.theme,he=ce.onDelete,Be=ce.onAdd,He=ce.enableClipboard,tt=ce.src,vt=ce.namespace,at=ce.rowHovered;return y.a.createElement("div",Object.assign({},J(te,"object-meta-data"),{className:"object-meta-data",onClick:function(Mt){Mt.stopPropagation()}}),B.getObjectSize(),He?y.a.createElement(nr,{rowHovered:at,clickCallback:He,src:tt,theme:te,namespace:vt}):null,Be!==!1?B.getAddAttribute(at):null,he!==!1?B.getRemoveObject(at):null)},B}return O}(y.a.PureComponent);function to(q){var W=q.parent_type,O=q.namespace,B=q.quotesOnKeys,z=q.theme,ee=q.jsvRoot,ue=q.name,ce=q.displayArrayKey,te=q.name?q.name:"";return!ee||ue!==!1&&ue!==null?W=="array"?ce?y.a.createElement("span",Object.assign({},J(z,"array-key"),{key:O}),y.a.createElement("span",{className:"array-key"},te),y.a.createElement("span",J(z,"colon"),":")):y.a.createElement("span",null):y.a.createElement("span",Object.assign({},J(z,"object-name"),{key:O}),y.a.createElement("span",{className:"object-key"},B&&y.a.createElement("span",{style:{verticalAlign:"top"}},'"'),y.a.createElement("span",null,te),B&&y.a.createElement("span",{style:{verticalAlign:"top"}},'"')),y.a.createElement("span",J(z,"colon"),":")):y.a.createElement("span",null)}function Fr(q){var W=q.theme;switch(q.iconStyle){case"triangle":return y.a.createElement(Kt,Object.assign({},J(W,"expanded-icon"),{className:"expanded-icon"}));case"square":return y.a.createElement(_t,Object.assign({},J(W,"expanded-icon"),{className:"expanded-icon"}));default:return y.a.createElement(Oe,Object.assign({},J(W,"expanded-icon"),{className:"expanded-icon"}))}}function _o(q){var W=q.theme;switch(q.iconStyle){case"triangle":return y.a.createElement(lt,Object.assign({},J(W,"collapsed-icon"),{className:"collapsed-icon"}));case"square":return y.a.createElement(Qe,Object.assign({},J(W,"collapsed-icon"),{className:"collapsed-icon"}));default:return y.a.createElement($e,Object.assign({},J(W,"collapsed-icon"),{className:"collapsed-icon"}))}}var Ia=function(q){m(O,q);var W=w(O);function O(B){var z;return u(this,O),(z=W.call(this,B)).toggleCollapsed=function(ee){var ue=[];for(var ce in z.state.expanded)ue.push(z.state.expanded[ce]);ue[ee]=!ue[ee],z.setState({expanded:ue})},z.state={expanded:[]},z}return h(O,[{key:"getExpandedIcon",value:function(B){var z=this.props,ee=z.theme,ue=z.iconStyle;return this.state.expanded[B]?y.a.createElement(Fr,{theme:ee,iconStyle:ue}):y.a.createElement(_o,{theme:ee,iconStyle:ue})}},{key:"render",value:function(){var B=this,z=this.props,ee=z.src,ue=z.groupArraysAfterLength,ce=(z.depth,z.name),te=z.theme,he=z.jsvRoot,Be=z.namespace,He=(z.parent_type,I(z,["src","groupArraysAfterLength","depth","name","theme","jsvRoot","namespace","parent_type"])),tt=0,vt=5*this.props.indentWidth;he||(tt=5*this.props.indentWidth);var at=ue,Mt=Math.ceil(ee.length/at);return y.a.createElement("div",Object.assign({className:"object-key-val"},J(te,he?"jsv-root":"objectKeyVal",{paddingLeft:tt})),y.a.createElement(to,this.props),y.a.createElement("span",null,y.a.createElement(rr,Object.assign({size:ee.length},this.props))),Ue(Array(Mt)).map(function(en,Xe){return y.a.createElement("div",Object.assign({key:Xe,className:"object-key-val array-group"},J(te,"objectKeyVal",{marginLeft:6,paddingLeft:vt})),y.a.createElement("span",J(te,"brace-row"),y.a.createElement("div",Object.assign({className:"icon-container"},J(te,"icon-container"),{onClick:function(Vt){B.toggleCollapsed(Xe)}}),B.getExpandedIcon(Xe)),B.state.expanded[Xe]?y.a.createElement(ki,Object.assign({key:ce+Xe,depth:0,name:!1,collapsed:!1,groupArraysAfterLength:at,index_offset:Xe*at,src:ee.slice(Xe*at,Xe*at+at),namespace:Be,type:"array",parent_type:"array_group",theme:te},He)):y.a.createElement("span",Object.assign({},J(te,"brace"),{onClick:function(Vt){B.toggleCollapsed(Xe)},className:"array-group-brace"}),"[",y.a.createElement("div",Object.assign({},J(te,"array-group-meta-data"),{className:"array-group-meta-data"}),y.a.createElement("span",Object.assign({className:"object-size"},J(te,"object-size")),Xe*at," - ",Xe*at+at>ee.length?ee.length:Xe*at+at)),"]")))}))}}]),O}(y.a.PureComponent),wi=function(q){m(O,q);var W=w(O);function O(B){var z;u(this,O),(z=W.call(this,B)).toggleCollapsed=function(){z.setState({expanded:!z.state.expanded},function(){We.set(z.props.rjvId,z.props.namespace,"expanded",z.state.expanded)})},z.getObjectContent=function(ue,ce,te){return y.a.createElement("div",{className:"pushed-content object-container"},y.a.createElement("div",Object.assign({className:"object-content"},J(z.props.theme,"pushed-content")),z.renderObjectContents(ce,te)))},z.getEllipsis=function(){return z.state.size===0?null:y.a.createElement("div",Object.assign({},J(z.props.theme,"ellipsis"),{className:"node-ellipsis",onClick:z.toggleCollapsed}),"...")},z.getObjectMetaData=function(ue){var ce=z.props,te=(ce.rjvId,ce.theme,z.state),he=te.size,Be=te.hovered;return y.a.createElement(rr,Object.assign({rowHovered:Be,size:he},z.props))},z.renderObjectContents=function(ue,ce){var te,he=z.props,Be=he.depth,He=he.parent_type,tt=he.index_offset,vt=he.groupArraysAfterLength,at=he.namespace,Mt=z.state.object_type,en=[],Xe=Object.keys(ue||{});return z.props.sortKeys&&Mt!=="array"&&(Xe=Xe.sort()),Xe.forEach(function(Vt){if(te=new ju(Vt,ue[Vt]),He==="array_group"&&tt&&(te.name=parseInt(te.name)+tt),ue.hasOwnProperty(Vt))if(te.type==="object")en.push(y.a.createElement(ki,Object.assign({key:te.name,depth:Be+1,name:te.name,src:te.value,namespace:at.concat(te.name),parent_type:Mt},ce)));else if(te.type==="array"){var Hr=ki;vt&&te.value.length>vt&&(Hr=Ia),en.push(y.a.createElement(Hr,Object.assign({key:te.name,depth:Be+1,name:te.name,src:te.value,namespace:at.concat(te.name),type:"array",parent_type:Mt},ce)))}else en.push(y.a.createElement(dr,Object.assign({key:te.name+"_"+at,variable:te,singleIndent:5,namespace:at,type:z.props.type},ce)))}),en};var ee=O.getState(B);return z.state=l(l({},ee),{},{prevProps:{}}),z}return h(O,[{key:"getBraceStart",value:function(B,z){var ee=this,ue=this.props,ce=ue.src,te=ue.theme,he=ue.iconStyle;if(ue.parent_type==="array_group")return y.a.createElement("span",null,y.a.createElement("span",J(te,"brace"),B==="array"?"[":"{"),z?this.getObjectMetaData(ce):null);var Be=z?Fr:_o;return y.a.createElement("span",null,y.a.createElement("span",Object.assign({onClick:function(He){ee.toggleCollapsed()}},J(te,"brace-row")),y.a.createElement("div",Object.assign({className:"icon-container"},J(te,"icon-container")),y.a.createElement(Be,{theme:te,iconStyle:he})),y.a.createElement(to,this.props),y.a.createElement("span",J(te,"brace"),B==="array"?"[":"{")),z?this.getObjectMetaData(ce):null)}},{key:"render",value:function(){var B=this,z=this.props,ee=z.depth,ue=z.src,ce=(z.namespace,z.name,z.type,z.parent_type),te=z.theme,he=z.jsvRoot,Be=z.iconStyle,He=I(z,["depth","src","namespace","name","type","parent_type","theme","jsvRoot","iconStyle"]),tt=this.state,vt=tt.object_type,at=tt.expanded,Mt={};return he||ce==="array_group"?ce==="array_group"&&(Mt.borderLeft=0,Mt.display="inline"):Mt.paddingLeft=5*this.props.indentWidth,y.a.createElement("div",Object.assign({className:"object-key-val",onMouseEnter:function(){return B.setState(l(l({},B.state),{},{hovered:!0}))},onMouseLeave:function(){return B.setState(l(l({},B.state),{},{hovered:!1}))}},J(te,he?"jsv-root":"objectKeyVal",Mt)),this.getBraceStart(vt,at),at?this.getObjectContent(ee,ue,l({theme:te,iconStyle:Be},He)):this.getEllipsis(),y.a.createElement("span",{className:"brace-row"},y.a.createElement("span",{style:l(l({},J(te,"brace").style),{},{paddingLeft:at?"3px":"0px"})},vt==="array"?"]":"}"),at?null:this.getObjectMetaData(ue)))}}],[{key:"getDerivedStateFromProps",value:function(B,z){var ee=z.prevProps;return B.src!==ee.src||B.collapsed!==ee.collapsed||B.name!==ee.name||B.namespace!==ee.namespace||B.rjvId!==ee.rjvId?l(l({},O.getState(B)),{},{prevProps:B}):null}}]),O}(y.a.PureComponent);wi.getState=function(q){var W=Object.keys(q.src).length,O=(q.collapsed===!1||q.collapsed!==!0&&q.collapsed>q.depth)&&(!q.shouldCollapse||q.shouldCollapse({name:q.name,src:q.src,type:j(q.src),namespace:q.namespace})===!1)&&W!==0;return{expanded:We.get(q.rjvId,q.namespace,"expanded",O),object_type:q.type==="array"?"array":"object",parent_type:q.type==="array"?"array":"object",size:W,hovered:!1}};var ju=function q(W,O){u(this,q),this.name=W,this.value=O,this.type=j(O)};P(wi);var ki=wi,_1=function(q){m(O,q);var W=w(O);function O(){var B;u(this,O);for(var z=arguments.length,ee=new Array(z),ue=0;ue<z;ue++)ee[ue]=arguments[ue];return(B=W.call.apply(W,[this].concat(ee))).render=function(){var ce=b(B).props,te=[ce.name],he=ki;return Array.isArray(ce.src)&&ce.groupArraysAfterLength&&ce.src.length>ce.groupArraysAfterLength&&(he=Ia),y.a.createElement("div",{className:"pretty-json-container object-container"},y.a.createElement("div",{className:"object-content"},y.a.createElement(he,Object.assign({namespace:te,depth:0,jsvRoot:!0},ce))))},B}return O}(y.a.PureComponent),Xc=function(q){m(O,q);var W=w(O);function O(B){var z;return u(this,O),(z=W.call(this,B)).closeModal=function(){Le.dispatch({rjvId:z.props.rjvId,name:"RESET"})},z.submit=function(){z.props.submit(z.state.input)},z.state={input:B.input?B.input:""},z}return h(O,[{key:"render",value:function(){var B=this,z=this.props,ee=z.theme,ue=z.rjvId,ce=z.isValid,te=this.state.input,he=ce(te);return y.a.createElement("div",Object.assign({className:"key-modal-request"},J(ee,"key-modal-request"),{onClick:this.closeModal}),y.a.createElement("div",Object.assign({},J(ee,"key-modal"),{onClick:function(Be){Be.stopPropagation()}}),y.a.createElement("div",J(ee,"key-modal-label"),"Key Name:"),y.a.createElement("div",{style:{position:"relative"}},y.a.createElement("input",Object.assign({},J(ee,"key-modal-input"),{className:"key-modal-input",ref:function(Be){return Be&&Be.focus()},spellCheck:!1,value:te,placeholder:"...",onChange:function(Be){B.setState({input:Be.target.value})},onKeyPress:function(Be){he&&Be.key==="Enter"?B.submit():Be.key==="Escape"&&B.closeModal()}})),he?y.a.createElement(wn,Object.assign({},J(ee,"key-modal-submit"),{className:"key-modal-submit",onClick:function(Be){return B.submit()}})):null),y.a.createElement("span",J(ee,"key-modal-cancel"),y.a.createElement(Tn,Object.assign({},J(ee,"key-modal-cancel-icon"),{className:"key-modal-cancel",onClick:function(){Le.dispatch({rjvId:ue,name:"RESET"})}})))))}}]),O}(y.a.PureComponent),Zc=function(q){m(O,q);var W=w(O);function O(){var B;u(this,O);for(var z=arguments.length,ee=new Array(z),ue=0;ue<z;ue++)ee[ue]=arguments[ue];return(B=W.call.apply(W,[this].concat(ee))).isValid=function(ce){var te=B.props.rjvId,he=We.get(te,"action","new-key-request");return ce!=""&&Object.keys(he.existing_value).indexOf(ce)===-1},B.submit=function(ce){var te=B.props.rjvId,he=We.get(te,"action","new-key-request");he.new_value=l({},he.existing_value),he.new_value[ce]=B.props.defaultValue,Le.dispatch({name:"VARIABLE_ADDED",rjvId:te,data:he})},B}return h(O,[{key:"render",value:function(){var B=this.props,z=B.active,ee=B.theme,ue=B.rjvId;return z?y.a.createElement(Xc,{rjvId:ue,theme:ee,isValid:this.isValid,submit:this.submit}):null}}]),O}(y.a.PureComponent),zu=function(q){m(O,q);var W=w(O);function O(){return u(this,O),W.apply(this,arguments)}return h(O,[{key:"render",value:function(){var B=this.props,z=B.message,ee=B.active,ue=B.theme,ce=B.rjvId;return ee?y.a.createElement("div",Object.assign({className:"validation-failure"},J(ue,"validation-failure"),{onClick:function(){Le.dispatch({rjvId:ce,name:"RESET"})}}),y.a.createElement("span",J(ue,"validation-failure-label"),z),y.a.createElement(Tn,J(ue,"validation-failure-clear"))):null}}]),O}(y.a.PureComponent),Es=function(q){m(O,q);var W=w(O);function O(B){var z;return u(this,O),(z=W.call(this,B)).rjvId=Date.now().toString(),z.getListeners=function(){return{reset:z.resetState,"variable-update":z.updateSrc,"add-key-request":z.addKeyRequest}},z.updateSrc=function(){var ee,ue=We.get(z.rjvId,"action","variable-update"),ce=ue.name,te=ue.namespace,he=ue.new_value,Be=ue.existing_value,He=(ue.variable_removed,ue.updated_src),tt=ue.type,vt=z.props,at=vt.onEdit,Mt=vt.onDelete,en=vt.onAdd,Xe={existing_src:z.state.src,new_value:he,updated_src:He,name:ce,namespace:te,existing_value:Be};switch(tt){case"variable-added":ee=en(Xe);break;case"variable-edited":ee=at(Xe);break;case"variable-removed":ee=Mt(Xe)}ee!==!1?(We.set(z.rjvId,"global","src",He),z.setState({src:He})):z.setState({validationFailure:!0})},z.addKeyRequest=function(){z.setState({addKeyRequest:!0})},z.resetState=function(){z.setState({validationFailure:!1,addKeyRequest:!1})},z.state={addKeyRequest:!1,editKeyRequest:!1,validationFailure:!1,src:O.defaultProps.src,name:O.defaultProps.name,theme:O.defaultProps.theme,validationMessage:O.defaultProps.validationMessage,prevSrc:O.defaultProps.src,prevName:O.defaultProps.name,prevTheme:O.defaultProps.theme},z}return h(O,[{key:"componentDidMount",value:function(){We.set(this.rjvId,"global","src",this.state.src);var B=this.getListeners();for(var z in B)We.on(z+"-"+this.rjvId,B[z]);this.setState({addKeyRequest:!1,editKeyRequest:!1})}},{key:"componentDidUpdate",value:function(B,z){z.addKeyRequest!==!1&&this.setState({addKeyRequest:!1}),z.editKeyRequest!==!1&&this.setState({editKeyRequest:!1}),B.src!==this.state.src&&We.set(this.rjvId,"global","src",this.state.src)}},{key:"componentWillUnmount",value:function(){var B=this.getListeners();for(var z in B)We.removeListener(z+"-"+this.rjvId,B[z])}},{key:"render",value:function(){var B=this.state,z=B.validationFailure,ee=B.validationMessage,ue=B.addKeyRequest,ce=B.theme,te=B.src,he=B.name,Be=this.props,He=Be.style,tt=Be.defaultValue;return y.a.createElement("div",{className:"react-json-view",style:l(l({},J(ce,"app-container").style),He)},y.a.createElement(zu,{message:ee,active:z,theme:ce,rjvId:this.rjvId}),y.a.createElement(_1,Object.assign({},this.props,{src:te,name:he,theme:ce,type:j(te),rjvId:this.rjvId})),y.a.createElement(Zc,{active:ue,theme:ce,rjvId:this.rjvId,defaultValue:tt}))}}],[{key:"getDerivedStateFromProps",value:function(B,z){if(B.src!==z.prevSrc||B.name!==z.prevName||B.theme!==z.prevTheme){var ee={src:B.src,name:B.name,theme:B.theme,validationMessage:B.validationMessage,prevSrc:B.src,prevName:B.name,prevTheme:B.theme};return O.validateState(ee)}return null}}]),O}(y.a.PureComponent);Es.defaultProps={src:{},name:"root",theme:"rjv-default",collapsed:!1,collapseStringsAfterLength:!1,shouldCollapse:!1,sortKeys:!1,quotesOnKeys:!0,groupArraysAfterLength:100,indentWidth:4,enableClipboard:!0,displayObjectSize:!0,displayDataTypes:!0,onEdit:!1,onDelete:!1,onAdd:!1,onSelect:!1,iconStyle:"triangle",style:{},validationMessage:"Validation Error",defaultValue:null,displayArrayKey:!0},Es.validateState=function(q){var W={};return j(q.theme)!=="object"||function(O){var B=["base00","base01","base02","base03","base04","base05","base06","base07","base08","base09","base0A","base0B","base0C","base0D","base0E","base0F"];if(j(O)==="object"){for(var z=0;z<B.length;z++)if(!(B[z]in O))return!1;return!0}return!1}(q.theme)||(console.error("react-json-view error:","theme prop must be a theme name or valid base-16 theme object.",'defaulting to "rjv-default" theme'),W.theme="rjv-default"),j(q.src)!=="object"&&j(q.src)!=="array"&&(console.error("react-json-view error:","src property must be a valid json object"),W.name="ERROR",W.src={message:"src property must be a valid json object"}),l(l({},q),W)},P(Es),o.default=Es}])})})(fL);var ZEe=fL.exports;const JEe=xr(ZEe),e_e={'code[class*="language-"]':{color:"#f8f8f2",background:"none",textShadow:"0 1px rgba(0, 0, 0, 0.3)",fontFamily:"Consolas, Monaco, 'Andale Mono', 'Ubuntu Mono', monospace",fontSize:"1em",textAlign:"left",whiteSpace:"pre",wordSpacing:"normal",wordBreak:"normal",wordWrap:"normal",lineHeight:"1.5",MozTabSize:"4",OTabSize:"4",tabSize:"4",WebkitHyphens:"none",MozHyphens:"none",msHyphens:"none",hyphens:"none"},'pre[class*="language-"]':{color:"#f8f8f2",background:"#272822",textShadow:"0 1px rgba(0, 0, 0, 0.3)",fontFamily:"Consolas, Monaco, 'Andale Mono', 'Ubuntu Mono', monospace",fontSize:"1em",textAlign:"left",whiteSpace:"pre",wordSpacing:"normal",wordBreak:"normal",wordWrap:"normal",lineHeight:"1.5",MozTabSize:"4",OTabSize:"4",tabSize:"4",WebkitHyphens:"none",MozHyphens:"none",msHyphens:"none",hyphens:"none",padding:"1em",margin:".5em 0",overflow:"auto",borderRadius:"0.3em"},':not(pre) > code[class*="language-"]':{background:"#272822",padding:".1em",borderRadius:".3em",whiteSpace:"normal"},comment:{color:"#8292a2"},prolog:{color:"#8292a2"},doctype:{color:"#8292a2"},cdata:{color:"#8292a2"},punctuation:{color:"#f8f8f2"},namespace:{Opacity:".7"},property:{color:"#f92672"},tag:{color:"#f92672"},constant:{color:"#f92672"},symbol:{color:"#f92672"},deleted:{color:"#f92672"},boolean:{color:"#ae81ff"},number:{color:"#ae81ff"},selector:{color:"#a6e22e"},"attr-name":{color:"#a6e22e"},string:{color:"#a6e22e"},char:{color:"#a6e22e"},builtin:{color:"#a6e22e"},inserted:{color:"#a6e22e"},operator:{color:"#f8f8f2"},entity:{color:"#f8f8f2",cursor:"help"},url:{color:"#f8f8f2"},".language-css .token.string":{color:"#f8f8f2"},".style .token.string":{color:"#f8f8f2"},variable:{color:"#f8f8f2"},atrule:{color:"#e6db74"},"attr-value":{color:"#e6db74"},function:{color:"#e6db74"},"class-name":{color:"#e6db74"},keyword:{color:"#66d9ef"},regex:{color:"#fd971f"},important:{color:"#fd971f",fontWeight:"bold"},bold:{fontWeight:"bold"},italic:{fontStyle:"italic"}};var Na={};const t_e=[65534,65535,131070,131071,196606,196607,262142,262143,327678,327679,393214,393215,458750,458751,524286,524287,589822,589823,655358,655359,720894,720895,786430,786431,851966,851967,917502,917503,983038,983039,1048574,1048575,1114110,1114111];Na.REPLACEMENT_CHARACTER="�";Na.CODE_POINTS={EOF:-1,NULL:0,TABULATION:9,CARRIAGE_RETURN:13,LINE_FEED:10,FORM_FEED:12,SPACE:32,EXCLAMATION_MARK:33,QUOTATION_MARK:34,NUMBER_SIGN:35,AMPERSAND:38,APOSTROPHE:39,HYPHEN_MINUS:45,SOLIDUS:47,DIGIT_0:48,DIGIT_9:57,SEMICOLON:59,LESS_THAN_SIGN:60,EQUALS_SIGN:61,GREATER_THAN_SIGN:62,QUESTION_MARK:63,LATIN_CAPITAL_A:65,LATIN_CAPITAL_F:70,LATIN_CAPITAL_X:88,LATIN_CAPITAL_Z:90,RIGHT_SQUARE_BRACKET:93,GRAVE_ACCENT:96,LATIN_SMALL_A:97,LATIN_SMALL_F:102,LATIN_SMALL_X:120,LATIN_SMALL_Z:122,REPLACEMENT_CHARACTER:65533};Na.CODE_POINT_SEQUENCES={DASH_DASH_STRING:[45,45],DOCTYPE_STRING:[68,79,67,84,89,80,69],CDATA_START_STRING:[91,67,68,65,84,65,91],SCRIPT_STRING:[115,99,114,105,112,116],PUBLIC_STRING:[80,85,66,76,73,67],SYSTEM_STRING:[83,89,83,84,69,77]};Na.isSurrogate=function(e){return e>=55296&&e<=57343};Na.isSurrogatePair=function(e){return e>=56320&&e<=57343};Na.getSurrogatePairCodePoint=function(e,t){return(e-55296)*1024+9216+t};Na.isControlCodePoint=function(e){return e!==32&&e!==10&&e!==13&&e!==9&&e!==12&&e>=1&&e<=31||e>=127&&e<=159};Na.isUndefinedCodePoint=function(e){return e>=64976&&e<=65007||t_e.indexOf(e)>-1};var ck={controlCharacterInInputStream:"control-character-in-input-stream",noncharacterInInputStream:"noncharacter-in-input-stream",surrogateInInputStream:"surrogate-in-input-stream",nonVoidHtmlElementStartTagWithTrailingSolidus:"non-void-html-element-start-tag-with-trailing-solidus",endTagWithAttributes:"end-tag-with-attributes",endTagWithTrailingSolidus:"end-tag-with-trailing-solidus",unexpectedSolidusInTag:"unexpected-solidus-in-tag",unexpectedNullCharacter:"unexpected-null-character",unexpectedQuestionMarkInsteadOfTagName:"unexpected-question-mark-instead-of-tag-name",invalidFirstCharacterOfTagName:"invalid-first-character-of-tag-name",unexpectedEqualsSignBeforeAttributeName:"unexpected-equals-sign-before-attribute-name",missingEndTagName:"missing-end-tag-name",unexpectedCharacterInAttributeName:"unexpected-character-in-attribute-name",unknownNamedCharacterReference:"unknown-named-character-reference",missingSemicolonAfterCharacterReference:"missing-semicolon-after-character-reference",unexpectedCharacterAfterDoctypeSystemIdentifier:"unexpected-character-after-doctype-system-identifier",unexpectedCharacterInUnquotedAttributeValue:"unexpected-character-in-unquoted-attribute-value",eofBeforeTagName:"eof-before-tag-name",eofInTag:"eof-in-tag",missingAttributeValue:"missing-attribute-value",missingWhitespaceBetweenAttributes:"missing-whitespace-between-attributes",missingWhitespaceAfterDoctypePublicKeyword:"missing-whitespace-after-doctype-public-keyword",missingWhitespaceBetweenDoctypePublicAndSystemIdentifiers:"missing-whitespace-between-doctype-public-and-system-identifiers",missingWhitespaceAfterDoctypeSystemKeyword:"missing-whitespace-after-doctype-system-keyword",missingQuoteBeforeDoctypePublicIdentifier:"missing-quote-before-doctype-public-identifier",missingQuoteBeforeDoctypeSystemIdentifier:"missing-quote-before-doctype-system-identifier",missingDoctypePublicIdentifier:"missing-doctype-public-identifier",missingDoctypeSystemIdentifier:"missing-doctype-system-identifier",abruptDoctypePublicIdentifier:"abrupt-doctype-public-identifier",abruptDoctypeSystemIdentifier:"abrupt-doctype-system-identifier",cdataInHtmlContent:"cdata-in-html-content",incorrectlyOpenedComment:"incorrectly-opened-comment",eofInScriptHtmlCommentLikeText:"eof-in-script-html-comment-like-text",eofInDoctype:"eof-in-doctype",nestedComment:"nested-comment",abruptClosingOfEmptyComment:"abrupt-closing-of-empty-comment",eofInComment:"eof-in-comment",incorrectlyClosedComment:"incorrectly-closed-comment",eofInCdata:"eof-in-cdata",absenceOfDigitsInNumericCharacterReference:"absence-of-digits-in-numeric-character-reference",nullCharacterReference:"null-character-reference",surrogateCharacterReference:"surrogate-character-reference",characterReferenceOutsideUnicodeRange:"character-reference-outside-unicode-range",controlCharacterReference:"control-character-reference",noncharacterCharacterReference:"noncharacter-character-reference",missingWhitespaceBeforeDoctypeName:"missing-whitespace-before-doctype-name",missingDoctypeName:"missing-doctype-name",invalidCharacterSequenceAfterDoctypeName:"invalid-character-sequence-after-doctype-name",duplicateAttribute:"duplicate-attribute",nonConformingDoctype:"non-conforming-doctype",missingDoctype:"missing-doctype",misplacedDoctype:"misplaced-doctype",endTagWithoutMatchingOpenElement:"end-tag-without-matching-open-element",closingOfElementWithOpenChildElements:"closing-of-element-with-open-child-elements",disallowedContentInNoscriptInHead:"disallowed-content-in-noscript-in-head",openElementsLeftAfterEof:"open-elements-left-after-eof",abandonedHeadElementChild:"abandoned-head-element-child",misplacedStartTagForHeadElement:"misplaced-start-tag-for-head-element",nestedNoscriptInHead:"nested-noscript-in-head",eofInElementThatCanContainOnlyText:"eof-in-element-that-can-contain-only-text"};const Vf=Na,G9=ck,ac=Vf.CODE_POINTS,n_e=1<<16;let r_e=class{constructor(){this.html=null,this.pos=-1,this.lastGapPos=-1,this.lastCharPos=-1,this.gapStack=[],this.skipNextNewLine=!1,this.lastChunkWritten=!1,this.endOfChunkHit=!1,this.bufferWaterline=n_e}_err(){}_addGap(){this.gapStack.push(this.lastGapPos),this.lastGapPos=this.pos}_processSurrogate(t){if(this.pos!==this.lastCharPos){const n=this.html.charCodeAt(this.pos+1);if(Vf.isSurrogatePair(n))return this.pos++,this._addGap(),Vf.getSurrogatePairCodePoint(t,n)}else if(!this.lastChunkWritten)return this.endOfChunkHit=!0,ac.EOF;return this._err(G9.surrogateInInputStream),t}dropParsedChunk(){this.pos>this.bufferWaterline&&(this.lastCharPos-=this.pos,this.html=this.html.substring(this.pos),this.pos=0,this.lastGapPos=-1,this.gapStack=[])}write(t,n){this.html?this.html+=t:this.html=t,this.lastCharPos=this.html.length-1,this.endOfChunkHit=!1,this.lastChunkWritten=n}insertHtmlAtCurrentPos(t){this.html=this.html.substring(0,this.pos+1)+t+this.html.substring(this.pos+1,this.html.length),this.lastCharPos=this.html.length-1,this.endOfChunkHit=!1}advance(){if(this.pos++,this.pos>this.lastCharPos)return this.endOfChunkHit=!this.lastChunkWritten,ac.EOF;let t=this.html.charCodeAt(this.pos);return this.skipNextNewLine&&t===ac.LINE_FEED?(this.skipNextNewLine=!1,this._addGap(),this.advance()):t===ac.CARRIAGE_RETURN?(this.skipNextNewLine=!0,ac.LINE_FEED):(this.skipNextNewLine=!1,Vf.isSurrogate(t)&&(t=this._processSurrogate(t)),t>31&&t<127||t===ac.LINE_FEED||t===ac.CARRIAGE_RETURN||t>159&&t<64976||this._checkForProblematicCharacters(t),t)}_checkForProblematicCharacters(t){Vf.isControlCodePoint(t)?this._err(G9.controlCharacterInInputStream):Vf.isUndefinedCodePoint(t)&&this._err(G9.noncharacterInInputStream)}retreat(){this.pos===this.lastGapPos&&(this.lastGapPos=this.gapStack.pop(),this.pos--),this.pos--}};var o_e=r_e,i_e=new Uint16Array([4,52,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,106,303,412,810,1432,1701,1796,1987,2114,2360,2420,2484,3170,3251,4140,4393,4575,4610,5106,5512,5728,6117,6274,6315,6345,6427,6516,7002,7910,8733,9323,9870,10170,10631,10893,11318,11386,11467,12773,13092,14474,14922,15448,15542,16419,17666,18166,18611,19004,19095,19298,19397,4,16,69,77,97,98,99,102,103,108,109,110,111,112,114,115,116,117,140,150,158,169,176,194,199,210,216,222,226,242,256,266,283,294,108,105,103,5,198,1,59,148,1,198,80,5,38,1,59,156,1,38,99,117,116,101,5,193,1,59,167,1,193,114,101,118,101,59,1,258,4,2,105,121,182,191,114,99,5,194,1,59,189,1,194,59,1,1040,114,59,3,55349,56580,114,97,118,101,5,192,1,59,208,1,192,112,104,97,59,1,913,97,99,114,59,1,256,100,59,1,10835,4,2,103,112,232,237,111,110,59,1,260,102,59,3,55349,56632,112,108,121,70,117,110,99,116,105,111,110,59,1,8289,105,110,103,5,197,1,59,264,1,197,4,2,99,115,272,277,114,59,3,55349,56476,105,103,110,59,1,8788,105,108,100,101,5,195,1,59,292,1,195,109,108,5,196,1,59,301,1,196,4,8,97,99,101,102,111,114,115,117,321,350,354,383,388,394,400,405,4,2,99,114,327,336,107,115,108,97,115,104,59,1,8726,4,2,118,119,342,345,59,1,10983,101,100,59,1,8966,121,59,1,1041,4,3,99,114,116,362,369,379,97,117,115,101,59,1,8757,110,111,117,108,108,105,115,59,1,8492,97,59,1,914,114,59,3,55349,56581,112,102,59,3,55349,56633,101,118,101,59,1,728,99,114,59,1,8492,109,112,101,113,59,1,8782,4,14,72,79,97,99,100,101,102,104,105,108,111,114,115,117,442,447,456,504,542,547,569,573,577,616,678,784,790,796,99,121,59,1,1063,80,89,5,169,1,59,454,1,169,4,3,99,112,121,464,470,497,117,116,101,59,1,262,4,2,59,105,476,478,1,8914,116,97,108,68,105,102,102,101,114,101,110,116,105,97,108,68,59,1,8517,108,101,121,115,59,1,8493,4,4,97,101,105,111,514,520,530,535,114,111,110,59,1,268,100,105,108,5,199,1,59,528,1,199,114,99,59,1,264,110,105,110,116,59,1,8752,111,116,59,1,266,4,2,100,110,553,560,105,108,108,97,59,1,184,116,101,114,68,111,116,59,1,183,114,59,1,8493,105,59,1,935,114,99,108,101,4,4,68,77,80,84,591,596,603,609,111,116,59,1,8857,105,110,117,115,59,1,8854,108,117,115,59,1,8853,105,109,101,115,59,1,8855,111,4,2,99,115,623,646,107,119,105,115,101,67,111,110,116,111,117,114,73,110,116,101,103,114,97,108,59,1,8754,101,67,117,114,108,121,4,2,68,81,658,671,111,117,98,108,101,81,117,111,116,101,59,1,8221,117,111,116,101,59,1,8217,4,4,108,110,112,117,688,701,736,753,111,110,4,2,59,101,696,698,1,8759,59,1,10868,4,3,103,105,116,709,717,722,114,117,101,110,116,59,1,8801,110,116,59,1,8751,111,117,114,73,110,116,101,103,114,97,108,59,1,8750,4,2,102,114,742,745,59,1,8450,111,100,117,99,116,59,1,8720,110,116,101,114,67,108,111,99,107,119,105,115,101,67,111,110,116,111,117,114,73,110,116,101,103,114,97,108,59,1,8755,111,115,115,59,1,10799,99,114,59,3,55349,56478,112,4,2,59,67,803,805,1,8915,97,112,59,1,8781,4,11,68,74,83,90,97,99,101,102,105,111,115,834,850,855,860,865,888,903,916,921,1011,1415,4,2,59,111,840,842,1,8517,116,114,97,104,100,59,1,10513,99,121,59,1,1026,99,121,59,1,1029,99,121,59,1,1039,4,3,103,114,115,873,879,883,103,101,114,59,1,8225,114,59,1,8609,104,118,59,1,10980,4,2,97,121,894,900,114,111,110,59,1,270,59,1,1044,108,4,2,59,116,910,912,1,8711,97,59,1,916,114,59,3,55349,56583,4,2,97,102,927,998,4,2,99,109,933,992,114,105,116,105,99,97,108,4,4,65,68,71,84,950,957,978,985,99,117,116,101,59,1,180,111,4,2,116,117,964,967,59,1,729,98,108,101,65,99,117,116,101,59,1,733,114,97,118,101,59,1,96,105,108,100,101,59,1,732,111,110,100,59,1,8900,102,101,114,101,110,116,105,97,108,68,59,1,8518,4,4,112,116,117,119,1021,1026,1048,1249,102,59,3,55349,56635,4,3,59,68,69,1034,1036,1041,1,168,111,116,59,1,8412,113,117,97,108,59,1,8784,98,108,101,4,6,67,68,76,82,85,86,1065,1082,1101,1189,1211,1236,111,110,116,111,117,114,73,110,116,101,103,114,97,108,59,1,8751,111,4,2,116,119,1089,1092,59,1,168,110,65,114,114,111,119,59,1,8659,4,2,101,111,1107,1141,102,116,4,3,65,82,84,1117,1124,1136,114,114,111,119,59,1,8656,105,103,104,116,65,114,114,111,119,59,1,8660,101,101,59,1,10980,110,103,4,2,76,82,1149,1177,101,102,116,4,2,65,82,1158,1165,114,114,111,119,59,1,10232,105,103,104,116,65,114,114,111,119,59,1,10234,105,103,104,116,65,114,114,111,119,59,1,10233,105,103,104,116,4,2,65,84,1199,1206,114,114,111,119,59,1,8658,101,101,59,1,8872,112,4,2,65,68,1218,1225,114,114,111,119,59,1,8657,111,119,110,65,114,114,111,119,59,1,8661,101,114,116,105,99,97,108,66,97,114,59,1,8741,110,4,6,65,66,76,82,84,97,1264,1292,1299,1352,1391,1408,114,114,111,119,4,3,59,66,85,1276,1278,1283,1,8595,97,114,59,1,10515,112,65,114,114,111,119,59,1,8693,114,101,118,101,59,1,785,101,102,116,4,3,82,84,86,1310,1323,1334,105,103,104,116,86,101,99,116,111,114,59,1,10576,101,101,86,101,99,116,111,114,59,1,10590,101,99,116,111,114,4,2,59,66,1345,1347,1,8637,97,114,59,1,10582,105,103,104,116,4,2,84,86,1362,1373,101,101,86,101,99,116,111,114,59,1,10591,101,99,116,111,114,4,2,59,66,1384,1386,1,8641,97,114,59,1,10583,101,101,4,2,59,65,1399,1401,1,8868,114,114,111,119,59,1,8615,114,114,111,119,59,1,8659,4,2,99,116,1421,1426,114,59,3,55349,56479,114,111,107,59,1,272,4,16,78,84,97,99,100,102,103,108,109,111,112,113,115,116,117,120,1466,1470,1478,1489,1515,1520,1525,1536,1544,1593,1609,1617,1650,1664,1668,1677,71,59,1,330,72,5,208,1,59,1476,1,208,99,117,116,101,5,201,1,59,1487,1,201,4,3,97,105,121,1497,1503,1512,114,111,110,59,1,282,114,99,5,202,1,59,1510,1,202,59,1,1069,111,116,59,1,278,114,59,3,55349,56584,114,97,118,101,5,200,1,59,1534,1,200,101,109,101,110,116,59,1,8712,4,2,97,112,1550,1555,99,114,59,1,274,116,121,4,2,83,86,1563,1576,109,97,108,108,83,113,117,97,114,101,59,1,9723,101,114,121,83,109,97,108,108,83,113,117,97,114,101,59,1,9643,4,2,103,112,1599,1604,111,110,59,1,280,102,59,3,55349,56636,115,105,108,111,110,59,1,917,117,4,2,97,105,1624,1640,108,4,2,59,84,1631,1633,1,10869,105,108,100,101,59,1,8770,108,105,98,114,105,117,109,59,1,8652,4,2,99,105,1656,1660,114,59,1,8496,109,59,1,10867,97,59,1,919,109,108,5,203,1,59,1675,1,203,4,2,105,112,1683,1689,115,116,115,59,1,8707,111,110,101,110,116,105,97,108,69,59,1,8519,4,5,99,102,105,111,115,1713,1717,1722,1762,1791,121,59,1,1060,114,59,3,55349,56585,108,108,101,100,4,2,83,86,1732,1745,109,97,108,108,83,113,117,97,114,101,59,1,9724,101,114,121,83,109,97,108,108,83,113,117,97,114,101,59,1,9642,4,3,112,114,117,1770,1775,1781,102,59,3,55349,56637,65,108,108,59,1,8704,114,105,101,114,116,114,102,59,1,8497,99,114,59,1,8497,4,12,74,84,97,98,99,100,102,103,111,114,115,116,1822,1827,1834,1848,1855,1877,1882,1887,1890,1896,1978,1984,99,121,59,1,1027,5,62,1,59,1832,1,62,109,109,97,4,2,59,100,1843,1845,1,915,59,1,988,114,101,118,101,59,1,286,4,3,101,105,121,1863,1869,1874,100,105,108,59,1,290,114,99,59,1,284,59,1,1043,111,116,59,1,288,114,59,3,55349,56586,59,1,8921,112,102,59,3,55349,56638,101,97,116,101,114,4,6,69,70,71,76,83,84,1915,1933,1944,1953,1959,1971,113,117,97,108,4,2,59,76,1925,1927,1,8805,101,115,115,59,1,8923,117,108,108,69,113,117,97,108,59,1,8807,114,101,97,116,101,114,59,1,10914,101,115,115,59,1,8823,108,97,110,116,69,113,117,97,108,59,1,10878,105,108,100,101,59,1,8819,99,114,59,3,55349,56482,59,1,8811,4,8,65,97,99,102,105,111,115,117,2005,2012,2026,2032,2036,2049,2073,2089,82,68,99,121,59,1,1066,4,2,99,116,2018,2023,101,107,59,1,711,59,1,94,105,114,99,59,1,292,114,59,1,8460,108,98,101,114,116,83,112,97,99,101,59,1,8459,4,2,112,114,2055,2059,102,59,1,8461,105,122,111,110,116,97,108,76,105,110,101,59,1,9472,4,2,99,116,2079,2083,114,59,1,8459,114,111,107,59,1,294,109,112,4,2,68,69,2097,2107,111,119,110,72,117,109,112,59,1,8782,113,117,97,108,59,1,8783,4,14,69,74,79,97,99,100,102,103,109,110,111,115,116,117,2144,2149,2155,2160,2171,2189,2194,2198,2209,2245,2307,2329,2334,2341,99,121,59,1,1045,108,105,103,59,1,306,99,121,59,1,1025,99,117,116,101,5,205,1,59,2169,1,205,4,2,105,121,2177,2186,114,99,5,206,1,59,2184,1,206,59,1,1048,111,116,59,1,304,114,59,1,8465,114,97,118,101,5,204,1,59,2207,1,204,4,3,59,97,112,2217,2219,2238,1,8465,4,2,99,103,2225,2229,114,59,1,298,105,110,97,114,121,73,59,1,8520,108,105,101,115,59,1,8658,4,2,116,118,2251,2281,4,2,59,101,2257,2259,1,8748,4,2,103,114,2265,2271,114,97,108,59,1,8747,115,101,99,116,105,111,110,59,1,8898,105,115,105,98,108,101,4,2,67,84,2293,2300,111,109,109,97,59,1,8291,105,109,101,115,59,1,8290,4,3,103,112,116,2315,2320,2325,111,110,59,1,302,102,59,3,55349,56640,97,59,1,921,99,114,59,1,8464,105,108,100,101,59,1,296,4,2,107,109,2347,2352,99,121,59,1,1030,108,5,207,1,59,2358,1,207,4,5,99,102,111,115,117,2372,2386,2391,2397,2414,4,2,105,121,2378,2383,114,99,59,1,308,59,1,1049,114,59,3,55349,56589,112,102,59,3,55349,56641,4,2,99,101,2403,2408,114,59,3,55349,56485,114,99,121,59,1,1032,107,99,121,59,1,1028,4,7,72,74,97,99,102,111,115,2436,2441,2446,2452,2467,2472,2478,99,121,59,1,1061,99,121,59,1,1036,112,112,97,59,1,922,4,2,101,121,2458,2464,100,105,108,59,1,310,59,1,1050,114,59,3,55349,56590,112,102,59,3,55349,56642,99,114,59,3,55349,56486,4,11,74,84,97,99,101,102,108,109,111,115,116,2508,2513,2520,2562,2585,2981,2986,3004,3011,3146,3167,99,121,59,1,1033,5,60,1,59,2518,1,60,4,5,99,109,110,112,114,2532,2538,2544,2548,2558,117,116,101,59,1,313,98,100,97,59,1,923,103,59,1,10218,108,97,99,101,116,114,102,59,1,8466,114,59,1,8606,4,3,97,101,121,2570,2576,2582,114,111,110,59,1,317,100,105,108,59,1,315,59,1,1051,4,2,102,115,2591,2907,116,4,10,65,67,68,70,82,84,85,86,97,114,2614,2663,2672,2728,2735,2760,2820,2870,2888,2895,4,2,110,114,2620,2633,103,108,101,66,114,97,99,107,101,116,59,1,10216,114,111,119,4,3,59,66,82,2644,2646,2651,1,8592,97,114,59,1,8676,105,103,104,116,65,114,114,111,119,59,1,8646,101,105,108,105,110,103,59,1,8968,111,4,2,117,119,2679,2692,98,108,101,66,114,97,99,107,101,116,59,1,10214,110,4,2,84,86,2699,2710,101,101,86,101,99,116,111,114,59,1,10593,101,99,116,111,114,4,2,59,66,2721,2723,1,8643,97,114,59,1,10585,108,111,111,114,59,1,8970,105,103,104,116,4,2,65,86,2745,2752,114,114,111,119,59,1,8596,101,99,116,111,114,59,1,10574,4,2,101,114,2766,2792,101,4,3,59,65,86,2775,2777,2784,1,8867,114,114,111,119,59,1,8612,101,99,116,111,114,59,1,10586,105,97,110,103,108,101,4,3,59,66,69,2806,2808,2813,1,8882,97,114,59,1,10703,113,117,97,108,59,1,8884,112,4,3,68,84,86,2829,2841,2852,111,119,110,86,101,99,116,111,114,59,1,10577,101,101,86,101,99,116,111,114,59,1,10592,101,99,116,111,114,4,2,59,66,2863,2865,1,8639,97,114,59,1,10584,101,99,116,111,114,4,2,59,66,2881,2883,1,8636,97,114,59,1,10578,114,114,111,119,59,1,8656,105,103,104,116,97,114,114,111,119,59,1,8660,115,4,6,69,70,71,76,83,84,2922,2936,2947,2956,2962,2974,113,117,97,108,71,114,101,97,116,101,114,59,1,8922,117,108,108,69,113,117,97,108,59,1,8806,114,101,97,116,101,114,59,1,8822,101,115,115,59,1,10913,108,97,110,116,69,113,117,97,108,59,1,10877,105,108,100,101,59,1,8818,114,59,3,55349,56591,4,2,59,101,2992,2994,1,8920,102,116,97,114,114,111,119,59,1,8666,105,100,111,116,59,1,319,4,3,110,112,119,3019,3110,3115,103,4,4,76,82,108,114,3030,3058,3070,3098,101,102,116,4,2,65,82,3039,3046,114,114,111,119,59,1,10229,105,103,104,116,65,114,114,111,119,59,1,10231,105,103,104,116,65,114,114,111,119,59,1,10230,101,102,116,4,2,97,114,3079,3086,114,114,111,119,59,1,10232,105,103,104,116,97,114,114,111,119,59,1,10234,105,103,104,116,97,114,114,111,119,59,1,10233,102,59,3,55349,56643,101,114,4,2,76,82,3123,3134,101,102,116,65,114,114,111,119,59,1,8601,105,103,104,116,65,114,114,111,119,59,1,8600,4,3,99,104,116,3154,3158,3161,114,59,1,8466,59,1,8624,114,111,107,59,1,321,59,1,8810,4,8,97,99,101,102,105,111,115,117,3188,3192,3196,3222,3227,3237,3243,3248,112,59,1,10501,121,59,1,1052,4,2,100,108,3202,3213,105,117,109,83,112,97,99,101,59,1,8287,108,105,110,116,114,102,59,1,8499,114,59,3,55349,56592,110,117,115,80,108,117,115,59,1,8723,112,102,59,3,55349,56644,99,114,59,1,8499,59,1,924,4,9,74,97,99,101,102,111,115,116,117,3271,3276,3283,3306,3422,3427,4120,4126,4137,99,121,59,1,1034,99,117,116,101,59,1,323,4,3,97,101,121,3291,3297,3303,114,111,110,59,1,327,100,105,108,59,1,325,59,1,1053,4,3,103,115,119,3314,3380,3415,97,116,105,118,101,4,3,77,84,86,3327,3340,3365,101,100,105,117,109,83,112,97,99,101,59,1,8203,104,105,4,2,99,110,3348,3357,107,83,112,97,99,101,59,1,8203,83,112,97,99,101,59,1,8203,101,114,121,84,104,105,110,83,112,97,99,101,59,1,8203,116,101,100,4,2,71,76,3389,3405,114,101,97,116,101,114,71,114,101,97,116,101,114,59,1,8811,101,115,115,76,101,115,115,59,1,8810,76,105,110,101,59,1,10,114,59,3,55349,56593,4,4,66,110,112,116,3437,3444,3460,3464,114,101,97,107,59,1,8288,66,114,101,97,107,105,110,103,83,112,97,99,101,59,1,160,102,59,1,8469,4,13,59,67,68,69,71,72,76,78,80,82,83,84,86,3492,3494,3517,3536,3578,3657,3685,3784,3823,3860,3915,4066,4107,1,10988,4,2,111,117,3500,3510,110,103,114,117,101,110,116,59,1,8802,112,67,97,112,59,1,8813,111,117,98,108,101,86,101,114,116,105,99,97,108,66,97,114,59,1,8742,4,3,108,113,120,3544,3552,3571,101,109,101,110,116,59,1,8713,117,97,108,4,2,59,84,3561,3563,1,8800,105,108,100,101,59,3,8770,824,105,115,116,115,59,1,8708,114,101,97,116,101,114,4,7,59,69,70,71,76,83,84,3600,3602,3609,3621,3631,3637,3650,1,8815,113,117,97,108,59,1,8817,117,108,108,69,113,117,97,108,59,3,8807,824,114,101,97,116,101,114,59,3,8811,824,101,115,115,59,1,8825,108,97,110,116,69,113,117,97,108,59,3,10878,824,105,108,100,101,59,1,8821,117,109,112,4,2,68,69,3666,3677,111,119,110,72,117,109,112,59,3,8782,824,113,117,97,108,59,3,8783,824,101,4,2,102,115,3692,3724,116,84,114,105,97,110,103,108,101,4,3,59,66,69,3709,3711,3717,1,8938,97,114,59,3,10703,824,113,117,97,108,59,1,8940,115,4,6,59,69,71,76,83,84,3739,3741,3748,3757,3764,3777,1,8814,113,117,97,108,59,1,8816,114,101,97,116,101,114,59,1,8824,101,115,115,59,3,8810,824,108,97,110,116,69,113,117,97,108,59,3,10877,824,105,108,100,101,59,1,8820,101,115,116,101,100,4,2,71,76,3795,3812,114,101,97,116,101,114,71,114,101,97,116,101,114,59,3,10914,824,101,115,115,76,101,115,115,59,3,10913,824,114,101,99,101,100,101,115,4,3,59,69,83,3838,3840,3848,1,8832,113,117,97,108,59,3,10927,824,108,97,110,116,69,113,117,97,108,59,1,8928,4,2,101,105,3866,3881,118,101,114,115,101,69,108,101,109,101,110,116,59,1,8716,103,104,116,84,114,105,97,110,103,108,101,4,3,59,66,69,3900,3902,3908,1,8939,97,114,59,3,10704,824,113,117,97,108,59,1,8941,4,2,113,117,3921,3973,117,97,114,101,83,117,4,2,98,112,3933,3952,115,101,116,4,2,59,69,3942,3945,3,8847,824,113,117,97,108,59,1,8930,101,114,115,101,116,4,2,59,69,3963,3966,3,8848,824,113,117,97,108,59,1,8931,4,3,98,99,112,3981,4e3,4045,115,101,116,4,2,59,69,3990,3993,3,8834,8402,113,117,97,108,59,1,8840,99,101,101,100,115,4,4,59,69,83,84,4015,4017,4025,4037,1,8833,113,117,97,108,59,3,10928,824,108,97,110,116,69,113,117,97,108,59,1,8929,105,108,100,101,59,3,8831,824,101,114,115,101,116,4,2,59,69,4056,4059,3,8835,8402,113,117,97,108,59,1,8841,105,108,100,101,4,4,59,69,70,84,4080,4082,4089,4100,1,8769,113,117,97,108,59,1,8772,117,108,108,69,113,117,97,108,59,1,8775,105,108,100,101,59,1,8777,101,114,116,105,99,97,108,66,97,114,59,1,8740,99,114,59,3,55349,56489,105,108,100,101,5,209,1,59,4135,1,209,59,1,925,4,14,69,97,99,100,102,103,109,111,112,114,115,116,117,118,4170,4176,4187,4205,4212,4217,4228,4253,4259,4292,4295,4316,4337,4346,108,105,103,59,1,338,99,117,116,101,5,211,1,59,4185,1,211,4,2,105,121,4193,4202,114,99,5,212,1,59,4200,1,212,59,1,1054,98,108,97,99,59,1,336,114,59,3,55349,56594,114,97,118,101,5,210,1,59,4226,1,210,4,3,97,101,105,4236,4241,4246,99,114,59,1,332,103,97,59,1,937,99,114,111,110,59,1,927,112,102,59,3,55349,56646,101,110,67,117,114,108,121,4,2,68,81,4272,4285,111,117,98,108,101,81,117,111,116,101,59,1,8220,117,111,116,101,59,1,8216,59,1,10836,4,2,99,108,4301,4306,114,59,3,55349,56490,97,115,104,5,216,1,59,4314,1,216,105,4,2,108,109,4323,4332,100,101,5,213,1,59,4330,1,213,101,115,59,1,10807,109,108,5,214,1,59,4344,1,214,101,114,4,2,66,80,4354,4380,4,2,97,114,4360,4364,114,59,1,8254,97,99,4,2,101,107,4372,4375,59,1,9182,101,116,59,1,9140,97,114,101,110,116,104,101,115,105,115,59,1,9180,4,9,97,99,102,104,105,108,111,114,115,4413,4422,4426,4431,4435,4438,4448,4471,4561,114,116,105,97,108,68,59,1,8706,121,59,1,1055,114,59,3,55349,56595,105,59,1,934,59,1,928,117,115,77,105,110,117,115,59,1,177,4,2,105,112,4454,4467,110,99,97,114,101,112,108,97,110,101,59,1,8460,102,59,1,8473,4,4,59,101,105,111,4481,4483,4526,4531,1,10939,99,101,100,101,115,4,4,59,69,83,84,4498,4500,4507,4519,1,8826,113,117,97,108,59,1,10927,108,97,110,116,69,113,117,97,108,59,1,8828,105,108,100,101,59,1,8830,109,101,59,1,8243,4,2,100,112,4537,4543,117,99,116,59,1,8719,111,114,116,105,111,110,4,2,59,97,4555,4557,1,8759,108,59,1,8733,4,2,99,105,4567,4572,114,59,3,55349,56491,59,1,936,4,4,85,102,111,115,4585,4594,4599,4604,79,84,5,34,1,59,4592,1,34,114,59,3,55349,56596,112,102,59,1,8474,99,114,59,3,55349,56492,4,12,66,69,97,99,101,102,104,105,111,114,115,117,4636,4642,4650,4681,4704,4763,4767,4771,5047,5069,5081,5094,97,114,114,59,1,10512,71,5,174,1,59,4648,1,174,4,3,99,110,114,4658,4664,4668,117,116,101,59,1,340,103,59,1,10219,114,4,2,59,116,4675,4677,1,8608,108,59,1,10518,4,3,97,101,121,4689,4695,4701,114,111,110,59,1,344,100,105,108,59,1,342,59,1,1056,4,2,59,118,4710,4712,1,8476,101,114,115,101,4,2,69,85,4722,4748,4,2,108,113,4728,4736,101,109,101,110,116,59,1,8715,117,105,108,105,98,114,105,117,109,59,1,8651,112,69,113,117,105,108,105,98,114,105,117,109,59,1,10607,114,59,1,8476,111,59,1,929,103,104,116,4,8,65,67,68,70,84,85,86,97,4792,4840,4849,4905,4912,4972,5022,5040,4,2,110,114,4798,4811,103,108,101,66,114,97,99,107,101,116,59,1,10217,114,111,119,4,3,59,66,76,4822,4824,4829,1,8594,97,114,59,1,8677,101,102,116,65,114,114,111,119,59,1,8644,101,105,108,105,110,103,59,1,8969,111,4,2,117,119,4856,4869,98,108,101,66,114,97,99,107,101,116,59,1,10215,110,4,2,84,86,4876,4887,101,101,86,101,99,116,111,114,59,1,10589,101,99,116,111,114,4,2,59,66,4898,4900,1,8642,97,114,59,1,10581,108,111,111,114,59,1,8971,4,2,101,114,4918,4944,101,4,3,59,65,86,4927,4929,4936,1,8866,114,114,111,119,59,1,8614,101,99,116,111,114,59,1,10587,105,97,110,103,108,101,4,3,59,66,69,4958,4960,4965,1,8883,97,114,59,1,10704,113,117,97,108,59,1,8885,112,4,3,68,84,86,4981,4993,5004,111,119,110,86,101,99,116,111,114,59,1,10575,101,101,86,101,99,116,111,114,59,1,10588,101,99,116,111,114,4,2,59,66,5015,5017,1,8638,97,114,59,1,10580,101,99,116,111,114,4,2,59,66,5033,5035,1,8640,97,114,59,1,10579,114,114,111,119,59,1,8658,4,2,112,117,5053,5057,102,59,1,8477,110,100,73,109,112,108,105,101,115,59,1,10608,105,103,104,116,97,114,114,111,119,59,1,8667,4,2,99,104,5087,5091,114,59,1,8475,59,1,8625,108,101,68,101,108,97,121,101,100,59,1,10740,4,13,72,79,97,99,102,104,105,109,111,113,115,116,117,5134,5150,5157,5164,5198,5203,5259,5265,5277,5283,5374,5380,5385,4,2,67,99,5140,5146,72,99,121,59,1,1065,121,59,1,1064,70,84,99,121,59,1,1068,99,117,116,101,59,1,346,4,5,59,97,101,105,121,5176,5178,5184,5190,5195,1,10940,114,111,110,59,1,352,100,105,108,59,1,350,114,99,59,1,348,59,1,1057,114,59,3,55349,56598,111,114,116,4,4,68,76,82,85,5216,5227,5238,5250,111,119,110,65,114,114,111,119,59,1,8595,101,102,116,65,114,114,111,119,59,1,8592,105,103,104,116,65,114,114,111,119,59,1,8594,112,65,114,114,111,119,59,1,8593,103,109,97,59,1,931,97,108,108,67,105,114,99,108,101,59,1,8728,112,102,59,3,55349,56650,4,2,114,117,5289,5293,116,59,1,8730,97,114,101,4,4,59,73,83,85,5306,5308,5322,5367,1,9633,110,116,101,114,115,101,99,116,105,111,110,59,1,8851,117,4,2,98,112,5329,5347,115,101,116,4,2,59,69,5338,5340,1,8847,113,117,97,108,59,1,8849,101,114,115,101,116,4,2,59,69,5358,5360,1,8848,113,117,97,108,59,1,8850,110,105,111,110,59,1,8852,99,114,59,3,55349,56494,97,114,59,1,8902,4,4,98,99,109,112,5395,5420,5475,5478,4,2,59,115,5401,5403,1,8912,101,116,4,2,59,69,5411,5413,1,8912,113,117,97,108,59,1,8838,4,2,99,104,5426,5468,101,101,100,115,4,4,59,69,83,84,5440,5442,5449,5461,1,8827,113,117,97,108,59,1,10928,108,97,110,116,69,113,117,97,108,59,1,8829,105,108,100,101,59,1,8831,84,104,97,116,59,1,8715,59,1,8721,4,3,59,101,115,5486,5488,5507,1,8913,114,115,101,116,4,2,59,69,5498,5500,1,8835,113,117,97,108,59,1,8839,101,116,59,1,8913,4,11,72,82,83,97,99,102,104,105,111,114,115,5536,5546,5552,5567,5579,5602,5607,5655,5695,5701,5711,79,82,78,5,222,1,59,5544,1,222,65,68,69,59,1,8482,4,2,72,99,5558,5563,99,121,59,1,1035,121,59,1,1062,4,2,98,117,5573,5576,59,1,9,59,1,932,4,3,97,101,121,5587,5593,5599,114,111,110,59,1,356,100,105,108,59,1,354,59,1,1058,114,59,3,55349,56599,4,2,101,105,5613,5631,4,2,114,116,5619,5627,101,102,111,114,101,59,1,8756,97,59,1,920,4,2,99,110,5637,5647,107,83,112,97,99,101,59,3,8287,8202,83,112,97,99,101,59,1,8201,108,100,101,4,4,59,69,70,84,5668,5670,5677,5688,1,8764,113,117,97,108,59,1,8771,117,108,108,69,113,117,97,108,59,1,8773,105,108,100,101,59,1,8776,112,102,59,3,55349,56651,105,112,108,101,68,111,116,59,1,8411,4,2,99,116,5717,5722,114,59,3,55349,56495,114,111,107,59,1,358,4,14,97,98,99,100,102,103,109,110,111,112,114,115,116,117,5758,5789,5805,5823,5830,5835,5846,5852,5921,5937,6089,6095,6101,6108,4,2,99,114,5764,5774,117,116,101,5,218,1,59,5772,1,218,114,4,2,59,111,5781,5783,1,8607,99,105,114,59,1,10569,114,4,2,99,101,5796,5800,121,59,1,1038,118,101,59,1,364,4,2,105,121,5811,5820,114,99,5,219,1,59,5818,1,219,59,1,1059,98,108,97,99,59,1,368,114,59,3,55349,56600,114,97,118,101,5,217,1,59,5844,1,217,97,99,114,59,1,362,4,2,100,105,5858,5905,101,114,4,2,66,80,5866,5892,4,2,97,114,5872,5876,114,59,1,95,97,99,4,2,101,107,5884,5887,59,1,9183,101,116,59,1,9141,97,114,101,110,116,104,101,115,105,115,59,1,9181,111,110,4,2,59,80,5913,5915,1,8899,108,117,115,59,1,8846,4,2,103,112,5927,5932,111,110,59,1,370,102,59,3,55349,56652,4,8,65,68,69,84,97,100,112,115,5955,5985,5996,6009,6026,6033,6044,6075,114,114,111,119,4,3,59,66,68,5967,5969,5974,1,8593,97,114,59,1,10514,111,119,110,65,114,114,111,119,59,1,8645,111,119,110,65,114,114,111,119,59,1,8597,113,117,105,108,105,98,114,105,117,109,59,1,10606,101,101,4,2,59,65,6017,6019,1,8869,114,114,111,119,59,1,8613,114,114,111,119,59,1,8657,111,119,110,97,114,114,111,119,59,1,8661,101,114,4,2,76,82,6052,6063,101,102,116,65,114,114,111,119,59,1,8598,105,103,104,116,65,114,114,111,119,59,1,8599,105,4,2,59,108,6082,6084,1,978,111,110,59,1,933,105,110,103,59,1,366,99,114,59,3,55349,56496,105,108,100,101,59,1,360,109,108,5,220,1,59,6115,1,220,4,9,68,98,99,100,101,102,111,115,118,6137,6143,6148,6152,6166,6250,6255,6261,6267,97,115,104,59,1,8875,97,114,59,1,10987,121,59,1,1042,97,115,104,4,2,59,108,6161,6163,1,8873,59,1,10982,4,2,101,114,6172,6175,59,1,8897,4,3,98,116,121,6183,6188,6238,97,114,59,1,8214,4,2,59,105,6194,6196,1,8214,99,97,108,4,4,66,76,83,84,6209,6214,6220,6231,97,114,59,1,8739,105,110,101,59,1,124,101,112,97,114,97,116,111,114,59,1,10072,105,108,100,101,59,1,8768,84,104,105,110,83,112,97,99,101,59,1,8202,114,59,3,55349,56601,112,102,59,3,55349,56653,99,114,59,3,55349,56497,100,97,115,104,59,1,8874,4,5,99,101,102,111,115,6286,6292,6298,6303,6309,105,114,99,59,1,372,100,103,101,59,1,8896,114,59,3,55349,56602,112,102,59,3,55349,56654,99,114,59,3,55349,56498,4,4,102,105,111,115,6325,6330,6333,6339,114,59,3,55349,56603,59,1,926,112,102,59,3,55349,56655,99,114,59,3,55349,56499,4,9,65,73,85,97,99,102,111,115,117,6365,6370,6375,6380,6391,6405,6410,6416,6422,99,121,59,1,1071,99,121,59,1,1031,99,121,59,1,1070,99,117,116,101,5,221,1,59,6389,1,221,4,2,105,121,6397,6402,114,99,59,1,374,59,1,1067,114,59,3,55349,56604,112,102,59,3,55349,56656,99,114,59,3,55349,56500,109,108,59,1,376,4,8,72,97,99,100,101,102,111,115,6445,6450,6457,6472,6477,6501,6505,6510,99,121,59,1,1046,99,117,116,101,59,1,377,4,2,97,121,6463,6469,114,111,110,59,1,381,59,1,1047,111,116,59,1,379,4,2,114,116,6483,6497,111,87,105,100,116,104,83,112,97,99,101,59,1,8203,97,59,1,918,114,59,1,8488,112,102,59,1,8484,99,114,59,3,55349,56501,4,16,97,98,99,101,102,103,108,109,110,111,112,114,115,116,117,119,6550,6561,6568,6612,6622,6634,6645,6672,6699,6854,6870,6923,6933,6963,6974,6983,99,117,116,101,5,225,1,59,6559,1,225,114,101,118,101,59,1,259,4,6,59,69,100,105,117,121,6582,6584,6588,6591,6600,6609,1,8766,59,3,8766,819,59,1,8767,114,99,5,226,1,59,6598,1,226,116,101,5,180,1,59,6607,1,180,59,1,1072,108,105,103,5,230,1,59,6620,1,230,4,2,59,114,6628,6630,1,8289,59,3,55349,56606,114,97,118,101,5,224,1,59,6643,1,224,4,2,101,112,6651,6667,4,2,102,112,6657,6663,115,121,109,59,1,8501,104,59,1,8501,104,97,59,1,945,4,2,97,112,6678,6692,4,2,99,108,6684,6688,114,59,1,257,103,59,1,10815,5,38,1,59,6697,1,38,4,2,100,103,6705,6737,4,5,59,97,100,115,118,6717,6719,6724,6727,6734,1,8743,110,100,59,1,10837,59,1,10844,108,111,112,101,59,1,10840,59,1,10842,4,7,59,101,108,109,114,115,122,6753,6755,6758,6762,6814,6835,6848,1,8736,59,1,10660,101,59,1,8736,115,100,4,2,59,97,6770,6772,1,8737,4,8,97,98,99,100,101,102,103,104,6790,6793,6796,6799,6802,6805,6808,6811,59,1,10664,59,1,10665,59,1,10666,59,1,10667,59,1,10668,59,1,10669,59,1,10670,59,1,10671,116,4,2,59,118,6821,6823,1,8735,98,4,2,59,100,6830,6832,1,8894,59,1,10653,4,2,112,116,6841,6845,104,59,1,8738,59,1,197,97,114,114,59,1,9084,4,2,103,112,6860,6865,111,110,59,1,261,102,59,3,55349,56658,4,7,59,69,97,101,105,111,112,6886,6888,6891,6897,6900,6904,6908,1,8776,59,1,10864,99,105,114,59,1,10863,59,1,8778,100,59,1,8779,115,59,1,39,114,111,120,4,2,59,101,6917,6919,1,8776,113,59,1,8778,105,110,103,5,229,1,59,6931,1,229,4,3,99,116,121,6941,6946,6949,114,59,3,55349,56502,59,1,42,109,112,4,2,59,101,6957,6959,1,8776,113,59,1,8781,105,108,100,101,5,227,1,59,6972,1,227,109,108,5,228,1,59,6981,1,228,4,2,99,105,6989,6997,111,110,105,110,116,59,1,8755,110,116,59,1,10769,4,16,78,97,98,99,100,101,102,105,107,108,110,111,112,114,115,117,7036,7041,7119,7135,7149,7155,7219,7224,7347,7354,7463,7489,7786,7793,7814,7866,111,116,59,1,10989,4,2,99,114,7047,7094,107,4,4,99,101,112,115,7058,7064,7073,7080,111,110,103,59,1,8780,112,115,105,108,111,110,59,1,1014,114,105,109,101,59,1,8245,105,109,4,2,59,101,7088,7090,1,8765,113,59,1,8909,4,2,118,119,7100,7105,101,101,59,1,8893,101,100,4,2,59,103,7113,7115,1,8965,101,59,1,8965,114,107,4,2,59,116,7127,7129,1,9141,98,114,107,59,1,9142,4,2,111,121,7141,7146,110,103,59,1,8780,59,1,1073,113,117,111,59,1,8222,4,5,99,109,112,114,116,7167,7181,7188,7193,7199,97,117,115,4,2,59,101,7176,7178,1,8757,59,1,8757,112,116,121,118,59,1,10672,115,105,59,1,1014,110,111,117,59,1,8492,4,3,97,104,119,7207,7210,7213,59,1,946,59,1,8502,101,101,110,59,1,8812,114,59,3,55349,56607,103,4,7,99,111,115,116,117,118,119,7241,7262,7288,7305,7328,7335,7340,4,3,97,105,117,7249,7253,7258,112,59,1,8898,114,99,59,1,9711,112,59,1,8899,4,3,100,112,116,7270,7275,7281,111,116,59,1,10752,108,117,115,59,1,10753,105,109,101,115,59,1,10754,4,2,113,116,7294,7300,99,117,112,59,1,10758,97,114,59,1,9733,114,105,97,110,103,108,101,4,2,100,117,7318,7324,111,119,110,59,1,9661,112,59,1,9651,112,108,117,115,59,1,10756,101,101,59,1,8897,101,100,103,101,59,1,8896,97,114,111,119,59,1,10509,4,3,97,107,111,7362,7436,7458,4,2,99,110,7368,7432,107,4,3,108,115,116,7377,7386,7394,111,122,101,110,103,101,59,1,10731,113,117,97,114,101,59,1,9642,114,105,97,110,103,108,101,4,4,59,100,108,114,7411,7413,7419,7425,1,9652,111,119,110,59,1,9662,101,102,116,59,1,9666,105,103,104,116,59,1,9656,107,59,1,9251,4,2,49,51,7442,7454,4,2,50,52,7448,7451,59,1,9618,59,1,9617,52,59,1,9619,99,107,59,1,9608,4,2,101,111,7469,7485,4,2,59,113,7475,7478,3,61,8421,117,105,118,59,3,8801,8421,116,59,1,8976,4,4,112,116,119,120,7499,7504,7517,7523,102,59,3,55349,56659,4,2,59,116,7510,7512,1,8869,111,109,59,1,8869,116,105,101,59,1,8904,4,12,68,72,85,86,98,100,104,109,112,116,117,118,7549,7571,7597,7619,7655,7660,7682,7708,7715,7721,7728,7750,4,4,76,82,108,114,7559,7562,7565,7568,59,1,9559,59,1,9556,59,1,9558,59,1,9555,4,5,59,68,85,100,117,7583,7585,7588,7591,7594,1,9552,59,1,9574,59,1,9577,59,1,9572,59,1,9575,4,4,76,82,108,114,7607,7610,7613,7616,59,1,9565,59,1,9562,59,1,9564,59,1,9561,4,7,59,72,76,82,104,108,114,7635,7637,7640,7643,7646,7649,7652,1,9553,59,1,9580,59,1,9571,59,1,9568,59,1,9579,59,1,9570,59,1,9567,111,120,59,1,10697,4,4,76,82,108,114,7670,7673,7676,7679,59,1,9557,59,1,9554,59,1,9488,59,1,9484,4,5,59,68,85,100,117,7694,7696,7699,7702,7705,1,9472,59,1,9573,59,1,9576,59,1,9516,59,1,9524,105,110,117,115,59,1,8863,108,117,115,59,1,8862,105,109,101,115,59,1,8864,4,4,76,82,108,114,7738,7741,7744,7747,59,1,9563,59,1,9560,59,1,9496,59,1,9492,4,7,59,72,76,82,104,108,114,7766,7768,7771,7774,7777,7780,7783,1,9474,59,1,9578,59,1,9569,59,1,9566,59,1,9532,59,1,9508,59,1,9500,114,105,109,101,59,1,8245,4,2,101,118,7799,7804,118,101,59,1,728,98,97,114,5,166,1,59,7812,1,166,4,4,99,101,105,111,7824,7829,7834,7846,114,59,3,55349,56503,109,105,59,1,8271,109,4,2,59,101,7841,7843,1,8765,59,1,8909,108,4,3,59,98,104,7855,7857,7860,1,92,59,1,10693,115,117,98,59,1,10184,4,2,108,109,7872,7885,108,4,2,59,101,7879,7881,1,8226,116,59,1,8226,112,4,3,59,69,101,7894,7896,7899,1,8782,59,1,10926,4,2,59,113,7905,7907,1,8783,59,1,8783,4,15,97,99,100,101,102,104,105,108,111,114,115,116,117,119,121,7942,8021,8075,8080,8121,8126,8157,8279,8295,8430,8446,8485,8491,8707,8726,4,3,99,112,114,7950,7956,8007,117,116,101,59,1,263,4,6,59,97,98,99,100,115,7970,7972,7977,7984,7998,8003,1,8745,110,100,59,1,10820,114,99,117,112,59,1,10825,4,2,97,117,7990,7994,112,59,1,10827,112,59,1,10823,111,116,59,1,10816,59,3,8745,65024,4,2,101,111,8013,8017,116,59,1,8257,110,59,1,711,4,4,97,101,105,117,8031,8046,8056,8061,4,2,112,114,8037,8041,115,59,1,10829,111,110,59,1,269,100,105,108,5,231,1,59,8054,1,231,114,99,59,1,265,112,115,4,2,59,115,8069,8071,1,10828,109,59,1,10832,111,116,59,1,267,4,3,100,109,110,8088,8097,8104,105,108,5,184,1,59,8095,1,184,112,116,121,118,59,1,10674,116,5,162,2,59,101,8112,8114,1,162,114,100,111,116,59,1,183,114,59,3,55349,56608,4,3,99,101,105,8134,8138,8154,121,59,1,1095,99,107,4,2,59,109,8146,8148,1,10003,97,114,107,59,1,10003,59,1,967,114,4,7,59,69,99,101,102,109,115,8174,8176,8179,8258,8261,8268,8273,1,9675,59,1,10691,4,3,59,101,108,8187,8189,8193,1,710,113,59,1,8791,101,4,2,97,100,8200,8223,114,114,111,119,4,2,108,114,8210,8216,101,102,116,59,1,8634,105,103,104,116,59,1,8635,4,5,82,83,97,99,100,8235,8238,8241,8246,8252,59,1,174,59,1,9416,115,116,59,1,8859,105,114,99,59,1,8858,97,115,104,59,1,8861,59,1,8791,110,105,110,116,59,1,10768,105,100,59,1,10991,99,105,114,59,1,10690,117,98,115,4,2,59,117,8288,8290,1,9827,105,116,59,1,9827,4,4,108,109,110,112,8305,8326,8376,8400,111,110,4,2,59,101,8313,8315,1,58,4,2,59,113,8321,8323,1,8788,59,1,8788,4,2,109,112,8332,8344,97,4,2,59,116,8339,8341,1,44,59,1,64,4,3,59,102,108,8352,8354,8358,1,8705,110,59,1,8728,101,4,2,109,120,8365,8371,101,110,116,59,1,8705,101,115,59,1,8450,4,2,103,105,8382,8395,4,2,59,100,8388,8390,1,8773,111,116,59,1,10861,110,116,59,1,8750,4,3,102,114,121,8408,8412,8417,59,3,55349,56660,111,100,59,1,8720,5,169,2,59,115,8424,8426,1,169,114,59,1,8471,4,2,97,111,8436,8441,114,114,59,1,8629,115,115,59,1,10007,4,2,99,117,8452,8457,114,59,3,55349,56504,4,2,98,112,8463,8474,4,2,59,101,8469,8471,1,10959,59,1,10961,4,2,59,101,8480,8482,1,10960,59,1,10962,100,111,116,59,1,8943,4,7,100,101,108,112,114,118,119,8507,8522,8536,8550,8600,8697,8702,97,114,114,4,2,108,114,8516,8519,59,1,10552,59,1,10549,4,2,112,115,8528,8532,114,59,1,8926,99,59,1,8927,97,114,114,4,2,59,112,8545,8547,1,8630,59,1,10557,4,6,59,98,99,100,111,115,8564,8566,8573,8587,8592,8596,1,8746,114,99,97,112,59,1,10824,4,2,97,117,8579,8583,112,59,1,10822,112,59,1,10826,111,116,59,1,8845,114,59,1,10821,59,3,8746,65024,4,4,97,108,114,118,8610,8623,8663,8672,114,114,4,2,59,109,8618,8620,1,8631,59,1,10556,121,4,3,101,118,119,8632,8651,8656,113,4,2,112,115,8639,8645,114,101,99,59,1,8926,117,99,99,59,1,8927,101,101,59,1,8910,101,100,103,101,59,1,8911,101,110,5,164,1,59,8670,1,164,101,97,114,114,111,119,4,2,108,114,8684,8690,101,102,116,59,1,8630,105,103,104,116,59,1,8631,101,101,59,1,8910,101,100,59,1,8911,4,2,99,105,8713,8721,111,110,105,110,116,59,1,8754,110,116,59,1,8753,108,99,116,121,59,1,9005,4,19,65,72,97,98,99,100,101,102,104,105,106,108,111,114,115,116,117,119,122,8773,8778,8783,8821,8839,8854,8887,8914,8930,8944,9036,9041,9058,9197,9227,9258,9281,9297,9305,114,114,59,1,8659,97,114,59,1,10597,4,4,103,108,114,115,8793,8799,8805,8809,103,101,114,59,1,8224,101,116,104,59,1,8504,114,59,1,8595,104,4,2,59,118,8816,8818,1,8208,59,1,8867,4,2,107,108,8827,8834,97,114,111,119,59,1,10511,97,99,59,1,733,4,2,97,121,8845,8851,114,111,110,59,1,271,59,1,1076,4,3,59,97,111,8862,8864,8880,1,8518,4,2,103,114,8870,8876,103,101,114,59,1,8225,114,59,1,8650,116,115,101,113,59,1,10871,4,3,103,108,109,8895,8902,8907,5,176,1,59,8900,1,176,116,97,59,1,948,112,116,121,118,59,1,10673,4,2,105,114,8920,8926,115,104,116,59,1,10623,59,3,55349,56609,97,114,4,2,108,114,8938,8941,59,1,8643,59,1,8642,4,5,97,101,103,115,118,8956,8986,8989,8996,9001,109,4,3,59,111,115,8965,8967,8983,1,8900,110,100,4,2,59,115,8975,8977,1,8900,117,105,116,59,1,9830,59,1,9830,59,1,168,97,109,109,97,59,1,989,105,110,59,1,8946,4,3,59,105,111,9009,9011,9031,1,247,100,101,5,247,2,59,111,9020,9022,1,247,110,116,105,109,101,115,59,1,8903,110,120,59,1,8903,99,121,59,1,1106,99,4,2,111,114,9048,9053,114,110,59,1,8990,111,112,59,1,8973,4,5,108,112,116,117,119,9070,9076,9081,9130,9144,108,97,114,59,1,36,102,59,3,55349,56661,4,5,59,101,109,112,115,9093,9095,9109,9116,9122,1,729,113,4,2,59,100,9102,9104,1,8784,111,116,59,1,8785,105,110,117,115,59,1,8760,108,117,115,59,1,8724,113,117,97,114,101,59,1,8865,98,108,101,98,97,114,119,101,100,103,101,59,1,8966,110,4,3,97,100,104,9153,9160,9172,114,114,111,119,59,1,8595,111,119,110,97,114,114,111,119,115,59,1,8650,97,114,112,111,111,110,4,2,108,114,9184,9190,101,102,116,59,1,8643,105,103,104,116,59,1,8642,4,2,98,99,9203,9211,107,97,114,111,119,59,1,10512,4,2,111,114,9217,9222,114,110,59,1,8991,111,112,59,1,8972,4,3,99,111,116,9235,9248,9252,4,2,114,121,9241,9245,59,3,55349,56505,59,1,1109,108,59,1,10742,114,111,107,59,1,273,4,2,100,114,9264,9269,111,116,59,1,8945,105,4,2,59,102,9276,9278,1,9663,59,1,9662,4,2,97,104,9287,9292,114,114,59,1,8693,97,114,59,1,10607,97,110,103,108,101,59,1,10662,4,2,99,105,9311,9315,121,59,1,1119,103,114,97,114,114,59,1,10239,4,18,68,97,99,100,101,102,103,108,109,110,111,112,113,114,115,116,117,120,9361,9376,9398,9439,9444,9447,9462,9495,9531,9585,9598,9614,9659,9755,9771,9792,9808,9826,4,2,68,111,9367,9372,111,116,59,1,10871,116,59,1,8785,4,2,99,115,9382,9392,117,116,101,5,233,1,59,9390,1,233,116,101,114,59,1,10862,4,4,97,105,111,121,9408,9414,9430,9436,114,111,110,59,1,283,114,4,2,59,99,9421,9423,1,8790,5,234,1,59,9428,1,234,108,111,110,59,1,8789,59,1,1101,111,116,59,1,279,59,1,8519,4,2,68,114,9453,9458,111,116,59,1,8786,59,3,55349,56610,4,3,59,114,115,9470,9472,9482,1,10906,97,118,101,5,232,1,59,9480,1,232,4,2,59,100,9488,9490,1,10902,111,116,59,1,10904,4,4,59,105,108,115,9505,9507,9515,9518,1,10905,110,116,101,114,115,59,1,9191,59,1,8467,4,2,59,100,9524,9526,1,10901,111,116,59,1,10903,4,3,97,112,115,9539,9544,9564,99,114,59,1,275,116,121,4,3,59,115,118,9554,9556,9561,1,8709,101,116,59,1,8709,59,1,8709,112,4,2,49,59,9571,9583,4,2,51,52,9577,9580,59,1,8196,59,1,8197,1,8195,4,2,103,115,9591,9594,59,1,331,112,59,1,8194,4,2,103,112,9604,9609,111,110,59,1,281,102,59,3,55349,56662,4,3,97,108,115,9622,9635,9640,114,4,2,59,115,9629,9631,1,8917,108,59,1,10723,117,115,59,1,10865,105,4,3,59,108,118,9649,9651,9656,1,949,111,110,59,1,949,59,1,1013,4,4,99,115,117,118,9669,9686,9716,9747,4,2,105,111,9675,9680,114,99,59,1,8790,108,111,110,59,1,8789,4,2,105,108,9692,9696,109,59,1,8770,97,110,116,4,2,103,108,9705,9710,116,114,59,1,10902,101,115,115,59,1,10901,4,3,97,101,105,9724,9729,9734,108,115,59,1,61,115,116,59,1,8799,118,4,2,59,68,9741,9743,1,8801,68,59,1,10872,112,97,114,115,108,59,1,10725,4,2,68,97,9761,9766,111,116,59,1,8787,114,114,59,1,10609,4,3,99,100,105,9779,9783,9788,114,59,1,8495,111,116,59,1,8784,109,59,1,8770,4,2,97,104,9798,9801,59,1,951,5,240,1,59,9806,1,240,4,2,109,114,9814,9822,108,5,235,1,59,9820,1,235,111,59,1,8364,4,3,99,105,112,9834,9838,9843,108,59,1,33,115,116,59,1,8707,4,2,101,111,9849,9859,99,116,97,116,105,111,110,59,1,8496,110,101,110,116,105,97,108,101,59,1,8519,4,12,97,99,101,102,105,106,108,110,111,112,114,115,9896,9910,9914,9921,9954,9960,9967,9989,9994,10027,10036,10164,108,108,105,110,103,100,111,116,115,101,113,59,1,8786,121,59,1,1092,109,97,108,101,59,1,9792,4,3,105,108,114,9929,9935,9950,108,105,103,59,1,64259,4,2,105,108,9941,9945,103,59,1,64256,105,103,59,1,64260,59,3,55349,56611,108,105,103,59,1,64257,108,105,103,59,3,102,106,4,3,97,108,116,9975,9979,9984,116,59,1,9837,105,103,59,1,64258,110,115,59,1,9649,111,102,59,1,402,4,2,112,114,1e4,10005,102,59,3,55349,56663,4,2,97,107,10011,10016,108,108,59,1,8704,4,2,59,118,10022,10024,1,8916,59,1,10969,97,114,116,105,110,116,59,1,10765,4,2,97,111,10042,10159,4,2,99,115,10048,10155,4,6,49,50,51,52,53,55,10062,10102,10114,10135,10139,10151,4,6,50,51,52,53,54,56,10076,10083,10086,10093,10096,10099,5,189,1,59,10081,1,189,59,1,8531,5,188,1,59,10091,1,188,59,1,8533,59,1,8537,59,1,8539,4,2,51,53,10108,10111,59,1,8532,59,1,8534,4,3,52,53,56,10122,10129,10132,5,190,1,59,10127,1,190,59,1,8535,59,1,8540,53,59,1,8536,4,2,54,56,10145,10148,59,1,8538,59,1,8541,56,59,1,8542,108,59,1,8260,119,110,59,1,8994,99,114,59,3,55349,56507,4,17,69,97,98,99,100,101,102,103,105,106,108,110,111,114,115,116,118,10206,10217,10247,10254,10268,10273,10358,10363,10374,10380,10385,10406,10458,10464,10470,10497,10610,4,2,59,108,10212,10214,1,8807,59,1,10892,4,3,99,109,112,10225,10231,10244,117,116,101,59,1,501,109,97,4,2,59,100,10239,10241,1,947,59,1,989,59,1,10886,114,101,118,101,59,1,287,4,2,105,121,10260,10265,114,99,59,1,285,59,1,1075,111,116,59,1,289,4,4,59,108,113,115,10283,10285,10288,10308,1,8805,59,1,8923,4,3,59,113,115,10296,10298,10301,1,8805,59,1,8807,108,97,110,116,59,1,10878,4,4,59,99,100,108,10318,10320,10324,10345,1,10878,99,59,1,10921,111,116,4,2,59,111,10332,10334,1,10880,4,2,59,108,10340,10342,1,10882,59,1,10884,4,2,59,101,10351,10354,3,8923,65024,115,59,1,10900,114,59,3,55349,56612,4,2,59,103,10369,10371,1,8811,59,1,8921,109,101,108,59,1,8503,99,121,59,1,1107,4,4,59,69,97,106,10395,10397,10400,10403,1,8823,59,1,10898,59,1,10917,59,1,10916,4,4,69,97,101,115,10416,10419,10434,10453,59,1,8809,112,4,2,59,112,10426,10428,1,10890,114,111,120,59,1,10890,4,2,59,113,10440,10442,1,10888,4,2,59,113,10448,10450,1,10888,59,1,8809,105,109,59,1,8935,112,102,59,3,55349,56664,97,118,101,59,1,96,4,2,99,105,10476,10480,114,59,1,8458,109,4,3,59,101,108,10489,10491,10494,1,8819,59,1,10894,59,1,10896,5,62,6,59,99,100,108,113,114,10512,10514,10527,10532,10538,10545,1,62,4,2,99,105,10520,10523,59,1,10919,114,59,1,10874,111,116,59,1,8919,80,97,114,59,1,10645,117,101,115,116,59,1,10876,4,5,97,100,101,108,115,10557,10574,10579,10599,10605,4,2,112,114,10563,10570,112,114,111,120,59,1,10886,114,59,1,10616,111,116,59,1,8919,113,4,2,108,113,10586,10592,101,115,115,59,1,8923,108,101,115,115,59,1,10892,101,115,115,59,1,8823,105,109,59,1,8819,4,2,101,110,10616,10626,114,116,110,101,113,113,59,3,8809,65024,69,59,3,8809,65024,4,10,65,97,98,99,101,102,107,111,115,121,10653,10658,10713,10718,10724,10760,10765,10786,10850,10875,114,114,59,1,8660,4,4,105,108,109,114,10668,10674,10678,10684,114,115,112,59,1,8202,102,59,1,189,105,108,116,59,1,8459,4,2,100,114,10690,10695,99,121,59,1,1098,4,3,59,99,119,10703,10705,10710,1,8596,105,114,59,1,10568,59,1,8621,97,114,59,1,8463,105,114,99,59,1,293,4,3,97,108,114,10732,10748,10754,114,116,115,4,2,59,117,10741,10743,1,9829,105,116,59,1,9829,108,105,112,59,1,8230,99,111,110,59,1,8889,114,59,3,55349,56613,115,4,2,101,119,10772,10779,97,114,111,119,59,1,10533,97,114,111,119,59,1,10534,4,5,97,109,111,112,114,10798,10803,10809,10839,10844,114,114,59,1,8703,116,104,116,59,1,8763,107,4,2,108,114,10816,10827,101,102,116,97,114,114,111,119,59,1,8617,105,103,104,116,97,114,114,111,119,59,1,8618,102,59,3,55349,56665,98,97,114,59,1,8213,4,3,99,108,116,10858,10863,10869,114,59,3,55349,56509,97,115,104,59,1,8463,114,111,107,59,1,295,4,2,98,112,10881,10887,117,108,108,59,1,8259,104,101,110,59,1,8208,4,15,97,99,101,102,103,105,106,109,110,111,112,113,115,116,117,10925,10936,10958,10977,10990,11001,11039,11045,11101,11192,11220,11226,11237,11285,11299,99,117,116,101,5,237,1,59,10934,1,237,4,3,59,105,121,10944,10946,10955,1,8291,114,99,5,238,1,59,10953,1,238,59,1,1080,4,2,99,120,10964,10968,121,59,1,1077,99,108,5,161,1,59,10975,1,161,4,2,102,114,10983,10986,59,1,8660,59,3,55349,56614,114,97,118,101,5,236,1,59,10999,1,236,4,4,59,105,110,111,11011,11013,11028,11034,1,8520,4,2,105,110,11019,11024,110,116,59,1,10764,116,59,1,8749,102,105,110,59,1,10716,116,97,59,1,8489,108,105,103,59,1,307,4,3,97,111,112,11053,11092,11096,4,3,99,103,116,11061,11065,11088,114,59,1,299,4,3,101,108,112,11073,11076,11082,59,1,8465,105,110,101,59,1,8464,97,114,116,59,1,8465,104,59,1,305,102,59,1,8887,101,100,59,1,437,4,5,59,99,102,111,116,11113,11115,11121,11136,11142,1,8712,97,114,101,59,1,8453,105,110,4,2,59,116,11129,11131,1,8734,105,101,59,1,10717,100,111,116,59,1,305,4,5,59,99,101,108,112,11154,11156,11161,11179,11186,1,8747,97,108,59,1,8890,4,2,103,114,11167,11173,101,114,115,59,1,8484,99,97,108,59,1,8890,97,114,104,107,59,1,10775,114,111,100,59,1,10812,4,4,99,103,112,116,11202,11206,11211,11216,121,59,1,1105,111,110,59,1,303,102,59,3,55349,56666,97,59,1,953,114,111,100,59,1,10812,117,101,115,116,5,191,1,59,11235,1,191,4,2,99,105,11243,11248,114,59,3,55349,56510,110,4,5,59,69,100,115,118,11261,11263,11266,11271,11282,1,8712,59,1,8953,111,116,59,1,8949,4,2,59,118,11277,11279,1,8948,59,1,8947,59,1,8712,4,2,59,105,11291,11293,1,8290,108,100,101,59,1,297,4,2,107,109,11305,11310,99,121,59,1,1110,108,5,239,1,59,11316,1,239,4,6,99,102,109,111,115,117,11332,11346,11351,11357,11363,11380,4,2,105,121,11338,11343,114,99,59,1,309,59,1,1081,114,59,3,55349,56615,97,116,104,59,1,567,112,102,59,3,55349,56667,4,2,99,101,11369,11374,114,59,3,55349,56511,114,99,121,59,1,1112,107,99,121,59,1,1108,4,8,97,99,102,103,104,106,111,115,11404,11418,11433,11438,11445,11450,11455,11461,112,112,97,4,2,59,118,11413,11415,1,954,59,1,1008,4,2,101,121,11424,11430,100,105,108,59,1,311,59,1,1082,114,59,3,55349,56616,114,101,101,110,59,1,312,99,121,59,1,1093,99,121,59,1,1116,112,102,59,3,55349,56668,99,114,59,3,55349,56512,4,23,65,66,69,72,97,98,99,100,101,102,103,104,106,108,109,110,111,112,114,115,116,117,118,11515,11538,11544,11555,11560,11721,11780,11818,11868,12136,12160,12171,12203,12208,12246,12275,12327,12509,12523,12569,12641,12732,12752,4,3,97,114,116,11523,11528,11532,114,114,59,1,8666,114,59,1,8656,97,105,108,59,1,10523,97,114,114,59,1,10510,4,2,59,103,11550,11552,1,8806,59,1,10891,97,114,59,1,10594,4,9,99,101,103,109,110,112,113,114,116,11580,11586,11594,11600,11606,11624,11627,11636,11694,117,116,101,59,1,314,109,112,116,121,118,59,1,10676,114,97,110,59,1,8466,98,100,97,59,1,955,103,4,3,59,100,108,11615,11617,11620,1,10216,59,1,10641,101,59,1,10216,59,1,10885,117,111,5,171,1,59,11634,1,171,114,4,8,59,98,102,104,108,112,115,116,11655,11657,11669,11673,11677,11681,11685,11690,1,8592,4,2,59,102,11663,11665,1,8676,115,59,1,10527,115,59,1,10525,107,59,1,8617,112,59,1,8619,108,59,1,10553,105,109,59,1,10611,108,59,1,8610,4,3,59,97,101,11702,11704,11709,1,10923,105,108,59,1,10521,4,2,59,115,11715,11717,1,10925,59,3,10925,65024,4,3,97,98,114,11729,11734,11739,114,114,59,1,10508,114,107,59,1,10098,4,2,97,107,11745,11758,99,4,2,101,107,11752,11755,59,1,123,59,1,91,4,2,101,115,11764,11767,59,1,10635,108,4,2,100,117,11774,11777,59,1,10639,59,1,10637,4,4,97,101,117,121,11790,11796,11811,11815,114,111,110,59,1,318,4,2,100,105,11802,11807,105,108,59,1,316,108,59,1,8968,98,59,1,123,59,1,1083,4,4,99,113,114,115,11828,11832,11845,11864,97,59,1,10550,117,111,4,2,59,114,11840,11842,1,8220,59,1,8222,4,2,100,117,11851,11857,104,97,114,59,1,10599,115,104,97,114,59,1,10571,104,59,1,8626,4,5,59,102,103,113,115,11880,11882,12008,12011,12031,1,8804,116,4,5,97,104,108,114,116,11895,11913,11935,11947,11996,114,114,111,119,4,2,59,116,11905,11907,1,8592,97,105,108,59,1,8610,97,114,112,111,111,110,4,2,100,117,11925,11931,111,119,110,59,1,8637,112,59,1,8636,101,102,116,97,114,114,111,119,115,59,1,8647,105,103,104,116,4,3,97,104,115,11959,11974,11984,114,114,111,119,4,2,59,115,11969,11971,1,8596,59,1,8646,97,114,112,111,111,110,115,59,1,8651,113,117,105,103,97,114,114,111,119,59,1,8621,104,114,101,101,116,105,109,101,115,59,1,8907,59,1,8922,4,3,59,113,115,12019,12021,12024,1,8804,59,1,8806,108,97,110,116,59,1,10877,4,5,59,99,100,103,115,12043,12045,12049,12070,12083,1,10877,99,59,1,10920,111,116,4,2,59,111,12057,12059,1,10879,4,2,59,114,12065,12067,1,10881,59,1,10883,4,2,59,101,12076,12079,3,8922,65024,115,59,1,10899,4,5,97,100,101,103,115,12095,12103,12108,12126,12131,112,112,114,111,120,59,1,10885,111,116,59,1,8918,113,4,2,103,113,12115,12120,116,114,59,1,8922,103,116,114,59,1,10891,116,114,59,1,8822,105,109,59,1,8818,4,3,105,108,114,12144,12150,12156,115,104,116,59,1,10620,111,111,114,59,1,8970,59,3,55349,56617,4,2,59,69,12166,12168,1,8822,59,1,10897,4,2,97,98,12177,12198,114,4,2,100,117,12184,12187,59,1,8637,4,2,59,108,12193,12195,1,8636,59,1,10602,108,107,59,1,9604,99,121,59,1,1113,4,5,59,97,99,104,116,12220,12222,12227,12235,12241,1,8810,114,114,59,1,8647,111,114,110,101,114,59,1,8990,97,114,100,59,1,10603,114,105,59,1,9722,4,2,105,111,12252,12258,100,111,116,59,1,320,117,115,116,4,2,59,97,12267,12269,1,9136,99,104,101,59,1,9136,4,4,69,97,101,115,12285,12288,12303,12322,59,1,8808,112,4,2,59,112,12295,12297,1,10889,114,111,120,59,1,10889,4,2,59,113,12309,12311,1,10887,4,2,59,113,12317,12319,1,10887,59,1,8808,105,109,59,1,8934,4,8,97,98,110,111,112,116,119,122,12345,12359,12364,12421,12446,12467,12474,12490,4,2,110,114,12351,12355,103,59,1,10220,114,59,1,8701,114,107,59,1,10214,103,4,3,108,109,114,12373,12401,12409,101,102,116,4,2,97,114,12382,12389,114,114,111,119,59,1,10229,105,103,104,116,97,114,114,111,119,59,1,10231,97,112,115,116,111,59,1,10236,105,103,104,116,97,114,114,111,119,59,1,10230,112,97,114,114,111,119,4,2,108,114,12433,12439,101,102,116,59,1,8619,105,103,104,116,59,1,8620,4,3,97,102,108,12454,12458,12462,114,59,1,10629,59,3,55349,56669,117,115,59,1,10797,105,109,101,115,59,1,10804,4,2,97,98,12480,12485,115,116,59,1,8727,97,114,59,1,95,4,3,59,101,102,12498,12500,12506,1,9674,110,103,101,59,1,9674,59,1,10731,97,114,4,2,59,108,12517,12519,1,40,116,59,1,10643,4,5,97,99,104,109,116,12535,12540,12548,12561,12564,114,114,59,1,8646,111,114,110,101,114,59,1,8991,97,114,4,2,59,100,12556,12558,1,8651,59,1,10605,59,1,8206,114,105,59,1,8895,4,6,97,99,104,105,113,116,12583,12589,12594,12597,12614,12635,113,117,111,59,1,8249,114,59,3,55349,56513,59,1,8624,109,4,3,59,101,103,12606,12608,12611,1,8818,59,1,10893,59,1,10895,4,2,98,117,12620,12623,59,1,91,111,4,2,59,114,12630,12632,1,8216,59,1,8218,114,111,107,59,1,322,5,60,8,59,99,100,104,105,108,113,114,12660,12662,12675,12680,12686,12692,12698,12705,1,60,4,2,99,105,12668,12671,59,1,10918,114,59,1,10873,111,116,59,1,8918,114,101,101,59,1,8907,109,101,115,59,1,8905,97,114,114,59,1,10614,117,101,115,116,59,1,10875,4,2,80,105,12711,12716,97,114,59,1,10646,4,3,59,101,102,12724,12726,12729,1,9667,59,1,8884,59,1,9666,114,4,2,100,117,12739,12746,115,104,97,114,59,1,10570,104,97,114,59,1,10598,4,2,101,110,12758,12768,114,116,110,101,113,113,59,3,8808,65024,69,59,3,8808,65024,4,14,68,97,99,100,101,102,104,105,108,110,111,112,115,117,12803,12809,12893,12908,12914,12928,12933,12937,13011,13025,13032,13049,13052,13069,68,111,116,59,1,8762,4,4,99,108,112,114,12819,12827,12849,12887,114,5,175,1,59,12825,1,175,4,2,101,116,12833,12836,59,1,9794,4,2,59,101,12842,12844,1,10016,115,101,59,1,10016,4,2,59,115,12855,12857,1,8614,116,111,4,4,59,100,108,117,12869,12871,12877,12883,1,8614,111,119,110,59,1,8615,101,102,116,59,1,8612,112,59,1,8613,107,101,114,59,1,9646,4,2,111,121,12899,12905,109,109,97,59,1,10793,59,1,1084,97,115,104,59,1,8212,97,115,117,114,101,100,97,110,103,108,101,59,1,8737,114,59,3,55349,56618,111,59,1,8487,4,3,99,100,110,12945,12954,12985,114,111,5,181,1,59,12952,1,181,4,4,59,97,99,100,12964,12966,12971,12976,1,8739,115,116,59,1,42,105,114,59,1,10992,111,116,5,183,1,59,12983,1,183,117,115,4,3,59,98,100,12995,12997,13e3,1,8722,59,1,8863,4,2,59,117,13006,13008,1,8760,59,1,10794,4,2,99,100,13017,13021,112,59,1,10971,114,59,1,8230,112,108,117,115,59,1,8723,4,2,100,112,13038,13044,101,108,115,59,1,8871,102,59,3,55349,56670,59,1,8723,4,2,99,116,13058,13063,114,59,3,55349,56514,112,111,115,59,1,8766,4,3,59,108,109,13077,13079,13087,1,956,116,105,109,97,112,59,1,8888,97,112,59,1,8888,4,24,71,76,82,86,97,98,99,100,101,102,103,104,105,106,108,109,111,112,114,115,116,117,118,119,13142,13165,13217,13229,13247,13330,13359,13414,13420,13508,13513,13579,13602,13626,13631,13762,13767,13855,13936,13995,14214,14285,14312,14432,4,2,103,116,13148,13152,59,3,8921,824,4,2,59,118,13158,13161,3,8811,8402,59,3,8811,824,4,3,101,108,116,13173,13200,13204,102,116,4,2,97,114,13181,13188,114,114,111,119,59,1,8653,105,103,104,116,97,114,114,111,119,59,1,8654,59,3,8920,824,4,2,59,118,13210,13213,3,8810,8402,59,3,8810,824,105,103,104,116,97,114,114,111,119,59,1,8655,4,2,68,100,13235,13241,97,115,104,59,1,8879,97,115,104,59,1,8878,4,5,98,99,110,112,116,13259,13264,13270,13275,13308,108,97,59,1,8711,117,116,101,59,1,324,103,59,3,8736,8402,4,5,59,69,105,111,112,13287,13289,13293,13298,13302,1,8777,59,3,10864,824,100,59,3,8779,824,115,59,1,329,114,111,120,59,1,8777,117,114,4,2,59,97,13316,13318,1,9838,108,4,2,59,115,13325,13327,1,9838,59,1,8469,4,2,115,117,13336,13344,112,5,160,1,59,13342,1,160,109,112,4,2,59,101,13352,13355,3,8782,824,59,3,8783,824,4,5,97,101,111,117,121,13371,13385,13391,13407,13411,4,2,112,114,13377,13380,59,1,10819,111,110,59,1,328,100,105,108,59,1,326,110,103,4,2,59,100,13399,13401,1,8775,111,116,59,3,10861,824,112,59,1,10818,59,1,1085,97,115,104,59,1,8211,4,7,59,65,97,100,113,115,120,13436,13438,13443,13466,13472,13478,13494,1,8800,114,114,59,1,8663,114,4,2,104,114,13450,13454,107,59,1,10532,4,2,59,111,13460,13462,1,8599,119,59,1,8599,111,116,59,3,8784,824,117,105,118,59,1,8802,4,2,101,105,13484,13489,97,114,59,1,10536,109,59,3,8770,824,105,115,116,4,2,59,115,13503,13505,1,8708,59,1,8708,114,59,3,55349,56619,4,4,69,101,115,116,13523,13527,13563,13568,59,3,8807,824,4,3,59,113,115,13535,13537,13559,1,8817,4,3,59,113,115,13545,13547,13551,1,8817,59,3,8807,824,108,97,110,116,59,3,10878,824,59,3,10878,824,105,109,59,1,8821,4,2,59,114,13574,13576,1,8815,59,1,8815,4,3,65,97,112,13587,13592,13597,114,114,59,1,8654,114,114,59,1,8622,97,114,59,1,10994,4,3,59,115,118,13610,13612,13623,1,8715,4,2,59,100,13618,13620,1,8956,59,1,8954,59,1,8715,99,121,59,1,1114,4,7,65,69,97,100,101,115,116,13647,13652,13656,13661,13665,13737,13742,114,114,59,1,8653,59,3,8806,824,114,114,59,1,8602,114,59,1,8229,4,4,59,102,113,115,13675,13677,13703,13725,1,8816,116,4,2,97,114,13684,13691,114,114,111,119,59,1,8602,105,103,104,116,97,114,114,111,119,59,1,8622,4,3,59,113,115,13711,13713,13717,1,8816,59,3,8806,824,108,97,110,116,59,3,10877,824,4,2,59,115,13731,13734,3,10877,824,59,1,8814,105,109,59,1,8820,4,2,59,114,13748,13750,1,8814,105,4,2,59,101,13757,13759,1,8938,59,1,8940,105,100,59,1,8740,4,2,112,116,13773,13778,102,59,3,55349,56671,5,172,3,59,105,110,13787,13789,13829,1,172,110,4,4,59,69,100,118,13800,13802,13806,13812,1,8713,59,3,8953,824,111,116,59,3,8949,824,4,3,97,98,99,13820,13823,13826,59,1,8713,59,1,8951,59,1,8950,105,4,2,59,118,13836,13838,1,8716,4,3,97,98,99,13846,13849,13852,59,1,8716,59,1,8958,59,1,8957,4,3,97,111,114,13863,13892,13899,114,4,4,59,97,115,116,13874,13876,13883,13888,1,8742,108,108,101,108,59,1,8742,108,59,3,11005,8421,59,3,8706,824,108,105,110,116,59,1,10772,4,3,59,99,101,13907,13909,13914,1,8832,117,101,59,1,8928,4,2,59,99,13920,13923,3,10927,824,4,2,59,101,13929,13931,1,8832,113,59,3,10927,824,4,4,65,97,105,116,13946,13951,13971,13982,114,114,59,1,8655,114,114,4,3,59,99,119,13961,13963,13967,1,8603,59,3,10547,824,59,3,8605,824,103,104,116,97,114,114,111,119,59,1,8603,114,105,4,2,59,101,13990,13992,1,8939,59,1,8941,4,7,99,104,105,109,112,113,117,14011,14036,14060,14080,14085,14090,14106,4,4,59,99,101,114,14021,14023,14028,14032,1,8833,117,101,59,1,8929,59,3,10928,824,59,3,55349,56515,111,114,116,4,2,109,112,14045,14050,105,100,59,1,8740,97,114,97,108,108,101,108,59,1,8742,109,4,2,59,101,14067,14069,1,8769,4,2,59,113,14075,14077,1,8772,59,1,8772,105,100,59,1,8740,97,114,59,1,8742,115,117,4,2,98,112,14098,14102,101,59,1,8930,101,59,1,8931,4,3,98,99,112,14114,14157,14171,4,4,59,69,101,115,14124,14126,14130,14133,1,8836,59,3,10949,824,59,1,8840,101,116,4,2,59,101,14141,14144,3,8834,8402,113,4,2,59,113,14151,14153,1,8840,59,3,10949,824,99,4,2,59,101,14164,14166,1,8833,113,59,3,10928,824,4,4,59,69,101,115,14181,14183,14187,14190,1,8837,59,3,10950,824,59,1,8841,101,116,4,2,59,101,14198,14201,3,8835,8402,113,4,2,59,113,14208,14210,1,8841,59,3,10950,824,4,4,103,105,108,114,14224,14228,14238,14242,108,59,1,8825,108,100,101,5,241,1,59,14236,1,241,103,59,1,8824,105,97,110,103,108,101,4,2,108,114,14254,14269,101,102,116,4,2,59,101,14263,14265,1,8938,113,59,1,8940,105,103,104,116,4,2,59,101,14279,14281,1,8939,113,59,1,8941,4,2,59,109,14291,14293,1,957,4,3,59,101,115,14301,14303,14308,1,35,114,111,59,1,8470,112,59,1,8199,4,9,68,72,97,100,103,105,108,114,115,14332,14338,14344,14349,14355,14369,14376,14408,14426,97,115,104,59,1,8877,97,114,114,59,1,10500,112,59,3,8781,8402,97,115,104,59,1,8876,4,2,101,116,14361,14365,59,3,8805,8402,59,3,62,8402,110,102,105,110,59,1,10718,4,3,65,101,116,14384,14389,14393,114,114,59,1,10498,59,3,8804,8402,4,2,59,114,14399,14402,3,60,8402,105,101,59,3,8884,8402,4,2,65,116,14414,14419,114,114,59,1,10499,114,105,101,59,3,8885,8402,105,109,59,3,8764,8402,4,3,65,97,110,14440,14445,14468,114,114,59,1,8662,114,4,2,104,114,14452,14456,107,59,1,10531,4,2,59,111,14462,14464,1,8598,119,59,1,8598,101,97,114,59,1,10535,4,18,83,97,99,100,101,102,103,104,105,108,109,111,112,114,115,116,117,118,14512,14515,14535,14560,14597,14603,14618,14643,14657,14662,14701,14741,14747,14769,14851,14877,14907,14916,59,1,9416,4,2,99,115,14521,14531,117,116,101,5,243,1,59,14529,1,243,116,59,1,8859,4,2,105,121,14541,14557,114,4,2,59,99,14548,14550,1,8858,5,244,1,59,14555,1,244,59,1,1086,4,5,97,98,105,111,115,14572,14577,14583,14587,14591,115,104,59,1,8861,108,97,99,59,1,337,118,59,1,10808,116,59,1,8857,111,108,100,59,1,10684,108,105,103,59,1,339,4,2,99,114,14609,14614,105,114,59,1,10687,59,3,55349,56620,4,3,111,114,116,14626,14630,14640,110,59,1,731,97,118,101,5,242,1,59,14638,1,242,59,1,10689,4,2,98,109,14649,14654,97,114,59,1,10677,59,1,937,110,116,59,1,8750,4,4,97,99,105,116,14672,14677,14693,14698,114,114,59,1,8634,4,2,105,114,14683,14687,114,59,1,10686,111,115,115,59,1,10683,110,101,59,1,8254,59,1,10688,4,3,97,101,105,14709,14714,14719,99,114,59,1,333,103,97,59,1,969,4,3,99,100,110,14727,14733,14736,114,111,110,59,1,959,59,1,10678,117,115,59,1,8854,112,102,59,3,55349,56672,4,3,97,101,108,14755,14759,14764,114,59,1,10679,114,112,59,1,10681,117,115,59,1,8853,4,7,59,97,100,105,111,115,118,14785,14787,14792,14831,14837,14841,14848,1,8744,114,114,59,1,8635,4,4,59,101,102,109,14802,14804,14817,14824,1,10845,114,4,2,59,111,14811,14813,1,8500,102,59,1,8500,5,170,1,59,14822,1,170,5,186,1,59,14829,1,186,103,111,102,59,1,8886,114,59,1,10838,108,111,112,101,59,1,10839,59,1,10843,4,3,99,108,111,14859,14863,14873,114,59,1,8500,97,115,104,5,248,1,59,14871,1,248,108,59,1,8856,105,4,2,108,109,14884,14893,100,101,5,245,1,59,14891,1,245,101,115,4,2,59,97,14901,14903,1,8855,115,59,1,10806,109,108,5,246,1,59,14914,1,246,98,97,114,59,1,9021,4,12,97,99,101,102,104,105,108,109,111,114,115,117,14948,14992,14996,15033,15038,15068,15090,15189,15192,15222,15427,15441,114,4,4,59,97,115,116,14959,14961,14976,14989,1,8741,5,182,2,59,108,14968,14970,1,182,108,101,108,59,1,8741,4,2,105,108,14982,14986,109,59,1,10995,59,1,11005,59,1,8706,121,59,1,1087,114,4,5,99,105,109,112,116,15009,15014,15019,15024,15027,110,116,59,1,37,111,100,59,1,46,105,108,59,1,8240,59,1,8869,101,110,107,59,1,8241,114,59,3,55349,56621,4,3,105,109,111,15046,15057,15063,4,2,59,118,15052,15054,1,966,59,1,981,109,97,116,59,1,8499,110,101,59,1,9742,4,3,59,116,118,15076,15078,15087,1,960,99,104,102,111,114,107,59,1,8916,59,1,982,4,2,97,117,15096,15119,110,4,2,99,107,15103,15115,107,4,2,59,104,15110,15112,1,8463,59,1,8462,118,59,1,8463,115,4,9,59,97,98,99,100,101,109,115,116,15140,15142,15148,15151,15156,15168,15171,15179,15184,1,43,99,105,114,59,1,10787,59,1,8862,105,114,59,1,10786,4,2,111,117,15162,15165,59,1,8724,59,1,10789,59,1,10866,110,5,177,1,59,15177,1,177,105,109,59,1,10790,119,111,59,1,10791,59,1,177,4,3,105,112,117,15200,15208,15213,110,116,105,110,116,59,1,10773,102,59,3,55349,56673,110,100,5,163,1,59,15220,1,163,4,10,59,69,97,99,101,105,110,111,115,117,15244,15246,15249,15253,15258,15334,15347,15367,15416,15421,1,8826,59,1,10931,112,59,1,10935,117,101,59,1,8828,4,2,59,99,15264,15266,1,10927,4,6,59,97,99,101,110,115,15280,15282,15290,15299,15303,15329,1,8826,112,112,114,111,120,59,1,10935,117,114,108,121,101,113,59,1,8828,113,59,1,10927,4,3,97,101,115,15311,15319,15324,112,112,114,111,120,59,1,10937,113,113,59,1,10933,105,109,59,1,8936,105,109,59,1,8830,109,101,4,2,59,115,15342,15344,1,8242,59,1,8473,4,3,69,97,115,15355,15358,15362,59,1,10933,112,59,1,10937,105,109,59,1,8936,4,3,100,102,112,15375,15378,15404,59,1,8719,4,3,97,108,115,15386,15392,15398,108,97,114,59,1,9006,105,110,101,59,1,8978,117,114,102,59,1,8979,4,2,59,116,15410,15412,1,8733,111,59,1,8733,105,109,59,1,8830,114,101,108,59,1,8880,4,2,99,105,15433,15438,114,59,3,55349,56517,59,1,968,110,99,115,112,59,1,8200,4,6,102,105,111,112,115,117,15462,15467,15472,15478,15485,15491,114,59,3,55349,56622,110,116,59,1,10764,112,102,59,3,55349,56674,114,105,109,101,59,1,8279,99,114,59,3,55349,56518,4,3,97,101,111,15499,15520,15534,116,4,2,101,105,15506,15515,114,110,105,111,110,115,59,1,8461,110,116,59,1,10774,115,116,4,2,59,101,15528,15530,1,63,113,59,1,8799,116,5,34,1,59,15540,1,34,4,21,65,66,72,97,98,99,100,101,102,104,105,108,109,110,111,112,114,115,116,117,120,15586,15609,15615,15620,15796,15855,15893,15931,15977,16001,16039,16183,16204,16222,16228,16285,16312,16318,16363,16408,16416,4,3,97,114,116,15594,15599,15603,114,114,59,1,8667,114,59,1,8658,97,105,108,59,1,10524,97,114,114,59,1,10511,97,114,59,1,10596,4,7,99,100,101,110,113,114,116,15636,15651,15656,15664,15687,15696,15770,4,2,101,117,15642,15646,59,3,8765,817,116,101,59,1,341,105,99,59,1,8730,109,112,116,121,118,59,1,10675,103,4,4,59,100,101,108,15675,15677,15680,15683,1,10217,59,1,10642,59,1,10661,101,59,1,10217,117,111,5,187,1,59,15694,1,187,114,4,11,59,97,98,99,102,104,108,112,115,116,119,15721,15723,15727,15739,15742,15746,15750,15754,15758,15763,15767,1,8594,112,59,1,10613,4,2,59,102,15733,15735,1,8677,115,59,1,10528,59,1,10547,115,59,1,10526,107,59,1,8618,112,59,1,8620,108,59,1,10565,105,109,59,1,10612,108,59,1,8611,59,1,8605,4,2,97,105,15776,15781,105,108,59,1,10522,111,4,2,59,110,15788,15790,1,8758,97,108,115,59,1,8474,4,3,97,98,114,15804,15809,15814,114,114,59,1,10509,114,107,59,1,10099,4,2,97,107,15820,15833,99,4,2,101,107,15827,15830,59,1,125,59,1,93,4,2,101,115,15839,15842,59,1,10636,108,4,2,100,117,15849,15852,59,1,10638,59,1,10640,4,4,97,101,117,121,15865,15871,15886,15890,114,111,110,59,1,345,4,2,100,105,15877,15882,105,108,59,1,343,108,59,1,8969,98,59,1,125,59,1,1088,4,4,99,108,113,115,15903,15907,15914,15927,97,59,1,10551,100,104,97,114,59,1,10601,117,111,4,2,59,114,15922,15924,1,8221,59,1,8221,104,59,1,8627,4,3,97,99,103,15939,15966,15970,108,4,4,59,105,112,115,15950,15952,15957,15963,1,8476,110,101,59,1,8475,97,114,116,59,1,8476,59,1,8477,116,59,1,9645,5,174,1,59,15975,1,174,4,3,105,108,114,15985,15991,15997,115,104,116,59,1,10621,111,111,114,59,1,8971,59,3,55349,56623,4,2,97,111,16007,16028,114,4,2,100,117,16014,16017,59,1,8641,4,2,59,108,16023,16025,1,8640,59,1,10604,4,2,59,118,16034,16036,1,961,59,1,1009,4,3,103,110,115,16047,16167,16171,104,116,4,6,97,104,108,114,115,116,16063,16081,16103,16130,16143,16155,114,114,111,119,4,2,59,116,16073,16075,1,8594,97,105,108,59,1,8611,97,114,112,111,111,110,4,2,100,117,16093,16099,111,119,110,59,1,8641,112,59,1,8640,101,102,116,4,2,97,104,16112,16120,114,114,111,119,115,59,1,8644,97,114,112,111,111,110,115,59,1,8652,105,103,104,116,97,114,114,111,119,115,59,1,8649,113,117,105,103,97,114,114,111,119,59,1,8605,104,114,101,101,116,105,109,101,115,59,1,8908,103,59,1,730,105,110,103,100,111,116,115,101,113,59,1,8787,4,3,97,104,109,16191,16196,16201,114,114,59,1,8644,97,114,59,1,8652,59,1,8207,111,117,115,116,4,2,59,97,16214,16216,1,9137,99,104,101,59,1,9137,109,105,100,59,1,10990,4,4,97,98,112,116,16238,16252,16257,16278,4,2,110,114,16244,16248,103,59,1,10221,114,59,1,8702,114,107,59,1,10215,4,3,97,102,108,16265,16269,16273,114,59,1,10630,59,3,55349,56675,117,115,59,1,10798,105,109,101,115,59,1,10805,4,2,97,112,16291,16304,114,4,2,59,103,16298,16300,1,41,116,59,1,10644,111,108,105,110,116,59,1,10770,97,114,114,59,1,8649,4,4,97,99,104,113,16328,16334,16339,16342,113,117,111,59,1,8250,114,59,3,55349,56519,59,1,8625,4,2,98,117,16348,16351,59,1,93,111,4,2,59,114,16358,16360,1,8217,59,1,8217,4,3,104,105,114,16371,16377,16383,114,101,101,59,1,8908,109,101,115,59,1,8906,105,4,4,59,101,102,108,16394,16396,16399,16402,1,9657,59,1,8885,59,1,9656,116,114,105,59,1,10702,108,117,104,97,114,59,1,10600,59,1,8478,4,19,97,98,99,100,101,102,104,105,108,109,111,112,113,114,115,116,117,119,122,16459,16466,16472,16572,16590,16672,16687,16746,16844,16850,16924,16963,16988,17115,17121,17154,17206,17614,17656,99,117,116,101,59,1,347,113,117,111,59,1,8218,4,10,59,69,97,99,101,105,110,112,115,121,16494,16496,16499,16513,16518,16531,16536,16556,16564,16569,1,8827,59,1,10932,4,2,112,114,16505,16508,59,1,10936,111,110,59,1,353,117,101,59,1,8829,4,2,59,100,16524,16526,1,10928,105,108,59,1,351,114,99,59,1,349,4,3,69,97,115,16544,16547,16551,59,1,10934,112,59,1,10938,105,109,59,1,8937,111,108,105,110,116,59,1,10771,105,109,59,1,8831,59,1,1089,111,116,4,3,59,98,101,16582,16584,16587,1,8901,59,1,8865,59,1,10854,4,7,65,97,99,109,115,116,120,16606,16611,16634,16642,16646,16652,16668,114,114,59,1,8664,114,4,2,104,114,16618,16622,107,59,1,10533,4,2,59,111,16628,16630,1,8600,119,59,1,8600,116,5,167,1,59,16640,1,167,105,59,1,59,119,97,114,59,1,10537,109,4,2,105,110,16659,16665,110,117,115,59,1,8726,59,1,8726,116,59,1,10038,114,4,2,59,111,16679,16682,3,55349,56624,119,110,59,1,8994,4,4,97,99,111,121,16697,16702,16716,16739,114,112,59,1,9839,4,2,104,121,16708,16713,99,121,59,1,1097,59,1,1096,114,116,4,2,109,112,16724,16729,105,100,59,1,8739,97,114,97,108,108,101,108,59,1,8741,5,173,1,59,16744,1,173,4,2,103,109,16752,16770,109,97,4,3,59,102,118,16762,16764,16767,1,963,59,1,962,59,1,962,4,8,59,100,101,103,108,110,112,114,16788,16790,16795,16806,16817,16828,16832,16838,1,8764,111,116,59,1,10858,4,2,59,113,16801,16803,1,8771,59,1,8771,4,2,59,69,16812,16814,1,10910,59,1,10912,4,2,59,69,16823,16825,1,10909,59,1,10911,101,59,1,8774,108,117,115,59,1,10788,97,114,114,59,1,10610,97,114,114,59,1,8592,4,4,97,101,105,116,16860,16883,16891,16904,4,2,108,115,16866,16878,108,115,101,116,109,105,110,117,115,59,1,8726,104,112,59,1,10803,112,97,114,115,108,59,1,10724,4,2,100,108,16897,16900,59,1,8739,101,59,1,8995,4,2,59,101,16910,16912,1,10922,4,2,59,115,16918,16920,1,10924,59,3,10924,65024,4,3,102,108,112,16932,16938,16958,116,99,121,59,1,1100,4,2,59,98,16944,16946,1,47,4,2,59,97,16952,16954,1,10692,114,59,1,9023,102,59,3,55349,56676,97,4,2,100,114,16970,16985,101,115,4,2,59,117,16978,16980,1,9824,105,116,59,1,9824,59,1,8741,4,3,99,115,117,16996,17028,17089,4,2,97,117,17002,17015,112,4,2,59,115,17009,17011,1,8851,59,3,8851,65024,112,4,2,59,115,17022,17024,1,8852,59,3,8852,65024,117,4,2,98,112,17035,17062,4,3,59,101,115,17043,17045,17048,1,8847,59,1,8849,101,116,4,2,59,101,17056,17058,1,8847,113,59,1,8849,4,3,59,101,115,17070,17072,17075,1,8848,59,1,8850,101,116,4,2,59,101,17083,17085,1,8848,113,59,1,8850,4,3,59,97,102,17097,17099,17112,1,9633,114,4,2,101,102,17106,17109,59,1,9633,59,1,9642,59,1,9642,97,114,114,59,1,8594,4,4,99,101,109,116,17131,17136,17142,17148,114,59,3,55349,56520,116,109,110,59,1,8726,105,108,101,59,1,8995,97,114,102,59,1,8902,4,2,97,114,17160,17172,114,4,2,59,102,17167,17169,1,9734,59,1,9733,4,2,97,110,17178,17202,105,103,104,116,4,2,101,112,17188,17197,112,115,105,108,111,110,59,1,1013,104,105,59,1,981,115,59,1,175,4,5,98,99,109,110,112,17218,17351,17420,17423,17427,4,9,59,69,100,101,109,110,112,114,115,17238,17240,17243,17248,17261,17267,17279,17285,17291,1,8834,59,1,10949,111,116,59,1,10941,4,2,59,100,17254,17256,1,8838,111,116,59,1,10947,117,108,116,59,1,10945,4,2,69,101,17273,17276,59,1,10955,59,1,8842,108,117,115,59,1,10943,97,114,114,59,1,10617,4,3,101,105,117,17299,17335,17339,116,4,3,59,101,110,17308,17310,17322,1,8834,113,4,2,59,113,17317,17319,1,8838,59,1,10949,101,113,4,2,59,113,17330,17332,1,8842,59,1,10955,109,59,1,10951,4,2,98,112,17345,17348,59,1,10965,59,1,10963,99,4,6,59,97,99,101,110,115,17366,17368,17376,17385,17389,17415,1,8827,112,112,114,111,120,59,1,10936,117,114,108,121,101,113,59,1,8829,113,59,1,10928,4,3,97,101,115,17397,17405,17410,112,112,114,111,120,59,1,10938,113,113,59,1,10934,105,109,59,1,8937,105,109,59,1,8831,59,1,8721,103,59,1,9834,4,13,49,50,51,59,69,100,101,104,108,109,110,112,115,17455,17462,17469,17476,17478,17481,17496,17509,17524,17530,17536,17548,17554,5,185,1,59,17460,1,185,5,178,1,59,17467,1,178,5,179,1,59,17474,1,179,1,8835,59,1,10950,4,2,111,115,17487,17491,116,59,1,10942,117,98,59,1,10968,4,2,59,100,17502,17504,1,8839,111,116,59,1,10948,115,4,2,111,117,17516,17520,108,59,1,10185,98,59,1,10967,97,114,114,59,1,10619,117,108,116,59,1,10946,4,2,69,101,17542,17545,59,1,10956,59,1,8843,108,117,115,59,1,10944,4,3,101,105,117,17562,17598,17602,116,4,3,59,101,110,17571,17573,17585,1,8835,113,4,2,59,113,17580,17582,1,8839,59,1,10950,101,113,4,2,59,113,17593,17595,1,8843,59,1,10956,109,59,1,10952,4,2,98,112,17608,17611,59,1,10964,59,1,10966,4,3,65,97,110,17622,17627,17650,114,114,59,1,8665,114,4,2,104,114,17634,17638,107,59,1,10534,4,2,59,111,17644,17646,1,8601,119,59,1,8601,119,97,114,59,1,10538,108,105,103,5,223,1,59,17664,1,223,4,13,97,98,99,100,101,102,104,105,111,112,114,115,119,17694,17709,17714,17737,17742,17749,17754,17860,17905,17957,17964,18090,18122,4,2,114,117,17700,17706,103,101,116,59,1,8982,59,1,964,114,107,59,1,9140,4,3,97,101,121,17722,17728,17734,114,111,110,59,1,357,100,105,108,59,1,355,59,1,1090,111,116,59,1,8411,108,114,101,99,59,1,8981,114,59,3,55349,56625,4,4,101,105,107,111,17764,17805,17836,17851,4,2,114,116,17770,17786,101,4,2,52,102,17777,17780,59,1,8756,111,114,101,59,1,8756,97,4,3,59,115,118,17795,17797,17802,1,952,121,109,59,1,977,59,1,977,4,2,99,110,17811,17831,107,4,2,97,115,17818,17826,112,112,114,111,120,59,1,8776,105,109,59,1,8764,115,112,59,1,8201,4,2,97,115,17842,17846,112,59,1,8776,105,109,59,1,8764,114,110,5,254,1,59,17858,1,254,4,3,108,109,110,17868,17873,17901,100,101,59,1,732,101,115,5,215,3,59,98,100,17884,17886,17898,1,215,4,2,59,97,17892,17894,1,8864,114,59,1,10801,59,1,10800,116,59,1,8749,4,3,101,112,115,17913,17917,17953,97,59,1,10536,4,4,59,98,99,102,17927,17929,17934,17939,1,8868,111,116,59,1,9014,105,114,59,1,10993,4,2,59,111,17945,17948,3,55349,56677,114,107,59,1,10970,97,59,1,10537,114,105,109,101,59,1,8244,4,3,97,105,112,17972,17977,18082,100,101,59,1,8482,4,7,97,100,101,109,112,115,116,17993,18051,18056,18059,18066,18072,18076,110,103,108,101,4,5,59,100,108,113,114,18009,18011,18017,18032,18035,1,9653,111,119,110,59,1,9663,101,102,116,4,2,59,101,18026,18028,1,9667,113,59,1,8884,59,1,8796,105,103,104,116,4,2,59,101,18045,18047,1,9657,113,59,1,8885,111,116,59,1,9708,59,1,8796,105,110,117,115,59,1,10810,108,117,115,59,1,10809,98,59,1,10701,105,109,101,59,1,10811,101,122,105,117,109,59,1,9186,4,3,99,104,116,18098,18111,18116,4,2,114,121,18104,18108,59,3,55349,56521,59,1,1094,99,121,59,1,1115,114,111,107,59,1,359,4,2,105,111,18128,18133,120,116,59,1,8812,104,101,97,100,4,2,108,114,18143,18154,101,102,116,97,114,114,111,119,59,1,8606,105,103,104,116,97,114,114,111,119,59,1,8608,4,18,65,72,97,98,99,100,102,103,104,108,109,111,112,114,115,116,117,119,18204,18209,18214,18234,18250,18268,18292,18308,18319,18343,18379,18397,18413,18504,18547,18553,18584,18603,114,114,59,1,8657,97,114,59,1,10595,4,2,99,114,18220,18230,117,116,101,5,250,1,59,18228,1,250,114,59,1,8593,114,4,2,99,101,18241,18245,121,59,1,1118,118,101,59,1,365,4,2,105,121,18256,18265,114,99,5,251,1,59,18263,1,251,59,1,1091,4,3,97,98,104,18276,18281,18287,114,114,59,1,8645,108,97,99,59,1,369,97,114,59,1,10606,4,2,105,114,18298,18304,115,104,116,59,1,10622,59,3,55349,56626,114,97,118,101,5,249,1,59,18317,1,249,4,2,97,98,18325,18338,114,4,2,108,114,18332,18335,59,1,8639,59,1,8638,108,107,59,1,9600,4,2,99,116,18349,18374,4,2,111,114,18355,18369,114,110,4,2,59,101,18363,18365,1,8988,114,59,1,8988,111,112,59,1,8975,114,105,59,1,9720,4,2,97,108,18385,18390,99,114,59,1,363,5,168,1,59,18395,1,168,4,2,103,112,18403,18408,111,110,59,1,371,102,59,3,55349,56678,4,6,97,100,104,108,115,117,18427,18434,18445,18470,18475,18494,114,114,111,119,59,1,8593,111,119,110,97,114,114,111,119,59,1,8597,97,114,112,111,111,110,4,2,108,114,18457,18463,101,102,116,59,1,8639,105,103,104,116,59,1,8638,117,115,59,1,8846,105,4,3,59,104,108,18484,18486,18489,1,965,59,1,978,111,110,59,1,965,112,97,114,114,111,119,115,59,1,8648,4,3,99,105,116,18512,18537,18542,4,2,111,114,18518,18532,114,110,4,2,59,101,18526,18528,1,8989,114,59,1,8989,111,112,59,1,8974,110,103,59,1,367,114,105,59,1,9721,99,114,59,3,55349,56522,4,3,100,105,114,18561,18566,18572,111,116,59,1,8944,108,100,101,59,1,361,105,4,2,59,102,18579,18581,1,9653,59,1,9652,4,2,97,109,18590,18595,114,114,59,1,8648,108,5,252,1,59,18601,1,252,97,110,103,108,101,59,1,10663,4,15,65,66,68,97,99,100,101,102,108,110,111,112,114,115,122,18643,18648,18661,18667,18847,18851,18857,18904,18909,18915,18931,18937,18943,18949,18996,114,114,59,1,8661,97,114,4,2,59,118,18656,18658,1,10984,59,1,10985,97,115,104,59,1,8872,4,2,110,114,18673,18679,103,114,116,59,1,10652,4,7,101,107,110,112,114,115,116,18695,18704,18711,18720,18742,18754,18810,112,115,105,108,111,110,59,1,1013,97,112,112,97,59,1,1008,111,116,104,105,110,103,59,1,8709,4,3,104,105,114,18728,18732,18735,105,59,1,981,59,1,982,111,112,116,111,59,1,8733,4,2,59,104,18748,18750,1,8597,111,59,1,1009,4,2,105,117,18760,18766,103,109,97,59,1,962,4,2,98,112,18772,18791,115,101,116,110,101,113,4,2,59,113,18784,18787,3,8842,65024,59,3,10955,65024,115,101,116,110,101,113,4,2,59,113,18803,18806,3,8843,65024,59,3,10956,65024,4,2,104,114,18816,18822,101,116,97,59,1,977,105,97,110,103,108,101,4,2,108,114,18834,18840,101,102,116,59,1,8882,105,103,104,116,59,1,8883,121,59,1,1074,97,115,104,59,1,8866,4,3,101,108,114,18865,18884,18890,4,3,59,98,101,18873,18875,18880,1,8744,97,114,59,1,8891,113,59,1,8794,108,105,112,59,1,8942,4,2,98,116,18896,18901,97,114,59,1,124,59,1,124,114,59,3,55349,56627,116,114,105,59,1,8882,115,117,4,2,98,112,18923,18927,59,3,8834,8402,59,3,8835,8402,112,102,59,3,55349,56679,114,111,112,59,1,8733,116,114,105,59,1,8883,4,2,99,117,18955,18960,114,59,3,55349,56523,4,2,98,112,18966,18981,110,4,2,69,101,18973,18977,59,3,10955,65024,59,3,8842,65024,110,4,2,69,101,18988,18992,59,3,10956,65024,59,3,8843,65024,105,103,122,97,103,59,1,10650,4,7,99,101,102,111,112,114,115,19020,19026,19061,19066,19072,19075,19089,105,114,99,59,1,373,4,2,100,105,19032,19055,4,2,98,103,19038,19043,97,114,59,1,10847,101,4,2,59,113,19050,19052,1,8743,59,1,8793,101,114,112,59,1,8472,114,59,3,55349,56628,112,102,59,3,55349,56680,59,1,8472,4,2,59,101,19081,19083,1,8768,97,116,104,59,1,8768,99,114,59,3,55349,56524,4,14,99,100,102,104,105,108,109,110,111,114,115,117,118,119,19125,19146,19152,19157,19173,19176,19192,19197,19202,19236,19252,19269,19286,19291,4,3,97,105,117,19133,19137,19142,112,59,1,8898,114,99,59,1,9711,112,59,1,8899,116,114,105,59,1,9661,114,59,3,55349,56629,4,2,65,97,19163,19168,114,114,59,1,10234,114,114,59,1,10231,59,1,958,4,2,65,97,19182,19187,114,114,59,1,10232,114,114,59,1,10229,97,112,59,1,10236,105,115,59,1,8955,4,3,100,112,116,19210,19215,19230,111,116,59,1,10752,4,2,102,108,19221,19225,59,3,55349,56681,117,115,59,1,10753,105,109,101,59,1,10754,4,2,65,97,19242,19247,114,114,59,1,10233,114,114,59,1,10230,4,2,99,113,19258,19263,114,59,3,55349,56525,99,117,112,59,1,10758,4,2,112,116,19275,19281,108,117,115,59,1,10756,114,105,59,1,9651,101,101,59,1,8897,101,100,103,101,59,1,8896,4,8,97,99,101,102,105,111,115,117,19316,19335,19349,19357,19362,19367,19373,19379,99,4,2,117,121,19323,19332,116,101,5,253,1,59,19330,1,253,59,1,1103,4,2,105,121,19341,19346,114,99,59,1,375,59,1,1099,110,5,165,1,59,19355,1,165,114,59,3,55349,56630,99,121,59,1,1111,112,102,59,3,55349,56682,99,114,59,3,55349,56526,4,2,99,109,19385,19389,121,59,1,1102,108,5,255,1,59,19395,1,255,4,10,97,99,100,101,102,104,105,111,115,119,19419,19426,19441,19446,19462,19467,19472,19480,19486,19492,99,117,116,101,59,1,378,4,2,97,121,19432,19438,114,111,110,59,1,382,59,1,1079,111,116,59,1,380,4,2,101,116,19452,19458,116,114,102,59,1,8488,97,59,1,950,114,59,3,55349,56631,99,121,59,1,1078,103,114,97,114,114,59,1,8669,112,102,59,3,55349,56683,99,114,59,3,55349,56527,4,2,106,110,19498,19501,59,1,8205,106,59,1,8204]);const a_e=o_e,ln=Na,Cc=i_e,ye=ck,Y=ln.CODE_POINTS,sc=ln.CODE_POINT_SEQUENCES,s_e={128:8364,130:8218,131:402,132:8222,133:8230,134:8224,135:8225,136:710,137:8240,138:352,139:8249,140:338,142:381,145:8216,146:8217,147:8220,148:8221,149:8226,150:8211,151:8212,152:732,153:8482,154:353,155:8250,156:339,158:382,159:376},dL=1<<0,hL=1<<1,pL=1<<2,l_e=dL|hL|pL,It="DATA_STATE",Yf="RCDATA_STATE",Sh="RAWTEXT_STATE",zs="SCRIPT_DATA_STATE",mL="PLAINTEXT_STATE",wA="TAG_OPEN_STATE",kA="END_TAG_OPEN_STATE",K9="TAG_NAME_STATE",SA="RCDATA_LESS_THAN_SIGN_STATE",xA="RCDATA_END_TAG_OPEN_STATE",CA="RCDATA_END_TAG_NAME_STATE",AA="RAWTEXT_LESS_THAN_SIGN_STATE",NA="RAWTEXT_END_TAG_OPEN_STATE",FA="RAWTEXT_END_TAG_NAME_STATE",IA="SCRIPT_DATA_LESS_THAN_SIGN_STATE",BA="SCRIPT_DATA_END_TAG_OPEN_STATE",RA="SCRIPT_DATA_END_TAG_NAME_STATE",OA="SCRIPT_DATA_ESCAPE_START_STATE",DA="SCRIPT_DATA_ESCAPE_START_DASH_STATE",ha="SCRIPT_DATA_ESCAPED_STATE",PA="SCRIPT_DATA_ESCAPED_DASH_STATE",V9="SCRIPT_DATA_ESCAPED_DASH_DASH_STATE",Jm="SCRIPT_DATA_ESCAPED_LESS_THAN_SIGN_STATE",MA="SCRIPT_DATA_ESCAPED_END_TAG_OPEN_STATE",LA="SCRIPT_DATA_ESCAPED_END_TAG_NAME_STATE",jA="SCRIPT_DATA_DOUBLE_ESCAPE_START_STATE",Os="SCRIPT_DATA_DOUBLE_ESCAPED_STATE",zA="SCRIPT_DATA_DOUBLE_ESCAPED_DASH_STATE",HA="SCRIPT_DATA_DOUBLE_ESCAPED_DASH_DASH_STATE",eg="SCRIPT_DATA_DOUBLE_ESCAPED_LESS_THAN_SIGN_STATE",UA="SCRIPT_DATA_DOUBLE_ESCAPE_END_STATE",Ma="BEFORE_ATTRIBUTE_NAME_STATE",tg="ATTRIBUTE_NAME_STATE",Y9="AFTER_ATTRIBUTE_NAME_STATE",Q9="BEFORE_ATTRIBUTE_VALUE_STATE",ng="ATTRIBUTE_VALUE_DOUBLE_QUOTED_STATE",rg="ATTRIBUTE_VALUE_SINGLE_QUOTED_STATE",og="ATTRIBUTE_VALUE_UNQUOTED_STATE",X9="AFTER_ATTRIBUTE_VALUE_QUOTED_STATE",Ml="SELF_CLOSING_START_TAG_STATE",ch="BOGUS_COMMENT_STATE",qA="MARKUP_DECLARATION_OPEN_STATE",$A="COMMENT_START_STATE",WA="COMMENT_START_DASH_STATE",Ll="COMMENT_STATE",GA="COMMENT_LESS_THAN_SIGN_STATE",KA="COMMENT_LESS_THAN_SIGN_BANG_STATE",VA="COMMENT_LESS_THAN_SIGN_BANG_DASH_STATE",YA="COMMENT_LESS_THAN_SIGN_BANG_DASH_DASH_STATE",ig="COMMENT_END_DASH_STATE",ag="COMMENT_END_STATE",QA="COMMENT_END_BANG_STATE",XA="DOCTYPE_STATE",sg="BEFORE_DOCTYPE_NAME_STATE",lg="DOCTYPE_NAME_STATE",ZA="AFTER_DOCTYPE_NAME_STATE",JA="AFTER_DOCTYPE_PUBLIC_KEYWORD_STATE",eN="BEFORE_DOCTYPE_PUBLIC_IDENTIFIER_STATE",Z9="DOCTYPE_PUBLIC_IDENTIFIER_DOUBLE_QUOTED_STATE",J9="DOCTYPE_PUBLIC_IDENTIFIER_SINGLE_QUOTED_STATE",eE="AFTER_DOCTYPE_PUBLIC_IDENTIFIER_STATE",tN="BETWEEN_DOCTYPE_PUBLIC_AND_SYSTEM_IDENTIFIERS_STATE",nN="AFTER_DOCTYPE_SYSTEM_KEYWORD_STATE",rN="BEFORE_DOCTYPE_SYSTEM_IDENTIFIER_STATE",fh="DOCTYPE_SYSTEM_IDENTIFIER_DOUBLE_QUOTED_STATE",dh="DOCTYPE_SYSTEM_IDENTIFIER_SINGLE_QUOTED_STATE",tE="AFTER_DOCTYPE_SYSTEM_IDENTIFIER_STATE",Ds="BOGUS_DOCTYPE_STATE",ug="CDATA_SECTION_STATE",oN="CDATA_SECTION_BRACKET_STATE",iN="CDATA_SECTION_END_STATE",Rf="CHARACTER_REFERENCE_STATE",aN="NAMED_CHARACTER_REFERENCE_STATE",sN="AMBIGUOS_AMPERSAND_STATE",lN="NUMERIC_CHARACTER_REFERENCE_STATE",uN="HEXADEMICAL_CHARACTER_REFERENCE_START_STATE",cN="DECIMAL_CHARACTER_REFERENCE_START_STATE",fN="HEXADEMICAL_CHARACTER_REFERENCE_STATE",dN="DECIMAL_CHARACTER_REFERENCE_STATE",hh="NUMERIC_CHARACTER_REFERENCE_END_STATE";function Sn(e){return e===Y.SPACE||e===Y.LINE_FEED||e===Y.TABULATION||e===Y.FORM_FEED}function Qh(e){return e>=Y.DIGIT_0&&e<=Y.DIGIT_9}function pa(e){return e>=Y.LATIN_CAPITAL_A&&e<=Y.LATIN_CAPITAL_Z}function hc(e){return e>=Y.LATIN_SMALL_A&&e<=Y.LATIN_SMALL_Z}function ql(e){return hc(e)||pa(e)}function nE(e){return ql(e)||Qh(e)}function gL(e){return e>=Y.LATIN_CAPITAL_A&&e<=Y.LATIN_CAPITAL_F}function vL(e){return e>=Y.LATIN_SMALL_A&&e<=Y.LATIN_SMALL_F}function u_e(e){return Qh(e)||gL(e)||vL(e)}function ev(e){return e+32}function Wn(e){return e<=65535?String.fromCharCode(e):(e-=65536,String.fromCharCode(e>>>10&1023|55296)+String.fromCharCode(56320|e&1023))}function jl(e){return String.fromCharCode(ev(e))}function hN(e,t){const n=Cc[++e];let r=++e,o=r+n-1;for(;r<=o;){const i=r+o>>>1,a=Cc[i];if(a<t)r=i+1;else if(a>t)o=i-1;else return Cc[i+n]}return-1}let oa=class $o{constructor(){this.preprocessor=new a_e,this.tokenQueue=[],this.allowCDATA=!1,this.state=It,this.returnState="",this.charRefCode=-1,this.tempBuff=[],this.lastStartTagName="",this.consumedAfterSnapshot=-1,this.active=!1,this.currentCharacterToken=null,this.currentToken=null,this.currentAttr=null}_err(){}_errOnNextCodePoint(t){this._consume(),this._err(t),this._unconsume()}getNextToken(){for(;!this.tokenQueue.length&&this.active;){this.consumedAfterSnapshot=0;const t=this._consume();this._ensureHibernation()||this[this.state](t)}return this.tokenQueue.shift()}write(t,n){this.active=!0,this.preprocessor.write(t,n)}insertHtmlAtCurrentPos(t){this.active=!0,this.preprocessor.insertHtmlAtCurrentPos(t)}_ensureHibernation(){if(this.preprocessor.endOfChunkHit){for(;this.consumedAfterSnapshot>0;this.consumedAfterSnapshot--)this.preprocessor.retreat();return this.active=!1,this.tokenQueue.push({type:$o.HIBERNATION_TOKEN}),!0}return!1}_consume(){return this.consumedAfterSnapshot++,this.preprocessor.advance()}_unconsume(){this.consumedAfterSnapshot--,this.preprocessor.retreat()}_reconsumeInState(t){this.state=t,this._unconsume()}_consumeSequenceIfMatch(t,n,r){let o=0,i=!0;const a=t.length;let s=0,l=n,u;for(;s<a;s++){if(s>0&&(l=this._consume(),o++),l===Y.EOF){i=!1;break}if(u=t[s],l!==u&&(r||l!==ev(u))){i=!1;break}}if(!i)for(;o--;)this._unconsume();return i}_isTempBufferEqualToScriptString(){if(this.tempBuff.length!==sc.SCRIPT_STRING.length)return!1;for(let t=0;t<this.tempBuff.length;t++)if(this.tempBuff[t]!==sc.SCRIPT_STRING[t])return!1;return!0}_createStartTagToken(){this.currentToken={type:$o.START_TAG_TOKEN,tagName:"",selfClosing:!1,ackSelfClosing:!1,attrs:[]}}_createEndTagToken(){this.currentToken={type:$o.END_TAG_TOKEN,tagName:"",selfClosing:!1,attrs:[]}}_createCommentToken(){this.currentToken={type:$o.COMMENT_TOKEN,data:""}}_createDoctypeToken(t){this.currentToken={type:$o.DOCTYPE_TOKEN,name:t,forceQuirks:!1,publicId:null,systemId:null}}_createCharacterToken(t,n){this.currentCharacterToken={type:t,chars:n}}_createEOFToken(){this.currentToken={type:$o.EOF_TOKEN}}_createAttr(t){this.currentAttr={name:t,value:""}}_leaveAttrName(t){$o.getTokenAttr(this.currentToken,this.currentAttr.name)===null?this.currentToken.attrs.push(this.currentAttr):this._err(ye.duplicateAttribute),this.state=t}_leaveAttrValue(t){this.state=t}_emitCurrentToken(){this._emitCurrentCharacterToken();const t=this.currentToken;this.currentToken=null,t.type===$o.START_TAG_TOKEN?this.lastStartTagName=t.tagName:t.type===$o.END_TAG_TOKEN&&(t.attrs.length>0&&this._err(ye.endTagWithAttributes),t.selfClosing&&this._err(ye.endTagWithTrailingSolidus)),this.tokenQueue.push(t)}_emitCurrentCharacterToken(){this.currentCharacterToken&&(this.tokenQueue.push(this.currentCharacterToken),this.currentCharacterToken=null)}_emitEOFToken(){this._createEOFToken(),this._emitCurrentToken()}_appendCharToCurrentCharacterToken(t,n){this.currentCharacterToken&&this.currentCharacterToken.type!==t&&this._emitCurrentCharacterToken(),this.currentCharacterToken?this.currentCharacterToken.chars+=n:this._createCharacterToken(t,n)}_emitCodePoint(t){let n=$o.CHARACTER_TOKEN;Sn(t)?n=$o.WHITESPACE_CHARACTER_TOKEN:t===Y.NULL&&(n=$o.NULL_CHARACTER_TOKEN),this._appendCharToCurrentCharacterToken(n,Wn(t))}_emitSeveralCodePoints(t){for(let n=0;n<t.length;n++)this._emitCodePoint(t[n])}_emitChars(t){this._appendCharToCurrentCharacterToken($o.CHARACTER_TOKEN,t)}_matchNamedCharacterReference(t){let n=null,r=1,o=hN(0,t);for(this.tempBuff.push(t);o>-1;){const i=Cc[o],a=i<l_e;a&&i&dL&&(n=i&hL?[Cc[++o],Cc[++o]]:[Cc[++o]],r=0);const l=this._consume();if(this.tempBuff.push(l),r++,l===Y.EOF)break;a?o=i&pL?hN(o,l):-1:o=l===i?++o:-1}for(;r--;)this.tempBuff.pop(),this._unconsume();return n}_isCharacterReferenceInAttribute(){return this.returnState===ng||this.returnState===rg||this.returnState===og}_isCharacterReferenceAttributeQuirk(t){if(!t&&this._isCharacterReferenceInAttribute()){const n=this._consume();return this._unconsume(),n===Y.EQUALS_SIGN||nE(n)}return!1}_flushCodePointsConsumedAsCharacterReference(){if(this._isCharacterReferenceInAttribute())for(let t=0;t<this.tempBuff.length;t++)this.currentAttr.value+=Wn(this.tempBuff[t]);else this._emitSeveralCodePoints(this.tempBuff);this.tempBuff=[]}[It](t){this.preprocessor.dropParsedChunk(),t===Y.LESS_THAN_SIGN?this.state=wA:t===Y.AMPERSAND?(this.returnState=It,this.state=Rf):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this._emitCodePoint(t)):t===Y.EOF?this._emitEOFToken():this._emitCodePoint(t)}[Yf](t){this.preprocessor.dropParsedChunk(),t===Y.AMPERSAND?(this.returnState=Yf,this.state=Rf):t===Y.LESS_THAN_SIGN?this.state=SA:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?this._emitEOFToken():this._emitCodePoint(t)}[Sh](t){this.preprocessor.dropParsedChunk(),t===Y.LESS_THAN_SIGN?this.state=AA:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?this._emitEOFToken():this._emitCodePoint(t)}[zs](t){this.preprocessor.dropParsedChunk(),t===Y.LESS_THAN_SIGN?this.state=IA:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?this._emitEOFToken():this._emitCodePoint(t)}[mL](t){this.preprocessor.dropParsedChunk(),t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?this._emitEOFToken():this._emitCodePoint(t)}[wA](t){t===Y.EXCLAMATION_MARK?this.state=qA:t===Y.SOLIDUS?this.state=kA:ql(t)?(this._createStartTagToken(),this._reconsumeInState(K9)):t===Y.QUESTION_MARK?(this._err(ye.unexpectedQuestionMarkInsteadOfTagName),this._createCommentToken(),this._reconsumeInState(ch)):t===Y.EOF?(this._err(ye.eofBeforeTagName),this._emitChars("<"),this._emitEOFToken()):(this._err(ye.invalidFirstCharacterOfTagName),this._emitChars("<"),this._reconsumeInState(It))}[kA](t){ql(t)?(this._createEndTagToken(),this._reconsumeInState(K9)):t===Y.GREATER_THAN_SIGN?(this._err(ye.missingEndTagName),this.state=It):t===Y.EOF?(this._err(ye.eofBeforeTagName),this._emitChars("</"),this._emitEOFToken()):(this._err(ye.invalidFirstCharacterOfTagName),this._createCommentToken(),this._reconsumeInState(ch))}[K9](t){Sn(t)?this.state=Ma:t===Y.SOLIDUS?this.state=Ml:t===Y.GREATER_THAN_SIGN?(this.state=It,this._emitCurrentToken()):pa(t)?this.currentToken.tagName+=jl(t):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentToken.tagName+=ln.REPLACEMENT_CHARACTER):t===Y.EOF?(this._err(ye.eofInTag),this._emitEOFToken()):this.currentToken.tagName+=Wn(t)}[SA](t){t===Y.SOLIDUS?(this.tempBuff=[],this.state=xA):(this._emitChars("<"),this._reconsumeInState(Yf))}[xA](t){ql(t)?(this._createEndTagToken(),this._reconsumeInState(CA)):(this._emitChars("</"),this._reconsumeInState(Yf))}[CA](t){if(pa(t))this.currentToken.tagName+=jl(t),this.tempBuff.push(t);else if(hc(t))this.currentToken.tagName+=Wn(t),this.tempBuff.push(t);else{if(this.lastStartTagName===this.currentToken.tagName){if(Sn(t)){this.state=Ma;return}if(t===Y.SOLIDUS){this.state=Ml;return}if(t===Y.GREATER_THAN_SIGN){this.state=It,this._emitCurrentToken();return}}this._emitChars("</"),this._emitSeveralCodePoints(this.tempBuff),this._reconsumeInState(Yf)}}[AA](t){t===Y.SOLIDUS?(this.tempBuff=[],this.state=NA):(this._emitChars("<"),this._reconsumeInState(Sh))}[NA](t){ql(t)?(this._createEndTagToken(),this._reconsumeInState(FA)):(this._emitChars("</"),this._reconsumeInState(Sh))}[FA](t){if(pa(t))this.currentToken.tagName+=jl(t),this.tempBuff.push(t);else if(hc(t))this.currentToken.tagName+=Wn(t),this.tempBuff.push(t);else{if(this.lastStartTagName===this.currentToken.tagName){if(Sn(t)){this.state=Ma;return}if(t===Y.SOLIDUS){this.state=Ml;return}if(t===Y.GREATER_THAN_SIGN){this._emitCurrentToken(),this.state=It;return}}this._emitChars("</"),this._emitSeveralCodePoints(this.tempBuff),this._reconsumeInState(Sh)}}[IA](t){t===Y.SOLIDUS?(this.tempBuff=[],this.state=BA):t===Y.EXCLAMATION_MARK?(this.state=OA,this._emitChars("<!")):(this._emitChars("<"),this._reconsumeInState(zs))}[BA](t){ql(t)?(this._createEndTagToken(),this._reconsumeInState(RA)):(this._emitChars("</"),this._reconsumeInState(zs))}[RA](t){if(pa(t))this.currentToken.tagName+=jl(t),this.tempBuff.push(t);else if(hc(t))this.currentToken.tagName+=Wn(t),this.tempBuff.push(t);else{if(this.lastStartTagName===this.currentToken.tagName){if(Sn(t)){this.state=Ma;return}else if(t===Y.SOLIDUS){this.state=Ml;return}else if(t===Y.GREATER_THAN_SIGN){this._emitCurrentToken(),this.state=It;return}}this._emitChars("</"),this._emitSeveralCodePoints(this.tempBuff),this._reconsumeInState(zs)}}[OA](t){t===Y.HYPHEN_MINUS?(this.state=DA,this._emitChars("-")):this._reconsumeInState(zs)}[DA](t){t===Y.HYPHEN_MINUS?(this.state=V9,this._emitChars("-")):this._reconsumeInState(zs)}[ha](t){t===Y.HYPHEN_MINUS?(this.state=PA,this._emitChars("-")):t===Y.LESS_THAN_SIGN?this.state=Jm:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?(this._err(ye.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):this._emitCodePoint(t)}[PA](t){t===Y.HYPHEN_MINUS?(this.state=V9,this._emitChars("-")):t===Y.LESS_THAN_SIGN?this.state=Jm:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.state=ha,this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?(this._err(ye.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):(this.state=ha,this._emitCodePoint(t))}[V9](t){t===Y.HYPHEN_MINUS?this._emitChars("-"):t===Y.LESS_THAN_SIGN?this.state=Jm:t===Y.GREATER_THAN_SIGN?(this.state=zs,this._emitChars(">")):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.state=ha,this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?(this._err(ye.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):(this.state=ha,this._emitCodePoint(t))}[Jm](t){t===Y.SOLIDUS?(this.tempBuff=[],this.state=MA):ql(t)?(this.tempBuff=[],this._emitChars("<"),this._reconsumeInState(jA)):(this._emitChars("<"),this._reconsumeInState(ha))}[MA](t){ql(t)?(this._createEndTagToken(),this._reconsumeInState(LA)):(this._emitChars("</"),this._reconsumeInState(ha))}[LA](t){if(pa(t))this.currentToken.tagName+=jl(t),this.tempBuff.push(t);else if(hc(t))this.currentToken.tagName+=Wn(t),this.tempBuff.push(t);else{if(this.lastStartTagName===this.currentToken.tagName){if(Sn(t)){this.state=Ma;return}if(t===Y.SOLIDUS){this.state=Ml;return}if(t===Y.GREATER_THAN_SIGN){this._emitCurrentToken(),this.state=It;return}}this._emitChars("</"),this._emitSeveralCodePoints(this.tempBuff),this._reconsumeInState(ha)}}[jA](t){Sn(t)||t===Y.SOLIDUS||t===Y.GREATER_THAN_SIGN?(this.state=this._isTempBufferEqualToScriptString()?Os:ha,this._emitCodePoint(t)):pa(t)?(this.tempBuff.push(ev(t)),this._emitCodePoint(t)):hc(t)?(this.tempBuff.push(t),this._emitCodePoint(t)):this._reconsumeInState(ha)}[Os](t){t===Y.HYPHEN_MINUS?(this.state=zA,this._emitChars("-")):t===Y.LESS_THAN_SIGN?(this.state=eg,this._emitChars("<")):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?(this._err(ye.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):this._emitCodePoint(t)}[zA](t){t===Y.HYPHEN_MINUS?(this.state=HA,this._emitChars("-")):t===Y.LESS_THAN_SIGN?(this.state=eg,this._emitChars("<")):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.state=Os,this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?(this._err(ye.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):(this.state=Os,this._emitCodePoint(t))}[HA](t){t===Y.HYPHEN_MINUS?this._emitChars("-"):t===Y.LESS_THAN_SIGN?(this.state=eg,this._emitChars("<")):t===Y.GREATER_THAN_SIGN?(this.state=zs,this._emitChars(">")):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.state=Os,this._emitChars(ln.REPLACEMENT_CHARACTER)):t===Y.EOF?(this._err(ye.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):(this.state=Os,this._emitCodePoint(t))}[eg](t){t===Y.SOLIDUS?(this.tempBuff=[],this.state=UA,this._emitChars("/")):this._reconsumeInState(Os)}[UA](t){Sn(t)||t===Y.SOLIDUS||t===Y.GREATER_THAN_SIGN?(this.state=this._isTempBufferEqualToScriptString()?ha:Os,this._emitCodePoint(t)):pa(t)?(this.tempBuff.push(ev(t)),this._emitCodePoint(t)):hc(t)?(this.tempBuff.push(t),this._emitCodePoint(t)):this._reconsumeInState(Os)}[Ma](t){Sn(t)||(t===Y.SOLIDUS||t===Y.GREATER_THAN_SIGN||t===Y.EOF?this._reconsumeInState(Y9):t===Y.EQUALS_SIGN?(this._err(ye.unexpectedEqualsSignBeforeAttributeName),this._createAttr("="),this.state=tg):(this._createAttr(""),this._reconsumeInState(tg)))}[tg](t){Sn(t)||t===Y.SOLIDUS||t===Y.GREATER_THAN_SIGN||t===Y.EOF?(this._leaveAttrName(Y9),this._unconsume()):t===Y.EQUALS_SIGN?this._leaveAttrName(Q9):pa(t)?this.currentAttr.name+=jl(t):t===Y.QUOTATION_MARK||t===Y.APOSTROPHE||t===Y.LESS_THAN_SIGN?(this._err(ye.unexpectedCharacterInAttributeName),this.currentAttr.name+=Wn(t)):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentAttr.name+=ln.REPLACEMENT_CHARACTER):this.currentAttr.name+=Wn(t)}[Y9](t){Sn(t)||(t===Y.SOLIDUS?this.state=Ml:t===Y.EQUALS_SIGN?this.state=Q9:t===Y.GREATER_THAN_SIGN?(this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInTag),this._emitEOFToken()):(this._createAttr(""),this._reconsumeInState(tg)))}[Q9](t){Sn(t)||(t===Y.QUOTATION_MARK?this.state=ng:t===Y.APOSTROPHE?this.state=rg:t===Y.GREATER_THAN_SIGN?(this._err(ye.missingAttributeValue),this.state=It,this._emitCurrentToken()):this._reconsumeInState(og))}[ng](t){t===Y.QUOTATION_MARK?this.state=X9:t===Y.AMPERSAND?(this.returnState=ng,this.state=Rf):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentAttr.value+=ln.REPLACEMENT_CHARACTER):t===Y.EOF?(this._err(ye.eofInTag),this._emitEOFToken()):this.currentAttr.value+=Wn(t)}[rg](t){t===Y.APOSTROPHE?this.state=X9:t===Y.AMPERSAND?(this.returnState=rg,this.state=Rf):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentAttr.value+=ln.REPLACEMENT_CHARACTER):t===Y.EOF?(this._err(ye.eofInTag),this._emitEOFToken()):this.currentAttr.value+=Wn(t)}[og](t){Sn(t)?this._leaveAttrValue(Ma):t===Y.AMPERSAND?(this.returnState=og,this.state=Rf):t===Y.GREATER_THAN_SIGN?(this._leaveAttrValue(It),this._emitCurrentToken()):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentAttr.value+=ln.REPLACEMENT_CHARACTER):t===Y.QUOTATION_MARK||t===Y.APOSTROPHE||t===Y.LESS_THAN_SIGN||t===Y.EQUALS_SIGN||t===Y.GRAVE_ACCENT?(this._err(ye.unexpectedCharacterInUnquotedAttributeValue),this.currentAttr.value+=Wn(t)):t===Y.EOF?(this._err(ye.eofInTag),this._emitEOFToken()):this.currentAttr.value+=Wn(t)}[X9](t){Sn(t)?this._leaveAttrValue(Ma):t===Y.SOLIDUS?this._leaveAttrValue(Ml):t===Y.GREATER_THAN_SIGN?(this._leaveAttrValue(It),this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInTag),this._emitEOFToken()):(this._err(ye.missingWhitespaceBetweenAttributes),this._reconsumeInState(Ma))}[Ml](t){t===Y.GREATER_THAN_SIGN?(this.currentToken.selfClosing=!0,this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInTag),this._emitEOFToken()):(this._err(ye.unexpectedSolidusInTag),this._reconsumeInState(Ma))}[ch](t){t===Y.GREATER_THAN_SIGN?(this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._emitCurrentToken(),this._emitEOFToken()):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentToken.data+=ln.REPLACEMENT_CHARACTER):this.currentToken.data+=Wn(t)}[qA](t){this._consumeSequenceIfMatch(sc.DASH_DASH_STRING,t,!0)?(this._createCommentToken(),this.state=$A):this._consumeSequenceIfMatch(sc.DOCTYPE_STRING,t,!1)?this.state=XA:this._consumeSequenceIfMatch(sc.CDATA_START_STRING,t,!0)?this.allowCDATA?this.state=ug:(this._err(ye.cdataInHtmlContent),this._createCommentToken(),this.currentToken.data="[CDATA[",this.state=ch):this._ensureHibernation()||(this._err(ye.incorrectlyOpenedComment),this._createCommentToken(),this._reconsumeInState(ch))}[$A](t){t===Y.HYPHEN_MINUS?this.state=WA:t===Y.GREATER_THAN_SIGN?(this._err(ye.abruptClosingOfEmptyComment),this.state=It,this._emitCurrentToken()):this._reconsumeInState(Ll)}[WA](t){t===Y.HYPHEN_MINUS?this.state=ag:t===Y.GREATER_THAN_SIGN?(this._err(ye.abruptClosingOfEmptyComment),this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="-",this._reconsumeInState(Ll))}[Ll](t){t===Y.HYPHEN_MINUS?this.state=ig:t===Y.LESS_THAN_SIGN?(this.currentToken.data+="<",this.state=GA):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentToken.data+=ln.REPLACEMENT_CHARACTER):t===Y.EOF?(this._err(ye.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.data+=Wn(t)}[GA](t){t===Y.EXCLAMATION_MARK?(this.currentToken.data+="!",this.state=KA):t===Y.LESS_THAN_SIGN?this.currentToken.data+="!":this._reconsumeInState(Ll)}[KA](t){t===Y.HYPHEN_MINUS?this.state=VA:this._reconsumeInState(Ll)}[VA](t){t===Y.HYPHEN_MINUS?this.state=YA:this._reconsumeInState(ig)}[YA](t){t!==Y.GREATER_THAN_SIGN&&t!==Y.EOF&&this._err(ye.nestedComment),this._reconsumeInState(ag)}[ig](t){t===Y.HYPHEN_MINUS?this.state=ag:t===Y.EOF?(this._err(ye.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="-",this._reconsumeInState(Ll))}[ag](t){t===Y.GREATER_THAN_SIGN?(this.state=It,this._emitCurrentToken()):t===Y.EXCLAMATION_MARK?this.state=QA:t===Y.HYPHEN_MINUS?this.currentToken.data+="-":t===Y.EOF?(this._err(ye.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="--",this._reconsumeInState(Ll))}[QA](t){t===Y.HYPHEN_MINUS?(this.currentToken.data+="--!",this.state=ig):t===Y.GREATER_THAN_SIGN?(this._err(ye.incorrectlyClosedComment),this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="--!",this._reconsumeInState(Ll))}[XA](t){Sn(t)?this.state=sg:t===Y.GREATER_THAN_SIGN?this._reconsumeInState(sg):t===Y.EOF?(this._err(ye.eofInDoctype),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(ye.missingWhitespaceBeforeDoctypeName),this._reconsumeInState(sg))}[sg](t){Sn(t)||(pa(t)?(this._createDoctypeToken(jl(t)),this.state=lg):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this._createDoctypeToken(ln.REPLACEMENT_CHARACTER),this.state=lg):t===Y.GREATER_THAN_SIGN?(this._err(ye.missingDoctypeName),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=It):t===Y.EOF?(this._err(ye.eofInDoctype),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._createDoctypeToken(Wn(t)),this.state=lg))}[lg](t){Sn(t)?this.state=ZA:t===Y.GREATER_THAN_SIGN?(this.state=It,this._emitCurrentToken()):pa(t)?this.currentToken.name+=jl(t):t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentToken.name+=ln.REPLACEMENT_CHARACTER):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.name+=Wn(t)}[ZA](t){Sn(t)||(t===Y.GREATER_THAN_SIGN?(this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this._consumeSequenceIfMatch(sc.PUBLIC_STRING,t,!1)?this.state=JA:this._consumeSequenceIfMatch(sc.SYSTEM_STRING,t,!1)?this.state=nN:this._ensureHibernation()||(this._err(ye.invalidCharacterSequenceAfterDoctypeName),this.currentToken.forceQuirks=!0,this._reconsumeInState(Ds)))}[JA](t){Sn(t)?this.state=eN:t===Y.QUOTATION_MARK?(this._err(ye.missingWhitespaceAfterDoctypePublicKeyword),this.currentToken.publicId="",this.state=Z9):t===Y.APOSTROPHE?(this._err(ye.missingWhitespaceAfterDoctypePublicKeyword),this.currentToken.publicId="",this.state=J9):t===Y.GREATER_THAN_SIGN?(this._err(ye.missingDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(ye.missingQuoteBeforeDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(Ds))}[eN](t){Sn(t)||(t===Y.QUOTATION_MARK?(this.currentToken.publicId="",this.state=Z9):t===Y.APOSTROPHE?(this.currentToken.publicId="",this.state=J9):t===Y.GREATER_THAN_SIGN?(this._err(ye.missingDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(ye.missingQuoteBeforeDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(Ds)))}[Z9](t){t===Y.QUOTATION_MARK?this.state=eE:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentToken.publicId+=ln.REPLACEMENT_CHARACTER):t===Y.GREATER_THAN_SIGN?(this._err(ye.abruptDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=It):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.publicId+=Wn(t)}[J9](t){t===Y.APOSTROPHE?this.state=eE:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentToken.publicId+=ln.REPLACEMENT_CHARACTER):t===Y.GREATER_THAN_SIGN?(this._err(ye.abruptDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=It):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.publicId+=Wn(t)}[eE](t){Sn(t)?this.state=tN:t===Y.GREATER_THAN_SIGN?(this.state=It,this._emitCurrentToken()):t===Y.QUOTATION_MARK?(this._err(ye.missingWhitespaceBetweenDoctypePublicAndSystemIdentifiers),this.currentToken.systemId="",this.state=fh):t===Y.APOSTROPHE?(this._err(ye.missingWhitespaceBetweenDoctypePublicAndSystemIdentifiers),this.currentToken.systemId="",this.state=dh):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(ye.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(Ds))}[tN](t){Sn(t)||(t===Y.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=It):t===Y.QUOTATION_MARK?(this.currentToken.systemId="",this.state=fh):t===Y.APOSTROPHE?(this.currentToken.systemId="",this.state=dh):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(ye.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(Ds)))}[nN](t){Sn(t)?this.state=rN:t===Y.QUOTATION_MARK?(this._err(ye.missingWhitespaceAfterDoctypeSystemKeyword),this.currentToken.systemId="",this.state=fh):t===Y.APOSTROPHE?(this._err(ye.missingWhitespaceAfterDoctypeSystemKeyword),this.currentToken.systemId="",this.state=dh):t===Y.GREATER_THAN_SIGN?(this._err(ye.missingDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(ye.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(Ds))}[rN](t){Sn(t)||(t===Y.QUOTATION_MARK?(this.currentToken.systemId="",this.state=fh):t===Y.APOSTROPHE?(this.currentToken.systemId="",this.state=dh):t===Y.GREATER_THAN_SIGN?(this._err(ye.missingDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this.state=It,this._emitCurrentToken()):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(ye.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(Ds)))}[fh](t){t===Y.QUOTATION_MARK?this.state=tE:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentToken.systemId+=ln.REPLACEMENT_CHARACTER):t===Y.GREATER_THAN_SIGN?(this._err(ye.abruptDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=It):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.systemId+=Wn(t)}[dh](t){t===Y.APOSTROPHE?this.state=tE:t===Y.NULL?(this._err(ye.unexpectedNullCharacter),this.currentToken.systemId+=ln.REPLACEMENT_CHARACTER):t===Y.GREATER_THAN_SIGN?(this._err(ye.abruptDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=It):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.systemId+=Wn(t)}[tE](t){Sn(t)||(t===Y.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=It):t===Y.EOF?(this._err(ye.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(ye.unexpectedCharacterAfterDoctypeSystemIdentifier),this._reconsumeInState(Ds)))}[Ds](t){t===Y.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=It):t===Y.NULL?this._err(ye.unexpectedNullCharacter):t===Y.EOF&&(this._emitCurrentToken(),this._emitEOFToken())}[ug](t){t===Y.RIGHT_SQUARE_BRACKET?this.state=oN:t===Y.EOF?(this._err(ye.eofInCdata),this._emitEOFToken()):this._emitCodePoint(t)}[oN](t){t===Y.RIGHT_SQUARE_BRACKET?this.state=iN:(this._emitChars("]"),this._reconsumeInState(ug))}[iN](t){t===Y.GREATER_THAN_SIGN?this.state=It:t===Y.RIGHT_SQUARE_BRACKET?this._emitChars("]"):(this._emitChars("]]"),this._reconsumeInState(ug))}[Rf](t){this.tempBuff=[Y.AMPERSAND],t===Y.NUMBER_SIGN?(this.tempBuff.push(t),this.state=lN):nE(t)?this._reconsumeInState(aN):(this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[aN](t){const n=this._matchNamedCharacterReference(t);if(this._ensureHibernation())this.tempBuff=[Y.AMPERSAND];else if(n){const r=this.tempBuff[this.tempBuff.length-1]===Y.SEMICOLON;this._isCharacterReferenceAttributeQuirk(r)||(r||this._errOnNextCodePoint(ye.missingSemicolonAfterCharacterReference),this.tempBuff=n),this._flushCodePointsConsumedAsCharacterReference(),this.state=this.returnState}else this._flushCodePointsConsumedAsCharacterReference(),this.state=sN}[sN](t){nE(t)?this._isCharacterReferenceInAttribute()?this.currentAttr.value+=Wn(t):this._emitCodePoint(t):(t===Y.SEMICOLON&&this._err(ye.unknownNamedCharacterReference),this._reconsumeInState(this.returnState))}[lN](t){this.charRefCode=0,t===Y.LATIN_SMALL_X||t===Y.LATIN_CAPITAL_X?(this.tempBuff.push(t),this.state=uN):this._reconsumeInState(cN)}[uN](t){u_e(t)?this._reconsumeInState(fN):(this._err(ye.absenceOfDigitsInNumericCharacterReference),this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[cN](t){Qh(t)?this._reconsumeInState(dN):(this._err(ye.absenceOfDigitsInNumericCharacterReference),this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[fN](t){gL(t)?this.charRefCode=this.charRefCode*16+t-55:vL(t)?this.charRefCode=this.charRefCode*16+t-87:Qh(t)?this.charRefCode=this.charRefCode*16+t-48:t===Y.SEMICOLON?this.state=hh:(this._err(ye.missingSemicolonAfterCharacterReference),this._reconsumeInState(hh))}[dN](t){Qh(t)?this.charRefCode=this.charRefCode*10+t-48:t===Y.SEMICOLON?this.state=hh:(this._err(ye.missingSemicolonAfterCharacterReference),this._reconsumeInState(hh))}[hh](){if(this.charRefCode===Y.NULL)this._err(ye.nullCharacterReference),this.charRefCode=Y.REPLACEMENT_CHARACTER;else if(this.charRefCode>1114111)this._err(ye.characterReferenceOutsideUnicodeRange),this.charRefCode=Y.REPLACEMENT_CHARACTER;else if(ln.isSurrogate(this.charRefCode))this._err(ye.surrogateCharacterReference),this.charRefCode=Y.REPLACEMENT_CHARACTER;else if(ln.isUndefinedCodePoint(this.charRefCode))this._err(ye.noncharacterCharacterReference);else if(ln.isControlCodePoint(this.charRefCode)||this.charRefCode===Y.CARRIAGE_RETURN){this._err(ye.controlCharacterReference);const t=s_e[this.charRefCode];t&&(this.charRefCode=t)}this.tempBuff=[this.charRefCode],this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState)}};oa.CHARACTER_TOKEN="CHARACTER_TOKEN";oa.NULL_CHARACTER_TOKEN="NULL_CHARACTER_TOKEN";oa.WHITESPACE_CHARACTER_TOKEN="WHITESPACE_CHARACTER_TOKEN";oa.START_TAG_TOKEN="START_TAG_TOKEN";oa.END_TAG_TOKEN="END_TAG_TOKEN";oa.COMMENT_TOKEN="COMMENT_TOKEN";oa.DOCTYPE_TOKEN="DOCTYPE_TOKEN";oa.EOF_TOKEN="EOF_TOKEN";oa.HIBERNATION_TOKEN="HIBERNATION_TOKEN";oa.MODE={DATA:It,RCDATA:Yf,RAWTEXT:Sh,SCRIPT_DATA:zs,PLAINTEXT:mL};oa.getTokenAttr=function(e,t){for(let n=e.attrs.length-1;n>=0;n--)if(e.attrs[n].name===t)return e.attrs[n].value;return null};var Oy=oa,Fa={};const rE=Fa.NAMESPACES={HTML:"http://www.w3.org/1999/xhtml",MATHML:"http://www.w3.org/1998/Math/MathML",SVG:"http://www.w3.org/2000/svg",XLINK:"http://www.w3.org/1999/xlink",XML:"http://www.w3.org/XML/1998/namespace",XMLNS:"http://www.w3.org/2000/xmlns/"};Fa.ATTRS={TYPE:"type",ACTION:"action",ENCODING:"encoding",PROMPT:"prompt",NAME:"name",COLOR:"color",FACE:"face",SIZE:"size"};Fa.DOCUMENT_MODE={NO_QUIRKS:"no-quirks",QUIRKS:"quirks",LIMITED_QUIRKS:"limited-quirks"};const Ne=Fa.TAG_NAMES={A:"a",ADDRESS:"address",ANNOTATION_XML:"annotation-xml",APPLET:"applet",AREA:"area",ARTICLE:"article",ASIDE:"aside",B:"b",BASE:"base",BASEFONT:"basefont",BGSOUND:"bgsound",BIG:"big",BLOCKQUOTE:"blockquote",BODY:"body",BR:"br",BUTTON:"button",CAPTION:"caption",CENTER:"center",CODE:"code",COL:"col",COLGROUP:"colgroup",DD:"dd",DESC:"desc",DETAILS:"details",DIALOG:"dialog",DIR:"dir",DIV:"div",DL:"dl",DT:"dt",EM:"em",EMBED:"embed",FIELDSET:"fieldset",FIGCAPTION:"figcaption",FIGURE:"figure",FONT:"font",FOOTER:"footer",FOREIGN_OBJECT:"foreignObject",FORM:"form",FRAME:"frame",FRAMESET:"frameset",H1:"h1",H2:"h2",H3:"h3",H4:"h4",H5:"h5",H6:"h6",HEAD:"head",HEADER:"header",HGROUP:"hgroup",HR:"hr",HTML:"html",I:"i",IMG:"img",IMAGE:"image",INPUT:"input",IFRAME:"iframe",KEYGEN:"keygen",LABEL:"label",LI:"li",LINK:"link",LISTING:"listing",MAIN:"main",MALIGNMARK:"malignmark",MARQUEE:"marquee",MATH:"math",MENU:"menu",META:"meta",MGLYPH:"mglyph",MI:"mi",MO:"mo",MN:"mn",MS:"ms",MTEXT:"mtext",NAV:"nav",NOBR:"nobr",NOFRAMES:"noframes",NOEMBED:"noembed",NOSCRIPT:"noscript",OBJECT:"object",OL:"ol",OPTGROUP:"optgroup",OPTION:"option",P:"p",PARAM:"param",PLAINTEXT:"plaintext",PRE:"pre",RB:"rb",RP:"rp",RT:"rt",RTC:"rtc",RUBY:"ruby",S:"s",SCRIPT:"script",SECTION:"section",SELECT:"select",SOURCE:"source",SMALL:"small",SPAN:"span",STRIKE:"strike",STRONG:"strong",STYLE:"style",SUB:"sub",SUMMARY:"summary",SUP:"sup",TABLE:"table",TBODY:"tbody",TEMPLATE:"template",TEXTAREA:"textarea",TFOOT:"tfoot",TD:"td",TH:"th",THEAD:"thead",TITLE:"title",TR:"tr",TRACK:"track",TT:"tt",U:"u",UL:"ul",SVG:"svg",VAR:"var",WBR:"wbr",XMP:"xmp"};Fa.SPECIAL_ELEMENTS={[rE.HTML]:{[Ne.ADDRESS]:!0,[Ne.APPLET]:!0,[Ne.AREA]:!0,[Ne.ARTICLE]:!0,[Ne.ASIDE]:!0,[Ne.BASE]:!0,[Ne.BASEFONT]:!0,[Ne.BGSOUND]:!0,[Ne.BLOCKQUOTE]:!0,[Ne.BODY]:!0,[Ne.BR]:!0,[Ne.BUTTON]:!0,[Ne.CAPTION]:!0,[Ne.CENTER]:!0,[Ne.COL]:!0,[Ne.COLGROUP]:!0,[Ne.DD]:!0,[Ne.DETAILS]:!0,[Ne.DIR]:!0,[Ne.DIV]:!0,[Ne.DL]:!0,[Ne.DT]:!0,[Ne.EMBED]:!0,[Ne.FIELDSET]:!0,[Ne.FIGCAPTION]:!0,[Ne.FIGURE]:!0,[Ne.FOOTER]:!0,[Ne.FORM]:!0,[Ne.FRAME]:!0,[Ne.FRAMESET]:!0,[Ne.H1]:!0,[Ne.H2]:!0,[Ne.H3]:!0,[Ne.H4]:!0,[Ne.H5]:!0,[Ne.H6]:!0,[Ne.HEAD]:!0,[Ne.HEADER]:!0,[Ne.HGROUP]:!0,[Ne.HR]:!0,[Ne.HTML]:!0,[Ne.IFRAME]:!0,[Ne.IMG]:!0,[Ne.INPUT]:!0,[Ne.LI]:!0,[Ne.LINK]:!0,[Ne.LISTING]:!0,[Ne.MAIN]:!0,[Ne.MARQUEE]:!0,[Ne.MENU]:!0,[Ne.META]:!0,[Ne.NAV]:!0,[Ne.NOEMBED]:!0,[Ne.NOFRAMES]:!0,[Ne.NOSCRIPT]:!0,[Ne.OBJECT]:!0,[Ne.OL]:!0,[Ne.P]:!0,[Ne.PARAM]:!0,[Ne.PLAINTEXT]:!0,[Ne.PRE]:!0,[Ne.SCRIPT]:!0,[Ne.SECTION]:!0,[Ne.SELECT]:!0,[Ne.SOURCE]:!0,[Ne.STYLE]:!0,[Ne.SUMMARY]:!0,[Ne.TABLE]:!0,[Ne.TBODY]:!0,[Ne.TD]:!0,[Ne.TEMPLATE]:!0,[Ne.TEXTAREA]:!0,[Ne.TFOOT]:!0,[Ne.TH]:!0,[Ne.THEAD]:!0,[Ne.TITLE]:!0,[Ne.TR]:!0,[Ne.TRACK]:!0,[Ne.UL]:!0,[Ne.WBR]:!0,[Ne.XMP]:!0},[rE.MATHML]:{[Ne.MI]:!0,[Ne.MO]:!0,[Ne.MN]:!0,[Ne.MS]:!0,[Ne.MTEXT]:!0,[Ne.ANNOTATION_XML]:!0},[rE.SVG]:{[Ne.TITLE]:!0,[Ne.FOREIGN_OBJECT]:!0,[Ne.DESC]:!0}};const bL=Fa,Fe=bL.TAG_NAMES,un=bL.NAMESPACES;function pN(e){switch(e.length){case 1:return e===Fe.P;case 2:return e===Fe.RB||e===Fe.RP||e===Fe.RT||e===Fe.DD||e===Fe.DT||e===Fe.LI;case 3:return e===Fe.RTC;case 6:return e===Fe.OPTION;case 8:return e===Fe.OPTGROUP}return!1}function c_e(e){switch(e.length){case 1:return e===Fe.P;case 2:return e===Fe.RB||e===Fe.RP||e===Fe.RT||e===Fe.DD||e===Fe.DT||e===Fe.LI||e===Fe.TD||e===Fe.TH||e===Fe.TR;case 3:return e===Fe.RTC;case 5:return e===Fe.TBODY||e===Fe.TFOOT||e===Fe.THEAD;case 6:return e===Fe.OPTION;case 7:return e===Fe.CAPTION;case 8:return e===Fe.OPTGROUP||e===Fe.COLGROUP}return!1}function cg(e,t){switch(e.length){case 2:if(e===Fe.TD||e===Fe.TH)return t===un.HTML;if(e===Fe.MI||e===Fe.MO||e===Fe.MN||e===Fe.MS)return t===un.MATHML;break;case 4:if(e===Fe.HTML)return t===un.HTML;if(e===Fe.DESC)return t===un.SVG;break;case 5:if(e===Fe.TABLE)return t===un.HTML;if(e===Fe.MTEXT)return t===un.MATHML;if(e===Fe.TITLE)return t===un.SVG;break;case 6:return(e===Fe.APPLET||e===Fe.OBJECT)&&t===un.HTML;case 7:return(e===Fe.CAPTION||e===Fe.MARQUEE)&&t===un.HTML;case 8:return e===Fe.TEMPLATE&&t===un.HTML;case 13:return e===Fe.FOREIGN_OBJECT&&t===un.SVG;case 14:return e===Fe.ANNOTATION_XML&&t===un.MATHML}return!1}let f_e=class{constructor(t,n){this.stackTop=-1,this.items=[],this.current=t,this.currentTagName=null,this.currentTmplContent=null,this.tmplCount=0,this.treeAdapter=n}_indexOf(t){let n=-1;for(let r=this.stackTop;r>=0;r--)if(this.items[r]===t){n=r;break}return n}_isInTemplate(){return this.currentTagName===Fe.TEMPLATE&&this.treeAdapter.getNamespaceURI(this.current)===un.HTML}_updateCurrentElement(){this.current=this.items[this.stackTop],this.currentTagName=this.current&&this.treeAdapter.getTagName(this.current),this.currentTmplContent=this._isInTemplate()?this.treeAdapter.getTemplateContent(this.current):null}push(t){this.items[++this.stackTop]=t,this._updateCurrentElement(),this._isInTemplate()&&this.tmplCount++}pop(){this.stackTop--,this.tmplCount>0&&this._isInTemplate()&&this.tmplCount--,this._updateCurrentElement()}replace(t,n){const r=this._indexOf(t);this.items[r]=n,r===this.stackTop&&this._updateCurrentElement()}insertAfter(t,n){const r=this._indexOf(t)+1;this.items.splice(r,0,n),r===++this.stackTop&&this._updateCurrentElement()}popUntilTagNamePopped(t){for(;this.stackTop>-1;){const n=this.currentTagName,r=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),n===t&&r===un.HTML)break}}popUntilElementPopped(t){for(;this.stackTop>-1;){const n=this.current;if(this.pop(),n===t)break}}popUntilNumberedHeaderPopped(){for(;this.stackTop>-1;){const t=this.currentTagName,n=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),t===Fe.H1||t===Fe.H2||t===Fe.H3||t===Fe.H4||t===Fe.H5||t===Fe.H6&&n===un.HTML)break}}popUntilTableCellPopped(){for(;this.stackTop>-1;){const t=this.currentTagName,n=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),t===Fe.TD||t===Fe.TH&&n===un.HTML)break}}popAllUpToHtmlElement(){this.stackTop=0,this._updateCurrentElement()}clearBackToTableContext(){for(;this.currentTagName!==Fe.TABLE&&this.currentTagName!==Fe.TEMPLATE&&this.currentTagName!==Fe.HTML||this.treeAdapter.getNamespaceURI(this.current)!==un.HTML;)this.pop()}clearBackToTableBodyContext(){for(;this.currentTagName!==Fe.TBODY&&this.currentTagName!==Fe.TFOOT&&this.currentTagName!==Fe.THEAD&&this.currentTagName!==Fe.TEMPLATE&&this.currentTagName!==Fe.HTML||this.treeAdapter.getNamespaceURI(this.current)!==un.HTML;)this.pop()}clearBackToTableRowContext(){for(;this.currentTagName!==Fe.TR&&this.currentTagName!==Fe.TEMPLATE&&this.currentTagName!==Fe.HTML||this.treeAdapter.getNamespaceURI(this.current)!==un.HTML;)this.pop()}remove(t){for(let n=this.stackTop;n>=0;n--)if(this.items[n]===t){this.items.splice(n,1),this.stackTop--,this._updateCurrentElement();break}}tryPeekProperlyNestedBodyElement(){const t=this.items[1];return t&&this.treeAdapter.getTagName(t)===Fe.BODY?t:null}contains(t){return this._indexOf(t)>-1}getCommonAncestor(t){let n=this._indexOf(t);return--n>=0?this.items[n]:null}isRootHtmlElementCurrent(){return this.stackTop===0&&this.currentTagName===Fe.HTML}hasInScope(t){for(let n=this.stackTop;n>=0;n--){const r=this.treeAdapter.getTagName(this.items[n]),o=this.treeAdapter.getNamespaceURI(this.items[n]);if(r===t&&o===un.HTML)return!0;if(cg(r,o))return!1}return!0}hasNumberedHeaderInScope(){for(let t=this.stackTop;t>=0;t--){const n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if((n===Fe.H1||n===Fe.H2||n===Fe.H3||n===Fe.H4||n===Fe.H5||n===Fe.H6)&&r===un.HTML)return!0;if(cg(n,r))return!1}return!0}hasInListItemScope(t){for(let n=this.stackTop;n>=0;n--){const r=this.treeAdapter.getTagName(this.items[n]),o=this.treeAdapter.getNamespaceURI(this.items[n]);if(r===t&&o===un.HTML)return!0;if((r===Fe.UL||r===Fe.OL)&&o===un.HTML||cg(r,o))return!1}return!0}hasInButtonScope(t){for(let n=this.stackTop;n>=0;n--){const r=this.treeAdapter.getTagName(this.items[n]),o=this.treeAdapter.getNamespaceURI(this.items[n]);if(r===t&&o===un.HTML)return!0;if(r===Fe.BUTTON&&o===un.HTML||cg(r,o))return!1}return!0}hasInTableScope(t){for(let n=this.stackTop;n>=0;n--){const r=this.treeAdapter.getTagName(this.items[n]);if(this.treeAdapter.getNamespaceURI(this.items[n])===un.HTML){if(r===t)return!0;if(r===Fe.TABLE||r===Fe.TEMPLATE||r===Fe.HTML)return!1}}return!0}hasTableBodyContextInTableScope(){for(let t=this.stackTop;t>=0;t--){const n=this.treeAdapter.getTagName(this.items[t]);if(this.treeAdapter.getNamespaceURI(this.items[t])===un.HTML){if(n===Fe.TBODY||n===Fe.THEAD||n===Fe.TFOOT)return!0;if(n===Fe.TABLE||n===Fe.HTML)return!1}}return!0}hasInSelectScope(t){for(let n=this.stackTop;n>=0;n--){const r=this.treeAdapter.getTagName(this.items[n]);if(this.treeAdapter.getNamespaceURI(this.items[n])===un.HTML){if(r===t)return!0;if(r!==Fe.OPTION&&r!==Fe.OPTGROUP)return!1}}return!0}generateImpliedEndTags(){for(;pN(this.currentTagName);)this.pop()}generateImpliedEndTagsThoroughly(){for(;c_e(this.currentTagName);)this.pop()}generateImpliedEndTagsWithExclusion(t){for(;pN(this.currentTagName)&&this.currentTagName!==t;)this.pop()}};var d_e=f_e;const fg=3;let fk=class $l{constructor(t){this.length=0,this.entries=[],this.treeAdapter=t,this.bookmark=null}_getNoahArkConditionCandidates(t){const n=[];if(this.length>=fg){const r=this.treeAdapter.getAttrList(t).length,o=this.treeAdapter.getTagName(t),i=this.treeAdapter.getNamespaceURI(t);for(let a=this.length-1;a>=0;a--){const s=this.entries[a];if(s.type===$l.MARKER_ENTRY)break;const l=s.element,u=this.treeAdapter.getAttrList(l);this.treeAdapter.getTagName(l)===o&&this.treeAdapter.getNamespaceURI(l)===i&&u.length===r&&n.push({idx:a,attrs:u})}}return n.length<fg?[]:n}_ensureNoahArkCondition(t){const n=this._getNoahArkConditionCandidates(t);let r=n.length;if(r){const o=this.treeAdapter.getAttrList(t),i=o.length,a=Object.create(null);for(let s=0;s<i;s++){const l=o[s];a[l.name]=l.value}for(let s=0;s<i;s++)for(let l=0;l<r;l++){const u=n[l].attrs[s];if(a[u.name]!==u.value&&(n.splice(l,1),r--),n.length<fg)return}for(let s=r-1;s>=fg-1;s--)this.entries.splice(n[s].idx,1),this.length--}}insertMarker(){this.entries.push({type:$l.MARKER_ENTRY}),this.length++}pushElement(t,n){this._ensureNoahArkCondition(t),this.entries.push({type:$l.ELEMENT_ENTRY,element:t,token:n}),this.length++}insertElementAfterBookmark(t,n){let r=this.length-1;for(;r>=0&&this.entries[r]!==this.bookmark;r--);this.entries.splice(r+1,0,{type:$l.ELEMENT_ENTRY,element:t,token:n}),this.length++}removeEntry(t){for(let n=this.length-1;n>=0;n--)if(this.entries[n]===t){this.entries.splice(n,1),this.length--;break}}clearToLastMarker(){for(;this.length;){const t=this.entries.pop();if(this.length--,t.type===$l.MARKER_ENTRY)break}}getElementEntryInScopeWithTagName(t){for(let n=this.length-1;n>=0;n--){const r=this.entries[n];if(r.type===$l.MARKER_ENTRY)return null;if(this.treeAdapter.getTagName(r.element)===t)return r}return null}getElementEntry(t){for(let n=this.length-1;n>=0;n--){const r=this.entries[n];if(r.type===$l.ELEMENT_ENTRY&&r.element===t)return r}return null}};fk.MARKER_ENTRY="MARKER_ENTRY";fk.ELEMENT_ENTRY="ELEMENT_ENTRY";var h_e=fk;let yL=class{constructor(t){const n={},r=this._getOverriddenMethods(this,n);for(const o of Object.keys(r))typeof r[o]=="function"&&(n[o]=t[o],t[o]=r[o])}_getOverriddenMethods(){throw new Error("Not implemented")}};yL.install=function(e,t,n){e.__mixins||(e.__mixins=[]);for(let o=0;o<e.__mixins.length;o++)if(e.__mixins[o].constructor===t)return e.__mixins[o];const r=new t(e,n);return e.__mixins.push(r),r};var Tl=yL;const p_e=Tl;let m_e=class extends p_e{constructor(t){super(t),this.preprocessor=t,this.isEol=!1,this.lineStartPos=0,this.droppedBufferSize=0,this.offset=0,this.col=0,this.line=1}_getOverriddenMethods(t,n){return{advance(){const r=this.pos+1,o=this.html[r];return t.isEol&&(t.isEol=!1,t.line++,t.lineStartPos=r),(o===`
`||o==="\r"&&this.html[r+1]!==`
`)&&(t.isEol=!0),t.col=r-t.lineStartPos+1,t.offset=t.droppedBufferSize+r,n.advance.call(this)},retreat(){n.retreat.call(this),t.isEol=!1,t.col=this.pos-t.lineStartPos+1},dropParsedChunk(){const r=this.pos;n.dropParsedChunk.call(this);const o=r-this.pos;t.lineStartPos-=o,t.droppedBufferSize+=o,t.offset=t.droppedBufferSize+this.pos}}}};var EL=m_e;const mN=Tl,oE=Oy,g_e=EL;let v_e=class extends mN{constructor(t){super(t),this.tokenizer=t,this.posTracker=mN.install(t.preprocessor,g_e),this.currentAttrLocation=null,this.ctLoc=null}_getCurrentLocation(){return{startLine:this.posTracker.line,startCol:this.posTracker.col,startOffset:this.posTracker.offset,endLine:-1,endCol:-1,endOffset:-1}}_attachCurrentAttrLocationInfo(){this.currentAttrLocation.endLine=this.posTracker.line,this.currentAttrLocation.endCol=this.posTracker.col,this.currentAttrLocation.endOffset=this.posTracker.offset;const t=this.tokenizer.currentToken,n=this.tokenizer.currentAttr;t.location.attrs||(t.location.attrs=Object.create(null)),t.location.attrs[n.name]=this.currentAttrLocation}_getOverriddenMethods(t,n){const r={_createStartTagToken(){n._createStartTagToken.call(this),this.currentToken.location=t.ctLoc},_createEndTagToken(){n._createEndTagToken.call(this),this.currentToken.location=t.ctLoc},_createCommentToken(){n._createCommentToken.call(this),this.currentToken.location=t.ctLoc},_createDoctypeToken(o){n._createDoctypeToken.call(this,o),this.currentToken.location=t.ctLoc},_createCharacterToken(o,i){n._createCharacterToken.call(this,o,i),this.currentCharacterToken.location=t.ctLoc},_createEOFToken(){n._createEOFToken.call(this),this.currentToken.location=t._getCurrentLocation()},_createAttr(o){n._createAttr.call(this,o),t.currentAttrLocation=t._getCurrentLocation()},_leaveAttrName(o){n._leaveAttrName.call(this,o),t._attachCurrentAttrLocationInfo()},_leaveAttrValue(o){n._leaveAttrValue.call(this,o),t._attachCurrentAttrLocationInfo()},_emitCurrentToken(){const o=this.currentToken.location;this.currentCharacterToken&&(this.currentCharacterToken.location.endLine=o.startLine,this.currentCharacterToken.location.endCol=o.startCol,this.currentCharacterToken.location.endOffset=o.startOffset),this.currentToken.type===oE.EOF_TOKEN?(o.endLine=o.startLine,o.endCol=o.startCol,o.endOffset=o.startOffset):(o.endLine=t.posTracker.line,o.endCol=t.posTracker.col+1,o.endOffset=t.posTracker.offset+1),n._emitCurrentToken.call(this)},_emitCurrentCharacterToken(){const o=this.currentCharacterToken&&this.currentCharacterToken.location;o&&o.endOffset===-1&&(o.endLine=t.posTracker.line,o.endCol=t.posTracker.col,o.endOffset=t.posTracker.offset),n._emitCurrentCharacterToken.call(this)}};return Object.keys(oE.MODE).forEach(o=>{const i=oE.MODE[o];r[i]=function(a){t.ctLoc=t._getCurrentLocation(),n[i].call(this,a)}}),r}};var _L=v_e;const b_e=Tl;let y_e=class extends b_e{constructor(t,n){super(t),this.onItemPop=n.onItemPop}_getOverriddenMethods(t,n){return{pop(){t.onItemPop(this.current),n.pop.call(this)},popAllUpToHtmlElement(){for(let r=this.stackTop;r>0;r--)t.onItemPop(this.items[r]);n.popAllUpToHtmlElement.call(this)},remove(r){t.onItemPop(this.current),n.remove.call(this,r)}}}};var E_e=y_e;const iE=Tl,gN=Oy,T_e=_L,w_e=E_e,k_e=Fa,aE=k_e.TAG_NAMES;let S_e=class extends iE{constructor(t){super(t),this.parser=t,this.treeAdapter=this.parser.treeAdapter,this.posTracker=null,this.lastStartTagToken=null,this.lastFosterParentingLocation=null,this.currentToken=null}_setStartLocation(t){let n=null;this.lastStartTagToken&&(n=Object.assign({},this.lastStartTagToken.location),n.startTag=this.lastStartTagToken.location),this.treeAdapter.setNodeSourceCodeLocation(t,n)}_setEndLocation(t,n){if(this.treeAdapter.getNodeSourceCodeLocation(t)&&n.location){const o=n.location,i=this.treeAdapter.getTagName(t),a=n.type===gN.END_TAG_TOKEN&&i===n.tagName,s={};a?(s.endTag=Object.assign({},o),s.endLine=o.endLine,s.endCol=o.endCol,s.endOffset=o.endOffset):(s.endLine=o.startLine,s.endCol=o.startCol,s.endOffset=o.startOffset),this.treeAdapter.updateNodeSourceCodeLocation(t,s)}}_getOverriddenMethods(t,n){return{_bootstrap(r,o){n._bootstrap.call(this,r,o),t.lastStartTagToken=null,t.lastFosterParentingLocation=null,t.currentToken=null;const i=iE.install(this.tokenizer,T_e);t.posTracker=i.posTracker,iE.install(this.openElements,w_e,{onItemPop:function(a){t._setEndLocation(a,t.currentToken)}})},_runParsingLoop(r){n._runParsingLoop.call(this,r);for(let o=this.openElements.stackTop;o>=0;o--)t._setEndLocation(this.openElements.items[o],t.currentToken)},_processTokenInForeignContent(r){t.currentToken=r,n._processTokenInForeignContent.call(this,r)},_processToken(r){if(t.currentToken=r,n._processToken.call(this,r),r.type===gN.END_TAG_TOKEN&&(r.tagName===aE.HTML||r.tagName===aE.BODY&&this.openElements.hasInScope(aE.BODY)))for(let i=this.openElements.stackTop;i>=0;i--){const a=this.openElements.items[i];if(this.treeAdapter.getTagName(a)===r.tagName){t._setEndLocation(a,r);break}}},_setDocumentType(r){n._setDocumentType.call(this,r);const o=this.treeAdapter.getChildNodes(this.document),i=o.length;for(let a=0;a<i;a++){const s=o[a];if(this.treeAdapter.isDocumentTypeNode(s)){this.treeAdapter.setNodeSourceCodeLocation(s,r.location);break}}},_attachElementToTree(r){t._setStartLocation(r),t.lastStartTagToken=null,n._attachElementToTree.call(this,r)},_appendElement(r,o){t.lastStartTagToken=r,n._appendElement.call(this,r,o)},_insertElement(r,o){t.lastStartTagToken=r,n._insertElement.call(this,r,o)},_insertTemplate(r){t.lastStartTagToken=r,n._insertTemplate.call(this,r);const o=this.treeAdapter.getTemplateContent(this.openElements.current);this.treeAdapter.setNodeSourceCodeLocation(o,null)},_insertFakeRootElement(){n._insertFakeRootElement.call(this),this.treeAdapter.setNodeSourceCodeLocation(this.openElements.current,null)},_appendCommentNode(r,o){n._appendCommentNode.call(this,r,o);const i=this.treeAdapter.getChildNodes(o),a=i[i.length-1];this.treeAdapter.setNodeSourceCodeLocation(a,r.location)},_findFosterParentingLocation(){return t.lastFosterParentingLocation=n._findFosterParentingLocation.call(this),t.lastFosterParentingLocation},_insertCharacters(r){n._insertCharacters.call(this,r);const o=this._shouldFosterParentOnInsertion(),i=o&&t.lastFosterParentingLocation.parent||this.openElements.currentTmplContent||this.openElements.current,a=this.treeAdapter.getChildNodes(i),s=o&&t.lastFosterParentingLocation.beforeElement?a.indexOf(t.lastFosterParentingLocation.beforeElement)-1:a.length-1,l=a[s];if(this.treeAdapter.getNodeSourceCodeLocation(l)){const{endLine:d,endCol:h,endOffset:p}=r.location;this.treeAdapter.updateNodeSourceCodeLocation(l,{endLine:d,endCol:h,endOffset:p})}else this.treeAdapter.setNodeSourceCodeLocation(l,r.location)}}}};var x_e=S_e;const C_e=Tl;let A_e=class extends C_e{constructor(t,n){super(t),this.posTracker=null,this.onParseError=n.onParseError}_setErrorLocation(t){t.startLine=t.endLine=this.posTracker.line,t.startCol=t.endCol=this.posTracker.col,t.startOffset=t.endOffset=this.posTracker.offset}_reportError(t){const n={code:t,startLine:-1,startCol:-1,startOffset:-1,endLine:-1,endCol:-1,endOffset:-1};this._setErrorLocation(n),this.onParseError(n)}_getOverriddenMethods(t){return{_err(n){t._reportError(n)}}}};var dk=A_e;const N_e=dk,F_e=EL,I_e=Tl;let B_e=class extends N_e{constructor(t,n){super(t,n),this.posTracker=I_e.install(t,F_e),this.lastErrOffset=-1}_reportError(t){this.lastErrOffset!==this.posTracker.offset&&(this.lastErrOffset=this.posTracker.offset,super._reportError(t))}};var R_e=B_e;const O_e=dk,D_e=R_e,P_e=Tl;let M_e=class extends O_e{constructor(t,n){super(t,n);const r=P_e.install(t.preprocessor,D_e,n);this.posTracker=r.posTracker}};var L_e=M_e;const j_e=dk,z_e=L_e,H_e=_L,vN=Tl;let U_e=class extends j_e{constructor(t,n){super(t,n),this.opts=n,this.ctLoc=null,this.locBeforeToken=!1}_setErrorLocation(t){this.ctLoc&&(t.startLine=this.ctLoc.startLine,t.startCol=this.ctLoc.startCol,t.startOffset=this.ctLoc.startOffset,t.endLine=this.locBeforeToken?this.ctLoc.startLine:this.ctLoc.endLine,t.endCol=this.locBeforeToken?this.ctLoc.startCol:this.ctLoc.endCol,t.endOffset=this.locBeforeToken?this.ctLoc.startOffset:this.ctLoc.endOffset)}_getOverriddenMethods(t,n){return{_bootstrap(r,o){n._bootstrap.call(this,r,o),vN.install(this.tokenizer,z_e,t.opts),vN.install(this.tokenizer,H_e)},_processInputToken(r){t.ctLoc=r.location,n._processInputToken.call(this,r)},_err(r,o){t.locBeforeToken=o&&o.beforeToken,t._reportError(r)}}}};var q_e=U_e,zt={};const{DOCUMENT_MODE:$_e}=Fa;zt.createDocument=function(){return{nodeName:"#document",mode:$_e.NO_QUIRKS,childNodes:[]}};zt.createDocumentFragment=function(){return{nodeName:"#document-fragment",childNodes:[]}};zt.createElement=function(e,t,n){return{nodeName:e,tagName:e,attrs:n,namespaceURI:t,childNodes:[],parentNode:null}};zt.createCommentNode=function(e){return{nodeName:"#comment",data:e,parentNode:null}};const TL=function(e){return{nodeName:"#text",value:e,parentNode:null}},wL=zt.appendChild=function(e,t){e.childNodes.push(t),t.parentNode=e},W_e=zt.insertBefore=function(e,t,n){const r=e.childNodes.indexOf(n);e.childNodes.splice(r,0,t),t.parentNode=e};zt.setTemplateContent=function(e,t){e.content=t};zt.getTemplateContent=function(e){return e.content};zt.setDocumentType=function(e,t,n,r){let o=null;for(let i=0;i<e.childNodes.length;i++)if(e.childNodes[i].nodeName==="#documentType"){o=e.childNodes[i];break}o?(o.name=t,o.publicId=n,o.systemId=r):wL(e,{nodeName:"#documentType",name:t,publicId:n,systemId:r})};zt.setDocumentMode=function(e,t){e.mode=t};zt.getDocumentMode=function(e){return e.mode};zt.detachNode=function(e){if(e.parentNode){const t=e.parentNode.childNodes.indexOf(e);e.parentNode.childNodes.splice(t,1),e.parentNode=null}};zt.insertText=function(e,t){if(e.childNodes.length){const n=e.childNodes[e.childNodes.length-1];if(n.nodeName==="#text"){n.value+=t;return}}wL(e,TL(t))};zt.insertTextBefore=function(e,t,n){const r=e.childNodes[e.childNodes.indexOf(n)-1];r&&r.nodeName==="#text"?r.value+=t:W_e(e,TL(t),n)};zt.adoptAttributes=function(e,t){const n=[];for(let r=0;r<e.attrs.length;r++)n.push(e.attrs[r].name);for(let r=0;r<t.length;r++)n.indexOf(t[r].name)===-1&&e.attrs.push(t[r])};zt.getFirstChild=function(e){return e.childNodes[0]};zt.getChildNodes=function(e){return e.childNodes};zt.getParentNode=function(e){return e.parentNode};zt.getAttrList=function(e){return e.attrs};zt.getTagName=function(e){return e.tagName};zt.getNamespaceURI=function(e){return e.namespaceURI};zt.getTextNodeContent=function(e){return e.value};zt.getCommentNodeContent=function(e){return e.data};zt.getDocumentTypeNodeName=function(e){return e.name};zt.getDocumentTypeNodePublicId=function(e){return e.publicId};zt.getDocumentTypeNodeSystemId=function(e){return e.systemId};zt.isTextNode=function(e){return e.nodeName==="#text"};zt.isCommentNode=function(e){return e.nodeName==="#comment"};zt.isDocumentTypeNode=function(e){return e.nodeName==="#documentType"};zt.isElementNode=function(e){return!!e.tagName};zt.setNodeSourceCodeLocation=function(e,t){e.sourceCodeLocation=t};zt.getNodeSourceCodeLocation=function(e){return e.sourceCodeLocation};zt.updateNodeSourceCodeLocation=function(e,t){e.sourceCodeLocation=Object.assign(e.sourceCodeLocation,t)};var G_e=function(t,n){return n=n||Object.create(null),[t,n].reduce((r,o)=>(Object.keys(o).forEach(i=>{r[i]=o[i]}),r),Object.create(null))},Dy={};const{DOCUMENT_MODE:Of}=Fa,kL="html",K_e="about:legacy-compat",V_e="http://www.ibm.com/data/dtd/v11/ibmxhtml1-transitional.dtd",SL=["+//silmaril//dtd html pro v0r11 19970101//","-//as//dtd html 3.0 aswedit + extensions//","-//advasoft ltd//dtd html 3.0 aswedit + extensions//","-//ietf//dtd html 2.0 level 1//","-//ietf//dtd html 2.0 level 2//","-//ietf//dtd html 2.0 strict level 1//","-//ietf//dtd html 2.0 strict level 2//","-//ietf//dtd html 2.0 strict//","-//ietf//dtd html 2.0//","-//ietf//dtd html 2.1e//","-//ietf//dtd html 3.0//","-//ietf//dtd html 3.2 final//","-//ietf//dtd html 3.2//","-//ietf//dtd html 3//","-//ietf//dtd html level 0//","-//ietf//dtd html level 1//","-//ietf//dtd html level 2//","-//ietf//dtd html level 3//","-//ietf//dtd html strict level 0//","-//ietf//dtd html strict level 1//","-//ietf//dtd html strict level 2//","-//ietf//dtd html strict level 3//","-//ietf//dtd html strict//","-//ietf//dtd html//","-//metrius//dtd metrius presentational//","-//microsoft//dtd internet explorer 2.0 html strict//","-//microsoft//dtd internet explorer 2.0 html//","-//microsoft//dtd internet explorer 2.0 tables//","-//microsoft//dtd internet explorer 3.0 html strict//","-//microsoft//dtd internet explorer 3.0 html//","-//microsoft//dtd internet explorer 3.0 tables//","-//netscape comm. corp.//dtd html//","-//netscape comm. corp.//dtd strict html//","-//o'reilly and associates//dtd html 2.0//","-//o'reilly and associates//dtd html extended 1.0//","-//o'reilly and associates//dtd html extended relaxed 1.0//","-//sq//dtd html 2.0 hotmetal + extensions//","-//softquad software//dtd hotmetal pro 6.0::19990601::extensions to html 4.0//","-//softquad//dtd hotmetal pro 4.0::19971010::extensions to html 4.0//","-//spyglass//dtd html 2.0 extended//","-//sun microsystems corp.//dtd hotjava html//","-//sun microsystems corp.//dtd hotjava strict html//","-//w3c//dtd html 3 1995-03-24//","-//w3c//dtd html 3.2 draft//","-//w3c//dtd html 3.2 final//","-//w3c//dtd html 3.2//","-//w3c//dtd html 3.2s draft//","-//w3c//dtd html 4.0 frameset//","-//w3c//dtd html 4.0 transitional//","-//w3c//dtd html experimental 19960712//","-//w3c//dtd html experimental 970421//","-//w3c//dtd w3 html//","-//w3o//dtd w3 html 3.0//","-//webtechs//dtd mozilla html 2.0//","-//webtechs//dtd mozilla html//"],Y_e=SL.concat(["-//w3c//dtd html 4.01 frameset//","-//w3c//dtd html 4.01 transitional//"]),Q_e=["-//w3o//dtd w3 html strict 3.0//en//","-/w3c/dtd html 4.0 transitional/en","html"],xL=["-//w3c//dtd xhtml 1.0 frameset//","-//w3c//dtd xhtml 1.0 transitional//"],X_e=xL.concat(["-//w3c//dtd html 4.01 frameset//","-//w3c//dtd html 4.01 transitional//"]);function bN(e){const t=e.indexOf('"')!==-1?"'":'"';return t+e+t}function yN(e,t){for(let n=0;n<t.length;n++)if(e.indexOf(t[n])===0)return!0;return!1}Dy.isConforming=function(e){return e.name===kL&&e.publicId===null&&(e.systemId===null||e.systemId===K_e)};Dy.getDocumentMode=function(e){if(e.name!==kL)return Of.QUIRKS;const t=e.systemId;if(t&&t.toLowerCase()===V_e)return Of.QUIRKS;let n=e.publicId;if(n!==null){if(n=n.toLowerCase(),Q_e.indexOf(n)>-1)return Of.QUIRKS;let r=t===null?Y_e:SL;if(yN(n,r))return Of.QUIRKS;if(r=t===null?xL:X_e,yN(n,r))return Of.LIMITED_QUIRKS}return Of.NO_QUIRKS};Dy.serializeContent=function(e,t,n){let r="!DOCTYPE ";return e&&(r+=e),t?r+=" PUBLIC "+bN(t):n&&(r+=" SYSTEM"),n!==null&&(r+=" "+bN(n)),r};var Lu={};const sE=Oy,hk=Fa,Ye=hk.TAG_NAMES,Wr=hk.NAMESPACES,tv=hk.ATTRS,EN={TEXT_HTML:"text/html",APPLICATION_XML:"application/xhtml+xml"},Z_e="definitionurl",J_e="definitionURL",e4e={attributename:"attributeName",attributetype:"attributeType",basefrequency:"baseFrequency",baseprofile:"baseProfile",calcmode:"calcMode",clippathunits:"clipPathUnits",diffuseconstant:"diffuseConstant",edgemode:"edgeMode",filterunits:"filterUnits",glyphref:"glyphRef",gradienttransform:"gradientTransform",gradientunits:"gradientUnits",kernelmatrix:"kernelMatrix",kernelunitlength:"kernelUnitLength",keypoints:"keyPoints",keysplines:"keySplines",keytimes:"keyTimes",lengthadjust:"lengthAdjust",limitingconeangle:"limitingConeAngle",markerheight:"markerHeight",markerunits:"markerUnits",markerwidth:"markerWidth",maskcontentunits:"maskContentUnits",maskunits:"maskUnits",numoctaves:"numOctaves",pathlength:"pathLength",patterncontentunits:"patternContentUnits",patterntransform:"patternTransform",patternunits:"patternUnits",pointsatx:"pointsAtX",pointsaty:"pointsAtY",pointsatz:"pointsAtZ",preservealpha:"preserveAlpha",preserveaspectratio:"preserveAspectRatio",primitiveunits:"primitiveUnits",refx:"refX",refy:"refY",repeatcount:"repeatCount",repeatdur:"repeatDur",requiredextensions:"requiredExtensions",requiredfeatures:"requiredFeatures",specularconstant:"specularConstant",specularexponent:"specularExponent",spreadmethod:"spreadMethod",startoffset:"startOffset",stddeviation:"stdDeviation",stitchtiles:"stitchTiles",surfacescale:"surfaceScale",systemlanguage:"systemLanguage",tablevalues:"tableValues",targetx:"targetX",targety:"targetY",textlength:"textLength",viewbox:"viewBox",viewtarget:"viewTarget",xchannelselector:"xChannelSelector",ychannelselector:"yChannelSelector",zoomandpan:"zoomAndPan"},t4e={"xlink:actuate":{prefix:"xlink",name:"actuate",namespace:Wr.XLINK},"xlink:arcrole":{prefix:"xlink",name:"arcrole",namespace:Wr.XLINK},"xlink:href":{prefix:"xlink",name:"href",namespace:Wr.XLINK},"xlink:role":{prefix:"xlink",name:"role",namespace:Wr.XLINK},"xlink:show":{prefix:"xlink",name:"show",namespace:Wr.XLINK},"xlink:title":{prefix:"xlink",name:"title",namespace:Wr.XLINK},"xlink:type":{prefix:"xlink",name:"type",namespace:Wr.XLINK},"xml:base":{prefix:"xml",name:"base",namespace:Wr.XML},"xml:lang":{prefix:"xml",name:"lang",namespace:Wr.XML},"xml:space":{prefix:"xml",name:"space",namespace:Wr.XML},xmlns:{prefix:"",name:"xmlns",namespace:Wr.XMLNS},"xmlns:xlink":{prefix:"xmlns",name:"xlink",namespace:Wr.XMLNS}},n4e=Lu.SVG_TAG_NAMES_ADJUSTMENT_MAP={altglyph:"altGlyph",altglyphdef:"altGlyphDef",altglyphitem:"altGlyphItem",animatecolor:"animateColor",animatemotion:"animateMotion",animatetransform:"animateTransform",clippath:"clipPath",feblend:"feBlend",fecolormatrix:"feColorMatrix",fecomponenttransfer:"feComponentTransfer",fecomposite:"feComposite",feconvolvematrix:"feConvolveMatrix",fediffuselighting:"feDiffuseLighting",fedisplacementmap:"feDisplacementMap",fedistantlight:"feDistantLight",feflood:"feFlood",fefunca:"feFuncA",fefuncb:"feFuncB",fefuncg:"feFuncG",fefuncr:"feFuncR",fegaussianblur:"feGaussianBlur",feimage:"feImage",femerge:"feMerge",femergenode:"feMergeNode",femorphology:"feMorphology",feoffset:"feOffset",fepointlight:"fePointLight",fespecularlighting:"feSpecularLighting",fespotlight:"feSpotLight",fetile:"feTile",feturbulence:"feTurbulence",foreignobject:"foreignObject",glyphref:"glyphRef",lineargradient:"linearGradient",radialgradient:"radialGradient",textpath:"textPath"},r4e={[Ye.B]:!0,[Ye.BIG]:!0,[Ye.BLOCKQUOTE]:!0,[Ye.BODY]:!0,[Ye.BR]:!0,[Ye.CENTER]:!0,[Ye.CODE]:!0,[Ye.DD]:!0,[Ye.DIV]:!0,[Ye.DL]:!0,[Ye.DT]:!0,[Ye.EM]:!0,[Ye.EMBED]:!0,[Ye.H1]:!0,[Ye.H2]:!0,[Ye.H3]:!0,[Ye.H4]:!0,[Ye.H5]:!0,[Ye.H6]:!0,[Ye.HEAD]:!0,[Ye.HR]:!0,[Ye.I]:!0,[Ye.IMG]:!0,[Ye.LI]:!0,[Ye.LISTING]:!0,[Ye.MENU]:!0,[Ye.META]:!0,[Ye.NOBR]:!0,[Ye.OL]:!0,[Ye.P]:!0,[Ye.PRE]:!0,[Ye.RUBY]:!0,[Ye.S]:!0,[Ye.SMALL]:!0,[Ye.SPAN]:!0,[Ye.STRONG]:!0,[Ye.STRIKE]:!0,[Ye.SUB]:!0,[Ye.SUP]:!0,[Ye.TABLE]:!0,[Ye.TT]:!0,[Ye.U]:!0,[Ye.UL]:!0,[Ye.VAR]:!0};Lu.causesExit=function(e){const t=e.tagName;return t===Ye.FONT&&(sE.getTokenAttr(e,tv.COLOR)!==null||sE.getTokenAttr(e,tv.SIZE)!==null||sE.getTokenAttr(e,tv.FACE)!==null)?!0:r4e[t]};Lu.adjustTokenMathMLAttrs=function(e){for(let t=0;t<e.attrs.length;t++)if(e.attrs[t].name===Z_e){e.attrs[t].name=J_e;break}};Lu.adjustTokenSVGAttrs=function(e){for(let t=0;t<e.attrs.length;t++){const n=e4e[e.attrs[t].name];n&&(e.attrs[t].name=n)}};Lu.adjustTokenXMLAttrs=function(e){for(let t=0;t<e.attrs.length;t++){const n=t4e[e.attrs[t].name];n&&(e.attrs[t].prefix=n.prefix,e.attrs[t].name=n.name,e.attrs[t].namespace=n.namespace)}};Lu.adjustTokenSVGTagName=function(e){const t=n4e[e.tagName];t&&(e.tagName=t)};function o4e(e,t){return t===Wr.MATHML&&(e===Ye.MI||e===Ye.MO||e===Ye.MN||e===Ye.MS||e===Ye.MTEXT)}function i4e(e,t,n){if(t===Wr.MATHML&&e===Ye.ANNOTATION_XML){for(let r=0;r<n.length;r++)if(n[r].name===tv.ENCODING){const o=n[r].value.toLowerCase();return o===EN.TEXT_HTML||o===EN.APPLICATION_XML}}return t===Wr.SVG&&(e===Ye.FOREIGN_OBJECT||e===Ye.DESC||e===Ye.TITLE)}Lu.isIntegrationPoint=function(e,t,n,r){return!!((!r||r===Wr.HTML)&&i4e(e,t,n)||(!r||r===Wr.MATHML)&&o4e(e,t))};const X=Oy,a4e=d_e,_N=h_e,s4e=x_e,l4e=q_e,TN=Tl,u4e=zt,c4e=G_e,wN=Dy,Ya=Lu,Xr=ck,f4e=Na,Yc=Fa,x=Yc.TAG_NAMES,ze=Yc.NAMESPACES,CL=Yc.ATTRS,d4e={scriptingEnabled:!0,sourceCodeLocationInfo:!1,onParseError:null,treeAdapter:u4e},AL="hidden",h4e=8,p4e=3,NL="INITIAL_MODE",pk="BEFORE_HTML_MODE",Py="BEFORE_HEAD_MODE",b1="IN_HEAD_MODE",FL="IN_HEAD_NO_SCRIPT_MODE",My="AFTER_HEAD_MODE",as="IN_BODY_MODE",hb="TEXT_MODE",uo="IN_TABLE_MODE",IL="IN_TABLE_TEXT_MODE",Ly="IN_CAPTION_MODE",Fp="IN_COLUMN_GROUP_MODE",Vi="IN_TABLE_BODY_MODE",dl="IN_ROW_MODE",jy="IN_CELL_MODE",mk="IN_SELECT_MODE",gk="IN_SELECT_IN_TABLE_MODE",pb="IN_TEMPLATE_MODE",vk="AFTER_BODY_MODE",zy="IN_FRAMESET_MODE",BL="AFTER_FRAMESET_MODE",RL="AFTER_AFTER_BODY_MODE",OL="AFTER_AFTER_FRAMESET_MODE",m4e={[x.TR]:dl,[x.TBODY]:Vi,[x.THEAD]:Vi,[x.TFOOT]:Vi,[x.CAPTION]:Ly,[x.COLGROUP]:Fp,[x.TABLE]:uo,[x.BODY]:as,[x.FRAMESET]:zy},g4e={[x.CAPTION]:uo,[x.COLGROUP]:uo,[x.TBODY]:uo,[x.TFOOT]:uo,[x.THEAD]:uo,[x.COL]:Fp,[x.TR]:Vi,[x.TD]:dl,[x.TH]:dl},kN={[NL]:{[X.CHARACTER_TOKEN]:mh,[X.NULL_CHARACTER_TOKEN]:mh,[X.WHITESPACE_CHARACTER_TOKEN]:Dt,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:x4e,[X.START_TAG_TOKEN]:mh,[X.END_TAG_TOKEN]:mh,[X.EOF_TOKEN]:mh},[pk]:{[X.CHARACTER_TOKEN]:Xh,[X.NULL_CHARACTER_TOKEN]:Xh,[X.WHITESPACE_CHARACTER_TOKEN]:Dt,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:C4e,[X.END_TAG_TOKEN]:A4e,[X.EOF_TOKEN]:Xh},[Py]:{[X.CHARACTER_TOKEN]:Zh,[X.NULL_CHARACTER_TOKEN]:Zh,[X.WHITESPACE_CHARACTER_TOKEN]:Dt,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:dg,[X.START_TAG_TOKEN]:N4e,[X.END_TAG_TOKEN]:F4e,[X.EOF_TOKEN]:Zh},[b1]:{[X.CHARACTER_TOKEN]:Jh,[X.NULL_CHARACTER_TOKEN]:Jh,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:dg,[X.START_TAG_TOKEN]:Pr,[X.END_TAG_TOKEN]:Qc,[X.EOF_TOKEN]:Jh},[FL]:{[X.CHARACTER_TOKEN]:e0,[X.NULL_CHARACTER_TOKEN]:e0,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:dg,[X.START_TAG_TOKEN]:I4e,[X.END_TAG_TOKEN]:B4e,[X.EOF_TOKEN]:e0},[My]:{[X.CHARACTER_TOKEN]:t0,[X.NULL_CHARACTER_TOKEN]:t0,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:dg,[X.START_TAG_TOKEN]:R4e,[X.END_TAG_TOKEN]:O4e,[X.EOF_TOKEN]:t0},[as]:{[X.CHARACTER_TOKEN]:hg,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:lc,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:ni,[X.END_TAG_TOKEN]:bk,[X.EOF_TOKEN]:Ms},[hb]:{[X.CHARACTER_TOKEN]:Wo,[X.NULL_CHARACTER_TOKEN]:Wo,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Dt,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:Dt,[X.END_TAG_TOKEN]:fTe,[X.EOF_TOKEN]:dTe},[uo]:{[X.CHARACTER_TOKEN]:Ls,[X.NULL_CHARACTER_TOKEN]:Ls,[X.WHITESPACE_CHARACTER_TOKEN]:Ls,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:yk,[X.END_TAG_TOKEN]:Ek,[X.EOF_TOKEN]:Ms},[IL]:{[X.CHARACTER_TOKEN]:TTe,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:_Te,[X.COMMENT_TOKEN]:gh,[X.DOCTYPE_TOKEN]:gh,[X.START_TAG_TOKEN]:gh,[X.END_TAG_TOKEN]:gh,[X.EOF_TOKEN]:gh},[Ly]:{[X.CHARACTER_TOKEN]:hg,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:lc,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:wTe,[X.END_TAG_TOKEN]:kTe,[X.EOF_TOKEN]:Ms},[Fp]:{[X.CHARACTER_TOKEN]:mb,[X.NULL_CHARACTER_TOKEN]:mb,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:STe,[X.END_TAG_TOKEN]:xTe,[X.EOF_TOKEN]:Ms},[Vi]:{[X.CHARACTER_TOKEN]:Ls,[X.NULL_CHARACTER_TOKEN]:Ls,[X.WHITESPACE_CHARACTER_TOKEN]:Ls,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:CTe,[X.END_TAG_TOKEN]:ATe,[X.EOF_TOKEN]:Ms},[dl]:{[X.CHARACTER_TOKEN]:Ls,[X.NULL_CHARACTER_TOKEN]:Ls,[X.WHITESPACE_CHARACTER_TOKEN]:Ls,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:NTe,[X.END_TAG_TOKEN]:FTe,[X.EOF_TOKEN]:Ms},[jy]:{[X.CHARACTER_TOKEN]:hg,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:lc,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:ITe,[X.END_TAG_TOKEN]:BTe,[X.EOF_TOKEN]:Ms},[mk]:{[X.CHARACTER_TOKEN]:Wo,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:DL,[X.END_TAG_TOKEN]:PL,[X.EOF_TOKEN]:Ms},[gk]:{[X.CHARACTER_TOKEN]:Wo,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:RTe,[X.END_TAG_TOKEN]:OTe,[X.EOF_TOKEN]:Ms},[pb]:{[X.CHARACTER_TOKEN]:hg,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:lc,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:DTe,[X.END_TAG_TOKEN]:PTe,[X.EOF_TOKEN]:ML},[vk]:{[X.CHARACTER_TOKEN]:gb,[X.NULL_CHARACTER_TOKEN]:gb,[X.WHITESPACE_CHARACTER_TOKEN]:lc,[X.COMMENT_TOKEN]:S4e,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:MTe,[X.END_TAG_TOKEN]:LTe,[X.EOF_TOKEN]:ph},[zy]:{[X.CHARACTER_TOKEN]:Dt,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:jTe,[X.END_TAG_TOKEN]:zTe,[X.EOF_TOKEN]:ph},[BL]:{[X.CHARACTER_TOKEN]:Dt,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:Wo,[X.COMMENT_TOKEN]:Tr,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:HTe,[X.END_TAG_TOKEN]:UTe,[X.EOF_TOKEN]:ph},[RL]:{[X.CHARACTER_TOKEN]:nv,[X.NULL_CHARACTER_TOKEN]:nv,[X.WHITESPACE_CHARACTER_TOKEN]:lc,[X.COMMENT_TOKEN]:SN,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:qTe,[X.END_TAG_TOKEN]:nv,[X.EOF_TOKEN]:ph},[OL]:{[X.CHARACTER_TOKEN]:Dt,[X.NULL_CHARACTER_TOKEN]:Dt,[X.WHITESPACE_CHARACTER_TOKEN]:lc,[X.COMMENT_TOKEN]:SN,[X.DOCTYPE_TOKEN]:Dt,[X.START_TAG_TOKEN]:$Te,[X.END_TAG_TOKEN]:Dt,[X.EOF_TOKEN]:ph}};class v4e{constructor(t){this.options=c4e(d4e,t),this.treeAdapter=this.options.treeAdapter,this.pendingScript=null,this.options.sourceCodeLocationInfo&&TN.install(this,s4e),this.options.onParseError&&TN.install(this,l4e,{onParseError:this.options.onParseError})}parse(t){const n=this.treeAdapter.createDocument();return this._bootstrap(n,null),this.tokenizer.write(t,!0),this._runParsingLoop(null),n}parseFragment(t,n){n||(n=this.treeAdapter.createElement(x.TEMPLATE,ze.HTML,[]));const r=this.treeAdapter.createElement("documentmock",ze.HTML,[]);this._bootstrap(r,n),this.treeAdapter.getTagName(n)===x.TEMPLATE&&this._pushTmplInsertionMode(pb),this._initTokenizerForFragmentParsing(),this._insertFakeRootElement(),this._resetInsertionMode(),this._findFormInFragmentContext(),this.tokenizer.write(t,!0),this._runParsingLoop(null);const o=this.treeAdapter.getFirstChild(r),i=this.treeAdapter.createDocumentFragment();return this._adoptNodes(o,i),i}_bootstrap(t,n){this.tokenizer=new X(this.options),this.stopped=!1,this.insertionMode=NL,this.originalInsertionMode="",this.document=t,this.fragmentContext=n,this.headElement=null,this.formElement=null,this.openElements=new a4e(this.document,this.treeAdapter),this.activeFormattingElements=new _N(this.treeAdapter),this.tmplInsertionModeStack=[],this.tmplInsertionModeStackTop=-1,this.currentTmplInsertionMode=null,this.pendingCharacterTokens=[],this.hasNonWhitespacePendingCharacterToken=!1,this.framesetOk=!0,this.skipNextNewLine=!1,this.fosterParentingEnabled=!1}_err(){}_runParsingLoop(t){for(;!this.stopped;){this._setupTokenizerCDATAMode();const n=this.tokenizer.getNextToken();if(n.type===X.HIBERNATION_TOKEN)break;if(this.skipNextNewLine&&(this.skipNextNewLine=!1,n.type===X.WHITESPACE_CHARACTER_TOKEN&&n.chars[0]===`
`)){if(n.chars.length===1)continue;n.chars=n.chars.substr(1)}if(this._processInputToken(n),t&&this.pendingScript)break}}runParsingLoopForCurrentChunk(t,n){if(this._runParsingLoop(n),n&&this.pendingScript){const r=this.pendingScript;this.pendingScript=null,n(r);return}t&&t()}_setupTokenizerCDATAMode(){const t=this._getAdjustedCurrentElement();this.tokenizer.allowCDATA=t&&t!==this.document&&this.treeAdapter.getNamespaceURI(t)!==ze.HTML&&!this._isIntegrationPoint(t)}_switchToTextParsing(t,n){this._insertElement(t,ze.HTML),this.tokenizer.state=n,this.originalInsertionMode=this.insertionMode,this.insertionMode=hb}switchToPlaintextParsing(){this.insertionMode=hb,this.originalInsertionMode=as,this.tokenizer.state=X.MODE.PLAINTEXT}_getAdjustedCurrentElement(){return this.openElements.stackTop===0&&this.fragmentContext?this.fragmentContext:this.openElements.current}_findFormInFragmentContext(){let t=this.fragmentContext;do{if(this.treeAdapter.getTagName(t)===x.FORM){this.formElement=t;break}t=this.treeAdapter.getParentNode(t)}while(t)}_initTokenizerForFragmentParsing(){if(this.treeAdapter.getNamespaceURI(this.fragmentContext)===ze.HTML){const t=this.treeAdapter.getTagName(this.fragmentContext);t===x.TITLE||t===x.TEXTAREA?this.tokenizer.state=X.MODE.RCDATA:t===x.STYLE||t===x.XMP||t===x.IFRAME||t===x.NOEMBED||t===x.NOFRAMES||t===x.NOSCRIPT?this.tokenizer.state=X.MODE.RAWTEXT:t===x.SCRIPT?this.tokenizer.state=X.MODE.SCRIPT_DATA:t===x.PLAINTEXT&&(this.tokenizer.state=X.MODE.PLAINTEXT)}}_setDocumentType(t){const n=t.name||"",r=t.publicId||"",o=t.systemId||"";this.treeAdapter.setDocumentType(this.document,n,r,o)}_attachElementToTree(t){if(this._shouldFosterParentOnInsertion())this._fosterParentElement(t);else{const n=this.openElements.currentTmplContent||this.openElements.current;this.treeAdapter.appendChild(n,t)}}_appendElement(t,n){const r=this.treeAdapter.createElement(t.tagName,n,t.attrs);this._attachElementToTree(r)}_insertElement(t,n){const r=this.treeAdapter.createElement(t.tagName,n,t.attrs);this._attachElementToTree(r),this.openElements.push(r)}_insertFakeElement(t){const n=this.treeAdapter.createElement(t,ze.HTML,[]);this._attachElementToTree(n),this.openElements.push(n)}_insertTemplate(t){const n=this.treeAdapter.createElement(t.tagName,ze.HTML,t.attrs),r=this.treeAdapter.createDocumentFragment();this.treeAdapter.setTemplateContent(n,r),this._attachElementToTree(n),this.openElements.push(n)}_insertFakeRootElement(){const t=this.treeAdapter.createElement(x.HTML,ze.HTML,[]);this.treeAdapter.appendChild(this.openElements.current,t),this.openElements.push(t)}_appendCommentNode(t,n){const r=this.treeAdapter.createCommentNode(t.data);this.treeAdapter.appendChild(n,r)}_insertCharacters(t){if(this._shouldFosterParentOnInsertion())this._fosterParentText(t.chars);else{const n=this.openElements.currentTmplContent||this.openElements.current;this.treeAdapter.insertText(n,t.chars)}}_adoptNodes(t,n){for(let r=this.treeAdapter.getFirstChild(t);r;r=this.treeAdapter.getFirstChild(t))this.treeAdapter.detachNode(r),this.treeAdapter.appendChild(n,r)}_shouldProcessTokenInForeignContent(t){const n=this._getAdjustedCurrentElement();if(!n||n===this.document)return!1;const r=this.treeAdapter.getNamespaceURI(n);if(r===ze.HTML||this.treeAdapter.getTagName(n)===x.ANNOTATION_XML&&r===ze.MATHML&&t.type===X.START_TAG_TOKEN&&t.tagName===x.SVG)return!1;const o=t.type===X.CHARACTER_TOKEN||t.type===X.NULL_CHARACTER_TOKEN||t.type===X.WHITESPACE_CHARACTER_TOKEN;return(t.type===X.START_TAG_TOKEN&&t.tagName!==x.MGLYPH&&t.tagName!==x.MALIGNMARK||o)&&this._isIntegrationPoint(n,ze.MATHML)||(t.type===X.START_TAG_TOKEN||o)&&this._isIntegrationPoint(n,ze.HTML)?!1:t.type!==X.EOF_TOKEN}_processToken(t){kN[this.insertionMode][t.type](this,t)}_processTokenInBodyMode(t){kN[as][t.type](this,t)}_processTokenInForeignContent(t){t.type===X.CHARACTER_TOKEN?GTe(this,t):t.type===X.NULL_CHARACTER_TOKEN?WTe(this,t):t.type===X.WHITESPACE_CHARACTER_TOKEN?Wo(this,t):t.type===X.COMMENT_TOKEN?Tr(this,t):t.type===X.START_TAG_TOKEN?KTe(this,t):t.type===X.END_TAG_TOKEN&&VTe(this,t)}_processInputToken(t){this._shouldProcessTokenInForeignContent(t)?this._processTokenInForeignContent(t):this._processToken(t),t.type===X.START_TAG_TOKEN&&t.selfClosing&&!t.ackSelfClosing&&this._err(Xr.nonVoidHtmlElementStartTagWithTrailingSolidus)}_isIntegrationPoint(t,n){const r=this.treeAdapter.getTagName(t),o=this.treeAdapter.getNamespaceURI(t),i=this.treeAdapter.getAttrList(t);return Ya.isIntegrationPoint(r,o,i,n)}_reconstructActiveFormattingElements(){const t=this.activeFormattingElements.length;if(t){let n=t,r=null;do if(n--,r=this.activeFormattingElements.entries[n],r.type===_N.MARKER_ENTRY||this.openElements.contains(r.element)){n++;break}while(n>0);for(let o=n;o<t;o++)r=this.activeFormattingElements.entries[o],this._insertElement(r.token,this.treeAdapter.getNamespaceURI(r.element)),r.element=this.openElements.current}}_closeTableCell(){this.openElements.generateImpliedEndTags(),this.openElements.popUntilTableCellPopped(),this.activeFormattingElements.clearToLastMarker(),this.insertionMode=dl}_closePElement(){this.openElements.generateImpliedEndTagsWithExclusion(x.P),this.openElements.popUntilTagNamePopped(x.P)}_resetInsertionMode(){for(let t=this.openElements.stackTop,n=!1;t>=0;t--){let r=this.openElements.items[t];t===0&&(n=!0,this.fragmentContext&&(r=this.fragmentContext));const o=this.treeAdapter.getTagName(r),i=m4e[o];if(i){this.insertionMode=i;break}else if(!n&&(o===x.TD||o===x.TH)){this.insertionMode=jy;break}else if(!n&&o===x.HEAD){this.insertionMode=b1;break}else if(o===x.SELECT){this._resetInsertionModeForSelect(t);break}else if(o===x.TEMPLATE){this.insertionMode=this.currentTmplInsertionMode;break}else if(o===x.HTML){this.insertionMode=this.headElement?My:Py;break}else if(n){this.insertionMode=as;break}}}_resetInsertionModeForSelect(t){if(t>0)for(let n=t-1;n>0;n--){const r=this.openElements.items[n],o=this.treeAdapter.getTagName(r);if(o===x.TEMPLATE)break;if(o===x.TABLE){this.insertionMode=gk;return}}this.insertionMode=mk}_pushTmplInsertionMode(t){this.tmplInsertionModeStack.push(t),this.tmplInsertionModeStackTop++,this.currentTmplInsertionMode=t}_popTmplInsertionMode(){this.tmplInsertionModeStack.pop(),this.tmplInsertionModeStackTop--,this.currentTmplInsertionMode=this.tmplInsertionModeStack[this.tmplInsertionModeStackTop]}_isElementCausesFosterParenting(t){const n=this.treeAdapter.getTagName(t);return n===x.TABLE||n===x.TBODY||n===x.TFOOT||n===x.THEAD||n===x.TR}_shouldFosterParentOnInsertion(){return this.fosterParentingEnabled&&this._isElementCausesFosterParenting(this.openElements.current)}_findFosterParentingLocation(){const t={parent:null,beforeElement:null};for(let n=this.openElements.stackTop;n>=0;n--){const r=this.openElements.items[n],o=this.treeAdapter.getTagName(r),i=this.treeAdapter.getNamespaceURI(r);if(o===x.TEMPLATE&&i===ze.HTML){t.parent=this.treeAdapter.getTemplateContent(r);break}else if(o===x.TABLE){t.parent=this.treeAdapter.getParentNode(r),t.parent?t.beforeElement=r:t.parent=this.openElements.items[n-1];break}}return t.parent||(t.parent=this.openElements.items[0]),t}_fosterParentElement(t){const n=this._findFosterParentingLocation();n.beforeElement?this.treeAdapter.insertBefore(n.parent,t,n.beforeElement):this.treeAdapter.appendChild(n.parent,t)}_fosterParentText(t){const n=this._findFosterParentingLocation();n.beforeElement?this.treeAdapter.insertTextBefore(n.parent,t,n.beforeElement):this.treeAdapter.insertText(n.parent,t)}_isSpecialElement(t){const n=this.treeAdapter.getTagName(t),r=this.treeAdapter.getNamespaceURI(t);return Yc.SPECIAL_ELEMENTS[r][n]}}var b4e=v4e;function y4e(e,t){let n=e.activeFormattingElements.getElementEntryInScopeWithTagName(t.tagName);return n?e.openElements.contains(n.element)?e.openElements.hasInScope(t.tagName)||(n=null):(e.activeFormattingElements.removeEntry(n),n=null):ma(e,t),n}function E4e(e,t){let n=null;for(let r=e.openElements.stackTop;r>=0;r--){const o=e.openElements.items[r];if(o===t.element)break;e._isSpecialElement(o)&&(n=o)}return n||(e.openElements.popUntilElementPopped(t.element),e.activeFormattingElements.removeEntry(t)),n}function _4e(e,t,n){let r=t,o=e.openElements.getCommonAncestor(t);for(let i=0,a=o;a!==n;i++,a=o){o=e.openElements.getCommonAncestor(a);const s=e.activeFormattingElements.getElementEntry(a),l=s&&i>=p4e;!s||l?(l&&e.activeFormattingElements.removeEntry(s),e.openElements.remove(a)):(a=T4e(e,s),r===t&&(e.activeFormattingElements.bookmark=s),e.treeAdapter.detachNode(r),e.treeAdapter.appendChild(a,r),r=a)}return r}function T4e(e,t){const n=e.treeAdapter.getNamespaceURI(t.element),r=e.treeAdapter.createElement(t.token.tagName,n,t.token.attrs);return e.openElements.replace(t.element,r),t.element=r,r}function w4e(e,t,n){if(e._isElementCausesFosterParenting(t))e._fosterParentElement(n);else{const r=e.treeAdapter.getTagName(t),o=e.treeAdapter.getNamespaceURI(t);r===x.TEMPLATE&&o===ze.HTML&&(t=e.treeAdapter.getTemplateContent(t)),e.treeAdapter.appendChild(t,n)}}function k4e(e,t,n){const r=e.treeAdapter.getNamespaceURI(n.element),o=n.token,i=e.treeAdapter.createElement(o.tagName,r,o.attrs);e._adoptNodes(t,i),e.treeAdapter.appendChild(t,i),e.activeFormattingElements.insertElementAfterBookmark(i,n.token),e.activeFormattingElements.removeEntry(n),e.openElements.remove(n.element),e.openElements.insertAfter(t,i)}function eu(e,t){let n;for(let r=0;r<h4e&&(n=y4e(e,t),!!n);r++){const o=E4e(e,n);if(!o)break;e.activeFormattingElements.bookmark=n;const i=_4e(e,o,n.element),a=e.openElements.getCommonAncestor(n.element);e.treeAdapter.detachNode(i),w4e(e,a,i),k4e(e,o,n)}}function Dt(){}function dg(e){e._err(Xr.misplacedDoctype)}function Tr(e,t){e._appendCommentNode(t,e.openElements.currentTmplContent||e.openElements.current)}function S4e(e,t){e._appendCommentNode(t,e.openElements.items[0])}function SN(e,t){e._appendCommentNode(t,e.document)}function Wo(e,t){e._insertCharacters(t)}function ph(e){e.stopped=!0}function x4e(e,t){e._setDocumentType(t);const n=t.forceQuirks?Yc.DOCUMENT_MODE.QUIRKS:wN.getDocumentMode(t);wN.isConforming(t)||e._err(Xr.nonConformingDoctype),e.treeAdapter.setDocumentMode(e.document,n),e.insertionMode=pk}function mh(e,t){e._err(Xr.missingDoctype,{beforeToken:!0}),e.treeAdapter.setDocumentMode(e.document,Yc.DOCUMENT_MODE.QUIRKS),e.insertionMode=pk,e._processToken(t)}function C4e(e,t){t.tagName===x.HTML?(e._insertElement(t,ze.HTML),e.insertionMode=Py):Xh(e,t)}function A4e(e,t){const n=t.tagName;(n===x.HTML||n===x.HEAD||n===x.BODY||n===x.BR)&&Xh(e,t)}function Xh(e,t){e._insertFakeRootElement(),e.insertionMode=Py,e._processToken(t)}function N4e(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.HEAD?(e._insertElement(t,ze.HTML),e.headElement=e.openElements.current,e.insertionMode=b1):Zh(e,t)}function F4e(e,t){const n=t.tagName;n===x.HEAD||n===x.BODY||n===x.HTML||n===x.BR?Zh(e,t):e._err(Xr.endTagWithoutMatchingOpenElement)}function Zh(e,t){e._insertFakeElement(x.HEAD),e.headElement=e.openElements.current,e.insertionMode=b1,e._processToken(t)}function Pr(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.BASE||n===x.BASEFONT||n===x.BGSOUND||n===x.LINK||n===x.META?(e._appendElement(t,ze.HTML),t.ackSelfClosing=!0):n===x.TITLE?e._switchToTextParsing(t,X.MODE.RCDATA):n===x.NOSCRIPT?e.options.scriptingEnabled?e._switchToTextParsing(t,X.MODE.RAWTEXT):(e._insertElement(t,ze.HTML),e.insertionMode=FL):n===x.NOFRAMES||n===x.STYLE?e._switchToTextParsing(t,X.MODE.RAWTEXT):n===x.SCRIPT?e._switchToTextParsing(t,X.MODE.SCRIPT_DATA):n===x.TEMPLATE?(e._insertTemplate(t,ze.HTML),e.activeFormattingElements.insertMarker(),e.framesetOk=!1,e.insertionMode=pb,e._pushTmplInsertionMode(pb)):n===x.HEAD?e._err(Xr.misplacedStartTagForHeadElement):Jh(e,t)}function Qc(e,t){const n=t.tagName;n===x.HEAD?(e.openElements.pop(),e.insertionMode=My):n===x.BODY||n===x.BR||n===x.HTML?Jh(e,t):n===x.TEMPLATE&&e.openElements.tmplCount>0?(e.openElements.generateImpliedEndTagsThoroughly(),e.openElements.currentTagName!==x.TEMPLATE&&e._err(Xr.closingOfElementWithOpenChildElements),e.openElements.popUntilTagNamePopped(x.TEMPLATE),e.activeFormattingElements.clearToLastMarker(),e._popTmplInsertionMode(),e._resetInsertionMode()):e._err(Xr.endTagWithoutMatchingOpenElement)}function Jh(e,t){e.openElements.pop(),e.insertionMode=My,e._processToken(t)}function I4e(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.BASEFONT||n===x.BGSOUND||n===x.HEAD||n===x.LINK||n===x.META||n===x.NOFRAMES||n===x.STYLE?Pr(e,t):n===x.NOSCRIPT?e._err(Xr.nestedNoscriptInHead):e0(e,t)}function B4e(e,t){const n=t.tagName;n===x.NOSCRIPT?(e.openElements.pop(),e.insertionMode=b1):n===x.BR?e0(e,t):e._err(Xr.endTagWithoutMatchingOpenElement)}function e0(e,t){const n=t.type===X.EOF_TOKEN?Xr.openElementsLeftAfterEof:Xr.disallowedContentInNoscriptInHead;e._err(n),e.openElements.pop(),e.insertionMode=b1,e._processToken(t)}function R4e(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.BODY?(e._insertElement(t,ze.HTML),e.framesetOk=!1,e.insertionMode=as):n===x.FRAMESET?(e._insertElement(t,ze.HTML),e.insertionMode=zy):n===x.BASE||n===x.BASEFONT||n===x.BGSOUND||n===x.LINK||n===x.META||n===x.NOFRAMES||n===x.SCRIPT||n===x.STYLE||n===x.TEMPLATE||n===x.TITLE?(e._err(Xr.abandonedHeadElementChild),e.openElements.push(e.headElement),Pr(e,t),e.openElements.remove(e.headElement)):n===x.HEAD?e._err(Xr.misplacedStartTagForHeadElement):t0(e,t)}function O4e(e,t){const n=t.tagName;n===x.BODY||n===x.HTML||n===x.BR?t0(e,t):n===x.TEMPLATE?Qc(e,t):e._err(Xr.endTagWithoutMatchingOpenElement)}function t0(e,t){e._insertFakeElement(x.BODY),e.insertionMode=as,e._processToken(t)}function lc(e,t){e._reconstructActiveFormattingElements(),e._insertCharacters(t)}function hg(e,t){e._reconstructActiveFormattingElements(),e._insertCharacters(t),e.framesetOk=!1}function D4e(e,t){e.openElements.tmplCount===0&&e.treeAdapter.adoptAttributes(e.openElements.items[0],t.attrs)}function P4e(e,t){const n=e.openElements.tryPeekProperlyNestedBodyElement();n&&e.openElements.tmplCount===0&&(e.framesetOk=!1,e.treeAdapter.adoptAttributes(n,t.attrs))}function M4e(e,t){const n=e.openElements.tryPeekProperlyNestedBodyElement();e.framesetOk&&n&&(e.treeAdapter.detachNode(n),e.openElements.popAllUpToHtmlElement(),e._insertElement(t,ze.HTML),e.insertionMode=zy)}function Ps(e,t){e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._insertElement(t,ze.HTML)}function L4e(e,t){e.openElements.hasInButtonScope(x.P)&&e._closePElement();const n=e.openElements.currentTagName;(n===x.H1||n===x.H2||n===x.H3||n===x.H4||n===x.H5||n===x.H6)&&e.openElements.pop(),e._insertElement(t,ze.HTML)}function xN(e,t){e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._insertElement(t,ze.HTML),e.skipNextNewLine=!0,e.framesetOk=!1}function j4e(e,t){const n=e.openElements.tmplCount>0;(!e.formElement||n)&&(e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._insertElement(t,ze.HTML),n||(e.formElement=e.openElements.current))}function z4e(e,t){e.framesetOk=!1;const n=t.tagName;for(let r=e.openElements.stackTop;r>=0;r--){const o=e.openElements.items[r],i=e.treeAdapter.getTagName(o);let a=null;if(n===x.LI&&i===x.LI?a=x.LI:(n===x.DD||n===x.DT)&&(i===x.DD||i===x.DT)&&(a=i),a){e.openElements.generateImpliedEndTagsWithExclusion(a),e.openElements.popUntilTagNamePopped(a);break}if(i!==x.ADDRESS&&i!==x.DIV&&i!==x.P&&e._isSpecialElement(o))break}e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._insertElement(t,ze.HTML)}function H4e(e,t){e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._insertElement(t,ze.HTML),e.tokenizer.state=X.MODE.PLAINTEXT}function U4e(e,t){e.openElements.hasInScope(x.BUTTON)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(x.BUTTON)),e._reconstructActiveFormattingElements(),e._insertElement(t,ze.HTML),e.framesetOk=!1}function q4e(e,t){const n=e.activeFormattingElements.getElementEntryInScopeWithTagName(x.A);n&&(eu(e,t),e.openElements.remove(n.element),e.activeFormattingElements.removeEntry(n)),e._reconstructActiveFormattingElements(),e._insertElement(t,ze.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)}function Df(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,ze.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)}function $4e(e,t){e._reconstructActiveFormattingElements(),e.openElements.hasInScope(x.NOBR)&&(eu(e,t),e._reconstructActiveFormattingElements()),e._insertElement(t,ze.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)}function CN(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,ze.HTML),e.activeFormattingElements.insertMarker(),e.framesetOk=!1}function W4e(e,t){e.treeAdapter.getDocumentMode(e.document)!==Yc.DOCUMENT_MODE.QUIRKS&&e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._insertElement(t,ze.HTML),e.framesetOk=!1,e.insertionMode=uo}function Qf(e,t){e._reconstructActiveFormattingElements(),e._appendElement(t,ze.HTML),e.framesetOk=!1,t.ackSelfClosing=!0}function G4e(e,t){e._reconstructActiveFormattingElements(),e._appendElement(t,ze.HTML);const n=X.getTokenAttr(t,CL.TYPE);(!n||n.toLowerCase()!==AL)&&(e.framesetOk=!1),t.ackSelfClosing=!0}function AN(e,t){e._appendElement(t,ze.HTML),t.ackSelfClosing=!0}function K4e(e,t){e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._appendElement(t,ze.HTML),e.framesetOk=!1,t.ackSelfClosing=!0}function V4e(e,t){t.tagName=x.IMG,Qf(e,t)}function Y4e(e,t){e._insertElement(t,ze.HTML),e.skipNextNewLine=!0,e.tokenizer.state=X.MODE.RCDATA,e.originalInsertionMode=e.insertionMode,e.framesetOk=!1,e.insertionMode=hb}function Q4e(e,t){e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._reconstructActiveFormattingElements(),e.framesetOk=!1,e._switchToTextParsing(t,X.MODE.RAWTEXT)}function X4e(e,t){e.framesetOk=!1,e._switchToTextParsing(t,X.MODE.RAWTEXT)}function NN(e,t){e._switchToTextParsing(t,X.MODE.RAWTEXT)}function Z4e(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,ze.HTML),e.framesetOk=!1,e.insertionMode===uo||e.insertionMode===Ly||e.insertionMode===Vi||e.insertionMode===dl||e.insertionMode===jy?e.insertionMode=gk:e.insertionMode=mk}function FN(e,t){e.openElements.currentTagName===x.OPTION&&e.openElements.pop(),e._reconstructActiveFormattingElements(),e._insertElement(t,ze.HTML)}function IN(e,t){e.openElements.hasInScope(x.RUBY)&&e.openElements.generateImpliedEndTags(),e._insertElement(t,ze.HTML)}function J4e(e,t){e.openElements.hasInScope(x.RUBY)&&e.openElements.generateImpliedEndTagsWithExclusion(x.RTC),e._insertElement(t,ze.HTML)}function eTe(e,t){e.openElements.hasInButtonScope(x.P)&&e._closePElement(),e._insertElement(t,ze.HTML)}function tTe(e,t){e._reconstructActiveFormattingElements(),Ya.adjustTokenMathMLAttrs(t),Ya.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,ze.MATHML):e._insertElement(t,ze.MATHML),t.ackSelfClosing=!0}function nTe(e,t){e._reconstructActiveFormattingElements(),Ya.adjustTokenSVGAttrs(t),Ya.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,ze.SVG):e._insertElement(t,ze.SVG),t.ackSelfClosing=!0}function Di(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,ze.HTML)}function ni(e,t){const n=t.tagName;switch(n.length){case 1:n===x.I||n===x.S||n===x.B||n===x.U?Df(e,t):n===x.P?Ps(e,t):n===x.A?q4e(e,t):Di(e,t);break;case 2:n===x.DL||n===x.OL||n===x.UL?Ps(e,t):n===x.H1||n===x.H2||n===x.H3||n===x.H4||n===x.H5||n===x.H6?L4e(e,t):n===x.LI||n===x.DD||n===x.DT?z4e(e,t):n===x.EM||n===x.TT?Df(e,t):n===x.BR?Qf(e,t):n===x.HR?K4e(e,t):n===x.RB?IN(e,t):n===x.RT||n===x.RP?J4e(e,t):n!==x.TH&&n!==x.TD&&n!==x.TR&&Di(e,t);break;case 3:n===x.DIV||n===x.DIR||n===x.NAV?Ps(e,t):n===x.PRE?xN(e,t):n===x.BIG?Df(e,t):n===x.IMG||n===x.WBR?Qf(e,t):n===x.XMP?Q4e(e,t):n===x.SVG?nTe(e,t):n===x.RTC?IN(e,t):n!==x.COL&&Di(e,t);break;case 4:n===x.HTML?D4e(e,t):n===x.BASE||n===x.LINK||n===x.META?Pr(e,t):n===x.BODY?P4e(e,t):n===x.MAIN||n===x.MENU?Ps(e,t):n===x.FORM?j4e(e,t):n===x.CODE||n===x.FONT?Df(e,t):n===x.NOBR?$4e(e,t):n===x.AREA?Qf(e,t):n===x.MATH?tTe(e,t):n===x.MENU?eTe(e,t):n!==x.HEAD&&Di(e,t);break;case 5:n===x.STYLE||n===x.TITLE?Pr(e,t):n===x.ASIDE?Ps(e,t):n===x.SMALL?Df(e,t):n===x.TABLE?W4e(e,t):n===x.EMBED?Qf(e,t):n===x.INPUT?G4e(e,t):n===x.PARAM||n===x.TRACK?AN(e,t):n===x.IMAGE?V4e(e,t):n!==x.FRAME&&n!==x.TBODY&&n!==x.TFOOT&&n!==x.THEAD&&Di(e,t);break;case 6:n===x.SCRIPT?Pr(e,t):n===x.CENTER||n===x.FIGURE||n===x.FOOTER||n===x.HEADER||n===x.HGROUP||n===x.DIALOG?Ps(e,t):n===x.BUTTON?U4e(e,t):n===x.STRIKE||n===x.STRONG?Df(e,t):n===x.APPLET||n===x.OBJECT?CN(e,t):n===x.KEYGEN?Qf(e,t):n===x.SOURCE?AN(e,t):n===x.IFRAME?X4e(e,t):n===x.SELECT?Z4e(e,t):n===x.OPTION?FN(e,t):Di(e,t);break;case 7:n===x.BGSOUND?Pr(e,t):n===x.DETAILS||n===x.ADDRESS||n===x.ARTICLE||n===x.SECTION||n===x.SUMMARY?Ps(e,t):n===x.LISTING?xN(e,t):n===x.MARQUEE?CN(e,t):n===x.NOEMBED?NN(e,t):n!==x.CAPTION&&Di(e,t);break;case 8:n===x.BASEFONT?Pr(e,t):n===x.FRAMESET?M4e(e,t):n===x.FIELDSET?Ps(e,t):n===x.TEXTAREA?Y4e(e,t):n===x.TEMPLATE?Pr(e,t):n===x.NOSCRIPT?e.options.scriptingEnabled?NN(e,t):Di(e,t):n===x.OPTGROUP?FN(e,t):n!==x.COLGROUP&&Di(e,t);break;case 9:n===x.PLAINTEXT?H4e(e,t):Di(e,t);break;case 10:n===x.BLOCKQUOTE||n===x.FIGCAPTION?Ps(e,t):Di(e,t);break;default:Di(e,t)}}function rTe(e){e.openElements.hasInScope(x.BODY)&&(e.insertionMode=vk)}function oTe(e,t){e.openElements.hasInScope(x.BODY)&&(e.insertionMode=vk,e._processToken(t))}function zl(e,t){const n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n))}function iTe(e){const t=e.openElements.tmplCount>0,n=e.formElement;t||(e.formElement=null),(n||t)&&e.openElements.hasInScope(x.FORM)&&(e.openElements.generateImpliedEndTags(),t?e.openElements.popUntilTagNamePopped(x.FORM):e.openElements.remove(n))}function aTe(e){e.openElements.hasInButtonScope(x.P)||e._insertFakeElement(x.P),e._closePElement()}function sTe(e){e.openElements.hasInListItemScope(x.LI)&&(e.openElements.generateImpliedEndTagsWithExclusion(x.LI),e.openElements.popUntilTagNamePopped(x.LI))}function lTe(e,t){const n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTagsWithExclusion(n),e.openElements.popUntilTagNamePopped(n))}function uTe(e){e.openElements.hasNumberedHeaderInScope()&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilNumberedHeaderPopped())}function BN(e,t){const n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n),e.activeFormattingElements.clearToLastMarker())}function cTe(e){e._reconstructActiveFormattingElements(),e._insertFakeElement(x.BR),e.openElements.pop(),e.framesetOk=!1}function ma(e,t){const n=t.tagName;for(let r=e.openElements.stackTop;r>0;r--){const o=e.openElements.items[r];if(e.treeAdapter.getTagName(o)===n){e.openElements.generateImpliedEndTagsWithExclusion(n),e.openElements.popUntilElementPopped(o);break}if(e._isSpecialElement(o))break}}function bk(e,t){const n=t.tagName;switch(n.length){case 1:n===x.A||n===x.B||n===x.I||n===x.S||n===x.U?eu(e,t):n===x.P?aTe(e):ma(e,t);break;case 2:n===x.DL||n===x.UL||n===x.OL?zl(e,t):n===x.LI?sTe(e):n===x.DD||n===x.DT?lTe(e,t):n===x.H1||n===x.H2||n===x.H3||n===x.H4||n===x.H5||n===x.H6?uTe(e):n===x.BR?cTe(e):n===x.EM||n===x.TT?eu(e,t):ma(e,t);break;case 3:n===x.BIG?eu(e,t):n===x.DIR||n===x.DIV||n===x.NAV||n===x.PRE?zl(e,t):ma(e,t);break;case 4:n===x.BODY?rTe(e):n===x.HTML?oTe(e,t):n===x.FORM?iTe(e):n===x.CODE||n===x.FONT||n===x.NOBR?eu(e,t):n===x.MAIN||n===x.MENU?zl(e,t):ma(e,t);break;case 5:n===x.ASIDE?zl(e,t):n===x.SMALL?eu(e,t):ma(e,t);break;case 6:n===x.CENTER||n===x.FIGURE||n===x.FOOTER||n===x.HEADER||n===x.HGROUP||n===x.DIALOG?zl(e,t):n===x.APPLET||n===x.OBJECT?BN(e,t):n===x.STRIKE||n===x.STRONG?eu(e,t):ma(e,t);break;case 7:n===x.ADDRESS||n===x.ARTICLE||n===x.DETAILS||n===x.SECTION||n===x.SUMMARY||n===x.LISTING?zl(e,t):n===x.MARQUEE?BN(e,t):ma(e,t);break;case 8:n===x.FIELDSET?zl(e,t):n===x.TEMPLATE?Qc(e,t):ma(e,t);break;case 10:n===x.BLOCKQUOTE||n===x.FIGCAPTION?zl(e,t):ma(e,t);break;default:ma(e,t)}}function Ms(e,t){e.tmplInsertionModeStackTop>-1?ML(e,t):e.stopped=!0}function fTe(e,t){t.tagName===x.SCRIPT&&(e.pendingScript=e.openElements.current),e.openElements.pop(),e.insertionMode=e.originalInsertionMode}function dTe(e,t){e._err(Xr.eofInElementThatCanContainOnlyText),e.openElements.pop(),e.insertionMode=e.originalInsertionMode,e._processToken(t)}function Ls(e,t){const n=e.openElements.currentTagName;n===x.TABLE||n===x.TBODY||n===x.TFOOT||n===x.THEAD||n===x.TR?(e.pendingCharacterTokens=[],e.hasNonWhitespacePendingCharacterToken=!1,e.originalInsertionMode=e.insertionMode,e.insertionMode=IL,e._processToken(t)):Mi(e,t)}function hTe(e,t){e.openElements.clearBackToTableContext(),e.activeFormattingElements.insertMarker(),e._insertElement(t,ze.HTML),e.insertionMode=Ly}function pTe(e,t){e.openElements.clearBackToTableContext(),e._insertElement(t,ze.HTML),e.insertionMode=Fp}function mTe(e,t){e.openElements.clearBackToTableContext(),e._insertFakeElement(x.COLGROUP),e.insertionMode=Fp,e._processToken(t)}function gTe(e,t){e.openElements.clearBackToTableContext(),e._insertElement(t,ze.HTML),e.insertionMode=Vi}function vTe(e,t){e.openElements.clearBackToTableContext(),e._insertFakeElement(x.TBODY),e.insertionMode=Vi,e._processToken(t)}function bTe(e,t){e.openElements.hasInTableScope(x.TABLE)&&(e.openElements.popUntilTagNamePopped(x.TABLE),e._resetInsertionMode(),e._processToken(t))}function yTe(e,t){const n=X.getTokenAttr(t,CL.TYPE);n&&n.toLowerCase()===AL?e._appendElement(t,ze.HTML):Mi(e,t),t.ackSelfClosing=!0}function ETe(e,t){!e.formElement&&e.openElements.tmplCount===0&&(e._insertElement(t,ze.HTML),e.formElement=e.openElements.current,e.openElements.pop())}function yk(e,t){const n=t.tagName;switch(n.length){case 2:n===x.TD||n===x.TH||n===x.TR?vTe(e,t):Mi(e,t);break;case 3:n===x.COL?mTe(e,t):Mi(e,t);break;case 4:n===x.FORM?ETe(e,t):Mi(e,t);break;case 5:n===x.TABLE?bTe(e,t):n===x.STYLE?Pr(e,t):n===x.TBODY||n===x.TFOOT||n===x.THEAD?gTe(e,t):n===x.INPUT?yTe(e,t):Mi(e,t);break;case 6:n===x.SCRIPT?Pr(e,t):Mi(e,t);break;case 7:n===x.CAPTION?hTe(e,t):Mi(e,t);break;case 8:n===x.COLGROUP?pTe(e,t):n===x.TEMPLATE?Pr(e,t):Mi(e,t);break;default:Mi(e,t)}}function Ek(e,t){const n=t.tagName;n===x.TABLE?e.openElements.hasInTableScope(x.TABLE)&&(e.openElements.popUntilTagNamePopped(x.TABLE),e._resetInsertionMode()):n===x.TEMPLATE?Qc(e,t):n!==x.BODY&&n!==x.CAPTION&&n!==x.COL&&n!==x.COLGROUP&&n!==x.HTML&&n!==x.TBODY&&n!==x.TD&&n!==x.TFOOT&&n!==x.TH&&n!==x.THEAD&&n!==x.TR&&Mi(e,t)}function Mi(e,t){const n=e.fosterParentingEnabled;e.fosterParentingEnabled=!0,e._processTokenInBodyMode(t),e.fosterParentingEnabled=n}function _Te(e,t){e.pendingCharacterTokens.push(t)}function TTe(e,t){e.pendingCharacterTokens.push(t),e.hasNonWhitespacePendingCharacterToken=!0}function gh(e,t){let n=0;if(e.hasNonWhitespacePendingCharacterToken)for(;n<e.pendingCharacterTokens.length;n++)Mi(e,e.pendingCharacterTokens[n]);else for(;n<e.pendingCharacterTokens.length;n++)e._insertCharacters(e.pendingCharacterTokens[n]);e.insertionMode=e.originalInsertionMode,e._processToken(t)}function wTe(e,t){const n=t.tagName;n===x.CAPTION||n===x.COL||n===x.COLGROUP||n===x.TBODY||n===x.TD||n===x.TFOOT||n===x.TH||n===x.THEAD||n===x.TR?e.openElements.hasInTableScope(x.CAPTION)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(x.CAPTION),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=uo,e._processToken(t)):ni(e,t)}function kTe(e,t){const n=t.tagName;n===x.CAPTION||n===x.TABLE?e.openElements.hasInTableScope(x.CAPTION)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(x.CAPTION),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=uo,n===x.TABLE&&e._processToken(t)):n!==x.BODY&&n!==x.COL&&n!==x.COLGROUP&&n!==x.HTML&&n!==x.TBODY&&n!==x.TD&&n!==x.TFOOT&&n!==x.TH&&n!==x.THEAD&&n!==x.TR&&bk(e,t)}function STe(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.COL?(e._appendElement(t,ze.HTML),t.ackSelfClosing=!0):n===x.TEMPLATE?Pr(e,t):mb(e,t)}function xTe(e,t){const n=t.tagName;n===x.COLGROUP?e.openElements.currentTagName===x.COLGROUP&&(e.openElements.pop(),e.insertionMode=uo):n===x.TEMPLATE?Qc(e,t):n!==x.COL&&mb(e,t)}function mb(e,t){e.openElements.currentTagName===x.COLGROUP&&(e.openElements.pop(),e.insertionMode=uo,e._processToken(t))}function CTe(e,t){const n=t.tagName;n===x.TR?(e.openElements.clearBackToTableBodyContext(),e._insertElement(t,ze.HTML),e.insertionMode=dl):n===x.TH||n===x.TD?(e.openElements.clearBackToTableBodyContext(),e._insertFakeElement(x.TR),e.insertionMode=dl,e._processToken(t)):n===x.CAPTION||n===x.COL||n===x.COLGROUP||n===x.TBODY||n===x.TFOOT||n===x.THEAD?e.openElements.hasTableBodyContextInTableScope()&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=uo,e._processToken(t)):yk(e,t)}function ATe(e,t){const n=t.tagName;n===x.TBODY||n===x.TFOOT||n===x.THEAD?e.openElements.hasInTableScope(n)&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=uo):n===x.TABLE?e.openElements.hasTableBodyContextInTableScope()&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=uo,e._processToken(t)):(n!==x.BODY&&n!==x.CAPTION&&n!==x.COL&&n!==x.COLGROUP||n!==x.HTML&&n!==x.TD&&n!==x.TH&&n!==x.TR)&&Ek(e,t)}function NTe(e,t){const n=t.tagName;n===x.TH||n===x.TD?(e.openElements.clearBackToTableRowContext(),e._insertElement(t,ze.HTML),e.insertionMode=jy,e.activeFormattingElements.insertMarker()):n===x.CAPTION||n===x.COL||n===x.COLGROUP||n===x.TBODY||n===x.TFOOT||n===x.THEAD||n===x.TR?e.openElements.hasInTableScope(x.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=Vi,e._processToken(t)):yk(e,t)}function FTe(e,t){const n=t.tagName;n===x.TR?e.openElements.hasInTableScope(x.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=Vi):n===x.TABLE?e.openElements.hasInTableScope(x.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=Vi,e._processToken(t)):n===x.TBODY||n===x.TFOOT||n===x.THEAD?(e.openElements.hasInTableScope(n)||e.openElements.hasInTableScope(x.TR))&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=Vi,e._processToken(t)):(n!==x.BODY&&n!==x.CAPTION&&n!==x.COL&&n!==x.COLGROUP||n!==x.HTML&&n!==x.TD&&n!==x.TH)&&Ek(e,t)}function ITe(e,t){const n=t.tagName;n===x.CAPTION||n===x.COL||n===x.COLGROUP||n===x.TBODY||n===x.TD||n===x.TFOOT||n===x.TH||n===x.THEAD||n===x.TR?(e.openElements.hasInTableScope(x.TD)||e.openElements.hasInTableScope(x.TH))&&(e._closeTableCell(),e._processToken(t)):ni(e,t)}function BTe(e,t){const n=t.tagName;n===x.TD||n===x.TH?e.openElements.hasInTableScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=dl):n===x.TABLE||n===x.TBODY||n===x.TFOOT||n===x.THEAD||n===x.TR?e.openElements.hasInTableScope(n)&&(e._closeTableCell(),e._processToken(t)):n!==x.BODY&&n!==x.CAPTION&&n!==x.COL&&n!==x.COLGROUP&&n!==x.HTML&&bk(e,t)}function DL(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.OPTION?(e.openElements.currentTagName===x.OPTION&&e.openElements.pop(),e._insertElement(t,ze.HTML)):n===x.OPTGROUP?(e.openElements.currentTagName===x.OPTION&&e.openElements.pop(),e.openElements.currentTagName===x.OPTGROUP&&e.openElements.pop(),e._insertElement(t,ze.HTML)):n===x.INPUT||n===x.KEYGEN||n===x.TEXTAREA||n===x.SELECT?e.openElements.hasInSelectScope(x.SELECT)&&(e.openElements.popUntilTagNamePopped(x.SELECT),e._resetInsertionMode(),n!==x.SELECT&&e._processToken(t)):(n===x.SCRIPT||n===x.TEMPLATE)&&Pr(e,t)}function PL(e,t){const n=t.tagName;if(n===x.OPTGROUP){const r=e.openElements.items[e.openElements.stackTop-1],o=r&&e.treeAdapter.getTagName(r);e.openElements.currentTagName===x.OPTION&&o===x.OPTGROUP&&e.openElements.pop(),e.openElements.currentTagName===x.OPTGROUP&&e.openElements.pop()}else n===x.OPTION?e.openElements.currentTagName===x.OPTION&&e.openElements.pop():n===x.SELECT&&e.openElements.hasInSelectScope(x.SELECT)?(e.openElements.popUntilTagNamePopped(x.SELECT),e._resetInsertionMode()):n===x.TEMPLATE&&Qc(e,t)}function RTe(e,t){const n=t.tagName;n===x.CAPTION||n===x.TABLE||n===x.TBODY||n===x.TFOOT||n===x.THEAD||n===x.TR||n===x.TD||n===x.TH?(e.openElements.popUntilTagNamePopped(x.SELECT),e._resetInsertionMode(),e._processToken(t)):DL(e,t)}function OTe(e,t){const n=t.tagName;n===x.CAPTION||n===x.TABLE||n===x.TBODY||n===x.TFOOT||n===x.THEAD||n===x.TR||n===x.TD||n===x.TH?e.openElements.hasInTableScope(n)&&(e.openElements.popUntilTagNamePopped(x.SELECT),e._resetInsertionMode(),e._processToken(t)):PL(e,t)}function DTe(e,t){const n=t.tagName;if(n===x.BASE||n===x.BASEFONT||n===x.BGSOUND||n===x.LINK||n===x.META||n===x.NOFRAMES||n===x.SCRIPT||n===x.STYLE||n===x.TEMPLATE||n===x.TITLE)Pr(e,t);else{const r=g4e[n]||as;e._popTmplInsertionMode(),e._pushTmplInsertionMode(r),e.insertionMode=r,e._processToken(t)}}function PTe(e,t){t.tagName===x.TEMPLATE&&Qc(e,t)}function ML(e,t){e.openElements.tmplCount>0?(e.openElements.popUntilTagNamePopped(x.TEMPLATE),e.activeFormattingElements.clearToLastMarker(),e._popTmplInsertionMode(),e._resetInsertionMode(),e._processToken(t)):e.stopped=!0}function MTe(e,t){t.tagName===x.HTML?ni(e,t):gb(e,t)}function LTe(e,t){t.tagName===x.HTML?e.fragmentContext||(e.insertionMode=RL):gb(e,t)}function gb(e,t){e.insertionMode=as,e._processToken(t)}function jTe(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.FRAMESET?e._insertElement(t,ze.HTML):n===x.FRAME?(e._appendElement(t,ze.HTML),t.ackSelfClosing=!0):n===x.NOFRAMES&&Pr(e,t)}function zTe(e,t){t.tagName===x.FRAMESET&&!e.openElements.isRootHtmlElementCurrent()&&(e.openElements.pop(),!e.fragmentContext&&e.openElements.currentTagName!==x.FRAMESET&&(e.insertionMode=BL))}function HTe(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.NOFRAMES&&Pr(e,t)}function UTe(e,t){t.tagName===x.HTML&&(e.insertionMode=OL)}function qTe(e,t){t.tagName===x.HTML?ni(e,t):nv(e,t)}function nv(e,t){e.insertionMode=as,e._processToken(t)}function $Te(e,t){const n=t.tagName;n===x.HTML?ni(e,t):n===x.NOFRAMES&&Pr(e,t)}function WTe(e,t){t.chars=f4e.REPLACEMENT_CHARACTER,e._insertCharacters(t)}function GTe(e,t){e._insertCharacters(t),e.framesetOk=!1}function KTe(e,t){if(Ya.causesExit(t)&&!e.fragmentContext){for(;e.treeAdapter.getNamespaceURI(e.openElements.current)!==ze.HTML&&!e._isIntegrationPoint(e.openElements.current);)e.openElements.pop();e._processToken(t)}else{const n=e._getAdjustedCurrentElement(),r=e.treeAdapter.getNamespaceURI(n);r===ze.MATHML?Ya.adjustTokenMathMLAttrs(t):r===ze.SVG&&(Ya.adjustTokenSVGTagName(t),Ya.adjustTokenSVGAttrs(t)),Ya.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,r):e._insertElement(t,r),t.ackSelfClosing=!0}}function VTe(e,t){for(let n=e.openElements.stackTop;n>0;n--){const r=e.openElements.items[n];if(e.treeAdapter.getNamespaceURI(r)===ze.HTML){e._processToken(t);break}if(e.treeAdapter.getTagName(r).toLowerCase()===t.tagName){e.openElements.popUntilElementPopped(r);break}}}const YTe=xr(b4e);function QTe(e){for(var t=String(e),n=[],r=/\r?\n|\r/g;r.test(t);)n.push(r.lastIndex);return n.push(t.length+1),{toPoint:o,toOffset:i};function o(a){var s=-1;if(a>-1&&a<n[n.length-1]){for(;++s<n.length;)if(n[s]>a)return{line:s+1,column:a-(n[s-1]||0)+1,offset:a}}return{line:void 0,column:void 0,offset:void 0}}function i(a){var s=a&&a.line,l=a&&a.column,u;return typeof s=="number"&&typeof l=="number"&&!Number.isNaN(s)&&!Number.isNaN(l)&&s-1 in n&&(u=(n[s-2]||0)+l-1||0),u>-1&&u<n[n.length-1]?u:-1}}var Rc={html:"http://www.w3.org/1999/xhtml",mathml:"http://www.w3.org/1998/Math/MathML",svg:"http://www.w3.org/2000/svg",xlink:"http://www.w3.org/1999/xlink",xml:"http://www.w3.org/XML/1998/namespace",xmlns:"http://www.w3.org/2000/xmlns/"};const LL={}.hasOwnProperty,RN={"#document":ON,"#document-fragment":ON,"#text":ewe,"#comment":twe,"#documentType":JTe};function XTe(e,t={}){let n,r;return owe(t)?(r=t,n={}):(r=t.file,n=t),_k({schema:n.space==="svg"?Mu:m1,file:r,verbose:n.verbose,location:!1},e)}function _k(e,t){const n=e.schema,r=LL.call(RN,t.nodeName)?RN[t.nodeName]:nwe;let o;"tagName"in t&&(e.schema=t.namespaceURI===Rc.svg?Mu:m1),"childNodes"in t&&(o=ZTe(e,t.childNodes));const i=r(e,t,o);if("sourceCodeLocation"in t&&t.sourceCodeLocation&&e.file){const a=rwe(e,i,t.sourceCodeLocation);a&&(e.location=!0,i.position=a)}return e.schema=n,i}function ZTe(e,t){let n=-1;const r=[];for(;++n<t.length;)r[n]=_k(e,t[n]);return r}function ON(e,t,n){const r={type:"root",children:n,data:{quirksMode:t.mode==="quirks"||t.mode==="limited-quirks"}};if(e.file&&e.location){const o=String(e.file),i=QTe(o);r.position={start:i.toPoint(0),end:i.toPoint(o.length)}}return r}function JTe(){return{type:"doctype"}}function ewe(e,t){return{type:"text",value:t.value}}function twe(e,t){return{type:"comment",value:t.data}}function nwe(e,t,n){const r=e.schema.space==="svg"?IEe:iL;let o=-1;const i={};for(;++o<t.attrs.length;){const s=t.attrs[o];i[(s.prefix?s.prefix+":":"")+s.name]=s.value}const a=r(t.tagName,i,n);if(a.tagName==="template"&&"content"in t){const s=t.sourceCodeLocation,l=s&&s.startTag&&ld(s.startTag),u=s&&s.endTag&&ld(s.endTag),d=_k(e,t.content);l&&u&&e.file&&(d.position={start:l.end,end:u.start}),a.content=d}return a}function rwe(e,t,n){const r=ld(n);if(t.type==="element"){const o=t.children[t.children.length-1];if(r&&!n.endTag&&o&&o.position&&o.position.end&&(r.end=Object.assign({},o.position.end)),e.verbose){const i={};let a;for(a in n.attrs)LL.call(n.attrs,a)&&(i[bp(e.schema,a).property]=ld(n.attrs[a]));t.data={position:{opening:ld(n.startTag),closing:n.endTag?ld(n.endTag):null,properties:i}}}}return r}function ld(e){const t=DN({line:e.startLine,column:e.startCol,offset:e.startOffset}),n=DN({line:e.endLine,column:e.endCol,offset:e.endOffset});return t||n?{start:t,end:n}:null}function DN(e){return e.line&&e.column?e:null}function owe(e){return"messages"in e}const iwe=Rc,awe=s4,swe={}.hasOwnProperty,lwe=h1("root"),p4=h1("element"),uwe=h1("text");function cwe(e,t,n){if(typeof e!="function")throw new TypeError("h is not a function");const r=dwe(e),o=mwe(e),i=pwe(e);let a,s;if(typeof n=="string"||typeof n=="boolean"?(a=n,n={}):(n||(n={}),a=n.prefix),lwe(t))s=t.children.length===1&&p4(t.children[0])?t.children[0]:{type:"element",tagName:"div",properties:{},children:t.children};else if(p4(t))s=t;else throw new Error("Expected root or element, not `"+(t&&t.type||t)+"`");return jL(e,s,{schema:n.space==="svg"?Mu:m1,prefix:a==null?r||o||i?"h-":null:typeof a=="string"?a:a?"h-":null,key:0,react:r,vue:o,vdom:i,hyperscript:hwe(e)})}function jL(e,t,n){const r=n.schema;let o=r,i=t.tagName;const a={},s=[];let l=-1,u;r.space==="html"&&i.toLowerCase()==="svg"&&(o=Mu,n.schema=o);for(u in t.properties)t.properties&&swe.call(t.properties,u)&&fwe(a,u,t.properties[u],n,i);if(n.vdom&&(o.space==="html"?i=i.toUpperCase():o.space&&(a.namespace=iwe[o.space])),n.prefix&&(n.key++,a.key=n.prefix+n.key),t.children)for(;++l<t.children.length;){const d=t.children[l];p4(d)?s.push(jL(e,d,n)):uwe(d)&&s.push(d.value)}return n.schema=r,s.length>0?e.call(t,i,a,s):e.call(t,i,a)}function fwe(e,t,n,r,o){const i=bp(r.schema,t);let a;n==null||typeof n=="number"&&Number.isNaN(n)||n===!1&&(r.vue||r.vdom||r.hyperscript)||!n&&i.boolean&&(r.vue||r.vdom||r.hyperscript)||(Array.isArray(n)&&(n=i.commaSeparated?YM(n):VM(n)),i.boolean&&r.hyperscript&&(n=""),i.property==="style"&&typeof n=="string"&&(r.react||r.vue||r.vdom)&&(n=gwe(n,o)),r.vue?i.property!=="style"&&(a="attrs"):i.mustUseProperty||(r.vdom?i.property!=="style"&&(a="attributes"):r.hyperscript&&(a="attrs")),a?e[a]=Object.assign(e[a]||{},{[i.attribute]:n}):i.space&&r.react?e[awe[i.property]||i.property]=n:e[i.attribute]=n)}function dwe(e){const t=e("div",{});return!!(t&&("_owner"in t||"_store"in t)&&(t.key===void 0||t.key===null))}function hwe(e){return"context"in e&&"cleanup"in e}function pwe(e){return e("div",{}).type==="VirtualNode"}function mwe(e){const t=e("div",{});return!!(t&&t.context&&t.context._isVue)}function gwe(e,t){const n={};try{QM(e,(r,o)=>{r.slice(0,4)==="-ms-"&&(r="ms-"+r.slice(4)),n[r.replace(/-([a-z])/g,(i,a)=>a.toUpperCase())]=o})}catch(r){throw r.message=t+"[style]"+r.message.slice(9),r}return n}var PN={}.hasOwnProperty;function zL(e,t){var n=t||{};function r(o){var i=r.invalid,a=r.handlers;if(o&&PN.call(o,e)&&(i=PN.call(a,o[e])?a[o[e]]:r.unknown),i)return i.apply(this,arguments)}return r.handlers=n.handlers||{},r.invalid=n.invalid,r.unknown=n.unknown,r}var vwe={}.hasOwnProperty,HL=zL("type",{handlers:{root:ywe,element:kwe,text:Twe,comment:wwe,doctype:_we}});function bwe(e,t){return HL(e,t==="svg"?Mu:m1)}function ywe(e,t){var n={nodeName:"#document",mode:(e.data||{}).quirksMode?"quirks":"no-quirks",childNodes:[]};return n.childNodes=Tk(e.children,n,t),y1(e,n)}function Ewe(e,t){var n={nodeName:"#document-fragment",childNodes:[]};return n.childNodes=Tk(e.children,n,t),y1(e,n)}function _we(e){return y1(e,{nodeName:"#documentType",name:"html",publicId:"",systemId:"",parentNode:void 0})}function Twe(e){return y1(e,{nodeName:"#text",value:e.value,parentNode:void 0})}function wwe(e){return y1(e,{nodeName:"#comment",data:e.value,parentNode:void 0})}function kwe(e,t){var n=t.space;return cwe(r,Object.assign({},e,{children:[]}),{space:n});function r(o,i){var a=[],s,l,u,d,h;for(u in i)!vwe.call(i,u)||i[u]===!1||(s=bp(t,u),!(s.boolean&&!i[u])&&(l={name:u,value:i[u]===!0?"":String(i[u])},s.space&&s.space!=="html"&&s.space!=="svg"&&(d=u.indexOf(":"),d<0?l.prefix="":(l.name=u.slice(d+1),l.prefix=u.slice(0,d)),l.namespace=Rc[s.space]),a.push(l)));return t.space==="html"&&e.tagName==="svg"&&(t=Mu),h=y1(e,{nodeName:o,tagName:o,attrs:a,namespaceURI:Rc[t.space],childNodes:[],parentNode:void 0}),h.childNodes=Tk(e.children,h,t),o==="template"&&(h.content=Ewe(e.content,t)),h}}function Tk(e,t,n){var r=-1,o=[],i;if(e)for(;++r<e.length;)i=HL(e[r],n),i.parentNode=t,o.push(i);return o}function y1(e,t){var n=e.position;return n&&n.start&&n.end&&(t.sourceCodeLocation={startLine:n.start.line,startCol:n.start.column,startOffset:n.start.offset,endLine:n.end.line,endCol:n.end.column,endOffset:n.end.offset}),t}var Swe=["area","base","basefont","bgsound","br","col","command","embed","frame","hr","image","img","input","isindex","keygen","link","menuitem","meta","nextid","param","source","track","wbr"];const xwe="IN_TEMPLATE_MODE",Cwe="DATA_STATE",Awe="CHARACTER_TOKEN",Nwe="START_TAG_TOKEN",Fwe="END_TAG_TOKEN",Iwe="COMMENT_TOKEN",Bwe="DOCTYPE_TOKEN",Rwe={sourceCodeLocationInfo:!0,scriptingEnabled:!1},UL=function(e,t,n){let r=-1;const o=new YTe(Rwe),i=zL("type",{handlers:{root:_,element:b,text:E,comment:k,doctype:w,raw:y},unknown:Mwe});let a,s,l,u,d;if(jwe(t)&&(n=t,t=void 0),n&&n.passThrough)for(;++r<n.passThrough.length;)i.handlers[n.passThrough[r]]=F;const h=XTe(Lwe(e)?m():p(),t);if(a&&Iw(h,"comment",(A,P,I)=>{const j=A;if(j.value.stitch&&I!==null&&P!==null)return I.children[P]=j.value.stitch,P}),e.type!=="root"&&h.type==="root"&&h.children.length===1)return h.children[0];return h;function p(){const A={nodeName:"template",tagName:"template",attrs:[],namespaceURI:Rc.html,childNodes:[]},P={nodeName:"documentmock",tagName:"documentmock",attrs:[],namespaceURI:Rc.html,childNodes:[]},I={nodeName:"#document-fragment",childNodes:[]};if(o._bootstrap(P,A),o._pushTmplInsertionMode(xwe),o._initTokenizerForFragmentParsing(),o._insertFakeRootElement(),o._resetInsertionMode(),o._findFormInFragmentContext(),s=o.tokenizer,!s)throw new Error("Expected `tokenizer`");return l=s.preprocessor,d=s.__mixins[0],u=d.posTracker,i(e),o._adoptNodes(P.childNodes[0],I),I}function m(){const A=o.treeAdapter.createDocument();if(o._bootstrap(A,void 0),s=o.tokenizer,!s)throw new Error("Expected `tokenizer`");return l=s.preprocessor,d=s.__mixins[0],u=d.posTracker,i(e),A}function v(A){let P=-1;if(A)for(;++P<A.length;)i(A[P])}function _(A){v(A.children)}function b(A){C(),o._processToken(Owe(A),Rc.html),v(A.children),Swe.includes(A.tagName)||(C(),o._processToken(Pwe(A)))}function E(A){C(),o._processToken({type:Awe,chars:A.value,location:ud(A)})}function w(A){C(),o._processToken({type:Bwe,name:"html",forceQuirks:!1,publicId:"",systemId:"",location:ud(A)})}function k(A){C(),o._processToken({type:Iwe,data:A.value,location:ud(A)})}function y(A){const P=Sy(A),I=P.line||1,j=P.column||1,H=P.offset||0;if(!l)throw new Error("Expected `preprocessor`");if(!s)throw new Error("Expected `tokenizer`");if(!u)throw new Error("Expected `posTracker`");if(!d)throw new Error("Expected `locationTracker`");l.html=void 0,l.pos=-1,l.lastGapPos=-1,l.lastCharPos=-1,l.gapStack=[],l.skipNextNewLine=!1,l.lastChunkWritten=!1,l.endOfChunkHit=!1,u.isEol=!1,u.lineStartPos=-j+1,u.droppedBufferSize=H,u.offset=0,u.col=1,u.line=I,d.currentAttrLocation=void 0,d.ctLoc=ud(A),s.write(A.value),o._runParsingLoop(void 0);const K=s.currentCharacterToken;K&&(K.location.endLine=u.line,K.location.endCol=u.col+1,K.location.endOffset=u.offset+1,o._processToken(K))}function F(A){a=!0;let P;"children"in A?P={...A,children:UL({type:"root",children:A.children},t,n).children}:P={...A},k({type:"comment",value:{stitch:P}})}function C(){if(!s)throw new Error("Expected `tokenizer`");s.tokenQueue=[],s.state=Cwe,s.returnState="",s.charRefCode=-1,s.tempBuff=[],s.lastStartTagName="",s.consumedAfterSnapshot=-1,s.active=!1,s.currentCharacterToken=void 0,s.currentToken=void 0,s.currentAttr=void 0}};function Owe(e){const t=Object.assign(ud(e));return t.startTag=Object.assign({},t),{type:Nwe,tagName:e.tagName,selfClosing:!1,attrs:Dwe(e),location:t}}function Dwe(e){return bwe({tagName:e.tagName,type:"element",properties:e.properties,children:[]}).attrs}function Pwe(e){const t=Object.assign(ud(e));return t.startTag=Object.assign({},t),{type:Fwe,tagName:e.tagName,attrs:[],location:t}}function Mwe(e){throw new Error("Cannot compile `"+e.type+"` node")}function Lwe(e){const t=e.type==="root"?e.children[0]:e;return!!(t&&(t.type==="doctype"||t.type==="element"&&t.tagName==="html"))}function ud(e){const t=Sy(e),n=Bw(e);return{startLine:t.line,startCol:t.column,startOffset:t.offset,endLine:n.line,endCol:n.column,endOffset:n.offset}}function jwe(e){return!!(e&&!("message"in e&&"messages"in e))}function zwe(e={}){return(t,n)=>UL(t,n,e)}var Hwe={}.hasOwnProperty,Uwe=qwe;function qwe(e){return e==null?[]:"length"in e?e:[e]}var qL=$we,pg=1e4;function $we(e,t,n,r){var o=e.length,i=0,a,s;if(t<0?t=-t>o?0:o+t:t=t>o?o:t,n=n>0?n:0,r.length<pg)return s=Array.from(r),s.unshift(t,n),[].splice.apply(e,s);for(a=[].splice.apply(e,[t,n]);i<r.length;)s=r.slice(i,i+pg),s.unshift(t,0),[].splice.apply(e,s),i+=pg,t+=pg;return a}var Wwe=Vwe,MN=Hwe,Gwe=Uwe,Kwe=qL;function Vwe(e){for(var t={},n=-1;++n<e.length;)Ywe(t,e[n]);return t}function Ywe(e,t){var n,r,o,i;for(n in t){r=MN.call(e,n)?e[n]:e[n]={},o=t[n];for(i in o)r[i]=Qwe(Gwe(o[i]),MN.call(r,i)?r[i]:[])}}function Qwe(e,t){for(var n=-1,r=[];++n<e.length;)(e[n].add==="after"?t:r).push(e[n]);return Kwe(t,0,0,r),t}var $L={},Xwe=String.fromCharCode,Hy=Jwe,Zwe=Xwe;function Jwe(e){return t;function t(n){return e.test(Zwe(n))}}var eke=Hy,tke=eke(/[\dA-Za-z]/),nke=Hy,rke=nke(/[A-Za-z]/),wk=tke,oke=rke,WL={tokenize:cke},GL={tokenize:fke},Rd={tokenize:pke},ike={tokenize:hke},ake={tokenize:dke},KL={tokenize:lke,previous:E1},VL={tokenize:uke,previous:E1},wl={tokenize:ske,previous:E1},ys={};$L.text=ys;var uc=48;for(;uc<123;)ys[uc]=wl,uc++,uc===58?uc=65:uc===91&&(uc=97);ys[43]=wl;ys[45]=wl;ys[46]=wl;ys[95]=wl;ys[72]=[wl,VL];ys[104]=[wl,VL];ys[87]=[wl,KL];ys[119]=[wl,KL];function ske(e,t,n){var r=this,o;return i;function i(p){return!jN(p)||!E1(r.previous)?n(p):(e.enter("literalAutolink"),e.enter("literalAutolinkEmail"),a(p))}function a(p){return jN(p)?(e.consume(p),a):p===64?(e.consume(p),s):n(p)}function s(p){return p===46?e.check(Rd,h,l)(p):p===45||p===95?e.check(Rd,n,u)(p):wk(p)?(e.consume(p),s):h(p)}function l(p){return e.consume(p),o=!0,s}function u(p){return e.consume(p),d}function d(p){return p===46?e.check(Rd,n,l)(p):s(p)}function h(p){return o?(e.exit("literalAutolinkEmail"),e.exit("literalAutolink"),t(p)):n(p)}}function lke(e,t,n){var r=this;return o;function o(u){return u!==87&&u-32!==87||!E1(r.previous)?n(u):(e.enter("literalAutolink"),e.enter("literalAutolinkWww"),e.consume(u),i)}function i(u){return u===87||u-32===87?(e.consume(u),a):n(u)}function a(u){return u===87||u-32===87?(e.consume(u),s):n(u)}function s(u){return u===46?(e.consume(u),e.attempt(WL,e.attempt(GL,l),n)):n(u)}function l(u){return e.exit("literalAutolinkWww"),e.exit("literalAutolink"),t(u)}}function uke(e,t,n){var r=this;return o;function o(m){return m!==72&&m-32!==72||!E1(r.previous)?n(m):(e.enter("literalAutolink"),e.enter("literalAutolinkHttp"),e.consume(m),i)}function i(m){return m===84||m-32===84?(e.consume(m),a):n(m)}function a(m){return m===84||m-32===84?(e.consume(m),s):n(m)}function s(m){return m===80||m-32===80?(e.consume(m),l):n(m)}function l(m){return m===83||m-32===83?(e.consume(m),u):u(m)}function u(m){return m===58?(e.consume(m),d):n(m)}function d(m){return m===47?(e.consume(m),h):n(m)}function h(m){return m===47?(e.consume(m),e.attempt(WL,e.attempt(GL,p),n)):n(m)}function p(m){return e.exit("literalAutolinkHttp"),e.exit("literalAutolink"),t(m)}}function cke(e,t,n){var r,o,i;return a;function a(d){return e.enter("literalAutolinkDomain"),s(d)}function s(d){return d===45||d===95||wk(d)?(d===95&&(r=!0),e.consume(d),s):d===46?e.check(Rd,u,l)(d):u(d)}function l(d){return e.consume(d),i=!0,o=r,r=void 0,s}function u(d){return i&&!o&&!r?(e.exit("literalAutolinkDomain"),t(d)):n(d)}}function fke(e,t){var n=0;return r;function r(u){return z0(u)?t(u):LN(u)?e.check(Rd,t,o)(u):o(u)}function o(u){return e.enter("literalAutolinkWwwPath"),i(u)}function i(u){return u===38?e.check(ake,l,a)(u):(u===40&&n++,u===41?e.check(ike,s,a)(u):z0(u)?l(u):LN(u)?e.check(Rd,l,a)(u):(e.consume(u),i))}function a(u){return e.consume(u),i}function s(u){return n--,n<0?l(u):a(u)}function l(u){return e.exit("literalAutolinkWwwPath"),t(u)}}function dke(e,t,n){return r;function r(a){return e.enter("literalAutolinkCharacterReferenceNamed"),e.consume(a),o}function o(a){return oke(a)?(e.consume(a),o):a===59?(e.consume(a),i):n(a)}function i(a){return e.exit("literalAutolinkCharacterReferenceNamed"),z0(a)?t(a):n(a)}}function hke(e,t,n){return r;function r(i){return e.enter("literalAutolinkParen"),e.consume(i),o}function o(i){return e.exit("literalAutolinkParen"),z0(i)||i===41?t(i):n(i)}}function pke(e,t,n){return r;function r(i){return e.enter("literalAutolinkPunctuation"),e.consume(i),o}function o(i){return e.exit("literalAutolinkPunctuation"),z0(i)?t(i):n(i)}}function LN(e){return e===33||e===42||e===44||e===46||e===58||e===63||e===95||e===126}function z0(e){return e===null||e<0||e===32||e===60}function jN(e){return e===43||e===45||e===46||e===95||wk(e)}function E1(e){return e===null||e<0||e===32||e===40||e===42||e===95||e===126}var mke=$L,YL=gke;function gke(e){return e<0||e===32}var vke=/[!-\/:-@\[-`\{-~\xA1\xA7\xAB\xB6\xB7\xBB\xBF\u037E\u0387\u055A-\u055F\u0589\u058A\u05BE\u05C0\u05C3\u05C6\u05F3\u05F4\u0609\u060A\u060C\u060D\u061B\u061E\u061F\u066A-\u066D\u06D4\u0700-\u070D\u07F7-\u07F9\u0830-\u083E\u085E\u0964\u0965\u0970\u09FD\u0A76\u0AF0\u0C77\u0C84\u0DF4\u0E4F\u0E5A\u0E5B\u0F04-\u0F12\u0F14\u0F3A-\u0F3D\u0F85\u0FD0-\u0FD4\u0FD9\u0FDA\u104A-\u104F\u10FB\u1360-\u1368\u1400\u166E\u169B\u169C\u16EB-\u16ED\u1735\u1736\u17D4-\u17D6\u17D8-\u17DA\u1800-\u180A\u1944\u1945\u1A1E\u1A1F\u1AA0-\u1AA6\u1AA8-\u1AAD\u1B5A-\u1B60\u1BFC-\u1BFF\u1C3B-\u1C3F\u1C7E\u1C7F\u1CC0-\u1CC7\u1CD3\u2010-\u2027\u2030-\u2043\u2045-\u2051\u2053-\u205E\u207D\u207E\u208D\u208E\u2308-\u230B\u2329\u232A\u2768-\u2775\u27C5\u27C6\u27E6-\u27EF\u2983-\u2998\u29D8-\u29DB\u29FC\u29FD\u2CF9-\u2CFC\u2CFE\u2CFF\u2D70\u2E00-\u2E2E\u2E30-\u2E4F\u2E52\u3001-\u3003\u3008-\u3011\u3014-\u301F\u3030\u303D\u30A0\u30FB\uA4FE\uA4FF\uA60D-\uA60F\uA673\uA67E\uA6F2-\uA6F7\uA874-\uA877\uA8CE\uA8CF\uA8F8-\uA8FA\uA8FC\uA92E\uA92F\uA95F\uA9C1-\uA9CD\uA9DE\uA9DF\uAA5C-\uAA5F\uAADE\uAADF\uAAF0\uAAF1\uABEB\uFD3E\uFD3F\uFE10-\uFE19\uFE30-\uFE52\uFE54-\uFE61\uFE63\uFE68\uFE6A\uFE6B\uFF01-\uFF03\uFF05-\uFF0A\uFF0C-\uFF0F\uFF1A\uFF1B\uFF1F\uFF20\uFF3B-\uFF3D\uFF3F\uFF5B\uFF5D\uFF5F-\uFF65]/,bke=vke,yke=Hy,Eke=yke(bke),_ke=Hy,Tke=_ke(/\s/),wke=Cke,kke=YL,Ske=Eke,xke=Tke;function Cke(e){if(e===null||kke(e)||xke(e))return 1;if(Ske(e))return 2}var Ake=Nke;function Nke(e,t,n){for(var r=[],o=-1,i;++o<e.length;)i=e[o].resolveAll,i&&r.indexOf(i)<0&&(t=i(t,n),r.push(i));return t}var Fke=Object.assign,Ike=Rke,Bke=Fke;function Rke(e){return Bke({},e)}var Oke=Pke,zN=wke,lE=qL,Dke=Ake,mg=Ike;function Pke(e){var t=e||{},n=t.singleTilde,r={tokenize:a,resolveAll:o};return n==null&&(n=!0),{text:{126:r},insideSpan:{null:r}};function o(s,l){for(var u=-1,d,h,p,m;++u<s.length;)if(s[u][0]==="enter"&&s[u][1].type==="strikethroughSequenceTemporary"&&s[u][1]._close){for(p=u;p--;)if(s[p][0]==="exit"&&s[p][1].type==="strikethroughSequenceTemporary"&&s[p][1]._open&&s[u][1].end.offset-s[u][1].start.offset===s[p][1].end.offset-s[p][1].start.offset){s[u][1].type="strikethroughSequence",s[p][1].type="strikethroughSequence",d={type:"strikethrough",start:mg(s[p][1].start),end:mg(s[u][1].end)},h={type:"strikethroughText",start:mg(s[p][1].end),end:mg(s[u][1].start)},m=[["enter",d,l],["enter",s[p][1],l],["exit",s[p][1],l],["enter",h,l]],lE(m,m.length,0,Dke(l.parser.constructs.insideSpan.null,s.slice(p+1,u),l)),lE(m,m.length,0,[["exit",h,l],["enter",s[u][1],l],["exit",s[u][1],l],["exit",d,l]]),lE(s,p-1,u-p+3,m),u=p+m.length-2;break}}return i(s)}function i(s){for(var l=-1,u=s.length;++l<u;)s[l][1].type==="strikethroughSequenceTemporary"&&(s[l][1].type="data");return s}function a(s,l,u){var d=this.previous,h=this.events,p=0;return m;function m(_){return _!==126||d===126&&h[h.length-1][1].type!=="characterEscape"?u(_):(s.enter("strikethroughSequenceTemporary"),v(_))}function v(_){var b=zN(d),E,w;return _===126?p>1?u(_):(s.consume(_),p++,v):p<2&&!n?u(_):(E=s.exit("strikethroughSequenceTemporary"),w=zN(_),E._open=!w||w===2&&b,E._close=!b||b===2&&w,l(_))}}}var QL={},Mke=Lke;function Lke(e){return e===-2||e===-1||e===32}var XL=jke,HN=Mke;function jke(e,t,n,r){var o=r?r-1:1/0,i;return a;function a(l){return HN(l)?(e.enter(n),i=0,s(l)):t(l)}function s(l){return HN(l)&&i++<o?(e.consume(l),s):(e.exit(n),t(l))}}QL.flow={null:{tokenize:Uke,resolve:Hke,interruptible:!0}};var uE=XL,zke={tokenize:qke,partial:!0},UN={tokenize:$ke,partial:!0};function Hke(e,t){for(var n=e.length,r=-1,o,i,a,s,l,u,d,h,p,m;++r<n;)o=e[r][1],s&&(o.type==="temporaryTableCellContent"&&(h=h||r,p=r),(o.type==="tableCellDivider"||o.type==="tableRow")&&p&&(u={type:"tableContent",start:e[h][1].start,end:e[p][1].end},d={type:"chunkText",start:u.start,end:u.end,contentType:"text"},e.splice(h,p-h+1,["enter",u,t],["enter",d,t],["exit",d,t],["exit",u,t]),r-=p-h-3,n=e.length,h=void 0,p=void 0)),e[r][0]==="exit"&&(o.type==="tableCellDivider"||o.type==="tableRow")&&m&&m+1<r&&(l={type:a?"tableDelimiter":i?"tableHeader":"tableData",start:e[m][1].start,end:e[r][1].end},e.splice(r+(o.type==="tableCellDivider"?1:0),0,["exit",l,t]),e.splice(m,0,["enter",l,t]),r+=2,n=e.length,m=r+1),o.type==="tableRow"&&(s=e[r][0]==="enter",s&&(m=r+1)),o.type==="tableDelimiterRow"&&(a=e[r][0]==="enter",a&&(m=r+1)),o.type==="tableHead"&&(i=e[r][0]==="enter");return e}function Uke(e,t,n){var r=[],o=0,i,a;return s;function s($){return $===null||$===-5||$===-4||$===-3?n($):(e.enter("table")._align=r,e.enter("tableHead"),e.enter("tableRow"),$===124?l($):(o++,e.enter("temporaryTableCellContent"),h($)))}function l($){return e.enter("tableCellDivider"),e.consume($),e.exit("tableCellDivider"),i=!0,u}function u($){return $===null||$===-5||$===-4||$===-3?m($):$===-2||$===-1||$===32?(e.enter("whitespace"),e.consume($),d):(i&&(i=void 0,o++),$===124?l($):(e.enter("temporaryTableCellContent"),h($)))}function d($){return $===-2||$===-1||$===32?(e.consume($),d):(e.exit("whitespace"),u($))}function h($){return $===null||$<0||$===32||$===124?(e.exit("temporaryTableCellContent"),u($)):(e.consume($),$===92?p:h)}function p($){return $===92||$===124?(e.consume($),h):h($)}function m($){return $===null?n($):(e.exit("tableRow"),e.exit("tableHead"),e.enter("lineEnding"),e.consume($),e.exit("lineEnding"),e.check(zke,n,uE(e,v,"linePrefix",4)))}function v($){return $===null||$<0||$===32?n($):(e.enter("tableDelimiterRow"),_($))}function _($){return $===null||$===-5||$===-4||$===-3?y($):$===-2||$===-1||$===32?(e.enter("whitespace"),e.consume($),b):$===45?(e.enter("tableDelimiterFiller"),e.consume($),a=!0,r.push(null),E):$===58?(e.enter("tableDelimiterAlignment"),e.consume($),e.exit("tableDelimiterAlignment"),r.push("left"),w):$===124?(e.enter("tableCellDivider"),e.consume($),e.exit("tableCellDivider"),_):n($)}function b($){return $===-2||$===-1||$===32?(e.consume($),b):(e.exit("whitespace"),_($))}function E($){return $===45?(e.consume($),E):(e.exit("tableDelimiterFiller"),$===58?(e.enter("tableDelimiterAlignment"),e.consume($),e.exit("tableDelimiterAlignment"),r[r.length-1]=r[r.length-1]==="left"?"center":"right",k):_($))}function w($){return $===45?(e.enter("tableDelimiterFiller"),e.consume($),a=!0,E):n($)}function k($){return $===null||$===-5||$===-4||$===-3?y($):$===-2||$===-1||$===32?(e.enter("whitespace"),e.consume($),b):$===124?(e.enter("tableCellDivider"),e.consume($),e.exit("tableCellDivider"),_):n($)}function y($){return e.exit("tableDelimiterRow"),!a||o!==r.length?n($):$===null?F($):e.check(UN,F,C)($)}function F($){return e.exit("table"),t($)}function C($){return e.enter("lineEnding"),e.consume($),e.exit("lineEnding"),uE(e,A,"linePrefix",4)}function A($){return e.enter("tableBody"),P($)}function P($){return e.enter("tableRow"),$===124?I($):(e.enter("temporaryTableCellContent"),K($))}function I($){return e.enter("tableCellDivider"),e.consume($),e.exit("tableCellDivider"),j}function j($){return $===null||$===-5||$===-4||$===-3?pe($):$===-2||$===-1||$===32?(e.enter("whitespace"),e.consume($),H):$===124?I($):(e.enter("temporaryTableCellContent"),K($))}function H($){return $===-2||$===-1||$===32?(e.consume($),H):(e.exit("whitespace"),j($))}function K($){return $===null||$<0||$===32||$===124?(e.exit("temporaryTableCellContent"),j($)):(e.consume($),$===92?U:K)}function U($){return $===92||$===124?(e.consume($),K):K($)}function pe($){return e.exit("tableRow"),$===null?se($):e.check(UN,se,J)($)}function se($){return e.exit("tableBody"),F($)}function J($){return e.enter("lineEnding"),e.consume($),e.exit("lineEnding"),uE(e,P,"linePrefix",4)}}function qke(e,t,n){return r;function r(a){return a!==45?n(a):(e.enter("setextUnderline"),o(a))}function o(a){return a===45?(e.consume(a),o):i(a)}function i(a){return a===-2||a===-1||a===32?(e.consume(a),i):a===null||a===-5||a===-4||a===-3?t(a):n(a)}}function $ke(e,t,n){var r=0;return o;function o(a){return e.enter("check"),e.consume(a),i}function i(a){return a===-1||a===32?(e.consume(a),r++,r===4?t:i):a===null||a<0?t(a):n(a)}}var Wke=QL,ZL={},Gke=Kke;function Kke(e){for(var t=-1,n=0;++t<e.length;)n+=typeof e[t]=="string"?e[t].length:1;return n}var Vke=Qke,Yke=Gke;function Qke(e,t){var n=e[e.length-1];return!n||n[1].type!==t?0:Yke(n[2].sliceStream(n[1]))}var Xke=YL,Zke=XL,Jke=Vke,eSe={tokenize:tSe};ZL.text={91:eSe};function tSe(e,t,n){var r=this;return o;function o(s){return s!==91||r.previous!==null||!r._gfmTasklistFirstContentOfListItem?n(s):(e.enter("taskListCheck"),e.enter("taskListCheckMarker"),e.consume(s),e.exit("taskListCheckMarker"),i)}function i(s){return s===-2||s===32?(e.enter("taskListCheckValueUnchecked"),e.consume(s),e.exit("taskListCheckValueUnchecked"),a):s===88||s===120?(e.enter("taskListCheckValueChecked"),e.consume(s),e.exit("taskListCheckValueChecked"),a):n(s)}function a(s){return s===93?(e.enter("taskListCheckMarker"),e.consume(s),e.exit("taskListCheckMarker"),e.exit("taskListCheck"),e.check({tokenize:nSe},t,n)):n(s)}}function nSe(e,t,n){var r=this;return Zke(e,o,"whitespace");function o(i){return Jke(r.events,"whitespace")&&i!==null&&!Xke(i)?t(i):n(i)}}var rSe=ZL,oSe=Wwe,iSe=mke,aSe=Oke,sSe=Wke,lSe=rSe,uSe=cSe;function cSe(e){return oSe([iSe,aSe(e),sSe,lSe])}var fSe=uSe,kk={};kk.enter={literalAutolink:dSe,literalAutolinkEmail:cE,literalAutolinkHttp:cE,literalAutolinkWww:cE};kk.exit={literalAutolink:gSe,literalAutolinkEmail:mSe,literalAutolinkHttp:hSe,literalAutolinkWww:pSe};function dSe(e){this.enter({type:"link",title:null,url:"",children:[]},e)}function cE(e){this.config.enter.autolinkProtocol.call(this,e)}function hSe(e){this.config.exit.autolinkProtocol.call(this,e)}function pSe(e){this.config.exit.data.call(this,e),this.stack[this.stack.length-1].url="http://"+this.sliceSerialize(e)}function mSe(e){this.config.exit.autolinkEmail.call(this,e)}function gSe(e){this.exit(e)}var Uy={};Uy.canContainEols=["delete"];Uy.enter={strikethrough:vSe};Uy.exit={strikethrough:bSe};function vSe(e){this.enter({type:"delete",children:[]},e)}function bSe(e){this.exit(e)}var Sk={};Sk.enter={table:ySe,tableData:qN,tableHeader:qN,tableRow:_Se};Sk.exit={codeText:TSe,table:ESe,tableData:fE,tableHeader:fE,tableRow:fE};function ySe(e){this.enter({type:"table",align:e._align,children:[]},e),this.setData("inTable",!0)}function ESe(e){this.exit(e),this.setData("inTable")}function _Se(e){this.enter({type:"tableRow",children:[]},e)}function fE(e){this.exit(e)}function qN(e){this.enter({type:"tableCell",children:[]},e)}function TSe(e){var t=this.resume();this.getData("inTable")&&(t=t.replace(/\\([\\|])/g,wSe)),this.stack[this.stack.length-1].value=t,this.exit(e)}function wSe(e,t){return t==="|"?t:e}var JL={};JL.exit={taskListCheckValueChecked:$N,taskListCheckValueUnchecked:$N,paragraph:kSe};function $N(e){this.stack[this.stack.length-2].checked=e.type==="taskListCheckValueChecked"}function kSe(e){var t=this.stack[this.stack.length-2],n=this.stack[this.stack.length-1],r=t.children,o=n.children[0],i=-1,a;if(t&&t.type==="listItem"&&typeof t.checked=="boolean"&&o&&o.type==="text"){for(;++i<r.length;)if(r[i].type==="paragraph"){a=r[i];break}a===n&&(o.value=o.value.slice(1),o.value.length===0?n.children.shift():(o.position.start.column++,o.position.start.offset++,n.position.start=Object.assign({},o.position.start)))}this.exit(e)}var SSe=kk,xSe=Uy,CSe=Sk,ASe=JL,NSe={}.hasOwnProperty,FSe=ISe([SSe,xSe,CSe,ASe]);function ISe(e){for(var t={canContainEols:[]},n=e.length,r=-1;++r<n;)BSe(t,e[r]);return t}function BSe(e,t){var n,r,o;for(n in t)r=NSe.call(e,n)?e[n]:e[n]={},o=t[n],n==="canContainEols"?e[n]=[].concat(r,o):Object.assign(r,o)}var ej={},dE="phrasing",hE=["autolink","link","image"];ej.unsafe=[{character:"@",before:"[+\\-.\\w]",after:"[\\-.\\w]",inConstruct:dE,notInConstruct:hE},{character:".",before:"[Ww]",after:"[\\-.\\w]",inConstruct:dE,notInConstruct:hE},{character:":",before:"[ps]",after:"\\/",inConstruct:dE,notInConstruct:hE}];var xk={},RSe=OSe;function OSe(e,t,n){for(var r=e.children||[],o=[],i=-1,a=n.before,s,l,u;++i<r.length;)u=r[i],i+1<r.length?(l=t.handle.handlers[r[i+1].type],l&&l.peek&&(l=l.peek),s=l?l(r[i+1],e,t,{before:"",after:""}).charAt(0):""):s=n.after,o.push(t.handle(u,e,t,{before:a,after:s})),a=o[o.length-1].slice(-1);return o.join("")}var DSe=RSe;xk.unsafe=[{character:"~",inConstruct:"phrasing"}];xk.handlers={delete:tj};tj.peek=PSe;function tj(e,t,n){var r=n.enter("emphasis"),o=DSe(e,n,{before:"~",after:"~"});return r(),"~~"+o+"~~"}function PSe(){return"~"}var MSe=LSe;function LSe(e,t,n){for(var r=e.children||[],o=[],i=-1,a=n.before,s,l,u;++i<r.length;)u=r[i],i+1<r.length?(l=t.handle.handlers[r[i+1].type],l&&l.peek&&(l=l.peek),s=l?l(r[i+1],e,t,{before:"",after:""}).charAt(0):""):s=n.after,o.push(t.handle(u,e,t,{before:a,after:s})),a=o[o.length-1].slice(-1);return o.join("")}var jSe=nj;nj.peek=zSe;function nj(e){for(var t=e.value||"",n="`",r="";new RegExp("(^|[^`])"+n+"([^`]|$)").test(t);)n+="`";return/[^ \r\n]/.test(t)&&(/[ \r\n`]/.test(t.charAt(0))||/[ \r\n`]/.test(t.charAt(t.length-1)))&&(r=" "),n+r+t+r+n}function zSe(){return"`"}/*!
* repeat-string <https://github.com/jonschlinkert/repeat-string>
*
* Copyright (c) 2014-2015, Jon Schlinkert.
* Licensed under the MIT License.
*/var js="",pE,Ck=HSe;function HSe(e,t){if(typeof e!="string")throw new TypeError("expected a string");if(t===1)return e;if(t===2)return e+e;var n=e.length*t;if(pE!==e||typeof pE>"u")pE=e,js="";else if(js.length>=n)return js.substr(0,n);for(;n>js.length&&t>1;)t&1&&(js+=e),t>>=1,e+=e;return js+=e,js=js.substr(0,n),js}var Pf=Ck,USe=YSe,qSe=/ +$/,cc=" ",$Se=`
`,WSe="-",gg=":",WN="|",GN=0,GSe=67,KSe=76,VSe=82,vb=99,m4=108,bb=114;function YSe(e,t){for(var n=t||{},r=n.padding!==!1,o=n.delimiterStart!==!1,i=n.delimiterEnd!==!1,a=(n.align||[]).concat(),s=n.alignDelimiters!==!1,l=[],u=n.stringLength||XSe,d=-1,h=e.length,p=[],m=[],v=[],_=[],b=[],E=0,w,k,y,F,C,A,P,I,j,H,K;++d<h;){for(w=e[d],k=-1,y=w.length,v=[],_=[],y>E&&(E=y);++k<y;)A=QSe(w[k]),s===!0&&(C=u(A),_[k]=C,F=b[k],(F===void 0||C>F)&&(b[k]=C)),v.push(A);p[d]=v,m[d]=_}if(k=-1,y=E,typeof a=="object"&&"length"in a)for(;++k<y;)l[k]=KN(a[k]);else for(K=KN(a);++k<y;)l[k]=K;for(k=-1,y=E,v=[],_=[];++k<y;)K=l[k],j="",H="",K===m4?j=gg:K===bb?H=gg:K===vb&&(j=gg,H=gg),C=s?Math.max(1,b[k]-j.length-H.length):1,A=j+Pf(WSe,C)+H,s===!0&&(C=j.length+C+H.length,C>b[k]&&(b[k]=C),_[k]=C),v[k]=A;for(p.splice(1,0,v),m.splice(1,0,_),d=-1,h=p.length,P=[];++d<h;){for(v=p[d],_=m[d],k=-1,y=E,I=[];++k<y;)A=v[k]||"",j="",H="",s===!0&&(C=b[k]-(_[k]||0),K=l[k],K===bb?j=Pf(cc,C):K===vb?C%2===0?(j=Pf(cc,C/2),H=j):(j=Pf(cc,C/2+.5),H=Pf(cc,C/2-.5)):H=Pf(cc,C)),o===!0&&k===0&&I.push(WN),r===!0&&!(s===!1&&A==="")&&(o===!0||k!==0)&&I.push(cc),s===!0&&I.push(j),I.push(A),s===!0&&I.push(H),r===!0&&I.push(cc),(i===!0||k!==y-1)&&I.push(WN);I=I.join(""),i===!1&&(I=I.replace(qSe,"")),P.push(I)}return P.join($Se)}function QSe(e){return e==null?"":String(e)}function XSe(e){return e.length}function KN(e){var t=typeof e=="string"?e.charCodeAt(0):GN;return t===KSe||t===m4?m4:t===VSe||t===bb?bb:t===GSe||t===vb?vb:GN}var ZSe=MSe,JSe=jSe,e8e=USe,t8e=n8e;function n8e(e){var t=e||{},n=t.tableCellPadding,r=t.tablePipeAlign,o=t.stringLength,i=n?" ":"|";return{unsafe:[{character:"\r",inConstruct:"tableCell"},{character:`
`,inConstruct:"tableCell"},{atBreak:!0,character:"|",after:"[ :-]"},{character:"|",inConstruct:"tableCell"},{atBreak:!0,character:":",after:"-"},{atBreak:!0,character:"-",after:"[:|-]"}],handlers:{table:a,tableRow:s,tableCell:l,inlineCode:p}};function a(m,v,_){return u(d(m,_),m.align)}function s(m,v,_){var b=h(m,_),E=u([b]);return E.slice(0,E.indexOf(`
`))}function l(m,v,_){var b=_.enter("tableCell"),E=ZSe(m,_,{before:i,after:i});return b(),E}function u(m,v){return e8e(m,{align:v,alignDelimiters:r,padding:n,stringLength:o})}function d(m,v){for(var _=m.children,b=-1,E=_.length,w=[],k=v.enter("table");++b<E;)w[b]=h(_[b],v);return k(),w}function h(m,v){for(var _=m.children,b=-1,E=_.length,w=[],k=v.enter("tableRow");++b<E;)w[b]=l(_[b],m,v);return k(),w}function p(m,v,_){var b=JSe(m);return _.stack.indexOf("tableCell")!==-1&&(b=b.replace(/\|/,"\\$&")),b}}var Ak={},r8e=o8e;function o8e(e){var t=e.options.bullet||"*";if(t!=="*"&&t!=="+"&&t!=="-")throw new Error("Cannot serialize items with `"+t+"` for `options.bullet`, expected `*`, `+`, or `-`");return t}var i8e=a8e;function a8e(e){var t=e.options.listItemIndent||"tab";if(t===1||t==="1")return"one";if(t!=="tab"&&t!=="one"&&t!=="mixed")throw new Error("Cannot serialize items with `"+t+"` for `options.listItemIndent`, expected `tab`, `one`, or `mixed`");return t}var s8e=u8e,l8e=Ck;function u8e(e,t){for(var n=e.children||[],r=[],o=-1,i;++o<n.length;)i=n[o],r.push(t.handle(i,e,t,{before:`
`,after:`
`})),o+1<n.length&&r.push(a(i,n[o+1]));return r.join("");function a(s,l){for(var u=-1,d;++u<t.join.length&&(d=t.join[u](s,l,e,t),!(d===!0||d===1));){if(typeof d=="number")return l8e(`
`,1+Number(d));if(d===!1)return`
<!---->
`}return`
`}}var c8e=d8e,f8e=/\r?\n|\r/g;function d8e(e,t){for(var n=[],r=0,o=0,i;i=f8e.exec(e);)a(e.slice(r,i.index)),n.push(i[0]),r=i.index+i[0].length,o++;return a(e.slice(r)),n.join("");function a(s){n.push(t(s,o,!s))}}var h8e=b8e,VN=Ck,p8e=r8e,m8e=i8e,g8e=s8e,v8e=c8e;function b8e(e,t,n){var r=p8e(n),o=m8e(n),i,a,s;return t&&t.ordered&&(r=(t.start>-1?t.start:1)+(n.options.incrementListMarker===!1?0:t.children.indexOf(e))+"."),i=r.length+1,(o==="tab"||o==="mixed"&&(t&&t.spread||e.spread))&&(i=Math.ceil(i/4)*4),s=n.enter("listItem"),a=v8e(g8e(e,n),l),s(),a;function l(u,d,h){return d?(h?"":VN(" ",i))+u:(h?r:r+VN(" ",i-r.length))+u}}var y8e=h8e;Ak.unsafe=[{atBreak:!0,character:"-",after:"[:|-]"}];Ak.handlers={listItem:E8e};function E8e(e,t,n){var r=y8e(e,t,n),o=e.children[0];return typeof e.checked=="boolean"&&o&&o.type==="paragraph"&&(r=r.replace(/^(?:[*+-]|\d+\.)([\r\n]| {1,3})/,i)),r;function i(a){return a+"["+(e.checked?"x":" ")+"] "}}var _8e=ej,T8e=xk,w8e=t8e,k8e=Ak,S8e=x8e;function x8e(e){for(var t=[_8e,T8e,w8e(e),k8e],n=t.length,r=-1,o,i=[],a={};++r<n;)o=t[r],i=i.concat(o.unsafe||[]),a=Object.assign(a,o.handlers||{});return{unsafe:i,handlers:a}}var C8e=fSe,A8e=FSe,N8e=S8e,YN,F8e=I8e;function I8e(e){var t=this.data();!YN&&(this.Parser&&this.Parser.prototype&&this.Parser.prototype.blockTokenizers||this.Compiler&&this.Compiler.prototype&&this.Compiler.prototype.visitors)&&(YN=!0,console.warn("[remark-gfm] Warning: please upgrade to remark 13 to use this plugin")),n("micromarkExtensions",C8e(e)),n("fromMarkdownExtensions",A8e),n("toMarkdownExtensions",N8e(e));function n(r,o){t[r]?t[r].push(o):t[r]=[o]}}const B8e=xr(F8e),R8e=e=>{try{JSON.parse(e)}catch{return!1}return!0},O8e=Fo({padding:"4px 20px",fontSize:"16px"}),D8e=({className:e,content:t,isDark:n})=>{if(typeof t!="string")return Q.jsx(Q.Fragment,{children:t});const r=R8e(t)?`\`\`\`json
${t}
\`\`\``:t;return Q.jsx(ny,{className:e,children:Q.jsx(iM,{children:Q.jsx(Dw,{components:{code:o=>{const{node:i,inline:a,children:s,className:l,...u}=o,d=/language-(\w+)/.exec(l||"");return!a&&d?Q.jsx(XEe,{...u,language:d[1],showLineNumbers:!0,style:n?e_e:void 0,PreTag:"div",children:String(s).replace(/\n$/,"")}):Q.jsx("code",{className:l,...u,children:o.children})}},className:O8e,children:r??"",remarkPlugins:[B8e],rehypePlugins:[zwe]})})})},P8e=({id:e,src:t,isDark:n,style:r,isEnableEdit:o,onEdit:i})=>{const[a,s]=Bt.useState(t),l=n?"monokai":"rjv-default",u=o?d=>{const h=d.updated_src;console.log("newPayload ",h),s(h),i==null||i(e,h)}:void 0;return Q.jsx(ny,{children:Q.jsx(iM,{children:Q.jsx(JEe,{style:r,src:a,theme:l,quotesOnKeys:!1,displayDataTypes:!1,onEdit:u,displayObjectSize:!1})})})},M8e=({message:e})=>{const{isDark:t,viewMode:n,editMessageHandlerRef:r}=bbe(),o=Che(e.id,wr.User),i=(h,p)=>{var m;(m=r.current)==null||m.call(r,h,p)},a=e.from===wr.User&&n===Js.Debug,s=T.useMemo(()=>ybe(e.content),[e.content]),l=Object.keys(s),u=l.length===1?s[l[0]]:e.content,d=e.from===wr.Chatbot?u:e.content;return Q.jsxs("div",{children:[Q.jsx(j8e,{message:e,isUserDebug:a}),a?Q.jsx(P8e,{style:{padding:10},src:s,isEnableEdit:o,onEdit:i,isDark:t,id:`${e.id}`}):Q.jsx(D8e,{isDark:t,content:d},e.id),Q.jsx(z8e,{message:e})]})},L8e=({message:e})=>{const t=Du();return Q.jsxs("div",{style:{paddingBottom:"10px"},children:[Q.jsxs("span",{style:{fontWeight:"bold",fontSize:"18px",display:"inline-flex",alignItems:"center"},children:[Q.jsx("span",{children:e.from===wr.User?(t==null?void 0:t.chatUserName)??"User":(t==null?void 0:t.chatBotName)??"Chatbot"}),e.from===wr.User?(t==null?void 0:t.chatUserAvatar)&&Q.jsx("span",{style:{paddingLeft:8},children:Q.jsx(Gv,{src:t==null?void 0:t.chatUserAvatar,shape:"circular",width:32,height:32})}):(t==null?void 0:t.chatBotAvatar)&&Q.jsx("span",{style:{paddingLeft:8},children:Q.jsx(Gv,{src:t==null?void 0:t.chatBotAvatar,shape:"circular",width:32,height:32})})]}),Q.jsx("span",{style:{fontSize:14,paddingLeft:12},children:De(e.timestamp).fromNow()})]})},j8e=({message:e,isUserDebug:t})=>{const n=()=>{fP(e.content)};return Q.jsxs("div",{style:{width:"100%",display:"flex",flexDirection:"row",alignItems:"center",justifyContent:"space-between"},children:[Q.jsx(L8e,{message:e}),t?Q.jsx(Q.Fragment,{}):Q.jsxs(QT,{children:[Q.jsx(sy,{children:Q.jsx(cl,{content:"More action",relationship:"label",children:Q.jsx(En,{shape:"circular",size:"small",icon:Q.jsx(XO,{})})})}),Q.jsx(ZT,{children:Q.jsx(XT,{children:Q.jsx($h,{icon:Q.jsx(QO,{}),onClick:n,children:"Copy"})})})]})]})},z8e=({message:e})=>e.duration?Q.jsxs("div",{style:{paddingTop:5},children:["Duration: ",e.duration.toFixed(4),"s"]}):Q.jsx(Q.Fragment,{}),H8e=e=>{switch(typeof e){case"undefined":return!1;case"string":return e.length>0;default:return!0}},U8e=Fo({display:"flex",alignItems:"center",justifyContent:"flex-end",paddingLeft:8,paddingRight:8,i:{fontSize:"1.5em"}}),q8e=Fo({display:"flex !important",alignItems:"center",marginBottom:10,">label":{minWidth:100,textAlign:"right"},">.fui-Input":{flex:1}}),$8e=({scoreInputs:e,isChatbotTyping:t,onScore:n,onClear:r})=>{const o=GD(wr.User),i=T.useRef(o.length-1),[a,s]=T.useState(e);T.useEffect(()=>{i.current=o.length-1},[o]);const l=b=>{const E=i.current+(b==="ArrowUp"?-1:1);if(E<0){i.current=E+o.length;return}if(E>=o.length){i.current=E-o.length;return}i.current=E},[u,d]=T.useState(!1),h=T.useRef(null),p=Ou();T.useEffect(()=>{Object.keys(e).length&&s(Qo.cloneDeep(e))},[e]),T.useEffect(()=>{const b=Object.keys(a).every(E=>H8e(a[E].value));d(b)},[a]);const m=T.useCallback(()=>{n(a),Object.keys(e).length&&s(Qo.cloneDeep(Object.fromEntries(Object.keys(e).map(b=>[b,{...e[b],value:void 0}]))))},[a,n,e]),v=T.useCallback(b=>{b.key==="Enter"&&u&&m()},[u,m]);T.useEffect(()=>{var b;!t&&h.current&&((b=h.current.querySelector("input"))==null||b.focus())},[t]);const _=Object.keys(a).map(b=>{const{type:E,sample:w,value:k}=a[b],y=(C,A)=>{const P=A.value;s(I=>({...I,[b]:{...I[b],value:P}})),i.current=o.length-1},F=C=>{(C.key==="ArrowUp"||C.key==="ArrowDown")&&(s(A=>{const P=JSON.parse(o[i.current].content);return{...A,[b]:{...A[b],value:P[b]}}}),console.log("ArrowUp"),l(C.key))};return Q.jsx(yD,{label:b,required:!0,orientation:"horizontal",className:q8e,size:"large",children:Q.jsx(Ad,{type:E,size:"large",onKeyDown:v,disabled:t,onChange:y,onKeyUp:F,placeholder:w,value:k??""})},b)});return Q.jsxs("div",{className:p.inputBox,"data-disabled":t,style:{display:"flex"},children:[Q.jsx("div",{style:{flex:1,marginBottom:-10},ref:h,children:_}),Q.jsxs("div",{className:U8e,children:[Q.jsx(cl,{relationship:"description",content:"Send message",children:Q.jsx(En,{as:"button",appearance:"primary",shape:"circular",style:{marginLeft:"10px",width:"40px",height:"36px",maxWidth:40,maxHeight:40},size:"medium",icon:Q.jsx(hle,{}),disabled:t||!u,onClick:m})}),r?Q.jsx(cl,{relationship:"description",content:lw.ClearHistoryTooltip,children:Q.jsx(En,{style:{marginLeft:"10px",width:"40px",height:"36px",maxWidth:40,maxHeight:40},as:"button",shape:"circular",size:"medium",icon:Q.jsx(YO,{}),disabled:t,onClick:r})}):void 0]})]})},W8e=(e,t)=>{const n=URL.createObjectURL(e),r=document.createElement("a");r.href=n,r.download=t,document.body.appendChild(r),r.click(),document.body.removeChild(r),URL.revokeObjectURL(n)},G8e=Fo({display:"flex",flexDirection:"column",marginBottom:15,"> label":{marginBottom:10,fontSize:16}}),K8e=()=>{const{isDark:e,setIsDark:t,messages:n,viewMode:r,setViewMode:o,chatDBRef:i,isDisableChatHistory:a,appConfig:s,setAppConfig:l,setIsDisableChatHistory:u}=T.useContext(eo),[d,h]=T.useState(),[p,m]=T.useState(!1),v=T.useCallback(()=>m(!1),[]),[_,b]=T.useState(!1),[E,w]=T.useState(!1),k=()=>{t(!e)},y=T.useCallback((U,pe)=>{h(pe.value)},[]),F=T.useCallback(()=>{var U;(U=i.current)==null||U.clear(),b(!1),setTimeout(()=>{window.location.reload()},200)},[]),C=()=>{WD.clearAllDataBase(i.current),w(!1),setTimeout(()=>{window.location.reload()},200)},A=T.useCallback(()=>{var pe,se;const U={id:s.id||up.v4(),type:z_,appDisplayName:d};l(J=>J!=null&&J.id?{...J,appDisplayName:d}:U),(se=(pe=i.current)==null?void 0:pe.getStore(c1))==null||se.put(U)},[d,s]),P=lo("appDisplayName"),I=T.useCallback(()=>{const U={};for(const[se,J]of n)U[se]=J;const pe=new Blob([JSON.stringify(U,void 0,2)],{type:"application/json"});W8e(pe,"chat-history.json")},[n]),j=T.useCallback(()=>{o(U=>U===Js.Normal?Js.Debug:Js.Normal)},[]),H=()=>{u(U=>!U)},K=T.useCallback(()=>{m(!0)},[]);return Q.jsxs(Q.Fragment,{children:[Q.jsx(cl,{content:"Settings",relationship:"label",children:Q.jsx(En,{icon:Q.jsx(mle,{}),onClick:K})}),Q.jsx(Kv,{modalType:"modal",open:p,children:Q.jsx(Qv,{style:{width:500,height:"100vh",marginRight:0},children:Q.jsxs(Vv,{children:[Q.jsx(Yv,{children:Q.jsxs("div",{style:{display:"flex",alignItems:"center",justifyContent:"space-between"},children:[Q.jsx("span",{children:"Settings"}),Q.jsx(En,{appearance:"subtle",icon:Q.jsx(cse,{}),onClick:v})]})}),Q.jsxs(Xv,{children:[Q.jsx("div",{children:Q.jsx(jg,{labelPosition:"after",label:lw.Settings.useDarkTheme,onChange:k,checked:e})}),Q.jsx("div",{children:Q.jsx(jg,{label:"Debug",checked:r===Js.Debug,onChange:j})}),Q.jsx("div",{children:Q.jsx(jg,{label:"Enable chat history",checked:!a,onChange:H})}),Q.jsx(O_,{style:{margin:"10px 0"}}),Q.jsxs("div",{className:G8e,children:[Q.jsx(Zo,{htmlFor:P,children:"Edit app name"}),Q.jsxs("div",{style:{display:"flex",width:"100%"},children:[Q.jsx(Ad,{id:P,value:d??(s==null?void 0:s.appDisplayName),style:{width:"100%"},size:"large",onChange:y}),Q.jsx(En,{style:{marginLeft:10},onClick:A,children:"Save"})]})]}),Q.jsx(En,{onClick:I,size:"large",appearance:"secondary",children:"Download history"}),Q.jsx(O_,{style:{margin:"10px 0"}}),Q.jsx(Zo,{children:"Clear Chat history"}),Q.jsxs("div",{style:{marginTop:10},children:[Q.jsxs(R_,{open:_,children:[Q.jsx(Wv,{disableButtonEnhancement:!0,children:Q.jsx(En,{size:"large",appearance:"subtle",onClick:()=>b(!0),children:"Clear current chat app"})}),Q.jsx(B_,{children:Q.jsxs("div",{style:{padding:10},children:[Q.jsx(Zo,{children:"Are you sure you want to clear the current chat app data?"}),Q.jsxs("div",{style:{display:"flex",justifyContent:"center",marginTop:10},children:[Q.jsx(En,{style:{marginRight:10},onClick:F,size:"large",appearance:"primary",children:"Yes"}),Q.jsx(En,{onClick:()=>b(!1),size:"large",appearance:"subtle",children:"No"})]})]})})]}),Q.jsxs(R_,{open:E,children:[Q.jsx(Wv,{disableButtonEnhancement:!0,children:Q.jsx(En,{style:{marginLeft:10},size:"large",appearance:"subtle",onClick:()=>w(!0),children:"Clear all chat app"})}),Q.jsx(B_,{children:Q.jsxs("div",{style:{padding:10},children:[Q.jsx(Zo,{children:"Are you sure you want to clear all chat app data?"}),Q.jsxs("div",{style:{display:"flex",justifyContent:"center",marginTop:10},children:[Q.jsx(En,{style:{marginRight:10},onClick:C,size:"large",appearance:"primary",children:"Yes"}),Q.jsx(En,{onClick:()=>w(!1),size:"large",appearance:"subtle",children:"No"})]})]})})]})]})]})]})})})]})},V8e=Fo({backgroundColor:"var(--colorNeutralBackground4)",padding:"10px 20px",borderRadius:16}),Y8e=({scoreInputs:e,isChatHistoryExist:t})=>{const[n,r]=T.useState(!1),[o,i]=T.useState(!0),{isDisableChatHistory:a,setIsChatHistoryExist:s,appConfig:l={},editMessageHandlerRef:u,currentMessageNavIdRef:d}=T.useContext(eo),h=Mhe(),p=Phe(),{id:m}=Du()??{},{setAddChatHistory:v}=Dhe(),_=zD(),b=she(),{setAddMessage:E,setResetAtIdAndRemoveAfterId:w}=xhe(),k=Fhe(),[y]=yl();T.useEffect(()=>{s(t)},[t]);const F=(P,I,j)=>{E(V6(P,j)),v(I,P,j),d.current=""},C=upe({url:"/score",method:"POST"},{onSettled:(P,I,j)=>{var H;if(r(!1),I){E(V6(I.message)),d.current="";return}F((P==null?void 0:P.data)??{},j||{},(H=P==null?void 0:P.config.metaData)==null?void 0:H.duration)}});u.current=async(P,I)=>{w(P,K6(I)),r(!0),C.mutate(I)};const A=async P=>{const I=fpe(P,p,t,a);d.current=m??"";const j=K6(I);if(E(j),y.length&&y[0].name===""){const H=Object.values(P)[0].value??"";k(H)}r(!0),C.mutate(I)};return Q.jsx(V1e,{containerStyles:{backgroundColor:"var(--colorNeutralBackground3)"},toolbarContainerStyles:{backgroundColor:"var(--colorNeutralBackground1)"},chatTitle:l.appDisplayName,isBottomTipVisible:o,isFullScreen:_,isChatbotTyping:n&&d.current===m,typingClassName:V8e,messages:h,onBottomTipVisibleChange:i,onClear:Qo.noop,LocStrings:lw,onToggleFullScreen:b,onClose:void 0,customToolbarActions:Q.jsx(K8e,{}),CustomMessageContentRenderer:M8e,customInputBox:Q.jsx($8e,{scoreInputs:e,isChatbotTyping:n,onScore:A}),onSendMessage:Qo.noop})},Q8e=async e=>new Promise((t,n)=>{const r=new FileReader;r.readAsDataURL(e),r.onload=function(){t(r.result)},r.onerror=function(o){n(o)}}),QN=({name:e="file-input",onFileChange:t,value:n})=>{const[r,o]=T.useState(n??""),i=T.useRef(null),a=T.useCallback(()=>{var l;(l=i.current)==null||l.click()},[]),s=T.useCallback(async l=>{var d;const u=(d=l.target.files)==null?void 0:d[0];if(u){const h=await Q8e(u);o(h),t==null||t(h)}},[t]);return Q.jsxs("div",{children:[Q.jsx("input",{type:"file",name:e,ref:i,onChange:s,style:{display:"none"}}),Q.jsx(tD,{icon:Q.jsx(ese,{}),shape:"square",onClick:a}),r?Q.jsx("div",{style:{paddingTop:15},children:Q.jsx(Gv,{bordered:!0,shape:"circular",src:r,alt:"image",style:{width:160,height:160}})}):void 0]})},X8e=()=>{const{name:e}=Du()??{};return T.useCallback(()=>{fP(e??"")},[e])},Z8e=Fo({".ms-Nav-groupContent":{"> .ms-Nav-navItems":{"> .ms-Nav-navItem":{button:{color:"var(--colorNeutralForeground1)"}}}}}),vh=Fo({display:"flex",flexDirection:"column",marginBottom:15,"> label":{marginBottom:5,fontSize:16}}),J8e={id:"newChat",name:"New chat",url:""},exe={display:"flex",width:"100%",whiteSpace:"nowrap",overflow:"hidden",textOverflow:"ellipsis",fontSize:18,fontWeight:"bold"},txe=({link:e})=>{const t=KD(),n=Nhe(),r=()=>{t()};return Q.jsx(En,{onClick:r,icon:Q.jsx(Zae,{}),shape:"rounded",disabled:!n,style:{width:"90%",marginLeft:"5%",marginTop:10,height:50},children:(e==null?void 0:e.name)??""})},nxe=e=>{var l,u,d,h,p,m;const{onDelete:t}=e,n=VD(),r=v=>{v&&n(v.id)},o=T.useCallback(v=>{v.stopPropagation()},[]),i=X8e(),a=T.useCallback(()=>{var v,_;console.log("on edit",e.link),(_=e.onEditing)==null||_.call(e,((v=e.link)==null?void 0:v.id)??"")},[e.onEditing,(l=e.link)==null?void 0:l.id]),s=T.useMemo(()=>Q.jsxs(QT,{children:[Q.jsx(sy,{children:Q.jsx(En,{shape:"circular",style:{},size:"small",onClick:o,icon:Q.jsx(XO,{})})}),Q.jsx(ZT,{children:Q.jsxs(XT,{children:[Q.jsx($h,{icon:Q.jsx(QO,{}),onClick:i,children:"Copy"}),Q.jsx($h,{icon:Q.jsx(pse,{}),onClick:a,children:"Update"}),Q.jsx($h,{icon:Q.jsx(ase,{}),onClick:t,children:"Delete"})]})})]}),[o,i]);return((u=e.link)==null?void 0:u.id)==="newChat"?Q.jsx(txe,{link:e.link}):Q.jsx(cl,{content:((d=e.link)==null?void 0:d.name)??"",relationship:"label",positioning:"after",children:Q.jsx(En,{onClick:()=>r(e.link),shape:"square",as:"a",style:{width:"94%",marginLeft:"3%",border:0,height:50,marginTop:10,backgroundColor:(h=e.link)!=null&&h.isSelected?"var(--colorNeutralBackground3)":""},icon:Q.jsx("span",{style:{visibility:(p=e.link)!=null&&p.isSelected?"visible":"hidden"},children:s}),iconPosition:"after",children:Q.jsx("span",{style:exe,children:(m=e.link)==null?void 0:m.name})})})},rxe=()=>{const[e]=yl(),[t,n]=T.useState(!1),[r,o]=T.useState(!1),[i,a]=T.useState(""),[s,l]=T.useState(""),[u,d]=T.useState(""),[h,p]=T.useState(""),[m,v]=T.useState(""),_=KD(),b=VD(),E=T.useCallback(ve=>{n(!0);const fe=e.find(R=>R.id===ve);a((fe==null?void 0:fe.name)??""),l((fe==null?void 0:fe.chatUserName)??""),d((fe==null?void 0:fe.chatUserAvatar)??""),p((fe==null?void 0:fe.chatBotName)??""),v((fe==null?void 0:fe.chatBotAvatar)??"")},[e]),w=Bhe(),k=T.useCallback((ve,fe)=>{ve.stopPropagation(),a(fe.value??"")},[]),y=T.useCallback((ve,fe)=>{ve.stopPropagation(),l(fe.value??"")},[]),F=T.useCallback(ve=>{d(ve)},[]),C=T.useCallback((ve,fe)=>{ve.stopPropagation(),p(fe.value??"")},[]),A=T.useCallback(ve=>{v(ve)},[]),P=()=>{w({name:i,chatUserName:s,chatUserAvatar:u,chatBotName:h,chatBotAvatar:m}),n(!1)},I=lo("navName"),j=lo("chatUserName"),H=lo("chatBotName"),K=lo("chatUserAvatar"),U=lo("chatBotAvatar");T.useEffect(()=>{console.log("realod the nav container")},[]);const pe=T.useMemo(()=>[J8e].concat(e.map(ve=>({id:ve.id,name:ve.name,url:"",isSelected:ve.isSelected}))),[e]),se=T.useMemo(()=>pe.filter(ve=>!!ve.name),[pe]),J=T.useCallback(()=>{o(!0)},[]),$=Ohe(),_e=T.useCallback(()=>{$(),o(!1),e.length===1?requestAnimationFrame(()=>{_()}):b(0)},[e,$,_]);return Q.jsxs(Q.Fragment,{children:[Q.jsx(_te,{className:Z8e,styles:{root:{width:320},compositeLink:{backgroundColor:"var(--colorNeutralBackground1)"}},linkAs:ve=>Q.jsx(nxe,{...ve,onEditing:E,onDelete:J}),groups:[{links:se}]}),Q.jsx(Kv,{open:t,children:Q.jsx(Qv,{children:Q.jsxs(Vv,{children:[Q.jsx(Yv,{children:"Edit this chat"}),Q.jsxs(Xv,{style:{margin:"5px 0 10px 0"},children:[Q.jsxs("div",{className:vh,children:[Q.jsx(Zo,{htmlFor:I,children:"Name"}),Q.jsx(Ad,{id:I,value:i,style:{width:"100%"},size:"large",onChange:k})]}),Q.jsxs("div",{className:vh,children:[Q.jsx(Zo,{htmlFor:j,children:"Chat user name"}),Q.jsx(Ad,{id:j,value:s,style:{width:"100%"},size:"large",onChange:y})]}),Q.jsxs("div",{className:vh,children:[Q.jsx(Zo,{htmlFor:K,children:"Chat user avatar"}),Q.jsx(QN,{name:"chatUserAvatar",onFileChange:F,value:u})]}),Q.jsxs("div",{className:vh,children:[Q.jsx(Zo,{htmlFor:H,children:"Chat bot name"}),Q.jsx(Ad,{id:H,value:h,style:{width:"100%"},size:"large",onChange:C})]}),Q.jsxs("div",{className:vh,children:[Q.jsx(Zo,{htmlFor:U,children:"Chat bot avatar"}),Q.jsx(QN,{name:"chatBotAvatar",onFileChange:A,value:m})]})]}),Q.jsxs(P_,{children:[Q.jsx(O0,{disableButtonEnhancement:!0,children:Q.jsx(En,{size:"large",appearance:"secondary",onClick:()=>n(!1),children:"Close"})}),Q.jsx(En,{size:"large",appearance:"primary",onClick:P,children:"Update"})]})]})})}),Q.jsx(Kv,{modalType:"alert",open:r,onOpenChange:(ve,fe)=>{o(fe.open)},children:Q.jsx(Qv,{children:Q.jsxs(Vv,{children:[Q.jsx(Yv,{children:"Delete the chat"}),Q.jsx(Xv,{children:"This chat will no longer appear here. Also all the messages in this chat will be deleted."}),Q.jsxs(P_,{children:[Q.jsx(O0,{disableButtonEnhancement:!0,children:Q.jsx(En,{appearance:"secondary",children:"Close"})}),Q.jsx(En,{appearance:"primary",onClick:_e,children:"Delete"})]})]})})})]})},oxe=e=>{var i,a,s,l,u;const t={},n=(l=(s=(a=(i=e.paths["/score"])==null?void 0:i.post)==null?void 0:a.requestBody)==null?void 0:s.content)==null?void 0:l["application/json"],r=(u=n==null?void 0:n.schema)==null?void 0:u.properties;if(!r||Object.keys(r).length===0)return{inputs:t,isChatHistoryExist:!1};const o=Object.keys(r).includes(Lc);return Object.keys(r).filter(d=>d!==Lc).forEach(d=>{var h,p;t[d]={type:r[d].type,sample:(h=n==null?void 0:n.example)==null?void 0:h[d],value:((p=n==null?void 0:n.example)==null?void 0:p[d])??""}}),{inputs:t,isChatHistoryExist:o}},ixe=()=>{const{isLoading:e,data:t}=lpe({url:"/swagger.json",method:"GET"}),{inputs:n,isChatHistoryExist:r}=T.useMemo(()=>t!=null&&t.data?oxe(t.data):{inputs:{},isChatHistoryExist:!1},[t]),o=T.useMemo(()=>{var a;const i=((a=t==null?void 0:t.data)==null?void 0:a.info)??{};return{name:i["x-flow-name"]??"Prompt flow",version:i.version??""}},[t]);return{isLoading:e,inputs:n,appInfo:o,isChatHistoryExist:r}},axe=()=>{const{setAppInfo:e}=T.useContext(eo),{inputs:t,appInfo:n,isChatHistoryExist:r}=ixe();return khe(n),T.useEffect(()=>{e(n)},[n]),Q.jsxs(wR,{horizontal:!0,style:{height:"100vh"},children:[Q.jsx(rxe,{}),Q.jsx("div",{style:{flex:1,width:"100%",overflow:"hidden"},children:Q.jsx(Y8e,{scoreInputs:t,appInfo:n,isChatHistoryExist:r})})]})},sxe=OT({container:{width:"100%",height:"100%",display:"flex",alignItems:"center",justifyContent:"center"}}),lxe=()=>{const e=sxe();return Q.jsx("div",{className:e.container,children:Q.jsx(TD,{label:"Loading..."})})};class il{static get(t){const n=localStorage.getItem(t);return n===null?null:JSON.parse(n)}static set(t,n){localStorage.setItem(t,JSON.stringify(n))}}const uxe=()=>{const[e,t]=T.useState(new Map),[n,r]=T.useState(!1),[o,i]=T.useState({}),[a,s]=T.useState({}),l=T.useRef(""),[u,d]=T.useState(new Map),[h,p]=fxe(),[m,v]=cxe(),[_,b]=dxe(),[E,w]=T.useState([]),k=T.useRef(),y=T.useRef(),F=T.useRef(),C=T.useMemo(()=>cp(o.name,o.version),[o.name,o.version]);return T.useMemo(()=>({appInfo:o,setAppInfo:i,chatStoreName:C,currentMessageNavIdRef:l,isDark:_,setIsDark:b,isDisableChatHistory:h,setIsDisableChatHistory:p,messages:e,setMessages:t,isChatHistoryExist:n,setIsChatHistoryExist:r,chatHistory:u,setChatHistory:d,viewMode:m,setViewMode:v,editMessageHandlerRef:k,chatDBRef:y,chatStoreRef:F,navList:E,setNavList:w,appConfig:a,setAppConfig:s}),[_,b,C,h,p,m,v,e,u,o,E,a])},cxe=()=>{const[e,t]=T.useState(()=>il.get("viewMode")??Js.Normal),n=T.useCallback(r=>{typeof r=="function"?t(o=>{const i=r(o);return il.set("viewMode",i),i}):(t(r),il.set("viewMode",r))},[]);return[e,n]},fxe=()=>{const[e,t]=T.useState(()=>il.get("isDisableChatHistory")??!1),n=T.useCallback(r=>{typeof r=="function"?t(o=>{const i=r(o);return il.set("isDisableChatHistory",i),i}):(il.set("isDisableChatHistory",r),t(r))},[]);return[e,n]},dxe=()=>{const[e,t]=T.useState(()=>il.get("isDark")??!1),n=T.useCallback(r=>{typeof r=="function"?t(o=>{const i=r(o);return il.set("isDark",i),i}):(t(r),il.set("isDark",r))},[]);return[e,n]},hxe=()=>{const e=uxe(),t=T.useMemo(()=>e.isDark?oae:eae,[e.isDark]);return Q.jsx(A1e,{client:P1e,children:Q.jsx(eo.Provider,{value:e,children:Q.jsx(ny,{theme:t,style:{width:"100%"},children:Q.jsx(T.Suspense,{fallback:Q.jsx(lxe,{}),children:Q.jsx(axe,{})})})})})};pte();LB.render(Q.jsx(hxe,{}),document.getElementById("root"))});export default pxe();
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/_serving/static/index.html | <!DOCTYPE html>
<html lang="en">
<head>
<meta charset="UTF-8" />
<meta name="viewport" content="width=device-width, initial-scale=1.0" />
<title>Local Server Test App</title>
<style>
html,
body {
height: 100%;
width: 100%;
box-sizing: border-box;
padding: 0;
margin: 0;
}
#root {
height: 100%;
width: 100%;
display: flex;
}
</style>
<script type="module" crossorigin src="/static/index.js"></script>
</head>
<body>
<div id="root"></div>
<script>
const time = new Date().toISOString();
const now = performance.now();
console.log("[perf " + time + " " + now + "]" + " load script start");
</script>
</body>
</html>
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/tool.schema.json | {
"$schema": "http://json-schema.org/draft-04/schema#",
"title": "Tool",
"type": "object",
"properties": {
"name": {
"type": "string"
},
"type": {
"$ref": "#/definitions/ToolType"
},
"inputs": {
"type": "object",
"additionalProperties": {
"$ref": "#/definitions/InputDefinition"
}
},
"outputs": {
"type": "object",
"additionalProperties": {
"$ref": "#/definitions/OutputDefinition"
}
},
"description": {
"type": "string"
},
"connection_type": {
"type": "array",
"items": {
"$ref": "#/definitions/ConnectionType"
}
},
"module": {
"type": "string"
},
"class_name": {
"type": "string"
},
"source": {
"type": "string"
},
"LkgCode": {
"type": "string"
},
"code": {
"type": "string"
},
"function": {
"type": "string"
},
"action_type": {
"type": "string"
},
"provider_config": {
"type": "object",
"additionalProperties": {
"$ref": "#/definitions/InputDefinition"
}
},
"function_config": {
"type": "object",
"additionalProperties": {
"$ref": "#/definitions/InputDefinition"
}
},
"icon": {},
"category": {
"type": "string"
},
"tags": {
"type": "object",
"additionalProperties": {}
},
"is_builtin": {
"type": "boolean"
},
"package": {
"type": "string"
},
"package_version": {
"type": "string"
},
"default_prompt": {
"type": "string"
},
"enable_kwargs": {
"type": "boolean"
},
"deprecated_tools": {
"type": "array",
"items": {
"type": "string"
}
},
"tool_state": {
"$ref": "#/definitions/ToolState"
}
},
"definitions": {
"ToolType": {
"type": "string",
"description": "",
"x-enumNames": [
"Llm",
"Python",
"Action",
"Prompt",
"CustomLLM",
"CSharp"
],
"enum": [
"llm",
"python",
"action",
"prompt",
"custom_llm",
"csharp"
]
},
"InputDefinition": {
"type": "object",
"properties": {
"name": {
"type": "string"
},
"type": {
"type": "array",
"items": {
"$ref": "#/definitions/ValueType"
}
},
"default": {},
"description": {
"type": "string"
},
"enum": {
"type": "array",
"items": {
"type": "string"
}
},
"enabled_by": {
"type": "string"
},
"enabled_by_type": {
"type": "array",
"items": {
"$ref": "#/definitions/ValueType"
}
},
"enabled_by_value": {
"type": "array",
"items": {}
},
"model_list": {
"type": "array",
"items": {
"type": "string"
}
},
"capabilities": {
"$ref": "#/definitions/AzureOpenAIModelCapabilities"
},
"dynamic_list": {
"$ref": "#/definitions/ToolInputDynamicList"
},
"allow_manual_entry": {
"type": "boolean"
},
"is_multi_select": {
"type": "boolean"
},
"generated_by": {
"$ref": "#/definitions/ToolInputGeneratedBy"
},
"input_type": {
"$ref": "#/definitions/InputType"
},
"advanced": {
"type": [
"boolean",
"null"
]
},
"ui_hints": {
"type": "object",
"additionalProperties": {}
}
}
},
"ValueType": {
"type": "string",
"description": "",
"x-enumNames": [
"Int",
"Double",
"Bool",
"String",
"Secret",
"PromptTemplate",
"Object",
"List",
"BingConnection",
"OpenAIConnection",
"AzureOpenAIConnection",
"AzureContentModeratorConnection",
"CustomConnection",
"AzureContentSafetyConnection",
"SerpConnection",
"CognitiveSearchConnection",
"SubstrateLLMConnection",
"PineconeConnection",
"QdrantConnection",
"WeaviateConnection",
"FunctionList",
"FunctionStr",
"FormRecognizerConnection",
"FilePath",
"Image"
],
"enum": [
"int",
"double",
"bool",
"string",
"secret",
"prompt_template",
"object",
"list",
"BingConnection",
"OpenAIConnection",
"AzureOpenAIConnection",
"AzureContentModeratorConnection",
"CustomConnection",
"AzureContentSafetyConnection",
"SerpConnection",
"CognitiveSearchConnection",
"SubstrateLLMConnection",
"PineconeConnection",
"QdrantConnection",
"WeaviateConnection",
"function_list",
"function_str",
"FormRecognizerConnection",
"file_path",
"image"
]
},
"AzureOpenAIModelCapabilities": {
"type": "object",
"properties": {
"completion": {
"type": [
"boolean",
"null"
]
},
"chat_completion": {
"type": [
"boolean",
"null"
]
},
"embeddings": {
"type": [
"boolean",
"null"
]
}
}
},
"ToolInputDynamicList": {
"type": "object",
"properties": {
"func_path": {
"type": "string"
},
"func_kwargs": {
"type": "array",
"description": "Sample value in yaml\nfunc_kwargs:\n- name: prefix # Argument name to be passed to the function\n type: \n - string\n # if optional is not specified, default to false.\n # this is for UX pre-validaton. If optional is false, but no input. UX can throw error in advanced.\n optional: true\n reference: ${inputs.index_prefix} # Dynamic reference to another input parameter\n- name: size # Another argument name to be passed to the function\n type: \n - int\n optional: true\n default: 10",
"items": {
"type": "object",
"additionalProperties": {}
}
}
}
},
"ToolInputGeneratedBy": {
"type": "object",
"properties": {
"func_path": {
"type": "string"
},
"func_kwargs": {
"type": "array",
"description": "Sample value in yaml\nfunc_kwargs:\n- name: index_type # Argument name to be passed to the function\n type: \n - string\n optional: true\n reference: ${inputs.index_type} # Dynamic reference to another input parameter\n- name: index # Another argument name to be passed to the function\n type: \n - string\n optional: true\n reference: ${inputs.index}",
"items": {
"type": "object",
"additionalProperties": {}
}
},
"reverse_func_path": {
"type": "string"
}
}
},
"InputType": {
"type": "string",
"description": "",
"x-enumNames": [
"Default",
"UIOnly_Hidden"
],
"enum": [
"default",
"uionly_hidden"
]
},
"OutputDefinition": {
"type": "object",
"properties": {
"name": {
"type": "string"
},
"type": {
"type": "array",
"items": {
"$ref": "#/definitions/ValueType"
}
},
"description": {
"type": "string"
},
"isProperty": {
"type": "boolean"
}
}
},
"ConnectionType": {
"type": "string",
"description": "",
"x-enumNames": [
"OpenAI",
"AzureOpenAI",
"Serp",
"Bing",
"AzureContentModerator",
"Custom",
"AzureContentSafety",
"CognitiveSearch",
"SubstrateLLM",
"Pinecone",
"Qdrant",
"Weaviate",
"FormRecognizer"
],
"enum": [
"OpenAI",
"AzureOpenAI",
"Serp",
"Bing",
"AzureContentModerator",
"Custom",
"AzureContentSafety",
"CognitiveSearch",
"SubstrateLLM",
"Pinecone",
"Qdrant",
"Weaviate",
"FormRecognizer"
]
},
"ToolState": {
"type": "string",
"description": "",
"x-enumNames": [
"Stable",
"Preview",
"Deprecated"
],
"enum": [
"stable",
"preview",
"deprecated"
]
}
}
}
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/visualize.j2 | <!DOCTYPE html>
<html lang="en">
<head>
<meta charset="UTF-8">
<meta name="viewport" content="width=device-width, initial-scale=1.0">
<title>Run Details</title>
</head>
<body>
<div id="root"></div>
<script>
window.bulk_test_details_data = {{ data }}
</script>
<script src="{{ js_path }}"></script>
</body>
</html>
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/bulkTestDetails.min.js | var NIt=Object.defineProperty;var LIt=(S$,CR,x$)=>CR in S$?NIt(S$,CR,{enumerable:!0,configurable:!0,writable:!0,value:x$}):S$[CR]=x$;var ri=(S$,CR,x$)=>(LIt(S$,typeof CR!="symbol"?CR+"":CR,x$),x$);(function(){var S$,CR,x$,Pit;"use strict";function _mergeNamespaces(g,b){for(var m=0;m<b.length;m++){const w=b[m];if(typeof w!="string"&&!Array.isArray(w)){for(const _ in w)if(_!=="default"&&!(_ in g)){const C=Object.getOwnPropertyDescriptor(w,_);C&&Object.defineProperty(g,_,C.get?C:{enumerable:!0,get:()=>w[_]})}}}return Object.freeze(Object.defineProperty(g,Symbol.toStringTag,{value:"Module"}))}var commonjsGlobal=typeof globalThis<"u"?globalThis:typeof window<"u"?window:typeof global<"u"?global:typeof self<"u"?self:{};function getDefaultExportFromCjs(g){return g&&g.__esModule&&Object.prototype.hasOwnProperty.call(g,"default")?g.default:g}function getAugmentedNamespace(g){if(g.__esModule)return g;var b=g.default;if(typeof b=="function"){var m=function w(){if(this instanceof w){var _=[null];_.push.apply(_,arguments);var C=Function.bind.apply(b,_);return new C}return b.apply(this,arguments)};m.prototype=b.prototype}else m={};return Object.defineProperty(m,"__esModule",{value:!0}),Object.keys(g).forEach(function(w){var _=Object.getOwnPropertyDescriptor(g,w);Object.defineProperty(m,w,_.get?_:{enumerable:!0,get:function(){return g[w]}})}),m}var jsxRuntime={exports:{}},reactJsxRuntime_production_min={};/*
object-assign
(c) Sindre Sorhus
@license MIT
*/var objectAssign,hasRequiredObjectAssign;function requireObjectAssign(){if(hasRequiredObjectAssign)return objectAssign;hasRequiredObjectAssign=1;var g=Object.getOwnPropertySymbols,b=Object.prototype.hasOwnProperty,m=Object.prototype.propertyIsEnumerable;function w(C){if(C==null)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(C)}function _(){try{if(!Object.assign)return!1;var C=new String("abc");if(C[5]="de",Object.getOwnPropertyNames(C)[0]==="5")return!1;for(var k={},I=0;I<10;I++)k["_"+String.fromCharCode(I)]=I;var $=Object.getOwnPropertyNames(k).map(function(M){return k[M]});if($.join("")!=="0123456789")return!1;var P={};return"abcdefghijklmnopqrst".split("").forEach(function(M){P[M]=M}),Object.keys(Object.assign({},P)).join("")==="abcdefghijklmnopqrst"}catch{return!1}}return objectAssign=_()?Object.assign:function(C,k){for(var I,$=w(C),P,M=1;M<arguments.length;M++){I=Object(arguments[M]);for(var U in I)b.call(I,U)&&($[U]=I[U]);if(g){P=g(I);for(var G=0;G<P.length;G++)m.call(I,P[G])&&($[P[G]]=I[P[G]])}}return $},objectAssign}var react={exports:{}},react_production_min={};/** @license React v17.0.2
* react.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReact_production_min;function requireReact_production_min(){if(hasRequiredReact_production_min)return react_production_min;hasRequiredReact_production_min=1;var g=requireObjectAssign(),b=60103,m=60106;react_production_min.Fragment=60107,react_production_min.StrictMode=60108,react_production_min.Profiler=60114;var w=60109,_=60110,C=60112;react_production_min.Suspense=60113;var k=60115,I=60116;if(typeof Symbol=="function"&&Symbol.for){var $=Symbol.for;b=$("react.element"),m=$("react.portal"),react_production_min.Fragment=$("react.fragment"),react_production_min.StrictMode=$("react.strict_mode"),react_production_min.Profiler=$("react.profiler"),w=$("react.provider"),_=$("react.context"),C=$("react.forward_ref"),react_production_min.Suspense=$("react.suspense"),k=$("react.memo"),I=$("react.lazy")}var P=typeof Symbol=="function"&&Symbol.iterator;function M(mt){return mt===null||typeof mt!="object"?null:(mt=P&&mt[P]||mt["@@iterator"],typeof mt=="function"?mt:null)}function U(mt){for(var en="https://reactjs.org/docs/error-decoder.html?invariant="+mt,st=1;st<arguments.length;st++)en+="&args[]="+encodeURIComponent(arguments[st]);return"Minified React error #"+mt+"; visit "+en+" for the full message or use the non-minified dev environment for full errors and additional helpful warnings."}var G={isMounted:function(){return!1},enqueueForceUpdate:function(){},enqueueReplaceState:function(){},enqueueSetState:function(){}},X={};function Z(mt,en,st){this.props=mt,this.context=en,this.refs=X,this.updater=st||G}Z.prototype.isReactComponent={},Z.prototype.setState=function(mt,en){if(typeof mt!="object"&&typeof mt!="function"&&mt!=null)throw Error(U(85));this.updater.enqueueSetState(this,mt,en,"setState")},Z.prototype.forceUpdate=function(mt){this.updater.enqueueForceUpdate(this,mt,"forceUpdate")};function ne(){}ne.prototype=Z.prototype;function re(mt,en,st){this.props=mt,this.context=en,this.refs=X,this.updater=st||G}var ve=re.prototype=new ne;ve.constructor=re,g(ve,Z.prototype),ve.isPureReactComponent=!0;var Se={current:null},ge=Object.prototype.hasOwnProperty,oe={key:!0,ref:!0,__self:!0,__source:!0};function me(mt,en,st){var Fe,Re={},Ae=null,je=null;if(en!=null)for(Fe in en.ref!==void 0&&(je=en.ref),en.key!==void 0&&(Ae=""+en.key),en)ge.call(en,Fe)&&!oe.hasOwnProperty(Fe)&&(Re[Fe]=en[Fe]);var Ge=arguments.length-2;if(Ge===1)Re.children=st;else if(1<Ge){for(var Be=Array(Ge),We=0;We<Ge;We++)Be[We]=arguments[We+2];Re.children=Be}if(mt&&mt.defaultProps)for(Fe in Ge=mt.defaultProps,Ge)Re[Fe]===void 0&&(Re[Fe]=Ge[Fe]);return{$$typeof:b,type:mt,key:Ae,ref:je,props:Re,_owner:Se.current}}function De(mt,en){return{$$typeof:b,type:mt.type,key:en,ref:mt.ref,props:mt.props,_owner:mt._owner}}function Le(mt){return typeof mt=="object"&&mt!==null&&mt.$$typeof===b}function rt(mt){var en={"=":"=0",":":"=2"};return"$"+mt.replace(/[=:]/g,function(st){return en[st]})}var Ue=/\/+/g;function Ze(mt,en){return typeof mt=="object"&&mt!==null&&mt.key!=null?rt(""+mt.key):en.toString(36)}function gt(mt,en,st,Fe,Re){var Ae=typeof mt;(Ae==="undefined"||Ae==="boolean")&&(mt=null);var je=!1;if(mt===null)je=!0;else switch(Ae){case"string":case"number":je=!0;break;case"object":switch(mt.$$typeof){case b:case m:je=!0}}if(je)return je=mt,Re=Re(je),mt=Fe===""?"."+Ze(je,0):Fe,Array.isArray(Re)?(st="",mt!=null&&(st=mt.replace(Ue,"$&/")+"/"),gt(Re,en,st,"",function(We){return We})):Re!=null&&(Le(Re)&&(Re=De(Re,st+(!Re.key||je&&je.key===Re.key?"":(""+Re.key).replace(Ue,"$&/")+"/")+mt)),en.push(Re)),1;if(je=0,Fe=Fe===""?".":Fe+":",Array.isArray(mt))for(var Ge=0;Ge<mt.length;Ge++){Ae=mt[Ge];var Be=Fe+Ze(Ae,Ge);je+=gt(Ae,en,st,Be,Re)}else if(Be=M(mt),typeof Be=="function")for(mt=Be.call(mt),Ge=0;!(Ae=mt.next()).done;)Ae=Ae.value,Be=Fe+Ze(Ae,Ge++),je+=gt(Ae,en,st,Be,Re);else if(Ae==="object")throw en=""+mt,Error(U(31,en==="[object Object]"?"object with keys {"+Object.keys(mt).join(", ")+"}":en));return je}function $t(mt,en,st){if(mt==null)return mt;var Fe=[],Re=0;return gt(mt,Fe,"","",function(Ae){return en.call(st,Ae,Re++)}),Fe}function Xe(mt){if(mt._status===-1){var en=mt._result;en=en(),mt._status=0,mt._result=en,en.then(function(st){mt._status===0&&(st=st.default,mt._status=1,mt._result=st)},function(st){mt._status===0&&(mt._status=2,mt._result=st)})}if(mt._status===1)return mt._result;throw mt._result}var xe={current:null};function Tn(){var mt=xe.current;if(mt===null)throw Error(U(321));return mt}var Rt={ReactCurrentDispatcher:xe,ReactCurrentBatchConfig:{transition:0},ReactCurrentOwner:Se,IsSomeRendererActing:{current:!1},assign:g};return react_production_min.Children={map:$t,forEach:function(mt,en,st){$t(mt,function(){en.apply(this,arguments)},st)},count:function(mt){var en=0;return $t(mt,function(){en++}),en},toArray:function(mt){return $t(mt,function(en){return en})||[]},only:function(mt){if(!Le(mt))throw Error(U(143));return mt}},react_production_min.Component=Z,react_production_min.PureComponent=re,react_production_min.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED=Rt,react_production_min.cloneElement=function(mt,en,st){if(mt==null)throw Error(U(267,mt));var Fe=g({},mt.props),Re=mt.key,Ae=mt.ref,je=mt._owner;if(en!=null){if(en.ref!==void 0&&(Ae=en.ref,je=Se.current),en.key!==void 0&&(Re=""+en.key),mt.type&&mt.type.defaultProps)var Ge=mt.type.defaultProps;for(Be in en)ge.call(en,Be)&&!oe.hasOwnProperty(Be)&&(Fe[Be]=en[Be]===void 0&&Ge!==void 0?Ge[Be]:en[Be])}var Be=arguments.length-2;if(Be===1)Fe.children=st;else if(1<Be){Ge=Array(Be);for(var We=0;We<Be;We++)Ge[We]=arguments[We+2];Fe.children=Ge}return{$$typeof:b,type:mt.type,key:Re,ref:Ae,props:Fe,_owner:je}},react_production_min.createContext=function(mt,en){return en===void 0&&(en=null),mt={$$typeof:_,_calculateChangedBits:en,_currentValue:mt,_currentValue2:mt,_threadCount:0,Provider:null,Consumer:null},mt.Provider={$$typeof:w,_context:mt},mt.Consumer=mt},react_production_min.createElement=me,react_production_min.createFactory=function(mt){var en=me.bind(null,mt);return en.type=mt,en},react_production_min.createRef=function(){return{current:null}},react_production_min.forwardRef=function(mt){return{$$typeof:C,render:mt}},react_production_min.isValidElement=Le,react_production_min.lazy=function(mt){return{$$typeof:I,_payload:{_status:-1,_result:mt},_init:Xe}},react_production_min.memo=function(mt,en){return{$$typeof:k,type:mt,compare:en===void 0?null:en}},react_production_min.useCallback=function(mt,en){return Tn().useCallback(mt,en)},react_production_min.useContext=function(mt,en){return Tn().useContext(mt,en)},react_production_min.useDebugValue=function(){},react_production_min.useEffect=function(mt,en){return Tn().useEffect(mt,en)},react_production_min.useImperativeHandle=function(mt,en,st){return Tn().useImperativeHandle(mt,en,st)},react_production_min.useLayoutEffect=function(mt,en){return Tn().useLayoutEffect(mt,en)},react_production_min.useMemo=function(mt,en){return Tn().useMemo(mt,en)},react_production_min.useReducer=function(mt,en,st){return Tn().useReducer(mt,en,st)},react_production_min.useRef=function(mt){return Tn().useRef(mt)},react_production_min.useState=function(mt){return Tn().useState(mt)},react_production_min.version="17.0.2",react_production_min}var react_development={};/** @license React v17.0.2
* react.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReact_development;function requireReact_development(){return hasRequiredReact_development||(hasRequiredReact_development=1,function(g){({}).NODE_ENV!=="production"&&function(){var b=requireObjectAssign(),m="17.0.2",w=60103,_=60106;g.Fragment=60107,g.StrictMode=60108,g.Profiler=60114;var C=60109,k=60110,I=60112;g.Suspense=60113;var $=60120,P=60115,M=60116,U=60121,G=60122,X=60117,Z=60129,ne=60131;if(typeof Symbol=="function"&&Symbol.for){var re=Symbol.for;w=re("react.element"),_=re("react.portal"),g.Fragment=re("react.fragment"),g.StrictMode=re("react.strict_mode"),g.Profiler=re("react.profiler"),C=re("react.provider"),k=re("react.context"),I=re("react.forward_ref"),g.Suspense=re("react.suspense"),$=re("react.suspense_list"),P=re("react.memo"),M=re("react.lazy"),U=re("react.block"),G=re("react.server.block"),X=re("react.fundamental"),re("react.scope"),re("react.opaque.id"),Z=re("react.debug_trace_mode"),re("react.offscreen"),ne=re("react.legacy_hidden")}var ve=typeof Symbol=="function"&&Symbol.iterator,Se="@@iterator";function ge(Ve){if(Ve===null||typeof Ve!="object")return null;var ut=ve&&Ve[ve]||Ve[Se];return typeof ut=="function"?ut:null}var oe={current:null},me={transition:0},De={current:null},Le={},rt=null;function Ue(Ve){rt=Ve}Le.setExtraStackFrame=function(Ve){rt=Ve},Le.getCurrentStack=null,Le.getStackAddendum=function(){var Ve="";rt&&(Ve+=rt);var ut=Le.getCurrentStack;return ut&&(Ve+=ut()||""),Ve};var Ze={current:!1},gt={ReactCurrentDispatcher:oe,ReactCurrentBatchConfig:me,ReactCurrentOwner:De,IsSomeRendererActing:Ze,assign:b};gt.ReactDebugCurrentFrame=Le;function $t(Ve){{for(var ut=arguments.length,Mt=new Array(ut>1?ut-1:0),An=1;An<ut;An++)Mt[An-1]=arguments[An];xe("warn",Ve,Mt)}}function Xe(Ve){{for(var ut=arguments.length,Mt=new Array(ut>1?ut-1:0),An=1;An<ut;An++)Mt[An-1]=arguments[An];xe("error",Ve,Mt)}}function xe(Ve,ut,Mt){{var An=gt.ReactDebugCurrentFrame,Xn=An.getStackAddendum();Xn!==""&&(ut+="%s",Mt=Mt.concat([Xn]));var Fi=Mt.map(function(yi){return""+yi});Fi.unshift("Warning: "+ut),Function.prototype.apply.call(console[Ve],console,Fi)}}var Tn={};function Rt(Ve,ut){{var Mt=Ve.constructor,An=Mt&&(Mt.displayName||Mt.name)||"ReactClass",Xn=An+"."+ut;if(Tn[Xn])return;Xe("Can't call %s on a component that is not yet mounted. This is a no-op, but it might indicate a bug in your application. Instead, assign to `this.state` directly or define a `state = {};` class property with the desired state in the %s component.",ut,An),Tn[Xn]=!0}}var mt={isMounted:function(Ve){return!1},enqueueForceUpdate:function(Ve,ut,Mt){Rt(Ve,"forceUpdate")},enqueueReplaceState:function(Ve,ut,Mt,An){Rt(Ve,"replaceState")},enqueueSetState:function(Ve,ut,Mt,An){Rt(Ve,"setState")}},en={};Object.freeze(en);function st(Ve,ut,Mt){this.props=Ve,this.context=ut,this.refs=en,this.updater=Mt||mt}st.prototype.isReactComponent={},st.prototype.setState=function(Ve,ut){if(!(typeof Ve=="object"||typeof Ve=="function"||Ve==null))throw Error("setState(...): takes an object of state variables to update or a function which returns an object of state variables.");this.updater.enqueueSetState(this,Ve,ut,"setState")},st.prototype.forceUpdate=function(Ve){this.updater.enqueueForceUpdate(this,Ve,"forceUpdate")};{var Fe={isMounted:["isMounted","Instead, make sure to clean up subscriptions and pending requests in componentWillUnmount to prevent memory leaks."],replaceState:["replaceState","Refactor your code to use setState instead (see https://github.com/facebook/react/issues/3236)."]},Re=function(Ve,ut){Object.defineProperty(st.prototype,Ve,{get:function(){$t("%s(...) is deprecated in plain JavaScript React classes. %s",ut[0],ut[1])}})};for(var Ae in Fe)Fe.hasOwnProperty(Ae)&&Re(Ae,Fe[Ae])}function je(){}je.prototype=st.prototype;function Ge(Ve,ut,Mt){this.props=Ve,this.context=ut,this.refs=en,this.updater=Mt||mt}var Be=Ge.prototype=new je;Be.constructor=Ge,b(Be,st.prototype),Be.isPureReactComponent=!0;function We(){var Ve={current:null};return Object.seal(Ve),Ve}function lt(Ve,ut,Mt){var An=ut.displayName||ut.name||"";return Ve.displayName||(An!==""?Mt+"("+An+")":Mt)}function Tt(Ve){return Ve.displayName||"Context"}function Je(Ve){if(Ve==null)return null;if(typeof Ve.tag=="number"&&Xe("Received an unexpected object in getComponentName(). This is likely a bug in React. Please file an issue."),typeof Ve=="function")return Ve.displayName||Ve.name||null;if(typeof Ve=="string")return Ve;switch(Ve){case g.Fragment:return"Fragment";case _:return"Portal";case g.Profiler:return"Profiler";case g.StrictMode:return"StrictMode";case g.Suspense:return"Suspense";case $:return"SuspenseList"}if(typeof Ve=="object")switch(Ve.$$typeof){case k:var ut=Ve;return Tt(ut)+".Consumer";case C:var Mt=Ve;return Tt(Mt._context)+".Provider";case I:return lt(Ve,Ve.render,"ForwardRef");case P:return Je(Ve.type);case U:return Je(Ve._render);case M:{var An=Ve,Xn=An._payload,Fi=An._init;try{return Je(Fi(Xn))}catch{return null}}}return null}var qt=Object.prototype.hasOwnProperty,Pt={key:!0,ref:!0,__self:!0,__source:!0},_t,lr,jn;jn={};function ii(Ve){if(qt.call(Ve,"ref")){var ut=Object.getOwnPropertyDescriptor(Ve,"ref").get;if(ut&&ut.isReactWarning)return!1}return Ve.ref!==void 0}function Zi(Ve){if(qt.call(Ve,"key")){var ut=Object.getOwnPropertyDescriptor(Ve,"key").get;if(ut&&ut.isReactWarning)return!1}return Ve.key!==void 0}function No(Ve,ut){var Mt=function(){_t||(_t=!0,Xe("%s: `key` is not a prop. Trying to access it will result in `undefined` being returned. If you need to access the same value within the child component, you should pass it as a different prop. (https://reactjs.org/link/special-props)",ut))};Mt.isReactWarning=!0,Object.defineProperty(Ve,"key",{get:Mt,configurable:!0})}function Is(Ve,ut){var Mt=function(){lr||(lr=!0,Xe("%s: `ref` is not a prop. Trying to access it will result in `undefined` being returned. If you need to access the same value within the child component, you should pass it as a different prop. (https://reactjs.org/link/special-props)",ut))};Mt.isReactWarning=!0,Object.defineProperty(Ve,"ref",{get:Mt,configurable:!0})}function Ca(Ve){if(typeof Ve.ref=="string"&&De.current&&Ve.__self&&De.current.stateNode!==Ve.__self){var ut=Je(De.current.type);jn[ut]||(Xe('Component "%s" contains the string ref "%s". Support for string refs will be removed in a future major release. This case cannot be automatically converted to an arrow function. We ask you to manually fix this case by using useRef() or createRef() instead. Learn more about using refs safely here: https://reactjs.org/link/strict-mode-string-ref',ut,Ve.ref),jn[ut]=!0)}}var Xs=function(Ve,ut,Mt,An,Xn,Fi,yi){var _i={$$typeof:w,type:Ve,key:ut,ref:Mt,props:yi,_owner:Fi};return _i._store={},Object.defineProperty(_i._store,"validated",{configurable:!1,enumerable:!1,writable:!0,value:!1}),Object.defineProperty(_i,"_self",{configurable:!1,enumerable:!1,writable:!1,value:An}),Object.defineProperty(_i,"_source",{configurable:!1,enumerable:!1,writable:!1,value:Xn}),Object.freeze&&(Object.freeze(_i.props),Object.freeze(_i)),_i};function Io(Ve,ut,Mt){var An,Xn={},Fi=null,yi=null,_i=null,Oi=null;if(ut!=null){ii(ut)&&(yi=ut.ref,Ca(ut)),Zi(ut)&&(Fi=""+ut.key),_i=ut.__self===void 0?null:ut.__self,Oi=ut.__source===void 0?null:ut.__source;for(An in ut)qt.call(ut,An)&&!Pt.hasOwnProperty(An)&&(Xn[An]=ut[An])}var lo=arguments.length-2;if(lo===1)Xn.children=Mt;else if(lo>1){for(var va=Array(lo),ac=0;ac<lo;ac++)va[ac]=arguments[ac+2];Object.freeze&&Object.freeze(va),Xn.children=va}if(Ve&&Ve.defaultProps){var Zs=Ve.defaultProps;for(An in Zs)Xn[An]===void 0&&(Xn[An]=Zs[An])}if(Fi||yi){var fl=typeof Ve=="function"?Ve.displayName||Ve.name||"Unknown":Ve;Fi&&No(Xn,fl),yi&&Is(Xn,fl)}return Xs(Ve,Fi,yi,_i,Oi,De.current,Xn)}function pi(Ve,ut){var Mt=Xs(Ve.type,ut,Ve.ref,Ve._self,Ve._source,Ve._owner,Ve.props);return Mt}function Es(Ve,ut,Mt){if(Ve==null)throw Error("React.cloneElement(...): The argument must be a React element, but you passed "+Ve+".");var An,Xn=b({},Ve.props),Fi=Ve.key,yi=Ve.ref,_i=Ve._self,Oi=Ve._source,lo=Ve._owner;if(ut!=null){ii(ut)&&(yi=ut.ref,lo=De.current),Zi(ut)&&(Fi=""+ut.key);var va;Ve.type&&Ve.type.defaultProps&&(va=Ve.type.defaultProps);for(An in ut)qt.call(ut,An)&&!Pt.hasOwnProperty(An)&&(ut[An]===void 0&&va!==void 0?Xn[An]=va[An]:Xn[An]=ut[An])}var ac=arguments.length-2;if(ac===1)Xn.children=Mt;else if(ac>1){for(var Zs=Array(ac),fl=0;fl<ac;fl++)Zs[fl]=arguments[fl+2];Xn.children=Zs}return Xs(Ve.type,Fi,yi,_i,Oi,lo,Xn)}function $u(Ve){return typeof Ve=="object"&&Ve!==null&&Ve.$$typeof===w}var ir=".",rn=":";function sn(Ve){var ut=/[=:]/g,Mt={"=":"=0",":":"=2"},An=Ve.replace(ut,function(Xn){return Mt[Xn]});return"$"+An}var Zn=!1,oi=/\/+/g;function li(Ve){return Ve.replace(oi,"$&/")}function ur(Ve,ut){return typeof Ve=="object"&&Ve!==null&&Ve.key!=null?sn(""+Ve.key):ut.toString(36)}function Sr(Ve,ut,Mt,An,Xn){var Fi=typeof Ve;(Fi==="undefined"||Fi==="boolean")&&(Ve=null);var yi=!1;if(Ve===null)yi=!0;else switch(Fi){case"string":case"number":yi=!0;break;case"object":switch(Ve.$$typeof){case w:case _:yi=!0}}if(yi){var _i=Ve,Oi=Xn(_i),lo=An===""?ir+ur(_i,0):An;if(Array.isArray(Oi)){var va="";lo!=null&&(va=li(lo)+"/"),Sr(Oi,ut,va,"",function(Ws){return Ws})}else Oi!=null&&($u(Oi)&&(Oi=pi(Oi,Mt+(Oi.key&&(!_i||_i.key!==Oi.key)?li(""+Oi.key)+"/":"")+lo)),ut.push(Oi));return 1}var ac,Zs,fl=0,sl=An===""?ir:An+rn;if(Array.isArray(Ve))for(var wa=0;wa<Ve.length;wa++)ac=Ve[wa],Zs=sl+ur(ac,wa),fl+=Sr(ac,ut,Mt,Zs,Xn);else{var Ha=ge(Ve);if(typeof Ha=="function"){var xt=Ve;Ha===xt.entries&&(Zn||$t("Using Maps as children is not supported. Use an array of keyed ReactElements instead."),Zn=!0);for(var vn=Ha.call(xt),Ir,fo=0;!(Ir=vn.next()).done;)ac=Ir.value,Zs=sl+ur(ac,fo++),fl+=Sr(ac,ut,Mt,Zs,Xn)}else if(Fi==="object"){var Xu=""+Ve;throw Error("Objects are not valid as a React child (found: "+(Xu==="[object Object]"?"object with keys {"+Object.keys(Ve).join(", ")+"}":Xu)+"). If you meant to render a collection of children, use an array instead.")}}return fl}function ki(Ve,ut,Mt){if(Ve==null)return Ve;var An=[],Xn=0;return Sr(Ve,An,"","",function(Fi){return ut.call(Mt,Fi,Xn++)}),An}function co(Ve){var ut=0;return ki(Ve,function(){ut++}),ut}function xo(Ve,ut,Mt){ki(Ve,function(){ut.apply(this,arguments)},Mt)}function Ho(Ve){return ki(Ve,function(ut){return ut})||[]}function Co(Ve){if(!$u(Ve))throw Error("React.Children.only expected to receive a single React element child.");return Ve}function ma(Ve,ut){ut===void 0?ut=null:ut!==null&&typeof ut!="function"&&Xe("createContext: Expected the optional second argument to be a function. Instead received: %s",ut);var Mt={$$typeof:k,_calculateChangedBits:ut,_currentValue:Ve,_currentValue2:Ve,_threadCount:0,Provider:null,Consumer:null};Mt.Provider={$$typeof:C,_context:Mt};var An=!1,Xn=!1,Fi=!1;{var yi={$$typeof:k,_context:Mt,_calculateChangedBits:Mt._calculateChangedBits};Object.defineProperties(yi,{Provider:{get:function(){return Xn||(Xn=!0,Xe("Rendering <Context.Consumer.Provider> is not supported and will be removed in a future major release. Did you mean to render <Context.Provider> instead?")),Mt.Provider},set:function(_i){Mt.Provider=_i}},_currentValue:{get:function(){return Mt._currentValue},set:function(_i){Mt._currentValue=_i}},_currentValue2:{get:function(){return Mt._currentValue2},set:function(_i){Mt._currentValue2=_i}},_threadCount:{get:function(){return Mt._threadCount},set:function(_i){Mt._threadCount=_i}},Consumer:{get:function(){return An||(An=!0,Xe("Rendering <Context.Consumer.Consumer> is not supported and will be removed in a future major release. Did you mean to render <Context.Consumer> instead?")),Mt.Consumer}},displayName:{get:function(){return Mt.displayName},set:function(_i){Fi||($t("Setting `displayName` on Context.Consumer has no effect. You should set it directly on the context with Context.displayName = '%s'.",_i),Fi=!0)}}}),Mt.Consumer=yi}return Mt._currentRenderer=null,Mt._currentRenderer2=null,Mt}var Yi=-1,so=0,hs=1,Qs=2;function yo(Ve){if(Ve._status===Yi){var ut=Ve._result,Mt=ut(),An=Ve;An._status=so,An._result=Mt,Mt.then(function(Xn){if(Ve._status===so){var Fi=Xn.default;Fi===void 0&&Xe(`lazy: Expected the result of a dynamic import() call. Instead received: %s
Your code should look like:
const MyComponent = lazy(() => import('./MyComponent'))`,Xn);var yi=Ve;yi._status=hs,yi._result=Fi}},function(Xn){if(Ve._status===so){var Fi=Ve;Fi._status=Qs,Fi._result=Xn}})}if(Ve._status===hs)return Ve._result;throw Ve._result}function ru(Ve){var ut={_status:-1,_result:Ve},Mt={$$typeof:M,_payload:ut,_init:yo};{var An,Xn;Object.defineProperties(Mt,{defaultProps:{configurable:!0,get:function(){return An},set:function(Fi){Xe("React.lazy(...): It is not supported to assign `defaultProps` to a lazy component import. Either specify them where the component is defined, or create a wrapping component around it."),An=Fi,Object.defineProperty(Mt,"defaultProps",{enumerable:!0})}},propTypes:{configurable:!0,get:function(){return Xn},set:function(Fi){Xe("React.lazy(...): It is not supported to assign `propTypes` to a lazy component import. Either specify them where the component is defined, or create a wrapping component around it."),Xn=Fi,Object.defineProperty(Mt,"propTypes",{enumerable:!0})}}})}return Mt}function iu(Ve){Ve!=null&&Ve.$$typeof===P?Xe("forwardRef requires a render function but received a `memo` component. Instead of forwardRef(memo(...)), use memo(forwardRef(...))."):typeof Ve!="function"?Xe("forwardRef requires a render function but was given %s.",Ve===null?"null":typeof Ve):Ve.length!==0&&Ve.length!==2&&Xe("forwardRef render functions accept exactly two parameters: props and ref. %s",Ve.length===1?"Did you forget to use the ref parameter?":"Any additional parameter will be undefined."),Ve!=null&&(Ve.defaultProps!=null||Ve.propTypes!=null)&&Xe("forwardRef render functions do not support propTypes or defaultProps. Did you accidentally pass a React component?");var ut={$$typeof:I,render:Ve};{var Mt;Object.defineProperty(ut,"displayName",{enumerable:!1,configurable:!0,get:function(){return Mt},set:function(An){Mt=An,Ve.displayName==null&&(Ve.displayName=An)}})}return ut}var Pu=!1;function Js(Ve){return!!(typeof Ve=="string"||typeof Ve=="function"||Ve===g.Fragment||Ve===g.Profiler||Ve===Z||Ve===g.StrictMode||Ve===g.Suspense||Ve===$||Ve===ne||Pu||typeof Ve=="object"&&Ve!==null&&(Ve.$$typeof===M||Ve.$$typeof===P||Ve.$$typeof===C||Ve.$$typeof===k||Ve.$$typeof===I||Ve.$$typeof===X||Ve.$$typeof===U||Ve[0]===G))}function yu(Ve,ut){Js(Ve)||Xe("memo: The first argument must be a component. Instead received: %s",Ve===null?"null":typeof Ve);var Mt={$$typeof:P,type:Ve,compare:ut===void 0?null:ut};{var An;Object.defineProperty(Mt,"displayName",{enumerable:!1,configurable:!0,get:function(){return An},set:function(Xn){An=Xn,Ve.displayName==null&&(Ve.displayName=Xn)}})}return Mt}function za(){var Ve=oe.current;if(Ve===null)throw Error(`Invalid hook call. Hooks can only be called inside of the body of a function component. This could happen for one of the following reasons:
1. You might have mismatching versions of React and the renderer (such as React DOM)
2. You might be breaking the Rules of Hooks
3. You might have more than one copy of React in the same app
See https://reactjs.org/link/invalid-hook-call for tips about how to debug and fix this problem.`);return Ve}function Rl(Ve,ut){var Mt=za();if(ut!==void 0&&Xe("useContext() second argument is reserved for future use in React. Passing it is not supported. You passed: %s.%s",ut,typeof ut=="number"&&Array.isArray(arguments[2])?`
Did you call array.map(useContext)? Calling Hooks inside a loop is not supported. Learn more at https://reactjs.org/link/rules-of-hooks`:""),Ve._context!==void 0){var An=Ve._context;An.Consumer===Ve?Xe("Calling useContext(Context.Consumer) is not supported, may cause bugs, and will be removed in a future major release. Did you mean to call useContext(Context) instead?"):An.Provider===Ve&&Xe("Calling useContext(Context.Provider) is not supported. Did you mean to call useContext(Context) instead?")}return Mt.useContext(Ve,ut)}function zt(Ve){var ut=za();return ut.useState(Ve)}function hr(Ve,ut,Mt){var An=za();return An.useReducer(Ve,ut,Mt)}function Ri(Ve){var ut=za();return ut.useRef(Ve)}function Do(Ve,ut){var Mt=za();return Mt.useEffect(Ve,ut)}function Ds(Ve,ut){var Mt=za();return Mt.useLayoutEffect(Ve,ut)}function eo(Ve,ut){var Mt=za();return Mt.useCallback(Ve,ut)}function As(Ve,ut){var Mt=za();return Mt.useMemo(Ve,ut)}function ps(Ve,ut,Mt){var An=za();return An.useImperativeHandle(Ve,ut,Mt)}function dt(Ve,ut){{var Mt=za();return Mt.useDebugValue(Ve,ut)}}var ht=0,qe,it,pt,Sn,Hn,Un,mn;function wr(){}wr.__reactDisabledLog=!0;function Ui(){{if(ht===0){qe=console.log,it=console.info,pt=console.warn,Sn=console.error,Hn=console.group,Un=console.groupCollapsed,mn=console.groupEnd;var Ve={configurable:!0,enumerable:!0,value:wr,writable:!0};Object.defineProperties(console,{info:Ve,log:Ve,warn:Ve,error:Ve,group:Ve,groupCollapsed:Ve,groupEnd:Ve})}ht++}}function To(){{if(ht--,ht===0){var Ve={configurable:!0,enumerable:!0,writable:!0};Object.defineProperties(console,{log:b({},Ve,{value:qe}),info:b({},Ve,{value:it}),warn:b({},Ve,{value:pt}),error:b({},Ve,{value:Sn}),group:b({},Ve,{value:Hn}),groupCollapsed:b({},Ve,{value:Un}),groupEnd:b({},Ve,{value:mn})})}ht<0&&Xe("disabledDepth fell below zero. This is a bug in React. Please file an issue.")}}var $s=gt.ReactCurrentDispatcher,Ia;function Vo(Ve,ut,Mt){{if(Ia===void 0)try{throw Error()}catch(Xn){var An=Xn.stack.trim().match(/\n( *(at )?)/);Ia=An&&An[1]||""}return`
`+Ia+Ve}}var qs=!1,ou;{var rs=typeof WeakMap=="function"?WeakMap:Map;ou=new rs}function Da(Ve,ut){if(!Ve||qs)return"";{var Mt=ou.get(Ve);if(Mt!==void 0)return Mt}var An;qs=!0;var Xn=Error.prepareStackTrace;Error.prepareStackTrace=void 0;var Fi;Fi=$s.current,$s.current=null,Ui();try{if(ut){var yi=function(){throw Error()};if(Object.defineProperty(yi.prototype,"props",{set:function(){throw Error()}}),typeof Reflect=="object"&&Reflect.construct){try{Reflect.construct(yi,[])}catch(sl){An=sl}Reflect.construct(Ve,[],yi)}else{try{yi.call()}catch(sl){An=sl}Ve.call(yi.prototype)}}else{try{throw Error()}catch(sl){An=sl}Ve()}}catch(sl){if(sl&&An&&typeof sl.stack=="string"){for(var _i=sl.stack.split(`
`),Oi=An.stack.split(`
`),lo=_i.length-1,va=Oi.length-1;lo>=1&&va>=0&&_i[lo]!==Oi[va];)va--;for(;lo>=1&&va>=0;lo--,va--)if(_i[lo]!==Oi[va]){if(lo!==1||va!==1)do if(lo--,va--,va<0||_i[lo]!==Oi[va]){var ac=`
`+_i[lo].replace(" at new "," at ");return typeof Ve=="function"&&ou.set(Ve,ac),ac}while(lo>=1&&va>=0);break}}}finally{qs=!1,$s.current=Fi,To(),Error.prepareStackTrace=Xn}var Zs=Ve?Ve.displayName||Ve.name:"",fl=Zs?Vo(Zs):"";return typeof Ve=="function"&&ou.set(Ve,fl),fl}function Ol(Ve,ut,Mt){return Da(Ve,!1)}function uf(Ve){var ut=Ve.prototype;return!!(ut&&ut.isReactComponent)}function Nd(Ve,ut,Mt){if(Ve==null)return"";if(typeof Ve=="function")return Da(Ve,uf(Ve));if(typeof Ve=="string")return Vo(Ve);switch(Ve){case g.Suspense:return Vo("Suspense");case $:return Vo("SuspenseList")}if(typeof Ve=="object")switch(Ve.$$typeof){case I:return Ol(Ve.render);case P:return Nd(Ve.type,ut,Mt);case U:return Ol(Ve._render);case M:{var An=Ve,Xn=An._payload,Fi=An._init;try{return Nd(Fi(Xn),ut,Mt)}catch{}}}return""}var gc={},Nf=gt.ReactDebugCurrentFrame;function jc(Ve){if(Ve){var ut=Ve._owner,Mt=Nd(Ve.type,Ve._source,ut?ut.type:null);Nf.setExtraStackFrame(Mt)}else Nf.setExtraStackFrame(null)}function Ka(Ve,ut,Mt,An,Xn){{var Fi=Function.call.bind(Object.prototype.hasOwnProperty);for(var yi in Ve)if(Fi(Ve,yi)){var _i=void 0;try{if(typeof Ve[yi]!="function"){var Oi=Error((An||"React class")+": "+Mt+" type `"+yi+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+typeof Ve[yi]+"`.This often happens because of typos such as `PropTypes.function` instead of `PropTypes.func`.");throw Oi.name="Invariant Violation",Oi}_i=Ve[yi](ut,yi,An,Mt,null,"SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED")}catch(lo){_i=lo}_i&&!(_i instanceof Error)&&(jc(Xn),Xe("%s: type specification of %s `%s` is invalid; the type checker function must return `null` or an `Error` but returned a %s. You may have forgotten to pass an argument to the type checker creator (arrayOf, instanceOf, objectOf, oneOf, oneOfType, and shape all require an argument).",An||"React class",Mt,yi,typeof _i),jc(null)),_i instanceof Error&&!(_i.message in gc)&&(gc[_i.message]=!0,jc(Xn),Xe("Failed %s type: %s",Mt,_i.message),jc(null))}}}function Wc(Ve){if(Ve){var ut=Ve._owner,Mt=Nd(Ve.type,Ve._source,ut?ut.type:null);Ue(Mt)}else Ue(null)}var wi;wi=!1;function cf(){if(De.current){var Ve=Je(De.current.type);if(Ve)return`
Check the render method of \``+Ve+"`."}return""}function Mc(Ve){if(Ve!==void 0){var ut=Ve.fileName.replace(/^.*[\\\/]/,""),Mt=Ve.lineNumber;return`
Check your code at `+ut+":"+Mt+"."}return""}function Lf(Ve){return Ve!=null?Mc(Ve.__source):""}var vd={};function wd(Ve){var ut=cf();if(!ut){var Mt=typeof Ve=="string"?Ve:Ve.displayName||Ve.name;Mt&&(ut=`
Check the top-level render call using <`+Mt+">.")}return ut}function Gc(Ve,ut){if(!(!Ve._store||Ve._store.validated||Ve.key!=null)){Ve._store.validated=!0;var Mt=wd(ut);if(!vd[Mt]){vd[Mt]=!0;var An="";Ve&&Ve._owner&&Ve._owner!==De.current&&(An=" It was passed a child from "+Je(Ve._owner.type)+"."),Wc(Ve),Xe('Each child in a list should have a unique "key" prop.%s%s See https://reactjs.org/link/warning-keys for more information.',Mt,An),Wc(null)}}}function Eu(Ve,ut){if(typeof Ve=="object"){if(Array.isArray(Ve))for(var Mt=0;Mt<Ve.length;Mt++){var An=Ve[Mt];$u(An)&&Gc(An,ut)}else if($u(Ve))Ve._store&&(Ve._store.validated=!0);else if(Ve){var Xn=ge(Ve);if(typeof Xn=="function"&&Xn!==Ve.entries)for(var Fi=Xn.call(Ve),yi;!(yi=Fi.next()).done;)$u(yi.value)&&Gc(yi.value,ut)}}}function Yu(Ve){{var ut=Ve.type;if(ut==null||typeof ut=="string")return;var Mt;if(typeof ut=="function")Mt=ut.propTypes;else if(typeof ut=="object"&&(ut.$$typeof===I||ut.$$typeof===P))Mt=ut.propTypes;else return;if(Mt){var An=Je(ut);Ka(Mt,Ve.props,"prop",An,Ve)}else if(ut.PropTypes!==void 0&&!wi){wi=!0;var Xn=Je(ut);Xe("Component %s declared `PropTypes` instead of `propTypes`. Did you misspell the property assignment?",Xn||"Unknown")}typeof ut.getDefaultProps=="function"&&!ut.getDefaultProps.isReactClassApproved&&Xe("getDefaultProps is only used on classic React.createClass definitions. Use a static property named `defaultProps` instead.")}}function eg(Ve){{for(var ut=Object.keys(Ve.props),Mt=0;Mt<ut.length;Mt++){var An=ut[Mt];if(An!=="children"&&An!=="key"){Wc(Ve),Xe("Invalid prop `%s` supplied to `React.Fragment`. React.Fragment can only have `key` and `children` props.",An),Wc(null);break}}Ve.ref!==null&&(Wc(Ve),Xe("Invalid attribute `ref` supplied to `React.Fragment`."),Wc(null))}}function lf(Ve,ut,Mt){var An=Js(Ve);if(!An){var Xn="";(Ve===void 0||typeof Ve=="object"&&Ve!==null&&Object.keys(Ve).length===0)&&(Xn+=" You likely forgot to export your component from the file it's defined in, or you might have mixed up default and named imports.");var Fi=Lf(ut);Fi?Xn+=Fi:Xn+=cf();var yi;Ve===null?yi="null":Array.isArray(Ve)?yi="array":Ve!==void 0&&Ve.$$typeof===w?(yi="<"+(Je(Ve.type)||"Unknown")+" />",Xn=" Did you accidentally export a JSX literal instead of a component?"):yi=typeof Ve,Xe("React.createElement: type is invalid -- expected a string (for built-in components) or a class/function (for composite components) but got: %s.%s",yi,Xn)}var _i=Io.apply(this,arguments);if(_i==null)return _i;if(An)for(var Oi=2;Oi<arguments.length;Oi++)Eu(arguments[Oi],Ve);return Ve===g.Fragment?eg(_i):Yu(_i),_i}var Il=!1;function Ld(Ve){var ut=lf.bind(null,Ve);return ut.type=Ve,Il||(Il=!0,$t("React.createFactory() is deprecated and will be removed in a future major release. Consider using JSX or use React.createElement() directly instead.")),Object.defineProperty(ut,"type",{enumerable:!1,get:function(){return $t("Factory.type is deprecated. Access the class directly before passing it to createFactory."),Object.defineProperty(this,"type",{value:Ve}),Ve}}),ut}function _1(Ve,ut,Mt){for(var An=Es.apply(this,arguments),Xn=2;Xn<arguments.length;Xn++)Eu(arguments[Xn],An.type);return Yu(An),An}try{var up=Object.freeze({})}catch{}var nh=lf,Kg=_1,Yg=Ld,Xg={map:ki,forEach:xo,count:co,toArray:Ho,only:Co};g.Children=Xg,g.Component=st,g.PureComponent=Ge,g.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED=gt,g.cloneElement=Kg,g.createContext=ma,g.createElement=nh,g.createFactory=Yg,g.createRef=We,g.forwardRef=iu,g.isValidElement=$u,g.lazy=ru,g.memo=yu,g.useCallback=eo,g.useContext=Rl,g.useDebugValue=dt,g.useEffect=Do,g.useImperativeHandle=ps,g.useLayoutEffect=Ds,g.useMemo=As,g.useReducer=hr,g.useRef=Ri,g.useState=zt,g.version=m}()}(react_development)),react_development}var hasRequiredReact;function requireReact(){return hasRequiredReact||(hasRequiredReact=1,{}.NODE_ENV==="production"?react.exports=requireReact_production_min():react.exports=requireReact_development()),react.exports}/** @license React v17.0.2
* react-jsx-runtime.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactJsxRuntime_production_min;function requireReactJsxRuntime_production_min(){if(hasRequiredReactJsxRuntime_production_min)return reactJsxRuntime_production_min;hasRequiredReactJsxRuntime_production_min=1,requireObjectAssign();var g=requireReact(),b=60103;if(reactJsxRuntime_production_min.Fragment=60107,typeof Symbol=="function"&&Symbol.for){var m=Symbol.for;b=m("react.element"),reactJsxRuntime_production_min.Fragment=m("react.fragment")}var w=g.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED.ReactCurrentOwner,_=Object.prototype.hasOwnProperty,C={key:!0,ref:!0,__self:!0,__source:!0};function k(I,$,P){var M,U={},G=null,X=null;P!==void 0&&(G=""+P),$.key!==void 0&&(G=""+$.key),$.ref!==void 0&&(X=$.ref);for(M in $)_.call($,M)&&!C.hasOwnProperty(M)&&(U[M]=$[M]);if(I&&I.defaultProps)for(M in $=I.defaultProps,$)U[M]===void 0&&(U[M]=$[M]);return{$$typeof:b,type:I,key:G,ref:X,props:U,_owner:w.current}}return reactJsxRuntime_production_min.jsx=k,reactJsxRuntime_production_min.jsxs=k,reactJsxRuntime_production_min}var reactJsxRuntime_development={};/** @license React v17.0.2
* react-jsx-runtime.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactJsxRuntime_development;function requireReactJsxRuntime_development(){return hasRequiredReactJsxRuntime_development||(hasRequiredReactJsxRuntime_development=1,function(g){({}).NODE_ENV!=="production"&&function(){var b=requireReact(),m=requireObjectAssign(),w=60103,_=60106;g.Fragment=60107;var C=60108,k=60114,I=60109,$=60110,P=60112,M=60113,U=60120,G=60115,X=60116,Z=60121,ne=60122,re=60117,ve=60129,Se=60131;if(typeof Symbol=="function"&&Symbol.for){var ge=Symbol.for;w=ge("react.element"),_=ge("react.portal"),g.Fragment=ge("react.fragment"),C=ge("react.strict_mode"),k=ge("react.profiler"),I=ge("react.provider"),$=ge("react.context"),P=ge("react.forward_ref"),M=ge("react.suspense"),U=ge("react.suspense_list"),G=ge("react.memo"),X=ge("react.lazy"),Z=ge("react.block"),ne=ge("react.server.block"),re=ge("react.fundamental"),ge("react.scope"),ge("react.opaque.id"),ve=ge("react.debug_trace_mode"),ge("react.offscreen"),Se=ge("react.legacy_hidden")}var oe=typeof Symbol=="function"&&Symbol.iterator,me="@@iterator";function De(zt){if(zt===null||typeof zt!="object")return null;var hr=oe&&zt[oe]||zt[me];return typeof hr=="function"?hr:null}var Le=b.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED;function rt(zt){{for(var hr=arguments.length,Ri=new Array(hr>1?hr-1:0),Do=1;Do<hr;Do++)Ri[Do-1]=arguments[Do];Ue("error",zt,Ri)}}function Ue(zt,hr,Ri){{var Do=Le.ReactDebugCurrentFrame,Ds=Do.getStackAddendum();Ds!==""&&(hr+="%s",Ri=Ri.concat([Ds]));var eo=Ri.map(function(As){return""+As});eo.unshift("Warning: "+hr),Function.prototype.apply.call(console[zt],console,eo)}}var Ze=!1;function gt(zt){return!!(typeof zt=="string"||typeof zt=="function"||zt===g.Fragment||zt===k||zt===ve||zt===C||zt===M||zt===U||zt===Se||Ze||typeof zt=="object"&&zt!==null&&(zt.$$typeof===X||zt.$$typeof===G||zt.$$typeof===I||zt.$$typeof===$||zt.$$typeof===P||zt.$$typeof===re||zt.$$typeof===Z||zt[0]===ne))}function $t(zt,hr,Ri){var Do=hr.displayName||hr.name||"";return zt.displayName||(Do!==""?Ri+"("+Do+")":Ri)}function Xe(zt){return zt.displayName||"Context"}function xe(zt){if(zt==null)return null;if(typeof zt.tag=="number"&&rt("Received an unexpected object in getComponentName(). This is likely a bug in React. Please file an issue."),typeof zt=="function")return zt.displayName||zt.name||null;if(typeof zt=="string")return zt;switch(zt){case g.Fragment:return"Fragment";case _:return"Portal";case k:return"Profiler";case C:return"StrictMode";case M:return"Suspense";case U:return"SuspenseList"}if(typeof zt=="object")switch(zt.$$typeof){case $:var hr=zt;return Xe(hr)+".Consumer";case I:var Ri=zt;return Xe(Ri._context)+".Provider";case P:return $t(zt,zt.render,"ForwardRef");case G:return xe(zt.type);case Z:return xe(zt._render);case X:{var Do=zt,Ds=Do._payload,eo=Do._init;try{return xe(eo(Ds))}catch{return null}}}return null}var Tn=0,Rt,mt,en,st,Fe,Re,Ae;function je(){}je.__reactDisabledLog=!0;function Ge(){{if(Tn===0){Rt=console.log,mt=console.info,en=console.warn,st=console.error,Fe=console.group,Re=console.groupCollapsed,Ae=console.groupEnd;var zt={configurable:!0,enumerable:!0,value:je,writable:!0};Object.defineProperties(console,{info:zt,log:zt,warn:zt,error:zt,group:zt,groupCollapsed:zt,groupEnd:zt})}Tn++}}function Be(){{if(Tn--,Tn===0){var zt={configurable:!0,enumerable:!0,writable:!0};Object.defineProperties(console,{log:m({},zt,{value:Rt}),info:m({},zt,{value:mt}),warn:m({},zt,{value:en}),error:m({},zt,{value:st}),group:m({},zt,{value:Fe}),groupCollapsed:m({},zt,{value:Re}),groupEnd:m({},zt,{value:Ae})})}Tn<0&&rt("disabledDepth fell below zero. This is a bug in React. Please file an issue.")}}var We=Le.ReactCurrentDispatcher,lt;function Tt(zt,hr,Ri){{if(lt===void 0)try{throw Error()}catch(Ds){var Do=Ds.stack.trim().match(/\n( *(at )?)/);lt=Do&&Do[1]||""}return`
`+lt+zt}}var Je=!1,qt;{var Pt=typeof WeakMap=="function"?WeakMap:Map;qt=new Pt}function _t(zt,hr){if(!zt||Je)return"";{var Ri=qt.get(zt);if(Ri!==void 0)return Ri}var Do;Je=!0;var Ds=Error.prepareStackTrace;Error.prepareStackTrace=void 0;var eo;eo=We.current,We.current=null,Ge();try{if(hr){var As=function(){throw Error()};if(Object.defineProperty(As.prototype,"props",{set:function(){throw Error()}}),typeof Reflect=="object"&&Reflect.construct){try{Reflect.construct(As,[])}catch(Hn){Do=Hn}Reflect.construct(zt,[],As)}else{try{As.call()}catch(Hn){Do=Hn}zt.call(As.prototype)}}else{try{throw Error()}catch(Hn){Do=Hn}zt()}}catch(Hn){if(Hn&&Do&&typeof Hn.stack=="string"){for(var ps=Hn.stack.split(`
`),dt=Do.stack.split(`
`),ht=ps.length-1,qe=dt.length-1;ht>=1&&qe>=0&&ps[ht]!==dt[qe];)qe--;for(;ht>=1&&qe>=0;ht--,qe--)if(ps[ht]!==dt[qe]){if(ht!==1||qe!==1)do if(ht--,qe--,qe<0||ps[ht]!==dt[qe]){var it=`
`+ps[ht].replace(" at new "," at ");return typeof zt=="function"&&qt.set(zt,it),it}while(ht>=1&&qe>=0);break}}}finally{Je=!1,We.current=eo,Be(),Error.prepareStackTrace=Ds}var pt=zt?zt.displayName||zt.name:"",Sn=pt?Tt(pt):"";return typeof zt=="function"&&qt.set(zt,Sn),Sn}function lr(zt,hr,Ri){return _t(zt,!1)}function jn(zt){var hr=zt.prototype;return!!(hr&&hr.isReactComponent)}function ii(zt,hr,Ri){if(zt==null)return"";if(typeof zt=="function")return _t(zt,jn(zt));if(typeof zt=="string")return Tt(zt);switch(zt){case M:return Tt("Suspense");case U:return Tt("SuspenseList")}if(typeof zt=="object")switch(zt.$$typeof){case P:return lr(zt.render);case G:return ii(zt.type,hr,Ri);case Z:return lr(zt._render);case X:{var Do=zt,Ds=Do._payload,eo=Do._init;try{return ii(eo(Ds),hr,Ri)}catch{}}}return""}var Zi={},No=Le.ReactDebugCurrentFrame;function Is(zt){if(zt){var hr=zt._owner,Ri=ii(zt.type,zt._source,hr?hr.type:null);No.setExtraStackFrame(Ri)}else No.setExtraStackFrame(null)}function Ca(zt,hr,Ri,Do,Ds){{var eo=Function.call.bind(Object.prototype.hasOwnProperty);for(var As in zt)if(eo(zt,As)){var ps=void 0;try{if(typeof zt[As]!="function"){var dt=Error((Do||"React class")+": "+Ri+" type `"+As+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+typeof zt[As]+"`.This often happens because of typos such as `PropTypes.function` instead of `PropTypes.func`.");throw dt.name="Invariant Violation",dt}ps=zt[As](hr,As,Do,Ri,null,"SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED")}catch(ht){ps=ht}ps&&!(ps instanceof Error)&&(Is(Ds),rt("%s: type specification of %s `%s` is invalid; the type checker function must return `null` or an `Error` but returned a %s. You may have forgotten to pass an argument to the type checker creator (arrayOf, instanceOf, objectOf, oneOf, oneOfType, and shape all require an argument).",Do||"React class",Ri,As,typeof ps),Is(null)),ps instanceof Error&&!(ps.message in Zi)&&(Zi[ps.message]=!0,Is(Ds),rt("Failed %s type: %s",Ri,ps.message),Is(null))}}}var Xs=Le.ReactCurrentOwner,Io=Object.prototype.hasOwnProperty,pi={key:!0,ref:!0,__self:!0,__source:!0},Es,$u,ir;ir={};function rn(zt){if(Io.call(zt,"ref")){var hr=Object.getOwnPropertyDescriptor(zt,"ref").get;if(hr&&hr.isReactWarning)return!1}return zt.ref!==void 0}function sn(zt){if(Io.call(zt,"key")){var hr=Object.getOwnPropertyDescriptor(zt,"key").get;if(hr&&hr.isReactWarning)return!1}return zt.key!==void 0}function Zn(zt,hr){if(typeof zt.ref=="string"&&Xs.current&&hr&&Xs.current.stateNode!==hr){var Ri=xe(Xs.current.type);ir[Ri]||(rt('Component "%s" contains the string ref "%s". Support for string refs will be removed in a future major release. This case cannot be automatically converted to an arrow function. We ask you to manually fix this case by using useRef() or createRef() instead. Learn more about using refs safely here: https://reactjs.org/link/strict-mode-string-ref',xe(Xs.current.type),zt.ref),ir[Ri]=!0)}}function oi(zt,hr){{var Ri=function(){Es||(Es=!0,rt("%s: `key` is not a prop. Trying to access it will result in `undefined` being returned. If you need to access the same value within the child component, you should pass it as a different prop. (https://reactjs.org/link/special-props)",hr))};Ri.isReactWarning=!0,Object.defineProperty(zt,"key",{get:Ri,configurable:!0})}}function li(zt,hr){{var Ri=function(){$u||($u=!0,rt("%s: `ref` is not a prop. Trying to access it will result in `undefined` being returned. If you need to access the same value within the child component, you should pass it as a different prop. (https://reactjs.org/link/special-props)",hr))};Ri.isReactWarning=!0,Object.defineProperty(zt,"ref",{get:Ri,configurable:!0})}}var ur=function(zt,hr,Ri,Do,Ds,eo,As){var ps={$$typeof:w,type:zt,key:hr,ref:Ri,props:As,_owner:eo};return ps._store={},Object.defineProperty(ps._store,"validated",{configurable:!1,enumerable:!1,writable:!0,value:!1}),Object.defineProperty(ps,"_self",{configurable:!1,enumerable:!1,writable:!1,value:Do}),Object.defineProperty(ps,"_source",{configurable:!1,enumerable:!1,writable:!1,value:Ds}),Object.freeze&&(Object.freeze(ps.props),Object.freeze(ps)),ps};function Sr(zt,hr,Ri,Do,Ds){{var eo,As={},ps=null,dt=null;Ri!==void 0&&(ps=""+Ri),sn(hr)&&(ps=""+hr.key),rn(hr)&&(dt=hr.ref,Zn(hr,Ds));for(eo in hr)Io.call(hr,eo)&&!pi.hasOwnProperty(eo)&&(As[eo]=hr[eo]);if(zt&&zt.defaultProps){var ht=zt.defaultProps;for(eo in ht)As[eo]===void 0&&(As[eo]=ht[eo])}if(ps||dt){var qe=typeof zt=="function"?zt.displayName||zt.name||"Unknown":zt;ps&&oi(As,qe),dt&&li(As,qe)}return ur(zt,ps,dt,Ds,Do,Xs.current,As)}}var ki=Le.ReactCurrentOwner,co=Le.ReactDebugCurrentFrame;function xo(zt){if(zt){var hr=zt._owner,Ri=ii(zt.type,zt._source,hr?hr.type:null);co.setExtraStackFrame(Ri)}else co.setExtraStackFrame(null)}var Ho;Ho=!1;function Co(zt){return typeof zt=="object"&&zt!==null&&zt.$$typeof===w}function ma(){{if(ki.current){var zt=xe(ki.current.type);if(zt)return`
Check the render method of \``+zt+"`."}return""}}function Yi(zt){{if(zt!==void 0){var hr=zt.fileName.replace(/^.*[\\\/]/,""),Ri=zt.lineNumber;return`
Check your code at `+hr+":"+Ri+"."}return""}}var so={};function hs(zt){{var hr=ma();if(!hr){var Ri=typeof zt=="string"?zt:zt.displayName||zt.name;Ri&&(hr=`
Check the top-level render call using <`+Ri+">.")}return hr}}function Qs(zt,hr){{if(!zt._store||zt._store.validated||zt.key!=null)return;zt._store.validated=!0;var Ri=hs(hr);if(so[Ri])return;so[Ri]=!0;var Do="";zt&&zt._owner&&zt._owner!==ki.current&&(Do=" It was passed a child from "+xe(zt._owner.type)+"."),xo(zt),rt('Each child in a list should have a unique "key" prop.%s%s See https://reactjs.org/link/warning-keys for more information.',Ri,Do),xo(null)}}function yo(zt,hr){{if(typeof zt!="object")return;if(Array.isArray(zt))for(var Ri=0;Ri<zt.length;Ri++){var Do=zt[Ri];Co(Do)&&Qs(Do,hr)}else if(Co(zt))zt._store&&(zt._store.validated=!0);else if(zt){var Ds=De(zt);if(typeof Ds=="function"&&Ds!==zt.entries)for(var eo=Ds.call(zt),As;!(As=eo.next()).done;)Co(As.value)&&Qs(As.value,hr)}}}function ru(zt){{var hr=zt.type;if(hr==null||typeof hr=="string")return;var Ri;if(typeof hr=="function")Ri=hr.propTypes;else if(typeof hr=="object"&&(hr.$$typeof===P||hr.$$typeof===G))Ri=hr.propTypes;else return;if(Ri){var Do=xe(hr);Ca(Ri,zt.props,"prop",Do,zt)}else if(hr.PropTypes!==void 0&&!Ho){Ho=!0;var Ds=xe(hr);rt("Component %s declared `PropTypes` instead of `propTypes`. Did you misspell the property assignment?",Ds||"Unknown")}typeof hr.getDefaultProps=="function"&&!hr.getDefaultProps.isReactClassApproved&&rt("getDefaultProps is only used on classic React.createClass definitions. Use a static property named `defaultProps` instead.")}}function iu(zt){{for(var hr=Object.keys(zt.props),Ri=0;Ri<hr.length;Ri++){var Do=hr[Ri];if(Do!=="children"&&Do!=="key"){xo(zt),rt("Invalid prop `%s` supplied to `React.Fragment`. React.Fragment can only have `key` and `children` props.",Do),xo(null);break}}zt.ref!==null&&(xo(zt),rt("Invalid attribute `ref` supplied to `React.Fragment`."),xo(null))}}function Pu(zt,hr,Ri,Do,Ds,eo){{var As=gt(zt);if(!As){var ps="";(zt===void 0||typeof zt=="object"&&zt!==null&&Object.keys(zt).length===0)&&(ps+=" You likely forgot to export your component from the file it's defined in, or you might have mixed up default and named imports.");var dt=Yi(Ds);dt?ps+=dt:ps+=ma();var ht;zt===null?ht="null":Array.isArray(zt)?ht="array":zt!==void 0&&zt.$$typeof===w?(ht="<"+(xe(zt.type)||"Unknown")+" />",ps=" Did you accidentally export a JSX literal instead of a component?"):ht=typeof zt,rt("React.jsx: type is invalid -- expected a string (for built-in components) or a class/function (for composite components) but got: %s.%s",ht,ps)}var qe=Sr(zt,hr,Ri,Ds,eo);if(qe==null)return qe;if(As){var it=hr.children;if(it!==void 0)if(Do)if(Array.isArray(it)){for(var pt=0;pt<it.length;pt++)yo(it[pt],zt);Object.freeze&&Object.freeze(it)}else rt("React.jsx: Static children should always be an array. You are likely explicitly calling React.jsxs or React.jsxDEV. Use the Babel transform instead.");else yo(it,zt)}return zt===g.Fragment?iu(qe):ru(qe),qe}}function Js(zt,hr,Ri){return Pu(zt,hr,Ri,!0)}function yu(zt,hr,Ri){return Pu(zt,hr,Ri,!1)}var za=yu,Rl=Js;g.jsx=za,g.jsxs=Rl}()}(reactJsxRuntime_development)),reactJsxRuntime_development}({}).NODE_ENV==="production"?jsxRuntime.exports=requireReactJsxRuntime_production_min():jsxRuntime.exports=requireReactJsxRuntime_development();var jsxRuntimeExports=jsxRuntime.exports;/*! *****************************************************************************
Copyright (c) Microsoft Corporation.
Permission to use, copy, modify, and/or distribute this software for any
purpose with or without fee is hereby granted.
THE SOFTWARE IS PROVIDED "AS IS" AND THE AUTHOR DISCLAIMS ALL WARRANTIES WITH
REGARD TO THIS SOFTWARE INCLUDING ALL IMPLIED WARRANTIES OF MERCHANTABILITY
AND FITNESS. IN NO EVENT SHALL THE AUTHOR BE LIABLE FOR ANY SPECIAL, DIRECT,
INDIRECT, OR CONSEQUENTIAL DAMAGES OR ANY DAMAGES WHATSOEVER RESULTING FROM
LOSS OF USE, DATA OR PROFITS, WHETHER IN AN ACTION OF CONTRACT, NEGLIGENCE OR
OTHER TORTIOUS ACTION, ARISING OUT OF OR IN CONNECTION WITH THE USE OR
PERFORMANCE OF THIS SOFTWARE.
***************************************************************************** */var extendStatics$1=function(g,b){return extendStatics$1=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(m,w){m.__proto__=w}||function(m,w){for(var _ in w)Object.prototype.hasOwnProperty.call(w,_)&&(m[_]=w[_])},extendStatics$1(g,b)};function __extends$1(g,b){if(typeof b!="function"&&b!==null)throw new TypeError("Class extends value "+String(b)+" is not a constructor or null");extendStatics$1(g,b);function m(){this.constructor=g}g.prototype=b===null?Object.create(b):(m.prototype=b.prototype,new m)}var __assign$1=function(){return __assign$1=Object.assign||function(b){for(var m,w=1,_=arguments.length;w<_;w++){m=arguments[w];for(var C in m)Object.prototype.hasOwnProperty.call(m,C)&&(b[C]=m[C])}return b},__assign$1.apply(this,arguments)};function __rest$1(g,b){var m={};for(var w in g)Object.prototype.hasOwnProperty.call(g,w)&&b.indexOf(w)<0&&(m[w]=g[w]);if(g!=null&&typeof Object.getOwnPropertySymbols=="function")for(var _=0,w=Object.getOwnPropertySymbols(g);_<w.length;_++)b.indexOf(w[_])<0&&Object.prototype.propertyIsEnumerable.call(g,w[_])&&(m[w[_]]=g[w[_]]);return m}function __decorate$1(g,b,m,w){var _=arguments.length,C=_<3?b:w===null?w=Object.getOwnPropertyDescriptor(b,m):w,k;if(typeof Reflect=="object"&&typeof Reflect.decorate=="function")C=Reflect.decorate(g,b,m,w);else for(var I=g.length-1;I>=0;I--)(k=g[I])&&(C=(_<3?k(C):_>3?k(b,m,C):k(b,m))||C);return _>3&&C&&Object.defineProperty(b,m,C),C}function __spreadArray(g,b,m){if(m||arguments.length===2)for(var w=0,_=b.length,C;w<_;w++)(C||!(w in b))&&(C||(C=Array.prototype.slice.call(b,0,w)),C[w]=b[w]);return g.concat(C||b)}var reactExports=requireReact();const React$7=getDefaultExportFromCjs(reactExports),React$8=_mergeNamespaces({__proto__:null,default:React$7},[reactExports]);var packagesCache={},_win=void 0;try{_win=window}catch(g){}function setVersion(g,b){if(typeof _win<"u"){var m=_win.__packages__=_win.__packages__||{};if(!m[g]||!packagesCache[g]){packagesCache[g]=b;var w=m[g]=m[g]||[];w.push(b)}}}setVersion("@fluentui/set-version","6.0.0");var InjectionMode$1={none:0,insertNode:1,appendChild:2},STYLESHEET_SETTING$1="__stylesheet__",REUSE_STYLE_NODE$1=typeof navigator<"u"&&/rv:11.0/.test(navigator.userAgent),_global$2={};try{_global$2=window||{}}catch(g){}var _stylesheet$1,Stylesheet$1=function(){function g(b,m){var w,_,C,k,I,$;this._rules=[],this._preservedRules=[],this._counter=0,this._keyToClassName={},this._onInsertRuleCallbacks=[],this._onResetCallbacks=[],this._classNameToArgs={},this._config=__assign$1({injectionMode:typeof document>"u"?InjectionMode$1.none:InjectionMode$1.insertNode,defaultPrefix:"css",namespace:void 0,cspSettings:void 0},b),this._classNameToArgs=(w=m==null?void 0:m.classNameToArgs)!==null&&w!==void 0?w:this._classNameToArgs,this._counter=(_=m==null?void 0:m.counter)!==null&&_!==void 0?_:this._counter,this._keyToClassName=(k=(C=this._config.classNameCache)!==null&&C!==void 0?C:m==null?void 0:m.keyToClassName)!==null&&k!==void 0?k:this._keyToClassName,this._preservedRules=(I=m==null?void 0:m.preservedRules)!==null&&I!==void 0?I:this._preservedRules,this._rules=($=m==null?void 0:m.rules)!==null&&$!==void 0?$:this._rules}return g.getInstance=function(){if(_stylesheet$1=_global$2[STYLESHEET_SETTING$1],!_stylesheet$1||_stylesheet$1._lastStyleElement&&_stylesheet$1._lastStyleElement.ownerDocument!==document){var b=(_global$2==null?void 0:_global$2.FabricConfig)||{},m=new g(b.mergeStyles,b.serializedStylesheet);_stylesheet$1=m,_global$2[STYLESHEET_SETTING$1]=m}return _stylesheet$1},g.prototype.serialize=function(){return JSON.stringify({classNameToArgs:this._classNameToArgs,counter:this._counter,keyToClassName:this._keyToClassName,preservedRules:this._preservedRules,rules:this._rules})},g.prototype.setConfig=function(b){this._config=__assign$1(__assign$1({},this._config),b)},g.prototype.onReset=function(b){var m=this;return this._onResetCallbacks.push(b),function(){m._onResetCallbacks=m._onResetCallbacks.filter(function(w){return w!==b})}},g.prototype.onInsertRule=function(b){var m=this;return this._onInsertRuleCallbacks.push(b),function(){m._onInsertRuleCallbacks=m._onInsertRuleCallbacks.filter(function(w){return w!==b})}},g.prototype.getClassName=function(b){var m=this._config.namespace,w=b||this._config.defaultPrefix;return(m?m+"-":"")+w+"-"+this._counter++},g.prototype.cacheClassName=function(b,m,w,_){this._keyToClassName[m]=b,this._classNameToArgs[b]={args:w,rules:_}},g.prototype.classNameFromKey=function(b){return this._keyToClassName[b]},g.prototype.getClassNameCache=function(){return this._keyToClassName},g.prototype.argsFromClassName=function(b){var m=this._classNameToArgs[b];return m&&m.args},g.prototype.insertedRulesFromClassName=function(b){var m=this._classNameToArgs[b];return m&&m.rules},g.prototype.insertRule=function(b,m){var w=this._config.injectionMode,_=w!==InjectionMode$1.none?this._getStyleElement():void 0;if(m&&this._preservedRules.push(b),_)switch(w){case InjectionMode$1.insertNode:var C=_.sheet;try{C.insertRule(b,C.cssRules.length)}catch{}break;case InjectionMode$1.appendChild:_.appendChild(document.createTextNode(b));break}else this._rules.push(b);this._config.onInsertRule&&this._config.onInsertRule(b),this._onInsertRuleCallbacks.forEach(function(k){return k()})},g.prototype.getRules=function(b){return(b?this._preservedRules.join(""):"")+this._rules.join("")},g.prototype.reset=function(){this._rules=[],this._counter=0,this._classNameToArgs={},this._keyToClassName={},this._onResetCallbacks.forEach(function(b){return b()})},g.prototype.resetKeys=function(){this._keyToClassName={}},g.prototype._getStyleElement=function(){var b=this;return!this._styleElement&&typeof document<"u"&&(this._styleElement=this._createStyleElement(),REUSE_STYLE_NODE$1||window.requestAnimationFrame(function(){b._styleElement=void 0})),this._styleElement},g.prototype._createStyleElement=function(){var b=document.head,m=document.createElement("style"),w=null;m.setAttribute("data-merge-styles","true");var _=this._config.cspSettings;if(_&&_.nonce&&m.setAttribute("nonce",_.nonce),this._lastStyleElement)w=this._lastStyleElement.nextElementSibling;else{var C=this._findPlaceholderStyleTag();C?w=C.nextElementSibling:w=b.childNodes[0]}return b.insertBefore(m,b.contains(w)?w:null),this._lastStyleElement=m,m},g.prototype._findPlaceholderStyleTag=function(){var b=document.head;return b?b.querySelector("style[data-merge-styles]"):null},g}();function extractStyleParts$1(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];var m=[],w=[],_=Stylesheet$1.getInstance();function C(k){for(var I=0,$=k;I<$.length;I++){var P=$[I];if(P)if(typeof P=="string")if(P.indexOf(" ")>=0)C(P.split(" "));else{var M=_.argsFromClassName(P);M?C(M):m.indexOf(P)===-1&&m.push(P)}else Array.isArray(P)?C(P):typeof P=="object"&&w.push(P)}}return C(g),{classes:m,objects:w}}function setRTL$1(g){_rtl$1!==g&&(_rtl$1=g)}function getRTL$2(){return _rtl$1===void 0&&(_rtl$1=typeof document<"u"&&!!document.documentElement&&document.documentElement.getAttribute("dir")==="rtl"),_rtl$1}var _rtl$1;_rtl$1=getRTL$2();function getStyleOptions$1(){return{rtl:getRTL$2()}}var rules$1={};function kebabRules$1(g,b){var m=g[b];m.charAt(0)!=="-"&&(g[b]=rules$1[m]=rules$1[m]||m.replace(/([A-Z])/g,"-$1").toLowerCase())}var _vendorSettings$1;function getVendorSettings$1(){var g;if(!_vendorSettings$1){var b=typeof document<"u"?document:void 0,m=typeof navigator<"u"?navigator:void 0,w=(g=m==null?void 0:m.userAgent)===null||g===void 0?void 0:g.toLowerCase();b?_vendorSettings$1={isWebkit:!!(b&&"WebkitAppearance"in b.documentElement.style),isMoz:!!(w&&w.indexOf("firefox")>-1),isOpera:!!(w&&w.indexOf("opera")>-1),isMs:!!(m&&(/rv:11.0/i.test(m.userAgent)||/Edge\/\d./i.test(navigator.userAgent)))}:_vendorSettings$1={isWebkit:!0,isMoz:!0,isOpera:!0,isMs:!0}}return _vendorSettings$1}var autoPrefixNames$1={"user-select":1};function prefixRules$1(g,b){var m=getVendorSettings$1(),w=g[b];if(autoPrefixNames$1[w]){var _=g[b+1];autoPrefixNames$1[w]&&(m.isWebkit&&g.push("-webkit-"+w,_),m.isMoz&&g.push("-moz-"+w,_),m.isMs&&g.push("-ms-"+w,_),m.isOpera&&g.push("-o-"+w,_))}}var NON_PIXEL_NUMBER_PROPS$1=["column-count","font-weight","flex","flex-grow","flex-shrink","fill-opacity","opacity","order","z-index","zoom"];function provideUnits$1(g,b){var m=g[b],w=g[b+1];if(typeof w=="number"){var _=NON_PIXEL_NUMBER_PROPS$1.indexOf(m)>-1,C=m.indexOf("--")>-1,k=_||C?"":"px";g[b+1]=""+w+k}}var _a$4,LEFT$1="left",RIGHT$1="right",NO_FLIP$1="@noflip",NAME_REPLACEMENTS$1=(_a$4={},_a$4[LEFT$1]=RIGHT$1,_a$4[RIGHT$1]=LEFT$1,_a$4),VALUE_REPLACEMENTS$1={"w-resize":"e-resize","sw-resize":"se-resize","nw-resize":"ne-resize"};function rtlifyRules$1(g,b,m){if(g.rtl){var w=b[m];if(!w)return;var _=b[m+1];if(typeof _=="string"&&_.indexOf(NO_FLIP$1)>=0)b[m+1]=_.replace(/\s*(?:\/\*\s*)?\@noflip\b(?:\s*\*\/)?\s*?/g,"");else if(w.indexOf(LEFT$1)>=0)b[m]=w.replace(LEFT$1,RIGHT$1);else if(w.indexOf(RIGHT$1)>=0)b[m]=w.replace(RIGHT$1,LEFT$1);else if(String(_).indexOf(LEFT$1)>=0)b[m+1]=_.replace(LEFT$1,RIGHT$1);else if(String(_).indexOf(RIGHT$1)>=0)b[m+1]=_.replace(RIGHT$1,LEFT$1);else if(NAME_REPLACEMENTS$1[w])b[m]=NAME_REPLACEMENTS$1[w];else if(VALUE_REPLACEMENTS$1[_])b[m+1]=VALUE_REPLACEMENTS$1[_];else switch(w){case"margin":case"padding":b[m+1]=flipQuad$1(_);break;case"box-shadow":b[m+1]=negateNum$1(_,0);break}}}function negateNum$1(g,b){var m=g.split(" "),w=parseInt(m[b],10);return m[0]=m[0].replace(String(w),String(w*-1)),m.join(" ")}function flipQuad$1(g){if(typeof g=="string"){var b=g.split(" ");if(b.length===4)return b[0]+" "+b[3]+" "+b[2]+" "+b[1]}return g}function tokenizeWithParentheses$1(g){for(var b=[],m=0,w=0,_=0;_<g.length;_++)switch(g[_]){case"(":w++;break;case")":w&&w--;break;case" ":case" ":w||(_>m&&b.push(g.substring(m,_)),m=_+1);break}return m<g.length&&b.push(g.substring(m)),b}var DISPLAY_NAME$1="displayName";function getDisplayName$3(g){var b=g&&g["&"];return b?b.displayName:void 0}var globalSelectorRegExp$1=/\:global\((.+?)\)/g;function expandCommaSeparatedGlobals$1(g){if(!globalSelectorRegExp$1.test(g))return g;for(var b=[],m=/\:global\((.+?)\)/g,w=null;w=m.exec(g);)w[1].indexOf(",")>-1&&b.push([w.index,w.index+w[0].length,w[1].split(",").map(function(_){return":global("+_.trim()+")"}).join(", ")]);return b.reverse().reduce(function(_,C){var k=C[0],I=C[1],$=C[2],P=_.slice(0,k),M=_.slice(I);return P+$+M},g)}function expandSelector$1(g,b){return g.indexOf(":global(")>=0?g.replace(globalSelectorRegExp$1,"$1"):g.indexOf(":")===0?b+g:g.indexOf("&")<0?b+" "+g:g}function extractSelector$1(g,b,m,w){b===void 0&&(b={__order:[]}),m.indexOf("@")===0?(m=m+"{"+g,extractRules$1([w],b,m)):m.indexOf(",")>-1?expandCommaSeparatedGlobals$1(m).split(",").map(function(_){return _.trim()}).forEach(function(_){return extractRules$1([w],b,expandSelector$1(_,g))}):extractRules$1([w],b,expandSelector$1(m,g))}function extractRules$1(g,b,m){b===void 0&&(b={__order:[]}),m===void 0&&(m="&");var w=Stylesheet$1.getInstance(),_=b[m];_||(_={},b[m]=_,b.__order.push(m));for(var C=0,k=g;C<k.length;C++){var I=k[C];if(typeof I=="string"){var $=w.argsFromClassName(I);$&&extractRules$1($,b,m)}else if(Array.isArray(I))extractRules$1(I,b,m);else for(var P in I)if(I.hasOwnProperty(P)){var M=I[P];if(P==="selectors"){var U=I.selectors;for(var G in U)U.hasOwnProperty(G)&&extractSelector$1(m,b,G,U[G])}else typeof M=="object"?M!==null&&extractSelector$1(m,b,P,M):M!==void 0&&(P==="margin"||P==="padding"?expandQuads$1(_,P,M):_[P]=M)}}return b}function expandQuads$1(g,b,m){var w=typeof m=="string"?tokenizeWithParentheses$1(m):[m];w.length===0&&w.push(m),w[w.length-1]==="!important"&&(w=w.slice(0,-1).map(function(_){return _+" !important"})),g[b+"Top"]=w[0],g[b+"Right"]=w[1]||w[0],g[b+"Bottom"]=w[2]||w[0],g[b+"Left"]=w[3]||w[1]||w[0]}function getKeyForRules$1(g,b){for(var m=[g.rtl?"rtl":"ltr"],w=!1,_=0,C=b.__order;_<C.length;_++){var k=C[_];m.push(k);var I=b[k];for(var $ in I)I.hasOwnProperty($)&&I[$]!==void 0&&(w=!0,m.push($,I[$]))}return w?m.join(""):void 0}function repeatString$1(g,b){return b<=0?"":b===1?g:g+repeatString$1(g,b-1)}function serializeRuleEntries$1(g,b){if(!b)return"";var m=[];for(var w in b)b.hasOwnProperty(w)&&w!==DISPLAY_NAME$1&&b[w]!==void 0&&m.push(w,b[w]);for(var _=0;_<m.length;_+=2)kebabRules$1(m,_),provideUnits$1(m,_),rtlifyRules$1(g,m,_),prefixRules$1(m,_);for(var _=1;_<m.length;_+=4)m.splice(_,1,":",m[_],";");return m.join("")}function styleToRegistration$1(g){for(var b=[],m=1;m<arguments.length;m++)b[m-1]=arguments[m];var w=extractRules$1(b),_=getKeyForRules$1(g,w);if(_){var C=Stylesheet$1.getInstance(),k={className:C.classNameFromKey(_),key:_,args:b};if(!k.className){k.className=C.getClassName(getDisplayName$3(w));for(var I=[],$=0,P=w.__order;$<P.length;$++){var M=P[$];I.push(M,serializeRuleEntries$1(g,w[M]))}k.rulesToInsert=I}return k}}function applyRegistration$1(g,b){b===void 0&&(b=1);var m=Stylesheet$1.getInstance(),w=g.className,_=g.key,C=g.args,k=g.rulesToInsert;if(k){for(var I=0;I<k.length;I+=2){var $=k[I+1];if($){var P=k[I];P=P.replace(/&/g,repeatString$1("."+g.className,b));var M=P+"{"+$+"}"+(P.indexOf("@")===0?"}":"");m.insertRule(M)}}m.cacheClassName(w,_,C,k)}}function styleToClassName(g){for(var b=[],m=1;m<arguments.length;m++)b[m-1]=arguments[m];var w=styleToRegistration$1.apply(void 0,__spreadArray([g],b));return w?(applyRegistration$1(w,g.specificityMultiplier),w.className):""}function mergeStyles(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];return mergeCss(g,getStyleOptions$1())}function mergeCss(g,b){var m=g instanceof Array?g:[g],w=extractStyleParts$1(m),_=w.classes,C=w.objects;return C.length&&_.push(styleToClassName(b||{},C)),_.join(" ")}function concatStyleSets$1(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];if(g&&g.length===1&&g[0]&&!g[0].subComponentStyles)return g[0];for(var m={},w={},_=0,C=g;_<C.length;_++){var k=C[_];if(k){for(var I in k)if(k.hasOwnProperty(I)){if(I==="subComponentStyles"&&k.subComponentStyles!==void 0){var $=k.subComponentStyles;for(var P in $)$.hasOwnProperty(P)&&(w.hasOwnProperty(P)?w[P].push($[P]):w[P]=[$[P]]);continue}var M=m[I],U=k[I];M===void 0?m[I]=U:m[I]=__spreadArray(__spreadArray([],Array.isArray(M)?M:[M]),Array.isArray(U)?U:[U])}}}if(Object.keys(w).length>0){m.subComponentStyles={};var G=m.subComponentStyles,X=function(Z){if(w.hasOwnProperty(Z)){var ne=w[Z];G[Z]=function(re){return concatStyleSets$1.apply(void 0,ne.map(function(ve){return typeof ve=="function"?ve(re):ve}))}}};for(var P in w)X(P)}return m}function mergeStyleSets$1(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];return mergeCssSets$1(g,getStyleOptions$1())}function mergeCssSets$1(g,b){var m={subComponentStyles:{}},w=g[0];if(!w&&g.length<=1)return{subComponentStyles:{}};var _=concatStyleSets$1.apply(void 0,g),C=[];for(var k in _)if(_.hasOwnProperty(k)){if(k==="subComponentStyles"){m.subComponentStyles=_.subComponentStyles||{};continue}var I=_[k],$=extractStyleParts$1(I),P=$.classes,M=$.objects;if(M!=null&&M.length){var U=styleToRegistration$1(b||{},{displayName:k},M);U&&(C.push(U),m[k]=P.concat([U.className]).join(" "))}else m[k]=P.join(" ")}for(var G=0,X=C;G<X.length;G++){var U=X[G];U&&applyRegistration$1(U,b==null?void 0:b.specificityMultiplier)}return m}function concatStyleSetsWithProps(g){for(var b=[],m=1;m<arguments.length;m++)b[m-1]=arguments[m];for(var w=[],_=0,C=b;_<C.length;_++){var k=C[_];k&&w.push(typeof k=="function"?k(g):k)}return w.length===1?w[0]:w.length?concatStyleSets$1.apply(void 0,w):{}}function fontFace(g){var b=Stylesheet$1.getInstance(),m=serializeRuleEntries$1(getStyleOptions$1(),g),w=b.classNameFromKey(m);if(!w){var _=b.getClassName();b.insertRule("@font-face{"+m+"}",!0),b.cacheClassName(_,m,[],["font-face",m])}}function keyframes(g){var b=Stylesheet$1.getInstance(),m=[];for(var w in g)g.hasOwnProperty(w)&&m.push(w,"{",serializeRuleEntries$1(getStyleOptions$1(),g[w]),"}");var _=m.join(""),C=b.classNameFromKey(_);if(C)return C;var k=b.getClassName();return b.insertRule("@keyframes "+k+"{"+_+"}",!0),b.cacheClassName(k,_,[],["keyframes",_]),k}function buildClassMap(g){var b={},m=function(_){if(g.hasOwnProperty(_)){var C;Object.defineProperty(b,_,{get:function(){return C===void 0&&(C=mergeStyles(g[_]).toString()),C},enumerable:!0,configurable:!0})}};for(var w in g)m(w);return b}var _window=void 0;try{_window=window}catch(g){}function getWindow(g){if(!(typeof _window>"u")){var b=g;return b&&b.ownerDocument&&b.ownerDocument.defaultView?b.ownerDocument.defaultView:_window}}var Async=function(){function g(b,m){this._timeoutIds=null,this._immediateIds=null,this._intervalIds=null,this._animationFrameIds=null,this._isDisposed=!1,this._parent=b||null,this._onErrorHandler=m,this._noop=function(){}}return g.prototype.dispose=function(){var b;if(this._isDisposed=!0,this._parent=null,this._timeoutIds){for(b in this._timeoutIds)this._timeoutIds.hasOwnProperty(b)&&this.clearTimeout(parseInt(b,10));this._timeoutIds=null}if(this._immediateIds){for(b in this._immediateIds)this._immediateIds.hasOwnProperty(b)&&this.clearImmediate(parseInt(b,10));this._immediateIds=null}if(this._intervalIds){for(b in this._intervalIds)this._intervalIds.hasOwnProperty(b)&&this.clearInterval(parseInt(b,10));this._intervalIds=null}if(this._animationFrameIds){for(b in this._animationFrameIds)this._animationFrameIds.hasOwnProperty(b)&&this.cancelAnimationFrame(parseInt(b,10));this._animationFrameIds=null}},g.prototype.setTimeout=function(b,m){var w=this,_=0;return this._isDisposed||(this._timeoutIds||(this._timeoutIds={}),_=setTimeout(function(){try{w._timeoutIds&&delete w._timeoutIds[_],b.apply(w._parent)}catch(C){w._logError(C)}},m),this._timeoutIds[_]=!0),_},g.prototype.clearTimeout=function(b){this._timeoutIds&&this._timeoutIds[b]&&(clearTimeout(b),delete this._timeoutIds[b])},g.prototype.setImmediate=function(b,m){var w=this,_=0,C=getWindow(m);if(!this._isDisposed){this._immediateIds||(this._immediateIds={});var k=function(){try{w._immediateIds&&delete w._immediateIds[_],b.apply(w._parent)}catch(I){w._logError(I)}};_=C.setTimeout(k,0),this._immediateIds[_]=!0}return _},g.prototype.clearImmediate=function(b,m){var w=getWindow(m);this._immediateIds&&this._immediateIds[b]&&(w.clearTimeout(b),delete this._immediateIds[b])},g.prototype.setInterval=function(b,m){var w=this,_=0;return this._isDisposed||(this._intervalIds||(this._intervalIds={}),_=setInterval(function(){try{b.apply(w._parent)}catch(C){w._logError(C)}},m),this._intervalIds[_]=!0),_},g.prototype.clearInterval=function(b){this._intervalIds&&this._intervalIds[b]&&(clearInterval(b),delete this._intervalIds[b])},g.prototype.throttle=function(b,m,w){var _=this;if(this._isDisposed)return this._noop;var C=m||0,k=!0,I=!0,$=0,P,M,U=null;w&&typeof w.leading=="boolean"&&(k=w.leading),w&&typeof w.trailing=="boolean"&&(I=w.trailing);var G=function(Z){var ne=Date.now(),re=ne-$,ve=k?C-re:C;return re>=C&&(!Z||k)?($=ne,U&&(_.clearTimeout(U),U=null),P=b.apply(_._parent,M)):U===null&&I&&(U=_.setTimeout(G,ve)),P},X=function(){for(var Z=[],ne=0;ne<arguments.length;ne++)Z[ne]=arguments[ne];return M=Z,G(!0)};return X},g.prototype.debounce=function(b,m,w){var _=this;if(this._isDisposed){var C=function(){};return C.cancel=function(){},C.flush=function(){return null},C.pending=function(){return!1},C}var k=m||0,I=!1,$=!0,P=null,M=0,U=Date.now(),G,X,Z=null;w&&typeof w.leading=="boolean"&&(I=w.leading),w&&typeof w.trailing=="boolean"&&($=w.trailing),w&&typeof w.maxWait=="number"&&!isNaN(w.maxWait)&&(P=w.maxWait);var ne=function(De){Z&&(_.clearTimeout(Z),Z=null),U=De},re=function(De){ne(De),G=b.apply(_._parent,X)},ve=function(De){var Le=Date.now(),rt=!1;De&&(I&&Le-M>=k&&(rt=!0),M=Le);var Ue=Le-M,Ze=k-Ue,gt=Le-U,$t=!1;return P!==null&&(gt>=P&&Z?$t=!0:Ze=Math.min(Ze,P-gt)),Ue>=k||$t||rt?re(Le):(Z===null||!De)&&$&&(Z=_.setTimeout(ve,Ze)),G},Se=function(){return!!Z},ge=function(){Se()&&ne(Date.now())},oe=function(){return Se()&&re(Date.now()),G},me=function(){for(var De=[],Le=0;Le<arguments.length;Le++)De[Le]=arguments[Le];return X=De,ve(!0)};return me.cancel=ge,me.flush=oe,me.pending=Se,me},g.prototype.requestAnimationFrame=function(b,m){var w=this,_=0,C=getWindow(m);if(!this._isDisposed){this._animationFrameIds||(this._animationFrameIds={});var k=function(){try{w._animationFrameIds&&delete w._animationFrameIds[_],b.apply(w._parent)}catch(I){w._logError(I)}};_=C.requestAnimationFrame?C.requestAnimationFrame(k):C.setTimeout(k,0),this._animationFrameIds[_]=!0}return _},g.prototype.cancelAnimationFrame=function(b,m){var w=getWindow(m);this._animationFrameIds&&this._animationFrameIds[b]&&(w.cancelAnimationFrame?w.cancelAnimationFrame(b):w.clearTimeout(b),delete this._animationFrameIds[b])},g.prototype._logError=function(b){this._onErrorHandler&&this._onErrorHandler(b)},g}();function shallowCompare(g,b){for(var m in g)if(g.hasOwnProperty(m)&&(!b.hasOwnProperty(m)||b[m]!==g[m]))return!1;for(var m in b)if(b.hasOwnProperty(m)&&!g.hasOwnProperty(m))return!1;return!0}function assign$2(g){for(var b=[],m=1;m<arguments.length;m++)b[m-1]=arguments[m];return filteredAssign.apply(this,[null,g].concat(b))}function filteredAssign(g,b){for(var m=[],w=2;w<arguments.length;w++)m[w-2]=arguments[w];b=b||{};for(var _=0,C=m;_<C.length;_++){var k=C[_];if(k)for(var I in k)k.hasOwnProperty(I)&&(!g||g(I))&&(b[I]=k[I])}return b}function omit$1(g,b){var m={};for(var w in g)b.indexOf(w)===-1&&g.hasOwnProperty(w)&&(m[w]=g[w]);return m}var EventGroup=function(){function g(b){this._id=g._uniqueId++,this._parent=b,this._eventRecords=[]}return g.raise=function(b,m,w,_){var C;if(g._isElement(b)){if(typeof document<"u"&&document.createEvent){var k=document.createEvent("HTMLEvents");k.initEvent(m,_||!1,!0),assign$2(k,w),C=b.dispatchEvent(k)}else if(typeof document<"u"&&document.createEventObject){var I=document.createEventObject(w);b.fireEvent("on"+m,I)}}else for(;b&&C!==!1;){var $=b.__events__,P=$?$[m]:null;if(P){for(var M in P)if(P.hasOwnProperty(M))for(var U=P[M],G=0;C!==!1&&G<U.length;G++){var X=U[G];X.objectCallback&&(C=X.objectCallback.call(X.parent,w))}}b=_?b.parent:null}return C},g.isObserved=function(b,m){var w=b&&b.__events__;return!!w&&!!w[m]},g.isDeclared=function(b,m){var w=b&&b.__declaredEvents;return!!w&&!!w[m]},g.stopPropagation=function(b){b.stopPropagation?b.stopPropagation():b.cancelBubble=!0},g._isElement=function(b){return!!b&&(!!b.addEventListener||typeof HTMLElement<"u"&&b instanceof HTMLElement)},g.prototype.dispose=function(){this._isDisposed||(this._isDisposed=!0,this.off(),this._parent=null)},g.prototype.onAll=function(b,m,w){for(var _ in m)m.hasOwnProperty(_)&&this.on(b,_,m[_],w)},g.prototype.on=function(b,m,w,_){var C=this;if(m.indexOf(",")>-1)for(var k=m.split(/[ ,]+/),I=0;I<k.length;I++)this.on(b,k[I],w,_);else{var $=this._parent,P={target:b,eventName:m,parent:$,callback:w,options:_},k=b.__events__=b.__events__||{};if(k[m]=k[m]||{count:0},k[m][this._id]=k[m][this._id]||[],k[m][this._id].push(P),k[m].count++,g._isElement(b)){var M=function(){for(var X=[],Z=0;Z<arguments.length;Z++)X[Z]=arguments[Z];if(!C._isDisposed){var ne;try{if(ne=w.apply($,X),ne===!1&&X[0]){var re=X[0];re.preventDefault&&re.preventDefault(),re.stopPropagation&&re.stopPropagation(),re.cancelBubble=!0}}catch{}return ne}};P.elementCallback=M,b.addEventListener?b.addEventListener(m,M,_):b.attachEvent&&b.attachEvent("on"+m,M)}else{var U=function(){for(var X=[],Z=0;Z<arguments.length;Z++)X[Z]=arguments[Z];if(!C._isDisposed)return w.apply($,X)};P.objectCallback=U}this._eventRecords.push(P)}},g.prototype.off=function(b,m,w,_){for(var C=0;C<this._eventRecords.length;C++){var k=this._eventRecords[C];if((!b||b===k.target)&&(!m||m===k.eventName)&&(!w||w===k.callback)&&(typeof _!="boolean"||_===k.options)){var I=k.target.__events__,$=I[k.eventName],P=$?$[this._id]:null;P&&(P.length===1||!w?($.count-=P.length,delete I[k.eventName][this._id]):($.count--,P.splice(P.indexOf(k),1)),$.count||delete I[k.eventName]),k.elementCallback&&(k.target.removeEventListener?k.target.removeEventListener(k.eventName,k.elementCallback,k.options):k.target.detachEvent&&k.target.detachEvent("on"+k.eventName,k.elementCallback)),this._eventRecords.splice(C--,1)}}},g.prototype.raise=function(b,m,w){return g.raise(this._parent,b,m,w)},g.prototype.declare=function(b){var m=this._parent.__declaredEvents=this._parent.__declaredEvents||{};if(typeof b=="string")m[b]=!0;else for(var w=0;w<b.length;w++)m[b[w]]=!0},g._uniqueId=0,g}();function getDocument(g){if(!(typeof document>"u")){var b=g;return b&&b.ownerDocument?b.ownerDocument:document}}var _scrollbarWidth,_bodyScrollDisabledCount=0,DisabledScrollClassName=mergeStyles({overflow:"hidden !important"}),DATA_IS_SCROLLABLE_ATTRIBUTE="data-is-scrollable",allowScrollOnElement=function(g,b){if(g){var m=0,w=null,_=function(k){k.targetTouches.length===1&&(m=k.targetTouches[0].clientY)},C=function(k){if(k.targetTouches.length===1&&(k.stopPropagation(),!!w)){var I=k.targetTouches[0].clientY-m,$=findScrollableParent(k.target);$&&(w=$),w.scrollTop===0&&I>0&&k.preventDefault(),w.scrollHeight-Math.ceil(w.scrollTop)<=w.clientHeight&&I<0&&k.preventDefault()}};b.on(g,"touchstart",_,{passive:!1}),b.on(g,"touchmove",C,{passive:!1}),w=g}},allowOverscrollOnElement=function(g,b){if(g){var m=function(w){w.stopPropagation()};b.on(g,"touchmove",m,{passive:!1})}},_disableIosBodyScroll=function(g){g.preventDefault()};function disableBodyScroll(){var g=getDocument();g&&g.body&&!_bodyScrollDisabledCount&&(g.body.classList.add(DisabledScrollClassName),g.body.addEventListener("touchmove",_disableIosBodyScroll,{passive:!1,capture:!1})),_bodyScrollDisabledCount++}function enableBodyScroll(){if(_bodyScrollDisabledCount>0){var g=getDocument();g&&g.body&&_bodyScrollDisabledCount===1&&(g.body.classList.remove(DisabledScrollClassName),g.body.removeEventListener("touchmove",_disableIosBodyScroll)),_bodyScrollDisabledCount--}}function getScrollbarWidth(){if(_scrollbarWidth===void 0){var g=document.createElement("div");g.style.setProperty("width","100px"),g.style.setProperty("height","100px"),g.style.setProperty("overflow","scroll"),g.style.setProperty("position","absolute"),g.style.setProperty("top","-9999px"),document.body.appendChild(g),_scrollbarWidth=g.offsetWidth-g.clientWidth,document.body.removeChild(g)}return _scrollbarWidth}function findScrollableParent(g){for(var b=g,m=getDocument(g);b&&b!==m.body;){if(b.getAttribute(DATA_IS_SCROLLABLE_ATTRIBUTE)==="true")return b;b=b.parentElement}for(b=g;b&&b!==m.body;){if(b.getAttribute(DATA_IS_SCROLLABLE_ATTRIBUTE)!=="false"){var w=getComputedStyle(b),_=w?w.getPropertyValue("overflow-y"):"";if(_&&(_==="scroll"||_==="auto"))return b}b=b.parentElement}return(!b||b===m.body)&&(b=getWindow(g)),b}var _warningCallback=void 0;function warn$1(g){_warningCallback&&{}.NODE_ENV!=="production"?_warningCallback(g):console&&console.warn&&console.warn(g)}function warnConditionallyRequiredProps(g,b,m,w,_){if(_===!0&&{}.NODE_ENV!=="production")for(var C=0,k=m;C<k.length;C++){var I=k[C];I in b||warn$1(g+" property '"+I+"' is required when '"+w+"' is used.'")}}function warnMutuallyExclusive(g,b,m){if({}.NODE_ENV!=="production"){for(var w in m)if(b&&b[w]!==void 0){var _=m[w];_&&b[_]!==void 0&&warn$1(g+" property '"+w+"' is mutually exclusive with '"+m[w]+"'. Use one or the other.")}}}function warnDeprecations(g,b,m){if({}.NODE_ENV!=="production"){for(var w in m)if(b&&w in b){var _=g+" property '"+w+"' was used but has been deprecated.",C=m[w];C&&(_+=" Use '"+C+"' instead."),warn$1(_)}}}var GLOBAL_SETTINGS_PROP_NAME="__globalSettings__",CALLBACK_STATE_PROP_NAME="__callbacks__",_counter=0,GlobalSettings=function(){function g(){}return g.getValue=function(b,m){var w=_getGlobalSettings();return w[b]===void 0&&(w[b]=typeof m=="function"?m():m),w[b]},g.setValue=function(b,m){var w=_getGlobalSettings(),_=w[CALLBACK_STATE_PROP_NAME],C=w[b];if(m!==C){w[b]=m;var k={oldValue:C,value:m,key:b};for(var I in _)_.hasOwnProperty(I)&&_[I](k)}return m},g.addChangeListener=function(b){var m=b.__id__,w=_getCallbacks();m||(m=b.__id__=String(_counter++)),w[m]=b},g.removeChangeListener=function(b){var m=_getCallbacks();delete m[b.__id__]},g}();function _getGlobalSettings(){var g,b=getWindow(),m=b||{};return m[GLOBAL_SETTINGS_PROP_NAME]||(m[GLOBAL_SETTINGS_PROP_NAME]=(g={},g[CALLBACK_STATE_PROP_NAME]={},g)),m[GLOBAL_SETTINGS_PROP_NAME]}function _getCallbacks(){var g=_getGlobalSettings();return g[CALLBACK_STATE_PROP_NAME]}var KeyCodes$1={backspace:8,tab:9,enter:13,shift:16,ctrl:17,alt:18,pauseBreak:19,capslock:20,escape:27,space:32,pageUp:33,pageDown:34,end:35,home:36,left:37,up:38,right:39,down:40,insert:45,del:46,zero:48,one:49,two:50,three:51,four:52,five:53,six:54,seven:55,eight:56,nine:57,colon:58,a:65,b:66,c:67,d:68,e:69,f:70,g:71,h:72,i:73,j:74,k:75,l:76,m:77,n:78,o:79,p:80,q:81,r:82,s:83,t:84,u:85,v:86,w:87,x:88,y:89,z:90,leftWindow:91,rightWindow:92,select:93,zero_numpad:96,one_numpad:97,two_numpad:98,three_numpad:99,four_numpad:100,five_numpad:101,six_numpad:102,seven_numpad:103,eight_numpad:104,nine_numpad:105,multiply:106,add:107,subtract:109,decimalPoint:110,divide:111,f1:112,f2:113,f3:114,f4:115,f5:116,f6:117,f7:118,f8:119,f9:120,f10:121,f11:122,f12:123,numlock:144,scrollLock:145,semicolon:186,equalSign:187,comma:188,dash:189,period:190,forwardSlash:191,graveAccent:192,openBracket:219,backSlash:220,closeBracket:221,singleQuote:222},Rectangle=function(){function g(b,m,w,_){b===void 0&&(b=0),m===void 0&&(m=0),w===void 0&&(w=0),_===void 0&&(_=0),this.top=w,this.bottom=_,this.left=b,this.right=m}return Object.defineProperty(g.prototype,"width",{get:function(){return this.right-this.left},enumerable:!1,configurable:!0}),Object.defineProperty(g.prototype,"height",{get:function(){return this.bottom-this.top},enumerable:!1,configurable:!0}),g.prototype.equals=function(b){return parseFloat(this.top.toFixed(4))===parseFloat(b.top.toFixed(4))&&parseFloat(this.bottom.toFixed(4))===parseFloat(b.bottom.toFixed(4))&&parseFloat(this.left.toFixed(4))===parseFloat(b.left.toFixed(4))&&parseFloat(this.right.toFixed(4))===parseFloat(b.right.toFixed(4))},g}();function appendFunction(g){for(var b=[],m=1;m<arguments.length;m++)b[m-1]=arguments[m];return b.length<2?b[0]:function(){for(var w=[],_=0;_<arguments.length;_++)w[_]=arguments[_];b.forEach(function(C){return C&&C.apply(g,w)})}}function getItem$1(g){var b=null;try{var m=getWindow();b=m?m.sessionStorage.getItem(g):null}catch{}return b}function setItem(g,b){var m;try{(m=getWindow())===null||m===void 0||m.sessionStorage.setItem(g,b)}catch{}}var RTL_LOCAL_STORAGE_KEY="isRTL",_isRTL;function getRTL$1(g){if(g===void 0&&(g={}),g.rtl!==void 0)return g.rtl;if(_isRTL===void 0){var b=getItem$1(RTL_LOCAL_STORAGE_KEY);b!==null&&(_isRTL=b==="1",setRTL(_isRTL));var m=getDocument();_isRTL===void 0&&m&&(_isRTL=(m.body&&m.body.getAttribute("dir")||m.documentElement.getAttribute("dir"))==="rtl",setRTL$1(_isRTL))}return!!_isRTL}function setRTL(g,b){b===void 0&&(b=!1);var m=getDocument();m&&m.documentElement.setAttribute("dir",g?"rtl":"ltr"),b&&setItem(RTL_LOCAL_STORAGE_KEY,g?"1":"0"),_isRTL=g,setRTL$1(_isRTL)}function isVirtualElement(g){return g&&!!g._virtual}function getVirtualParent(g){var b;return g&&isVirtualElement(g)&&(b=g._virtual.parent),b}function getParent(g,b){return b===void 0&&(b=!0),g&&(b&&getVirtualParent(g)||g.parentNode&&g.parentNode)}function elementContains(g,b,m){m===void 0&&(m=!0);var w=!1;if(g&&b)if(m)if(g===b)w=!0;else for(w=!1;b;){var _=getParent(b);if(_===g){w=!0;break}b=_}else g.contains&&(w=g.contains(b));return w}function findElementRecursive(g,b){return!g||g===document.body?null:b(g)?g:findElementRecursive(getParent(g),b)}var DATA_PORTAL_ATTRIBUTE="data-portal-element";function setPortalAttribute(g){g.setAttribute(DATA_PORTAL_ATTRIBUTE,"true")}function portalContainsElement(g,b){var m=findElementRecursive(g,function(w){return b===w||w.hasAttribute(DATA_PORTAL_ATTRIBUTE)});return m!==null&&m.hasAttribute(DATA_PORTAL_ATTRIBUTE)}function setVirtualParent(g,b){var m=g,w=b;m._virtual||(m._virtual={children:[]});var _=m._virtual.parent;if(_&&_!==b){var C=_._virtual.children.indexOf(m);C>-1&&_._virtual.children.splice(C,1)}m._virtual.parent=w||void 0,w&&(w._virtual||(w._virtual={children:[]}),w._virtual.children.push(m))}var IS_FOCUSABLE_ATTRIBUTE="data-is-focusable",IS_VISIBLE_ATTRIBUTE="data-is-visible",FOCUSZONE_ID_ATTRIBUTE="data-focuszone-id",FOCUSZONE_SUB_ATTRIBUTE="data-is-sub-focuszone";function getFirstTabbable(g,b,m,w){return w===void 0&&(w=!0),getNextElement(g,b,w,!1,!1,m,!1,!0)}function getLastTabbable(g,b,m,w){return w===void 0&&(w=!0),getPreviousElement(g,b,w,!1,!0,m,!1,!0)}function focusFirstChild(g){var b=getNextElement(g,g,!0,!1,!1,!0);return b?(focusAsync(b),!0):!1}function getPreviousElement(g,b,m,w,_,C,k,I){if(!b||!k&&b===g)return null;var $=isElementVisible(b);if(_&&$&&(C||!(isElementFocusZone(b)||isElementFocusSubZone(b)))){var P=getPreviousElement(g,b.lastElementChild,!0,!0,!0,C,k,I);if(P){if(I&&isElementTabbable(P,!0)||!I)return P;var M=getPreviousElement(g,P.previousElementSibling,!0,!0,!0,C,k,I);if(M)return M;for(var U=P.parentElement;U&&U!==b;){var G=getPreviousElement(g,U.previousElementSibling,!0,!0,!0,C,k,I);if(G)return G;U=U.parentElement}}}if(m&&$&&isElementTabbable(b,I))return b;var X=getPreviousElement(g,b.previousElementSibling,!0,!0,!0,C,k,I);return X||(w?null:getPreviousElement(g,b.parentElement,!0,!1,!1,C,k,I))}function getNextElement(g,b,m,w,_,C,k,I){if(!b||b===g&&_&&!k)return null;var $=isElementVisible(b);if(m&&$&&isElementTabbable(b,I))return b;if(!_&&$&&(C||!(isElementFocusZone(b)||isElementFocusSubZone(b)))){var P=getNextElement(g,b.firstElementChild,!0,!0,!1,C,k,I);if(P)return P}if(b===g)return null;var M=getNextElement(g,b.nextElementSibling,!0,!0,!1,C,k,I);return M||(w?null:getNextElement(g,b.parentElement,!1,!1,!0,C,k,I))}function isElementVisible(g){if(!g||!g.getAttribute)return!1;var b=g.getAttribute(IS_VISIBLE_ATTRIBUTE);return b!=null?b==="true":g.offsetHeight!==0||g.offsetParent!==null||g.isVisible===!0}function isElementTabbable(g,b){if(!g||g.disabled)return!1;var m=0,w=null;g&&g.getAttribute&&(w=g.getAttribute("tabIndex"),w&&(m=parseInt(w,10)));var _=g.getAttribute?g.getAttribute(IS_FOCUSABLE_ATTRIBUTE):null,C=w!==null&&m>=0,k=!!g&&_!=="false"&&(g.tagName==="A"||g.tagName==="BUTTON"||g.tagName==="INPUT"||g.tagName==="TEXTAREA"||g.tagName==="SELECT"||_==="true"||C);return b?m!==-1&&k:k}function isElementFocusZone(g){return!!(g&&g.getAttribute&&g.getAttribute(FOCUSZONE_ID_ATTRIBUTE))}function isElementFocusSubZone(g){return!!(g&&g.getAttribute&&g.getAttribute(FOCUSZONE_SUB_ATTRIBUTE)==="true")}function doesElementContainFocus(g){var b=getDocument(g),m=b&&b.activeElement;return!!(m&&elementContains(g,m))}var targetToFocusOnNextRepaint=void 0;function focusAsync(g){if(g){if(targetToFocusOnNextRepaint){targetToFocusOnNextRepaint=g;return}targetToFocusOnNextRepaint=g;var b=getWindow(g);b&&b.requestAnimationFrame(function(){targetToFocusOnNextRepaint&&targetToFocusOnNextRepaint.focus(),targetToFocusOnNextRepaint=void 0})}}function on(g,b,m,w){return g.addEventListener(b,m,w),function(){return g.removeEventListener(b,m,w)}}var MAX_CACHE_COUNT=50,DEFAULT_SPECIFICITY_MULTIPLIER=5,_memoizedClassNames=0,stylesheet$1=Stylesheet$1.getInstance();stylesheet$1&&stylesheet$1.onReset&&stylesheet$1.onReset(function(){return _memoizedClassNames++});var retVal="__retval__";function classNamesFunction(g){g===void 0&&(g={});var b=new Map,m=0,w=0,_=_memoizedClassNames,C=function(k,I){var $;if(I===void 0&&(I={}),g.useStaticStyles&&typeof k=="function"&&k.__noStyleOverride__)return k(I);w++;var P=b,M=I.theme,U=M&&M.rtl!==void 0?M.rtl:getRTL$1(),G=g.disableCaching;if(_!==_memoizedClassNames&&(_=_memoizedClassNames,b=new Map,m=0),g.disableCaching||(P=_traverseMap(b,k),P=_traverseMap(P,I)),(G||!P[retVal])&&(k===void 0?P[retVal]={}:P[retVal]=mergeCssSets$1([typeof k=="function"?k(I):k],{rtl:!!U,specificityMultiplier:g.useStaticStyles?DEFAULT_SPECIFICITY_MULTIPLIER:void 0}),G||m++),m>(g.cacheSize||MAX_CACHE_COUNT)){var X=getWindow();!(($=X==null?void 0:X.FabricConfig)===null||$===void 0)&&$.enableClassNameCacheFullWarning&&(console.warn("Styles are being recalculated too frequently. Cache miss rate is "+m+"/"+w+"."),console.trace()),b.clear(),m=0,g.disableCaching=!0}return P[retVal]};return C}function _traverseEdge(g,b){return b=_normalizeValue(b),g.has(b)||g.set(b,new Map),g.get(b)}function _traverseMap(g,b){if(typeof b=="function"){var m=b.__cachedInputs__;if(m)for(var w=0,_=b.__cachedInputs__;w<_.length;w++){var C=_[w];g=_traverseEdge(g,C)}else g=_traverseEdge(g,b)}else if(typeof b=="object")for(var k in b)b.hasOwnProperty(k)&&(g=_traverseEdge(g,b[k]));return g}function _normalizeValue(g){switch(g){case void 0:return"__undefined__";case null:return"__null__";default:return g}}var _initializedStylesheetResets$1=!1,_resetCounter=0,_emptyObject={empty:!0},_dictionary={},_weakMap=typeof WeakMap>"u"?null:WeakMap;function resetMemoizations(){_resetCounter++}function memoizeFunction(g,b,m){if(b===void 0&&(b=100),m===void 0&&(m=!1),!_weakMap)return g;if(!_initializedStylesheetResets$1){var w=Stylesheet$1.getInstance();w&&w.onReset&&Stylesheet$1.getInstance().onReset(resetMemoizations),_initializedStylesheetResets$1=!0}var _,C=0,k=_resetCounter;return function(){for(var $=[],P=0;P<arguments.length;P++)$[P]=arguments[P];var M=_;(_===void 0||k!==_resetCounter||b>0&&C>b)&&(_=_createNode(),C=0,k=_resetCounter),M=_;for(var U=0;U<$.length;U++){var G=_normalizeArg($[U]);M.map.has(G)||M.map.set(G,_createNode()),M=M.map.get(G)}return M.hasOwnProperty("value")||(M.value=g.apply(void 0,$),C++),m&&(M.value===null||M.value===void 0)&&(M.value=g.apply(void 0,$)),M.value}}function _normalizeArg(g){if(g){if(typeof g=="object"||typeof g=="function")return g;_dictionary[g]||(_dictionary[g]={val:g})}else return _emptyObject;return _dictionary[g]}function _createNode(){return{map:_weakMap?new _weakMap:null}}function isControlled(g,b){return g[b]!==void 0&&g[b]!==null}function css$2(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];for(var m=[],w=0,_=g;w<_.length;w++){var C=_[w];if(C)if(typeof C=="string")m.push(C);else if(C.hasOwnProperty("toString")&&typeof C.toString=="function")m.push(C.toString());else for(var k in C)C[k]&&m.push(k)}return m.join(" ")}var CustomizationsGlobalKey="customizations",NO_CUSTOMIZATIONS={settings:{},scopedSettings:{},inCustomizerContext:!1},_allSettings=GlobalSettings.getValue(CustomizationsGlobalKey,{settings:{},scopedSettings:{},inCustomizerContext:!1}),_events=[],Customizations=function(){function g(){}return g.reset=function(){_allSettings.settings={},_allSettings.scopedSettings={}},g.applySettings=function(b){_allSettings.settings=__assign$1(__assign$1({},_allSettings.settings),b),g._raiseChange()},g.applyScopedSettings=function(b,m){_allSettings.scopedSettings[b]=__assign$1(__assign$1({},_allSettings.scopedSettings[b]),m),g._raiseChange()},g.getSettings=function(b,m,w){w===void 0&&(w=NO_CUSTOMIZATIONS);for(var _={},C=m&&w.scopedSettings[m]||{},k=m&&_allSettings.scopedSettings[m]||{},I=0,$=b;I<$.length;I++){var P=$[I];_[P]=C[P]||w.settings[P]||k[P]||_allSettings.settings[P]}return _},g.applyBatchedUpdates=function(b,m){g._suppressUpdates=!0;try{b()}catch{}g._suppressUpdates=!1,m||g._raiseChange()},g.observe=function(b){_events.push(b)},g.unobserve=function(b){_events=_events.filter(function(m){return m!==b})},g._raiseChange=function(){g._suppressUpdates||_events.forEach(function(b){return b()})},g}(),CustomizerContext=reactExports.createContext({customizations:{inCustomizerContext:!1,settings:{},scopedSettings:{}}});function mergeSettings(g,b){g===void 0&&(g={});var m=_isSettingsFunction(b)?b:_settingsMergeWith(b);return m(g)}function mergeScopedSettings(g,b){g===void 0&&(g={});var m=_isSettingsFunction(b)?b:_scopedSettingsMergeWith(b);return m(g)}function _isSettingsFunction(g){return typeof g=="function"}function _settingsMergeWith(g){return function(b){return g?__assign$1(__assign$1({},b),g):b}}function _scopedSettingsMergeWith(g){return g===void 0&&(g={}),function(b){var m=__assign$1({},b);for(var w in g)g.hasOwnProperty(w)&&(m[w]=__assign$1(__assign$1({},b[w]),g[w]));return m}}function mergeCustomizations(g,b){var m=(b||{}).customizations,w=m===void 0?{settings:{},scopedSettings:{}}:m;return{customizations:{settings:mergeSettings(w.settings,g.settings),scopedSettings:mergeScopedSettings(w.scopedSettings,g.scopedSettings),inCustomizerContext:!0}}}var Customizer=function(g){__extends$1(b,g);function b(){var m=g!==null&&g.apply(this,arguments)||this;return m._onCustomizationChange=function(){return m.forceUpdate()},m}return b.prototype.componentDidMount=function(){Customizations.observe(this._onCustomizationChange)},b.prototype.componentWillUnmount=function(){Customizations.unobserve(this._onCustomizationChange)},b.prototype.render=function(){var m=this,w=this.props.contextTransform;return reactExports.createElement(CustomizerContext.Consumer,null,function(_){var C=mergeCustomizations(m.props,_);return w&&(C=w(C)),reactExports.createElement(CustomizerContext.Provider,{value:C},m.props.children)})},b}(reactExports.Component);function useCustomizationSettings(g,b){var m=useForceUpdate(),w=reactExports.useContext(CustomizerContext).customizations,_=w.inCustomizerContext;return reactExports.useEffect(function(){return _||Customizations.observe(m),function(){_||Customizations.unobserve(m)}},[_]),Customizations.getSettings(g,b,w)}function useForceUpdate(){var g=reactExports.useState(0),b=g[1];return function(){return b(function(m){return++m})}}function extendComponent(g,b){for(var m in b)b.hasOwnProperty(m)&&(g[m]=appendFunction(g,g[m],b[m]))}var CURRENT_ID_PROPERTY="__currentId__",DEFAULT_ID_STRING="id__",_global$1=getWindow()||{};_global$1[CURRENT_ID_PROPERTY]===void 0&&(_global$1[CURRENT_ID_PROPERTY]=0);var _initializedStylesheetResets=!1;function getId(g){if(!_initializedStylesheetResets){var b=Stylesheet$1.getInstance();b&&b.onReset&&b.onReset(resetIds),_initializedStylesheetResets=!0}var m=_global$1[CURRENT_ID_PROPERTY]++;return(g===void 0?DEFAULT_ID_STRING:g)+m}function resetIds(g){g===void 0&&(g=0),_global$1[CURRENT_ID_PROPERTY]=g}var toObjectMap$1=function(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];for(var m={},w=0,_=g;w<_.length;w++)for(var C=_[w],k=Array.isArray(C)?C:Object.keys(C),I=0,$=k;I<$.length;I++){var P=$[I];m[P]=1}return m},baseElementEvents$1=toObjectMap$1(["onCopy","onCut","onPaste","onCompositionEnd","onCompositionStart","onCompositionUpdate","onFocus","onFocusCapture","onBlur","onBlurCapture","onChange","onInput","onSubmit","onLoad","onError","onKeyDown","onKeyDownCapture","onKeyPress","onKeyUp","onAbort","onCanPlay","onCanPlayThrough","onDurationChange","onEmptied","onEncrypted","onEnded","onLoadedData","onLoadedMetadata","onLoadStart","onPause","onPlay","onPlaying","onProgress","onRateChange","onSeeked","onSeeking","onStalled","onSuspend","onTimeUpdate","onVolumeChange","onWaiting","onClick","onClickCapture","onContextMenu","onDoubleClick","onDrag","onDragEnd","onDragEnter","onDragExit","onDragLeave","onDragOver","onDragStart","onDrop","onMouseDown","onMouseDownCapture","onMouseEnter","onMouseLeave","onMouseMove","onMouseOut","onMouseOver","onMouseUp","onMouseUpCapture","onSelect","onTouchCancel","onTouchEnd","onTouchMove","onTouchStart","onScroll","onWheel","onPointerCancel","onPointerDown","onPointerEnter","onPointerLeave","onPointerMove","onPointerOut","onPointerOver","onPointerUp","onGotPointerCapture","onLostPointerCapture"]),baseElementProperties$1=toObjectMap$1(["accessKey","children","className","contentEditable","dir","draggable","hidden","htmlFor","id","lang","ref","role","style","tabIndex","title","translate","spellCheck","name"]),htmlElementProperties$1=toObjectMap$1(baseElementProperties$1,baseElementEvents$1),labelProperties$1=toObjectMap$1(htmlElementProperties$1,["form"]),audioProperties$1=toObjectMap$1(htmlElementProperties$1,["height","loop","muted","preload","src","width"]),videoProperties$1=toObjectMap$1(audioProperties$1,["poster"]),olProperties$1=toObjectMap$1(htmlElementProperties$1,["start"]),liProperties$1=toObjectMap$1(htmlElementProperties$1,["value"]),anchorProperties$1=toObjectMap$1(htmlElementProperties$1,["download","href","hrefLang","media","rel","target","type"]),buttonProperties$1=toObjectMap$1(htmlElementProperties$1,["autoFocus","disabled","form","formAction","formEncType","formMethod","formNoValidate","formTarget","type","value"]),inputProperties$1=toObjectMap$1(buttonProperties$1,["accept","alt","autoCapitalize","autoComplete","checked","dirname","form","height","inputMode","list","max","maxLength","min","minLength","multiple","pattern","placeholder","readOnly","required","src","step","size","type","value","width"]),textAreaProperties$1=toObjectMap$1(buttonProperties$1,["autoCapitalize","cols","dirname","form","maxLength","minLength","placeholder","readOnly","required","rows","wrap"]),selectProperties$1=toObjectMap$1(buttonProperties$1,["form","multiple","required"]),optionProperties$1=toObjectMap$1(htmlElementProperties$1,["selected","value"]),tableProperties$1=toObjectMap$1(htmlElementProperties$1,["cellPadding","cellSpacing"]),trProperties$1=htmlElementProperties$1,thProperties$1=toObjectMap$1(htmlElementProperties$1,["rowSpan","scope"]),tdProperties$1=toObjectMap$1(htmlElementProperties$1,["colSpan","headers","rowSpan","scope"]),colGroupProperties$1=toObjectMap$1(htmlElementProperties$1,["span"]),colProperties$1=toObjectMap$1(htmlElementProperties$1,["span"]),formProperties$1=toObjectMap$1(htmlElementProperties$1,["acceptCharset","action","encType","encType","method","noValidate","target"]),iframeProperties$1=toObjectMap$1(htmlElementProperties$1,["allow","allowFullScreen","allowPaymentRequest","allowTransparency","csp","height","importance","referrerPolicy","sandbox","src","srcDoc","width"]),imgProperties$1=toObjectMap$1(htmlElementProperties$1,["alt","crossOrigin","height","src","srcSet","useMap","width"]),divProperties=htmlElementProperties$1;function getNativeProps$1(g,b,m){for(var w=Array.isArray(b),_={},C=Object.keys(g),k=0,I=C;k<I.length;k++){var $=I[k],P=!w&&b[$]||w&&b.indexOf($)>=0||$.indexOf("data-")===0||$.indexOf("aria-")===0;P&&(!m||(m==null?void 0:m.indexOf($))===-1)&&(_[$]=g[$])}return _}var nativeElementMap$1={label:labelProperties$1,audio:audioProperties$1,video:videoProperties$1,ol:olProperties$1,li:liProperties$1,a:anchorProperties$1,button:buttonProperties$1,input:inputProperties$1,textarea:textAreaProperties$1,select:selectProperties$1,option:optionProperties$1,table:tableProperties$1,tr:trProperties$1,th:thProperties$1,td:tdProperties$1,colGroup:colGroupProperties$1,col:colProperties$1,form:formProperties$1,iframe:iframeProperties$1,img:imgProperties$1};function getNativeElementProps$1(g,b,m){var w=g&&nativeElementMap$1[g]||htmlElementProperties$1;return getNativeProps$1(b,w,m)}function initializeComponentRef(g){extendComponent(g,{componentDidMount:_onMount,componentDidUpdate:_onUpdate,componentWillUnmount:_onUnmount})}function _onMount(){_setComponentRef(this.props.componentRef,this)}function _onUpdate(g){g.componentRef!==this.props.componentRef&&(_setComponentRef(g.componentRef,null),_setComponentRef(this.props.componentRef,this))}function _onUnmount(){_setComponentRef(this.props.componentRef,null)}function _setComponentRef(g,b){g&&(typeof g=="object"?g.current=b:typeof g=="function"&&g(b))}var _a$3,DirectionalKeyCodes=(_a$3={},_a$3[KeyCodes$1.up]=1,_a$3[KeyCodes$1.down]=1,_a$3[KeyCodes$1.left]=1,_a$3[KeyCodes$1.right]=1,_a$3[KeyCodes$1.home]=1,_a$3[KeyCodes$1.end]=1,_a$3[KeyCodes$1.tab]=1,_a$3[KeyCodes$1.pageUp]=1,_a$3[KeyCodes$1.pageDown]=1,_a$3);function isDirectionalKeyCode(g){return!!DirectionalKeyCodes[g]}var IsFocusVisibleClassName="ms-Fabric--isFocusVisible",IsFocusHiddenClassName="ms-Fabric--isFocusHidden";function setFocusVisibility(g,b){var m=b?getWindow(b):getWindow();if(m){var w=m.document.body.classList;w.add(g?IsFocusVisibleClassName:IsFocusHiddenClassName),w.remove(g?IsFocusHiddenClassName:IsFocusVisibleClassName)}}var mountCounters=new WeakMap;function setMountCounters(g,b){var m,w=mountCounters.get(g);return w?m=w+b:m=1,mountCounters.set(g,m),m}function useFocusRects(g){reactExports.useEffect(function(){var b,m=getWindow(g==null?void 0:g.current);if(!(!m||((b=m.FabricConfig)===null||b===void 0?void 0:b.disableFocusRects)===!0)){var w=setMountCounters(m,1);return w<=1&&(m.addEventListener("mousedown",_onMouseDown,!0),m.addEventListener("pointerdown",_onPointerDown,!0),m.addEventListener("keydown",_onKeyDown,!0)),function(){var _;!m||((_=m.FabricConfig)===null||_===void 0?void 0:_.disableFocusRects)===!0||(w=setMountCounters(m,-1),w===0&&(m.removeEventListener("mousedown",_onMouseDown,!0),m.removeEventListener("pointerdown",_onPointerDown,!0),m.removeEventListener("keydown",_onKeyDown,!0)))}}},[g])}function _onMouseDown(g){setFocusVisibility(!1,g.target)}function _onPointerDown(g){g.pointerType!=="mouse"&&setFocusVisibility(!1,g.target)}function _onKeyDown(g){isDirectionalKeyCode(g.which)&&setFocusVisibility(!0,g.target)}function getItem(g){var b=null;try{var m=getWindow();b=m?m.localStorage.getItem(g):null}catch{}return b}var _language,STORAGE_KEY="language";function getLanguage(g){if(g===void 0&&(g="sessionStorage"),_language===void 0){var b=getDocument(),m=g==="localStorage"?getItem(STORAGE_KEY):g==="sessionStorage"?getItem$1(STORAGE_KEY):void 0;m&&(_language=m),_language===void 0&&b&&(_language=b.documentElement.getAttribute("lang")),_language===void 0&&(_language="en")}return _language}function merge$2(g){for(var b=[],m=1;m<arguments.length;m++)b[m-1]=arguments[m];for(var w=0,_=b;w<_.length;w++){var C=_[w];_merge(g||{},C)}return g}function _merge(g,b,m){m===void 0&&(m=[]),m.push(b);for(var w in b)if(b.hasOwnProperty(w)&&w!=="__proto__"&&w!=="constructor"&&w!=="prototype"){var _=b[w];if(typeof _=="object"&&_!==null&&!Array.isArray(_)){var C=m.indexOf(_)>-1;g[w]=C?_:_merge(g[w]||{},_,m)}else g[w]=_}return m.pop(),g}var tagsToIgnore=["TEMPLATE","STYLE","SCRIPT"];function modalize(g){var b=getDocument(g);if(!b)return function(){};for(var m=[];g!==b.body&&g.parentElement;){for(var w=0,_=g.parentElement.children;w<_.length;w++){var C=_[w],k=C.getAttribute("aria-hidden");C!==g&&(k==null?void 0:k.toLowerCase())!=="true"&&tagsToIgnore.indexOf(C.tagName)===-1&&m.push([C,k])}g=g.parentElement}return m.forEach(function(I){var $=I[0];$.setAttribute("aria-hidden","true")}),function(){unmodalize(m),m=[]}}function unmodalize(g){g.forEach(function(b){var m=b[0],w=b[1];w?m.setAttribute("aria-hidden",w):m.removeAttribute("aria-hidden")})}function hasHorizontalOverflow(g){return g.clientWidth<g.scrollWidth}function hasVerticalOverflow(g){return g.clientHeight<g.scrollHeight}function hasOverflow(g){return hasHorizontalOverflow(g)||hasVerticalOverflow(g)}var DefaultFields=["theme","styles"];function styled(g,b,m,w,_){w=w||{scope:"",fields:void 0};var C=w.scope,k=w.fields,I=k===void 0?DefaultFields:k,$=reactExports.forwardRef(function(M,U){var G=reactExports.useRef(),X=useCustomizationSettings(I,C),Z=X.styles;X.dir;var ne=__rest$1(X,["styles","dir"]),re=m?m(M):void 0,ve=G.current&&G.current.__cachedInputs__||[],Se=M.styles;if(!G.current||Z!==ve[1]||Se!==ve[2]){var ge=function(oe){return concatStyleSetsWithProps(oe,b,Z,Se)};ge.__cachedInputs__=[b,Z,Se],ge.__noStyleOverride__=!Z&&!Se,G.current=ge}return reactExports.createElement(g,__assign$1({ref:U},ne,re,M,{styles:G.current}))});$.displayName="Styled"+(g.displayName||g.name);var P=_?reactExports.memo($):$;return $.displayName&&(P.displayName=$.displayName),P}var warningsMap;({}).NODE_ENV!=="production"&&(warningsMap={valueOnChange:{},valueDefaultValue:{},controlledToUncontrolled:{},uncontrolledToControlled:{}});function warnControlledUsage(g){if({}.NODE_ENV!=="production"){var b=g.componentId,m=g.componentName,w=g.defaultValueProp,_=g.props,C=g.oldProps,k=g.onChangeProp,I=g.readOnlyProp,$=g.valueProp,P=C?isControlled(C,$):void 0,M=isControlled(_,$);if(M){var U=!!_[k],G=!!(I&&_[I]);!(U||G)&&!warningsMap.valueOnChange[b]&&(warningsMap.valueOnChange[b]=!0,warn$1("Warning: You provided a '"+$+"' prop to a "+m+" without an '"+k+"' handler. "+("This will render a read-only field. If the field should be mutable use '"+w+"'. ")+("Otherwise, set '"+k+"'"+(I?" or '"+I+"'":"")+".")));var X=_[w];X!=null&&!warningsMap.valueDefaultValue[b]&&(warningsMap.valueDefaultValue[b]=!0,warn$1("Warning: You provided both '"+$+"' and '"+w+"' to a "+m+". "+("Form fields must be either controlled or uncontrolled (specify either the '"+$+"' prop, ")+("or the '"+w+"' prop, but not both). Decide between using a controlled or uncontrolled ")+(m+" and remove one of these props. More info: https://fb.me/react-controlled-components")))}if(C&&M!==P){var Z=P?"a controlled":"an uncontrolled",ne=P?"uncontrolled":"controlled",re=P?warningsMap.controlledToUncontrolled:warningsMap.uncontrolledToControlled;re[b]||(re[b]=!0,warn$1("Warning: A component is changing "+Z+" "+m+" to be "+ne+". "+(m+"s should not switch from controlled to uncontrolled (or vice versa). ")+"Decide between using controlled or uncontrolled for the lifetime of the component. More info: https://fb.me/react-controlled-components"))}}}function getPropsWithDefaults(g,b){for(var m=__assign$1({},b),w=0,_=Object.keys(g);w<_.length;w++){var C=_[w];m[C]===void 0&&(m[C]=g[C])}return m}var useIsomorphicLayoutEffect$1=reactExports.useLayoutEffect,ICON_SETTING_NAME="icons",_iconSettings=GlobalSettings.getValue(ICON_SETTING_NAME,{__options:{disableWarnings:!1,warnOnMissingIcons:!0},__remapped:{}}),stylesheet=Stylesheet$1.getInstance();stylesheet&&stylesheet.onReset&&stylesheet.onReset(function(){for(var g in _iconSettings)_iconSettings.hasOwnProperty(g)&&_iconSettings[g].subset&&(_iconSettings[g].subset.className=void 0)});var normalizeIconName=function(g){return g.toLowerCase()};function registerIcons(g,b){var m=__assign$1(__assign$1({},g),{isRegistered:!1,className:void 0}),w=g.icons;b=b?__assign$1(__assign$1({},_iconSettings.__options),b):_iconSettings.__options;for(var _ in w)if(w.hasOwnProperty(_)){var C=w[_],k=normalizeIconName(_);_iconSettings[k]?_warnDuplicateIcon(_):_iconSettings[k]={code:C,subset:m}}}function registerIconAlias(g,b){_iconSettings.__remapped[normalizeIconName(g)]=normalizeIconName(b)}function getIcon(g){var b=void 0,m=_iconSettings.__options;if(g=g?normalizeIconName(g):"",g=_iconSettings.__remapped[g]||g,g)if(b=_iconSettings[g],b){var w=b.subset;w&&w.fontFace&&(w.isRegistered||(fontFace(w.fontFace),w.isRegistered=!0),w.className||(w.className=mergeStyles(w.style,{fontFamily:w.fontFace.fontFamily,fontWeight:w.fontFace.fontWeight||"normal",fontStyle:w.fontFace.fontStyle||"normal"})))}else!m.disableWarnings&&m.warnOnMissingIcons&&warn$1('The icon "'+g+'" was used but not registered. See https://github.com/microsoft/fluentui/wiki/Using-icons for more information.');return b}var _missingIcons=[],_missingIconsTimer=void 0;function _warnDuplicateIcon(g){var b=_iconSettings.__options,m=2e3,w=10;b.disableWarnings||(_missingIcons.push(g),_missingIconsTimer===void 0&&(_missingIconsTimer=setTimeout(function(){warn$1(`Some icons were re-registered. Applications should only call registerIcons for any given icon once. Redefining what an icon is may have unintended consequences. Duplicates include:
`+_missingIcons.slice(0,w).join(", ")+(_missingIcons.length>w?" (+ "+(_missingIcons.length-w)+" more)":"")),_missingIconsTimer=void 0,_missingIcons=[]},m)))}function makeSemanticColors(g,b,m,w,_){_===void 0&&(_=!1);var C=__assign$1({primaryButtonBorder:"transparent",errorText:w?"#F1707B":"#a4262c",messageText:w?"#F3F2F1":"#323130",messageLink:w?"#6CB8F6":"#005A9E",messageLinkHovered:w?"#82C7FF":"#004578",infoIcon:w?"#C8C6C4":"#605e5c",errorIcon:w?"#F1707B":"#A80000",blockingIcon:w?"#442726":"#FDE7E9",warningIcon:w?"#C8C6C4":"#797775",severeWarningIcon:w?"#FCE100":"#D83B01",successIcon:w?"#92C353":"#107C10",infoBackground:w?"#323130":"#f3f2f1",errorBackground:w?"#442726":"#FDE7E9",blockingBackground:w?"#442726":"#FDE7E9",warningBackground:w?"#433519":"#FFF4CE",severeWarningBackground:w?"#4F2A0F":"#FED9CC",successBackground:w?"#393D1B":"#DFF6DD",warningHighlight:w?"#fff100":"#ffb900",successText:w?"#92c353":"#107C10"},m),k=getSemanticColors(g,b,C,w);return _fixDeprecatedSlots(k,_)}function getSemanticColors(g,b,m,w,_){var C={},k=g||{},I=k.white,$=k.black,P=k.themePrimary,M=k.themeDark,U=k.themeDarker,G=k.themeDarkAlt,X=k.themeLighter,Z=k.neutralLight,ne=k.neutralLighter,re=k.neutralDark,ve=k.neutralQuaternary,Se=k.neutralQuaternaryAlt,ge=k.neutralPrimary,oe=k.neutralSecondary,me=k.neutralSecondaryAlt,De=k.neutralTertiary,Le=k.neutralTertiaryAlt,rt=k.neutralLighterAlt,Ue=k.accent;return I&&(C.bodyBackground=I,C.bodyFrameBackground=I,C.accentButtonText=I,C.buttonBackground=I,C.primaryButtonText=I,C.primaryButtonTextHovered=I,C.primaryButtonTextPressed=I,C.inputBackground=I,C.inputForegroundChecked=I,C.listBackground=I,C.menuBackground=I,C.cardStandoutBackground=I),$&&(C.bodyTextChecked=$,C.buttonTextCheckedHovered=$),P&&(C.link=P,C.primaryButtonBackground=P,C.inputBackgroundChecked=P,C.inputIcon=P,C.inputFocusBorderAlt=P,C.menuIcon=P,C.menuHeader=P,C.accentButtonBackground=P),M&&(C.primaryButtonBackgroundPressed=M,C.inputBackgroundCheckedHovered=M,C.inputIconHovered=M),U&&(C.linkHovered=U),G&&(C.primaryButtonBackgroundHovered=G),X&&(C.inputPlaceholderBackgroundChecked=X),Z&&(C.bodyBackgroundChecked=Z,C.bodyFrameDivider=Z,C.bodyDivider=Z,C.variantBorder=Z,C.buttonBackgroundCheckedHovered=Z,C.buttonBackgroundPressed=Z,C.listItemBackgroundChecked=Z,C.listHeaderBackgroundPressed=Z,C.menuItemBackgroundPressed=Z,C.menuItemBackgroundChecked=Z),ne&&(C.bodyBackgroundHovered=ne,C.buttonBackgroundHovered=ne,C.buttonBackgroundDisabled=ne,C.buttonBorderDisabled=ne,C.primaryButtonBackgroundDisabled=ne,C.disabledBackground=ne,C.listItemBackgroundHovered=ne,C.listHeaderBackgroundHovered=ne,C.menuItemBackgroundHovered=ne),ve&&(C.primaryButtonTextDisabled=ve,C.disabledSubtext=ve),Se&&(C.listItemBackgroundCheckedHovered=Se),De&&(C.disabledBodyText=De,C.variantBorderHovered=(m==null?void 0:m.variantBorderHovered)||De,C.buttonTextDisabled=De,C.inputIconDisabled=De,C.disabledText=De),ge&&(C.bodyText=ge,C.actionLink=ge,C.buttonText=ge,C.inputBorderHovered=ge,C.inputText=ge,C.listText=ge,C.menuItemText=ge),rt&&(C.bodyStandoutBackground=rt,C.defaultStateBackground=rt),re&&(C.actionLinkHovered=re,C.buttonTextHovered=re,C.buttonTextChecked=re,C.buttonTextPressed=re,C.inputTextHovered=re,C.menuItemTextHovered=re),oe&&(C.bodySubtext=oe,C.focusBorder=oe,C.inputBorder=oe,C.smallInputBorder=oe,C.inputPlaceholderText=oe),me&&(C.buttonBorder=me),Le&&(C.disabledBodySubtext=Le,C.disabledBorder=Le,C.buttonBackgroundChecked=Le,C.menuDivider=Le),Ue&&(C.accentButtonBackground=Ue),b!=null&&b.elevation4&&(C.cardShadow=b.elevation4),!w&&(b!=null&&b.elevation8)?C.cardShadowHovered=b.elevation8:C.variantBorderHovered&&(C.cardShadowHovered="0 0 1px "+C.variantBorderHovered),C=__assign$1(__assign$1({},C),m),C}function _fixDeprecatedSlots(g,b){var m="";return b===!0&&(m=" /* @deprecated */"),g.listTextColor=g.listText+m,g.menuItemBackgroundChecked+=m,g.warningHighlight+=m,g.warningText=g.messageText+m,g.successText+=m,g}function mergeThemes(g,b){var m,w,_;b===void 0&&(b={});var C=merge$2({},g,b,{semanticColors:getSemanticColors(b.palette,b.effects,b.semanticColors,b.isInverted===void 0?g.isInverted:b.isInverted)});if(!((m=b.palette)===null||m===void 0)&&m.themePrimary&&!(!((w=b.palette)===null||w===void 0)&&w.accent)&&(C.palette.accent=b.palette.themePrimary),b.defaultFontStyle)for(var k=0,I=Object.keys(C.fonts);k<I.length;k++){var $=I[k];C.fonts[$]=merge$2(C.fonts[$],b.defaultFontStyle,(_=b==null?void 0:b.fonts)===null||_===void 0?void 0:_[$])}return C}var DefaultPalette={themeDarker:"#004578",themeDark:"#005a9e",themeDarkAlt:"#106ebe",themePrimary:"#0078d4",themeSecondary:"#2b88d8",themeTertiary:"#71afe5",themeLight:"#c7e0f4",themeLighter:"#deecf9",themeLighterAlt:"#eff6fc",black:"#000000",blackTranslucent40:"rgba(0,0,0,.4)",neutralDark:"#201f1e",neutralPrimary:"#323130",neutralPrimaryAlt:"#3b3a39",neutralSecondary:"#605e5c",neutralSecondaryAlt:"#8a8886",neutralTertiary:"#a19f9d",neutralTertiaryAlt:"#c8c6c4",neutralQuaternary:"#d2d0ce",neutralQuaternaryAlt:"#e1dfdd",neutralLight:"#edebe9",neutralLighter:"#f3f2f1",neutralLighterAlt:"#faf9f8",accent:"#0078d4",white:"#ffffff",whiteTranslucent40:"rgba(255,255,255,.4)",yellowDark:"#d29200",yellow:"#ffb900",yellowLight:"#fff100",orange:"#d83b01",orangeLight:"#ea4300",orangeLighter:"#ff8c00",redDark:"#a4262c",red:"#e81123",magentaDark:"#5c005c",magenta:"#b4009e",magentaLight:"#e3008c",purpleDark:"#32145a",purple:"#5c2d91",purpleLight:"#b4a0ff",blueDark:"#002050",blueMid:"#00188f",blue:"#0078d4",blueLight:"#00bcf2",tealDark:"#004b50",teal:"#008272",tealLight:"#00b294",greenDark:"#004b1c",green:"#107c10",greenLight:"#bad80a"},Depths;(function(g){g.depth0="0 0 0 0 transparent",g.depth4="0 1.6px 3.6px 0 rgba(0, 0, 0, 0.132), 0 0.3px 0.9px 0 rgba(0, 0, 0, 0.108)",g.depth8="0 3.2px 7.2px 0 rgba(0, 0, 0, 0.132), 0 0.6px 1.8px 0 rgba(0, 0, 0, 0.108)",g.depth16="0 6.4px 14.4px 0 rgba(0, 0, 0, 0.132), 0 1.2px 3.6px 0 rgba(0, 0, 0, 0.108)",g.depth64="0 25.6px 57.6px 0 rgba(0, 0, 0, 0.22), 0 4.8px 14.4px 0 rgba(0, 0, 0, 0.18)"})(Depths||(Depths={}));var DefaultEffects={elevation4:Depths.depth4,elevation8:Depths.depth8,elevation16:Depths.depth16,elevation64:Depths.depth64,roundedCorner2:"2px",roundedCorner4:"4px",roundedCorner6:"6px"},DefaultSpacing={s2:"4px",s1:"8px",m:"16px",l1:"20px",l2:"32px"},EASING_FUNCTION_1="cubic-bezier(.1,.9,.2,1)",EASING_FUNCTION_2="cubic-bezier(.1,.25,.75,.9)",DURATION_1="0.167s",DURATION_2="0.267s",DURATION_3="0.367s",DURATION_4="0.467s",FADE_IN=keyframes({from:{opacity:0},to:{opacity:1}}),FADE_OUT=keyframes({from:{opacity:1},to:{opacity:0,visibility:"hidden"}}),SLIDE_RIGHT_IN10=_createSlideInX(-10),SLIDE_RIGHT_IN20=_createSlideInX(-20),SLIDE_RIGHT_IN40=_createSlideInX(-40),SLIDE_RIGHT_IN400=_createSlideInX(-400),SLIDE_LEFT_IN10=_createSlideInX(10),SLIDE_LEFT_IN20=_createSlideInX(20),SLIDE_LEFT_IN40=_createSlideInX(40),SLIDE_LEFT_IN400=_createSlideInX(400),SLIDE_UP_IN10=_createSlideInY(10),SLIDE_UP_IN20=_createSlideInY(20),SLIDE_DOWN_IN10=_createSlideInY(-10),SLIDE_DOWN_IN20=_createSlideInY(-20),SLIDE_RIGHT_OUT10=_createSlideOutX(10),SLIDE_RIGHT_OUT20=_createSlideOutX(20),SLIDE_RIGHT_OUT40=_createSlideOutX(40),SLIDE_RIGHT_OUT400=_createSlideOutX(400),SLIDE_LEFT_OUT10=_createSlideOutX(-10),SLIDE_LEFT_OUT20=_createSlideOutX(-20),SLIDE_LEFT_OUT40=_createSlideOutX(-40),SLIDE_LEFT_OUT400=_createSlideOutX(-400),SLIDE_UP_OUT10=_createSlideOutY(-10),SLIDE_UP_OUT20=_createSlideOutY(-20),SLIDE_DOWN_OUT10=_createSlideOutY(10),SLIDE_DOWN_OUT20=_createSlideOutY(20),SCALE_UP100=keyframes({from:{transform:"scale3d(.98,.98,1)"},to:{transform:"scale3d(1,1,1)"}}),SCALE_DOWN98=keyframes({from:{transform:"scale3d(1,1,1)"},to:{transform:"scale3d(.98,.98,1)"}}),SCALE_DOWN100=keyframes({from:{transform:"scale3d(1.03,1.03,1)"},to:{transform:"scale3d(1,1,1)"}}),SCALE_UP103=keyframes({from:{transform:"scale3d(1,1,1)"},to:{transform:"scale3d(1.03,1.03,1)"}}),ROTATE90=keyframes({from:{transform:"rotateZ(0deg)"},to:{transform:"rotateZ(90deg)"}}),ROTATE_N90=keyframes({from:{transform:"rotateZ(0deg)"},to:{transform:"rotateZ(-90deg)"}}),AnimationVariables={easeFunction1:EASING_FUNCTION_1,easeFunction2:EASING_FUNCTION_2,durationValue1:DURATION_1,durationValue2:DURATION_2,durationValue3:DURATION_3,durationValue4:DURATION_4},AnimationStyles={slideRightIn10:_createAnimation(FADE_IN+","+SLIDE_RIGHT_IN10,DURATION_3,EASING_FUNCTION_1),slideRightIn20:_createAnimation(FADE_IN+","+SLIDE_RIGHT_IN20,DURATION_3,EASING_FUNCTION_1),slideRightIn40:_createAnimation(FADE_IN+","+SLIDE_RIGHT_IN40,DURATION_3,EASING_FUNCTION_1),slideRightIn400:_createAnimation(FADE_IN+","+SLIDE_RIGHT_IN400,DURATION_3,EASING_FUNCTION_1),slideLeftIn10:_createAnimation(FADE_IN+","+SLIDE_LEFT_IN10,DURATION_3,EASING_FUNCTION_1),slideLeftIn20:_createAnimation(FADE_IN+","+SLIDE_LEFT_IN20,DURATION_3,EASING_FUNCTION_1),slideLeftIn40:_createAnimation(FADE_IN+","+SLIDE_LEFT_IN40,DURATION_3,EASING_FUNCTION_1),slideLeftIn400:_createAnimation(FADE_IN+","+SLIDE_LEFT_IN400,DURATION_3,EASING_FUNCTION_1),slideUpIn10:_createAnimation(FADE_IN+","+SLIDE_UP_IN10,DURATION_3,EASING_FUNCTION_1),slideUpIn20:_createAnimation(FADE_IN+","+SLIDE_UP_IN20,DURATION_3,EASING_FUNCTION_1),slideDownIn10:_createAnimation(FADE_IN+","+SLIDE_DOWN_IN10,DURATION_3,EASING_FUNCTION_1),slideDownIn20:_createAnimation(FADE_IN+","+SLIDE_DOWN_IN20,DURATION_3,EASING_FUNCTION_1),slideRightOut10:_createAnimation(FADE_OUT+","+SLIDE_RIGHT_OUT10,DURATION_3,EASING_FUNCTION_1),slideRightOut20:_createAnimation(FADE_OUT+","+SLIDE_RIGHT_OUT20,DURATION_3,EASING_FUNCTION_1),slideRightOut40:_createAnimation(FADE_OUT+","+SLIDE_RIGHT_OUT40,DURATION_3,EASING_FUNCTION_1),slideRightOut400:_createAnimation(FADE_OUT+","+SLIDE_RIGHT_OUT400,DURATION_3,EASING_FUNCTION_1),slideLeftOut10:_createAnimation(FADE_OUT+","+SLIDE_LEFT_OUT10,DURATION_3,EASING_FUNCTION_1),slideLeftOut20:_createAnimation(FADE_OUT+","+SLIDE_LEFT_OUT20,DURATION_3,EASING_FUNCTION_1),slideLeftOut40:_createAnimation(FADE_OUT+","+SLIDE_LEFT_OUT40,DURATION_3,EASING_FUNCTION_1),slideLeftOut400:_createAnimation(FADE_OUT+","+SLIDE_LEFT_OUT400,DURATION_3,EASING_FUNCTION_1),slideUpOut10:_createAnimation(FADE_OUT+","+SLIDE_UP_OUT10,DURATION_3,EASING_FUNCTION_1),slideUpOut20:_createAnimation(FADE_OUT+","+SLIDE_UP_OUT20,DURATION_3,EASING_FUNCTION_1),slideDownOut10:_createAnimation(FADE_OUT+","+SLIDE_DOWN_OUT10,DURATION_3,EASING_FUNCTION_1),slideDownOut20:_createAnimation(FADE_OUT+","+SLIDE_DOWN_OUT20,DURATION_3,EASING_FUNCTION_1),scaleUpIn100:_createAnimation(FADE_IN+","+SCALE_UP100,DURATION_3,EASING_FUNCTION_1),scaleDownIn100:_createAnimation(FADE_IN+","+SCALE_DOWN100,DURATION_3,EASING_FUNCTION_1),scaleUpOut103:_createAnimation(FADE_OUT+","+SCALE_UP103,DURATION_1,EASING_FUNCTION_2),scaleDownOut98:_createAnimation(FADE_OUT+","+SCALE_DOWN98,DURATION_1,EASING_FUNCTION_2),fadeIn100:_createAnimation(FADE_IN,DURATION_1,EASING_FUNCTION_2),fadeIn200:_createAnimation(FADE_IN,DURATION_2,EASING_FUNCTION_2),fadeIn400:_createAnimation(FADE_IN,DURATION_3,EASING_FUNCTION_2),fadeIn500:_createAnimation(FADE_IN,DURATION_4,EASING_FUNCTION_2),fadeOut100:_createAnimation(FADE_OUT,DURATION_1,EASING_FUNCTION_2),fadeOut200:_createAnimation(FADE_OUT,DURATION_2,EASING_FUNCTION_2),fadeOut400:_createAnimation(FADE_OUT,DURATION_3,EASING_FUNCTION_2),fadeOut500:_createAnimation(FADE_OUT,DURATION_4,EASING_FUNCTION_2),rotate90deg:_createAnimation(ROTATE90,"0.1s",EASING_FUNCTION_2),rotateN90deg:_createAnimation(ROTATE_N90,"0.1s",EASING_FUNCTION_2)};function _createAnimation(g,b,m){return{animationName:g,animationDuration:b,animationTimingFunction:m,animationFillMode:"both"}}function _createSlideInX(g){return keyframes({from:{transform:"translate3d("+g+"px,0,0)",pointerEvents:"none"},to:{transform:"translate3d(0,0,0)",pointerEvents:"auto"}})}function _createSlideInY(g){return keyframes({from:{transform:"translate3d(0,"+g+"px,0)",pointerEvents:"none"},to:{transform:"translate3d(0,0,0)",pointerEvents:"auto"}})}function _createSlideOutX(g){return keyframes({from:{transform:"translate3d(0,0,0)"},to:{transform:"translate3d("+g+"px,0,0)"}})}function _createSlideOutY(g){return keyframes({from:{transform:"translate3d(0,0,0)"},to:{transform:"translate3d(0,"+g+"px,0)"}})}var LocalizedFontNames;(function(g){g.Arabic="Segoe UI Web (Arabic)",g.Cyrillic="Segoe UI Web (Cyrillic)",g.EastEuropean="Segoe UI Web (East European)",g.Greek="Segoe UI Web (Greek)",g.Hebrew="Segoe UI Web (Hebrew)",g.Thai="Leelawadee UI Web",g.Vietnamese="Segoe UI Web (Vietnamese)",g.WestEuropean="Segoe UI Web (West European)",g.Selawik="Selawik Web",g.Armenian="Segoe UI Web (Armenian)",g.Georgian="Segoe UI Web (Georgian)"})(LocalizedFontNames||(LocalizedFontNames={}));var LocalizedFontFamilies;(function(g){g.Arabic="'"+LocalizedFontNames.Arabic+"'",g.ChineseSimplified="'Microsoft Yahei UI', Verdana, Simsun",g.ChineseTraditional="'Microsoft Jhenghei UI', Pmingliu",g.Cyrillic="'"+LocalizedFontNames.Cyrillic+"'",g.EastEuropean="'"+LocalizedFontNames.EastEuropean+"'",g.Greek="'"+LocalizedFontNames.Greek+"'",g.Hebrew="'"+LocalizedFontNames.Hebrew+"'",g.Hindi="'Nirmala UI'",g.Japanese="'Yu Gothic UI', 'Meiryo UI', Meiryo, 'MS Pgothic', Osaka",g.Korean="'Malgun Gothic', Gulim",g.Selawik="'"+LocalizedFontNames.Selawik+"'",g.Thai="'Leelawadee UI Web', 'Kmer UI'",g.Vietnamese="'"+LocalizedFontNames.Vietnamese+"'",g.WestEuropean="'"+LocalizedFontNames.WestEuropean+"'",g.Armenian="'"+LocalizedFontNames.Armenian+"'",g.Georgian="'"+LocalizedFontNames.Georgian+"'"})(LocalizedFontFamilies||(LocalizedFontFamilies={}));var FontSizes;(function(g){g.size10="10px",g.size12="12px",g.size14="14px",g.size16="16px",g.size18="18px",g.size20="20px",g.size24="24px",g.size28="28px",g.size32="32px",g.size42="42px",g.size68="68px",g.mini="10px",g.xSmall="10px",g.small="12px",g.smallPlus="12px",g.medium="14px",g.mediumPlus="16px",g.icon="16px",g.large="18px",g.xLarge="20px",g.xLargePlus="24px",g.xxLarge="28px",g.xxLargePlus="32px",g.superLarge="42px",g.mega="68px"})(FontSizes||(FontSizes={}));var FontWeights;(function(g){g.light=100,g.semilight=300,g.regular=400,g.semibold=600,g.bold=700})(FontWeights||(FontWeights={}));var IconFontSizes;(function(g){g.xSmall="10px",g.small="12px",g.medium="16px",g.large="20px"})(IconFontSizes||(IconFontSizes={}));var FontFamilyFallbacks="'Segoe UI', -apple-system, BlinkMacSystemFont, 'Roboto', 'Helvetica Neue', sans-serif",defaultFontFamily="'Segoe UI', '"+LocalizedFontNames.WestEuropean+"'",LanguageToFontMap={ar:LocalizedFontFamilies.Arabic,bg:LocalizedFontFamilies.Cyrillic,cs:LocalizedFontFamilies.EastEuropean,el:LocalizedFontFamilies.Greek,et:LocalizedFontFamilies.EastEuropean,he:LocalizedFontFamilies.Hebrew,hi:LocalizedFontFamilies.Hindi,hr:LocalizedFontFamilies.EastEuropean,hu:LocalizedFontFamilies.EastEuropean,ja:LocalizedFontFamilies.Japanese,kk:LocalizedFontFamilies.EastEuropean,ko:LocalizedFontFamilies.Korean,lt:LocalizedFontFamilies.EastEuropean,lv:LocalizedFontFamilies.EastEuropean,pl:LocalizedFontFamilies.EastEuropean,ru:LocalizedFontFamilies.Cyrillic,sk:LocalizedFontFamilies.EastEuropean,"sr-latn":LocalizedFontFamilies.EastEuropean,th:LocalizedFontFamilies.Thai,tr:LocalizedFontFamilies.EastEuropean,uk:LocalizedFontFamilies.Cyrillic,vi:LocalizedFontFamilies.Vietnamese,"zh-hans":LocalizedFontFamilies.ChineseSimplified,"zh-hant":LocalizedFontFamilies.ChineseTraditional,hy:LocalizedFontFamilies.Armenian,ka:LocalizedFontFamilies.Georgian};function _fontFamilyWithFallbacks(g){return g+", "+FontFamilyFallbacks}function _getLocalizedFontFamily(g){for(var b in LanguageToFontMap)if(LanguageToFontMap.hasOwnProperty(b)&&g&&b.indexOf(g)===0)return LanguageToFontMap[b];return defaultFontFamily}function _createFont(g,b,m){return{fontFamily:m,MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontSize:g,fontWeight:b}}function createFontStyles(g){var b=_getLocalizedFontFamily(g),m=_fontFamilyWithFallbacks(b),w={tiny:_createFont(FontSizes.mini,FontWeights.regular,m),xSmall:_createFont(FontSizes.xSmall,FontWeights.regular,m),small:_createFont(FontSizes.small,FontWeights.regular,m),smallPlus:_createFont(FontSizes.smallPlus,FontWeights.regular,m),medium:_createFont(FontSizes.medium,FontWeights.regular,m),mediumPlus:_createFont(FontSizes.mediumPlus,FontWeights.regular,m),large:_createFont(FontSizes.large,FontWeights.regular,m),xLarge:_createFont(FontSizes.xLarge,FontWeights.semibold,m),xLargePlus:_createFont(FontSizes.xLargePlus,FontWeights.semibold,m),xxLarge:_createFont(FontSizes.xxLarge,FontWeights.semibold,m),xxLargePlus:_createFont(FontSizes.xxLargePlus,FontWeights.semibold,m),superLarge:_createFont(FontSizes.superLarge,FontWeights.semibold,m),mega:_createFont(FontSizes.mega,FontWeights.semibold,m)};return w}var DefaultBaseUrl="https://static2.sharepointonline.com/files/fabric/assets",DefaultFontStyles=createFontStyles(getLanguage());function _registerFontFace(g,b,m,w){g="'"+g+"'";var _=w!==void 0?"local('"+w+"'),":"";fontFace({fontFamily:g,src:_+("url('"+b+".woff2') format('woff2'),")+("url('"+b+".woff') format('woff')"),fontWeight:m,fontStyle:"normal",fontDisplay:"swap"})}function _registerFontFaceSet(g,b,m,w,_){w===void 0&&(w="segoeui");var C=g+"/"+m+"/"+w;_registerFontFace(b,C+"-light",FontWeights.light,_&&_+" Light"),_registerFontFace(b,C+"-semilight",FontWeights.semilight,_&&_+" SemiLight"),_registerFontFace(b,C+"-regular",FontWeights.regular,_),_registerFontFace(b,C+"-semibold",FontWeights.semibold,_&&_+" SemiBold"),_registerFontFace(b,C+"-bold",FontWeights.bold,_&&_+" Bold")}function registerDefaultFontFaces(g){if(g){var b=g+"/fonts";_registerFontFaceSet(b,LocalizedFontNames.Thai,"leelawadeeui-thai","leelawadeeui"),_registerFontFaceSet(b,LocalizedFontNames.Arabic,"segoeui-arabic"),_registerFontFaceSet(b,LocalizedFontNames.Cyrillic,"segoeui-cyrillic"),_registerFontFaceSet(b,LocalizedFontNames.EastEuropean,"segoeui-easteuropean"),_registerFontFaceSet(b,LocalizedFontNames.Greek,"segoeui-greek"),_registerFontFaceSet(b,LocalizedFontNames.Hebrew,"segoeui-hebrew"),_registerFontFaceSet(b,LocalizedFontNames.Vietnamese,"segoeui-vietnamese"),_registerFontFaceSet(b,LocalizedFontNames.WestEuropean,"segoeui-westeuropean","segoeui","Segoe UI"),_registerFontFaceSet(b,LocalizedFontFamilies.Selawik,"selawik","selawik"),_registerFontFaceSet(b,LocalizedFontNames.Armenian,"segoeui-armenian"),_registerFontFaceSet(b,LocalizedFontNames.Georgian,"segoeui-georgian"),_registerFontFace("Leelawadee UI Web",b+"/leelawadeeui-thai/leelawadeeui-semilight",FontWeights.light),_registerFontFace("Leelawadee UI Web",b+"/leelawadeeui-thai/leelawadeeui-bold",FontWeights.semibold)}}function _getFontBaseUrl(){var g,b,m=(g=getWindow())===null||g===void 0?void 0:g.FabricConfig;return(b=m==null?void 0:m.fontBaseUrl)!==null&&b!==void 0?b:DefaultBaseUrl}registerDefaultFontFaces(_getFontBaseUrl());function createTheme(g,b){g===void 0&&(g={}),b===void 0&&(b=!1);var m=!!g.isInverted,w={palette:DefaultPalette,effects:DefaultEffects,fonts:DefaultFontStyles,spacing:DefaultSpacing,isInverted:m,disableGlobalClassNames:!1,semanticColors:makeSemanticColors(DefaultPalette,DefaultEffects,void 0,m,b),rtl:void 0};return mergeThemes(w,g)}var HighContrastSelector="@media screen and (-ms-high-contrast: active), (forced-colors: active)",ZIndexes;(function(g){g.Nav=1,g.ScrollablePane=1,g.FocusStyle=1,g.Coachmark=1e3,g.Layer=1e6,g.KeytipLayer=1000001})(ZIndexes||(ZIndexes={}));function focusClear(){return{selectors:{"&::-moz-focus-inner":{border:0},"&":{outline:"transparent"}}}}var hiddenContentStyle={position:"absolute",width:1,height:1,margin:-1,padding:0,border:0,overflow:"hidden",whiteSpace:"nowrap"},_getGlobalClassNames=memoizeFunction(function(g,b){var m=Stylesheet$1.getInstance();return b?Object.keys(g).reduce(function(w,_){return w[_]=m.getClassName(g[_]),w},{}):g});function getGlobalClassNames(g,b,m){return _getGlobalClassNames(g,m!==void 0?m:b.disableGlobalClassNames)}var __assign=globalThis&&globalThis.__assign||function(){return __assign=Object.assign||function(g){for(var b,m=1,w=arguments.length;m<w;m++){b=arguments[m];for(var _ in b)Object.prototype.hasOwnProperty.call(b,_)&&(g[_]=b[_])}return g},__assign.apply(this,arguments)},_root=typeof window>"u"?global:window,_styleNonce=_root&&_root.CSPSettings&&_root.CSPSettings.nonce,_themeState=initializeThemeState();function initializeThemeState(){var g=_root.__themeState__||{theme:void 0,lastStyleElement:void 0,registeredStyles:[]};return g.runState||(g=__assign({},g,{perf:{count:0,duration:0},runState:{flushTimer:0,mode:0,buffer:[]}})),g.registeredThemableStyles||(g=__assign({},g,{registeredThemableStyles:[]})),_root.__themeState__=g,g}function applyThemableStyles(g,b){_themeState.loadStyles?_themeState.loadStyles(resolveThemableArray(g).styleString,g):registerStyles(g)}function loadTheme$1(g){_themeState.theme=g,reloadStyles()}function clearStyles(g){g===void 0&&(g=3),(g===3||g===2)&&(clearStylesInternal(_themeState.registeredStyles),_themeState.registeredStyles=[]),(g===3||g===1)&&(clearStylesInternal(_themeState.registeredThemableStyles),_themeState.registeredThemableStyles=[])}function clearStylesInternal(g){g.forEach(function(b){var m=b&&b.styleElement;m&&m.parentElement&&m.parentElement.removeChild(m)})}function reloadStyles(){if(_themeState.theme){for(var g=[],b=0,m=_themeState.registeredThemableStyles;b<m.length;b++){var w=m[b];g.push(w.themableStyle)}g.length>0&&(clearStyles(1),applyThemableStyles([].concat.apply([],g)))}}function resolveThemableArray(g){var b=_themeState.theme,m=!1,w=(g||[]).map(function(_){var C=_.theme;if(C){m=!0;var k=b?b[C]:void 0,I=_.defaultValue||"inherit";return b&&!k&&console&&!(C in b)&&typeof DEBUG<"u"&&DEBUG&&console.warn('Theming value not provided for "'+C+'". Falling back to "'+I+'".'),k||I}else return _.rawString});return{styleString:w.join(""),themable:m}}function registerStyles(g){if(!(typeof document>"u")){var b=document.getElementsByTagName("head")[0],m=document.createElement("style"),w=resolveThemableArray(g),_=w.styleString,C=w.themable;m.setAttribute("data-load-themed-styles","true"),_styleNonce&&m.setAttribute("nonce",_styleNonce),m.appendChild(document.createTextNode(_)),_themeState.perf.count++,b.appendChild(m);var k=document.createEvent("HTMLEvents");k.initEvent("styleinsert",!0,!1),k.args={newStyle:m},document.dispatchEvent(k);var I={styleElement:m,themableStyle:g};C?_themeState.registeredThemableStyles.push(I):_themeState.registeredStyles.push(I)}}var _theme=createTheme({}),_onThemeChangeCallbacks=[],ThemeSettingName="theme";function initializeThemeInCustomizations(){var g,b,m,w=getWindow();!((b=w==null?void 0:w.FabricConfig)===null||b===void 0)&&b.legacyTheme?loadTheme(w.FabricConfig.legacyTheme):Customizations.getSettings([ThemeSettingName]).theme||(!((m=w==null?void 0:w.FabricConfig)===null||m===void 0)&&m.theme&&(_theme=createTheme(w.FabricConfig.theme)),Customizations.applySettings((g={},g[ThemeSettingName]=_theme,g)))}initializeThemeInCustomizations();function loadTheme(g,b){var m;return b===void 0&&(b=!1),_theme=createTheme(g,b),loadTheme$1(__assign$1(__assign$1(__assign$1(__assign$1({},_theme.palette),_theme.semanticColors),_theme.effects),_loadFonts(_theme))),Customizations.applySettings((m={},m[ThemeSettingName]=_theme,m)),_onThemeChangeCallbacks.forEach(function(w){try{w(_theme)}catch{}}),_theme}function _loadFonts(g){for(var b={},m=0,w=Object.keys(g.fonts);m<w.length;m++)for(var _=w[m],C=g.fonts[_],k=0,I=Object.keys(C);k<I.length;k++){var $=I[k],P=_+$.charAt(0).toUpperCase()+$.slice(1),M=C[$];$==="fontSize"&&typeof M=="number"&&(M=M+"px"),b[P]=M}return b}var AnimationClassNames=buildClassMap(AnimationStyles);setVersion("@fluentui/style-utilities","8.6.0"),initializeThemeInCustomizations();var DirectionalHint={topLeftEdge:0,topCenter:1,topRightEdge:2,topAutoEdge:3,bottomLeftEdge:4,bottomCenter:5,bottomRightEdge:6,bottomAutoEdge:7,leftTopEdge:8,leftCenter:9,leftBottomEdge:10,rightTopEdge:11,rightCenter:12,rightBottomEdge:13},RectangleEdge;(function(g){g[g.top=1]="top",g[g.bottom=-1]="bottom",g[g.left=2]="left",g[g.right=-2]="right"})(RectangleEdge||(RectangleEdge={}));var Position;(function(g){g[g.top=0]="top",g[g.bottom=1]="bottom",g[g.start=2]="start",g[g.end=3]="end"})(Position||(Position={}));var _a$2;function _createPositionData(g,b,m){return{targetEdge:g,alignmentEdge:b,isAuto:m}}var DirectionalDictionary=(_a$2={},_a$2[DirectionalHint.topLeftEdge]=_createPositionData(RectangleEdge.top,RectangleEdge.left),_a$2[DirectionalHint.topCenter]=_createPositionData(RectangleEdge.top),_a$2[DirectionalHint.topRightEdge]=_createPositionData(RectangleEdge.top,RectangleEdge.right),_a$2[DirectionalHint.topAutoEdge]=_createPositionData(RectangleEdge.top,void 0,!0),_a$2[DirectionalHint.bottomLeftEdge]=_createPositionData(RectangleEdge.bottom,RectangleEdge.left),_a$2[DirectionalHint.bottomCenter]=_createPositionData(RectangleEdge.bottom),_a$2[DirectionalHint.bottomRightEdge]=_createPositionData(RectangleEdge.bottom,RectangleEdge.right),_a$2[DirectionalHint.bottomAutoEdge]=_createPositionData(RectangleEdge.bottom,void 0,!0),_a$2[DirectionalHint.leftTopEdge]=_createPositionData(RectangleEdge.left,RectangleEdge.top),_a$2[DirectionalHint.leftCenter]=_createPositionData(RectangleEdge.left),_a$2[DirectionalHint.leftBottomEdge]=_createPositionData(RectangleEdge.left,RectangleEdge.bottom),_a$2[DirectionalHint.rightTopEdge]=_createPositionData(RectangleEdge.right,RectangleEdge.top),_a$2[DirectionalHint.rightCenter]=_createPositionData(RectangleEdge.right),_a$2[DirectionalHint.rightBottomEdge]=_createPositionData(RectangleEdge.right,RectangleEdge.bottom),_a$2);function _isRectangleWithinBounds(g,b){return!(g.top<b.top||g.bottom>b.bottom||g.left<b.left||g.right>b.right)}function _getOutOfBoundsEdges(g,b){var m=[];return g.top<b.top&&m.push(RectangleEdge.top),g.bottom>b.bottom&&m.push(RectangleEdge.bottom),g.left<b.left&&m.push(RectangleEdge.left),g.right>b.right&&m.push(RectangleEdge.right),m}function _getEdgeValue(g,b){return g[RectangleEdge[b]]}function _setEdgeValue(g,b,m){return g[RectangleEdge[b]]=m,g}function _getCenterValue(g,b){var m=_getFlankingEdges(b);return(_getEdgeValue(g,m.positiveEdge)+_getEdgeValue(g,m.negativeEdge))/2}function _getRelativeEdgeValue(g,b){return g>0?b:b*-1}function _getRelativeRectEdgeValue(g,b){return _getRelativeEdgeValue(g,_getEdgeValue(b,g))}function _getRelativeEdgeDifference(g,b,m){var w=_getEdgeValue(g,m)-_getEdgeValue(b,m);return _getRelativeEdgeValue(m,w)}function _moveEdge(g,b,m,w){w===void 0&&(w=!0);var _=_getEdgeValue(g,b)-m,C=_setEdgeValue(g,b,m);return w&&(C=_setEdgeValue(g,b*-1,_getEdgeValue(g,b*-1)-_)),C}function _alignEdges(g,b,m,w){return w===void 0&&(w=0),_moveEdge(g,m,_getEdgeValue(b,m)+_getRelativeEdgeValue(m,w))}function _alignOppositeEdges(g,b,m,w){w===void 0&&(w=0);var _=m*-1,C=_getRelativeEdgeValue(_,w);return _moveEdge(g,m*-1,_getEdgeValue(b,m)+C)}function _isEdgeInBounds(g,b,m){var w=_getRelativeRectEdgeValue(m,g);return w>_getRelativeRectEdgeValue(m,b)}function _getOutOfBoundsDegree(g,b){for(var m=_getOutOfBoundsEdges(g,b),w=0,_=0,C=m;_<C.length;_++){var k=C[_];w+=Math.pow(_getRelativeEdgeDifference(g,b,k),2)}return w}function _flipToFit(g,b,m,w,_){_===void 0&&(_=0);var C=[RectangleEdge.left,RectangleEdge.right,RectangleEdge.bottom,RectangleEdge.top];getRTL$1()&&(C[0]*=-1,C[1]*=-1);for(var k=g,I=w.targetEdge,$=w.alignmentEdge,P,M=I,U=$,G=0;G<4;G++){if(_isEdgeInBounds(k,m,I))return{elementRectangle:k,targetEdge:I,alignmentEdge:$};var X=_getOutOfBoundsDegree(k,m);(!P||X<P)&&(P=X,M=I,U=$),C.splice(C.indexOf(I),1),C.length>0&&(C.indexOf(I*-1)>-1?I=I*-1:($=I,I=C.slice(-1)[0]),k=_estimatePosition(g,b,{targetEdge:I,alignmentEdge:$},_))}return k=_estimatePosition(g,b,{targetEdge:M,alignmentEdge:U},_),{elementRectangle:k,targetEdge:M,alignmentEdge:U}}function _flipAlignmentEdge(g,b,m,w){var _=g.alignmentEdge,C=g.targetEdge,k=g.elementRectangle,I=_*-1,$=_estimatePosition(k,b,{targetEdge:C,alignmentEdge:I},m,w);return{elementRectangle:$,targetEdge:C,alignmentEdge:I}}function _adjustFitWithinBounds(g,b,m,w,_,C,k){_===void 0&&(_=0);var I=w.alignmentEdge,$=w.alignTargetEdge,P={elementRectangle:g,targetEdge:w.targetEdge,alignmentEdge:I};!C&&!k&&(P=_flipToFit(g,b,m,w,_));var M=_getOutOfBoundsEdges(P.elementRectangle,m),U=C?-P.targetEdge:void 0;if(M.length>0)if($)if(P.alignmentEdge&&M.indexOf(P.alignmentEdge*-1)>-1){var G=_flipAlignmentEdge(P,b,_,k);if(_isRectangleWithinBounds(G.elementRectangle,m))return G;P=_alignOutOfBoundsEdges(_getOutOfBoundsEdges(G.elementRectangle,m),P,m,U)}else P=_alignOutOfBoundsEdges(M,P,m,U);else P=_alignOutOfBoundsEdges(M,P,m,U);return P}function _alignOutOfBoundsEdges(g,b,m,w){for(var _=0,C=g;_<C.length;_++){var k=C[_],I=void 0;if(w&&w===k*-1)I=_moveEdge(b.elementRectangle,k,_getEdgeValue(m,k),!1),b.forcedInBounds=!0;else{I=_alignEdges(b.elementRectangle,m,k);var $=_isEdgeInBounds(I,m,k*-1);$||(I=_moveEdge(I,k*-1,_getEdgeValue(m,k*-1),!1),b.forcedInBounds=!0)}b.elementRectangle=I}return b}function _centerEdgeToPoint(g,b,m){var w=_getFlankingEdges(b).positiveEdge,_=_getCenterValue(g,b),C=_-_getEdgeValue(g,w);return _moveEdge(g,w,m-C)}function _estimatePosition(g,b,m,w,_){w===void 0&&(w=0);var C=new Rectangle(g.left,g.right,g.top,g.bottom),k=m.alignmentEdge,I=m.targetEdge,$=_?I:I*-1;if(C=_?_alignEdges(C,b,I,w):_alignOppositeEdges(C,b,I,w),k)C=_alignEdges(C,b,k);else{var P=_getCenterValue(b,I);C=_centerEdgeToPoint(C,$,P)}return C}function _getFlankingEdges(g){return g===RectangleEdge.top||g===RectangleEdge.bottom?{positiveEdge:RectangleEdge.left,negativeEdge:RectangleEdge.right}:{positiveEdge:RectangleEdge.top,negativeEdge:RectangleEdge.bottom}}function _finalizeReturnEdge(g,b,m){return m&&Math.abs(_getRelativeEdgeDifference(g,m,b))>Math.abs(_getRelativeEdgeDifference(g,m,b*-1))?b*-1:b}function _isEdgeOnBounds(g,b,m){return m!==void 0&&_getEdgeValue(g,b)===_getEdgeValue(m,b)}function _finalizeElementPosition(g,b,m,w,_,C,k,I){var $={},P=_getRectangleFromElement(b),M=C?m:m*-1,U=_||_getFlankingEdges(m).positiveEdge;return(!k||_isEdgeOnBounds(g,getOppositeEdge(U),w))&&(U=_finalizeReturnEdge(g,U,w)),$[RectangleEdge[M]]=_getRelativeEdgeDifference(g,P,M),$[RectangleEdge[U]]=_getRelativeEdgeDifference(g,P,U),I&&($[RectangleEdge[M*-1]]=_getRelativeEdgeDifference(g,P,M*-1),$[RectangleEdge[U*-1]]=_getRelativeEdgeDifference(g,P,U*-1)),$}function _calculateActualBeakWidthInPixels(g){return Math.sqrt(g*g*2)}function _getPositionData(g,b,m){if(g===void 0&&(g=DirectionalHint.bottomAutoEdge),m)return{alignmentEdge:m.alignmentEdge,isAuto:m.isAuto,targetEdge:m.targetEdge};var w=__assign$1({},DirectionalDictionary[g]);return getRTL$1()?(w.alignmentEdge&&w.alignmentEdge%2===0&&(w.alignmentEdge=w.alignmentEdge*-1),b!==void 0?DirectionalDictionary[b]:w):w}function _getAlignmentData(g,b,m,w,_){return g.isAuto&&(g.alignmentEdge=getClosestEdge(g.targetEdge,b,m)),g.alignTargetEdge=_,g}function getClosestEdge(g,b,m){var w=_getCenterValue(b,g),_=_getCenterValue(m,g),C=_getFlankingEdges(g),k=C.positiveEdge,I=C.negativeEdge;return w<=_?k:I}function _positionElementWithinBounds(g,b,m,w,_,C,k){var I=_estimatePosition(g,b,w,_,k);return _isRectangleWithinBounds(I,m)?{elementRectangle:I,targetEdge:w.targetEdge,alignmentEdge:w.alignmentEdge}:_adjustFitWithinBounds(I,b,m,w,_,C,k)}function _finalizeBeakPosition(g,b,m){var w=g.targetEdge*-1,_=new Rectangle(0,g.elementRectangle.width,0,g.elementRectangle.height),C={},k=_finalizeReturnEdge(g.elementRectangle,g.alignmentEdge?g.alignmentEdge:_getFlankingEdges(w).positiveEdge,m),I=_getRelativeEdgeDifference(g.elementRectangle,g.targetRectangle,w),$=I>Math.abs(_getEdgeValue(b,w));return C[RectangleEdge[w]]=_getEdgeValue(b,w),C[RectangleEdge[k]]=_getRelativeEdgeDifference(b,_,k),{elementPosition:__assign$1({},C),closestEdge:getClosestEdge(g.targetEdge,b,_),targetEdge:w,hideBeak:!$}}function _positionBeak(g,b){var m=b.targetRectangle,w=_getFlankingEdges(b.targetEdge),_=w.positiveEdge,C=w.negativeEdge,k=_getCenterValue(m,b.targetEdge),I=new Rectangle(g/2,b.elementRectangle.width-g/2,g/2,b.elementRectangle.height-g/2),$=new Rectangle(0,g,0,g);return $=_moveEdge($,b.targetEdge*-1,-g/2),$=_centerEdgeToPoint($,b.targetEdge*-1,k-_getRelativeRectEdgeValue(_,b.elementRectangle)),_isEdgeInBounds($,I,_)?_isEdgeInBounds($,I,C)||($=_alignEdges($,I,C)):$=_alignEdges($,I,_),$}function _getRectangleFromElement(g){var b=g.getBoundingClientRect();return new Rectangle(b.left,b.right,b.top,b.bottom)}function _getRectangleFromIRect(g){return new Rectangle(g.left,g.right,g.top,g.bottom)}function _getTargetRect(g,b){var m;if(b){if(b.preventDefault){var w=b;m=new Rectangle(w.clientX,w.clientX,w.clientY,w.clientY)}else if(b.getBoundingClientRect)m=_getRectangleFromElement(b);else{var _=b,C=_.left||_.x,k=_.top||_.y,I=_.right||C,$=_.bottom||k;m=new Rectangle(C,I,k,$)}if(!_isRectangleWithinBounds(m,g))for(var P=_getOutOfBoundsEdges(m,g),M=0,U=P;M<U.length;M++){var G=U[M];m[RectangleEdge[G]]=g[RectangleEdge[G]]}}else m=new Rectangle(0,0,0,0);return m}function _positionElementRelative(g,b,m,w){var _=g.gapSpace?g.gapSpace:0,C=_getTargetRect(m,g.target),k=_getAlignmentData(_getPositionData(g.directionalHint,g.directionalHintForRTL,w),C,m,g.coverTarget,g.alignTargetEdge),I=_positionElementWithinBounds(_getRectangleFromElement(b),C,m,k,_,g.directionalHintFixed,g.coverTarget);return __assign$1(__assign$1({},I),{targetRectangle:C})}function _finalizePositionData(g,b,m,w,_){var C=_finalizeElementPosition(g.elementRectangle,b,g.targetEdge,m,g.alignmentEdge,w,_,g.forcedInBounds);return{elementPosition:C,targetEdge:g.targetEdge,alignmentEdge:g.alignmentEdge}}function _positionCallout(g,b,m,w,_){var C=g.isBeakVisible&&g.beakWidth||0,k=_calculateActualBeakWidthInPixels(C)/2+(g.gapSpace?g.gapSpace:0),I=g;I.gapSpace=k;var $=g.bounds?_getRectangleFromIRect(g.bounds):new Rectangle(0,window.innerWidth-getScrollbarWidth(),0,window.innerHeight),P=_positionElementRelative(I,m,$,w),M=_positionBeak(C,P),U=_finalizeBeakPosition(P,M,$);return __assign$1(__assign$1({},_finalizePositionData(P,b,$,g.coverTarget,_)),{beakPosition:U})}function _positionCard(g,b,m,w){return _positionCallout(g,b,m,w,!0)}function positionCallout(g,b,m,w){return _positionCallout(g,b,m,w)}function positionCard(g,b,m,w){return _positionCard(g,b,m,w)}function getOppositeEdge(g){return g*-1}function _getBoundsFromTargetWindow(g,b){var m=void 0;if(b.getWindowSegments&&(m=b.getWindowSegments()),m===void 0||m.length<=1)return{top:0,left:0,right:b.innerWidth,bottom:b.innerHeight,width:b.innerWidth,height:b.innerHeight};var w=0,_=0;if(g!==null&&g.getBoundingClientRect){var C=g.getBoundingClientRect();w=(C.left+C.right)/2,_=(C.top+C.bottom)/2}else g!==null&&(w=g.left||g.x,_=g.top||g.y);for(var k={top:0,left:0,right:0,bottom:0,width:0,height:0},I=0,$=m;I<$.length;I++){var P=$[I];w&&P.left<=w&&P.right>=w&&_&&P.top<=_&&P.bottom>=_&&(k={top:P.top,left:P.left,right:P.right,bottom:P.bottom,width:P.width,height:P.height})}return k}function getBoundsFromTargetWindow(g,b){return _getBoundsFromTargetWindow(g,b)}function useConst$1(g){var b=reactExports.useRef();return b.current===void 0&&(b.current={value:typeof g=="function"?g():g}),b.current.value}function useAsync(){var g=useConst$1(function(){return new Async});return reactExports.useEffect(function(){return function(){return g.dispose()}},[g]),g}function useBoolean(g){var b=reactExports.useState(g),m=b[0],w=b[1],_=useConst$1(function(){return function(){w(!0)}}),C=useConst$1(function(){return function(){w(!1)}}),k=useConst$1(function(){return function(){w(function(I){return!I})}});return[m,{setTrue:_,setFalse:C,toggle:k}]}function useId(g,b){var m=reactExports.useRef(b);return m.current||(m.current=getId(g)),m.current}function useMergedRefs$1(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];var m=reactExports.useCallback(function(w){m.current=w;for(var _=0,C=g;_<C.length;_++){var k=C[_];typeof k=="function"?k(w):k&&(k.current=w)}},__spreadArray([],g));return m}function useOnEvent(g,b,m,w){var _=reactExports.useRef(m);_.current=m,reactExports.useEffect(function(){var C=g&&"current"in g?g.current:g;if(C){var k=on(C,b,function(I){return _.current(I)},w);return k}},[g,b,w])}function usePrevious(g){var b=reactExports.useRef();return reactExports.useEffect(function(){b.current=g}),b.current}var useSetTimeout=function(){var g=useConst$1({});return reactExports.useEffect(function(){return function(){for(var b=0,m=Object.keys(g);b<m.length;b++){var w=m[b];clearTimeout(w)}}},[g]),useConst$1({setTimeout:function(b,m){var w=setTimeout(b,m);return g[w]=1,w},clearTimeout:function(b){delete g[b],clearTimeout(b)}})},WindowContext=reactExports.createContext({window:typeof window=="object"?window:void 0}),useWindow=function(){return reactExports.useContext(WindowContext).window},useDocument=function(){var g;return(g=reactExports.useContext(WindowContext).window)===null||g===void 0?void 0:g.document};function useTarget(g,b){var m=reactExports.useRef(),w=reactExports.useRef(null),_=useWindow();if(!g||g!==m.current||typeof g=="string"){var C=b==null?void 0:b.current;if(g)if(typeof g=="string"){var k=getDocument(C);w.current=k?k.querySelector(g):null}else"stopPropagation"in g||"getBoundingClientRect"in g?w.current=g:"current"in g?w.current=g.current:w.current=g;m.current=g}return[w,_]}var useUnmount=function(g){var b=reactExports.useRef(g);b.current=g,reactExports.useEffect(function(){return function(){var m;(m=b.current)===null||m===void 0||m.call(b)}},[])},warningId=0;function useWarnings(g){if({}.NODE_ENV!=="production"){var b=g.name,m=g.props,w=g.other,_=w===void 0?[]:w,C=g.conditionallyRequired,k=g.deprecations,I=g.mutuallyExclusive,$=g.controlledUsage,P=reactExports.useRef(!1),M=useConst$1(function(){return"useWarnings_"+warningId++}),U=usePrevious(m);if(!P.current){P.current=!0;for(var G=0,X=_;G<X.length;G++){var Z=X[G];warn$1(Z)}if(C)for(var ne=0,re=C;ne<re.length;ne++){var ve=re[ne];warnConditionallyRequiredProps(b,m,ve.requiredProps,ve.conditionalPropName,ve.condition)}k&&warnDeprecations(b,m,k),I&&warnMutuallyExclusive(b,m,I)}$&&warnControlledUsage(__assign$1(__assign$1({},$),{componentId:M,props:m,componentName:b,oldProps:U}))}}function useScrollbarAsync(g,b){var m=useAsync(),w=reactExports.useState(!1),_=w[0],C=w[1];return reactExports.useEffect(function(){return m.requestAnimationFrame(function(){var k;if(!(g.style&&g.style.overflowY)){var I=!1;if(b&&b.current&&(!((k=b.current)===null||k===void 0)&&k.firstElementChild)){var $=b.current.clientHeight,P=b.current.firstElementChild.clientHeight;$>0&&P>$&&(I=P-$>1)}_!==I&&C(I)}}),function(){return m.dispose()}}),_}function defaultFocusRestorer(g){var b=g.originalElement,m=g.containsFocus;b&&m&&b!==getWindow()&&setTimeout(function(){var w;(w=b.focus)===null||w===void 0||w.call(b)},0)}function useRestoreFocus(g,b){var m=g.onRestoreFocus,w=m===void 0?defaultFocusRestorer:m,_=reactExports.useRef(),C=reactExports.useRef(!1);reactExports.useEffect(function(){return _.current=getDocument().activeElement,doesElementContainFocus(b.current)&&(C.current=!0),function(){var k;w==null||w({originalElement:_.current,containsFocus:C.current,documentContainsFocus:((k=getDocument())===null||k===void 0?void 0:k.hasFocus())||!1}),_.current=void 0}},[]),useOnEvent(b,"focus",reactExports.useCallback(function(){C.current=!0},[]),!0),useOnEvent(b,"blur",reactExports.useCallback(function(k){b.current&&k.relatedTarget&&!b.current.contains(k.relatedTarget)&&(C.current=!1)},[]),!0)}function useHideSiblingNodes(g,b){var m=String(g["aria-modal"]).toLowerCase()==="true"&&g.enableAriaHiddenSiblings;reactExports.useEffect(function(){if(m&&b.current){var w=modalize(b.current);return w}},[b,m])}var Popup=reactExports.forwardRef(function(g,b){var m=getPropsWithDefaults({shouldRestoreFocus:!0,enableAriaHiddenSiblings:!0},g),w=reactExports.useRef(),_=useMergedRefs$1(w,b);useHideSiblingNodes(m,w),useRestoreFocus(m,w);var C=m.role,k=m.className,I=m.ariaLabel,$=m.ariaLabelledBy,P=m.ariaDescribedBy,M=m.style,U=m.children,G=m.onDismiss,X=useScrollbarAsync(m,w),Z=reactExports.useCallback(function(re){switch(re.which){case KeyCodes$1.escape:G&&(G(re),re.preventDefault(),re.stopPropagation());break}},[G]),ne=useWindow();return useOnEvent(ne,"keydown",Z),reactExports.createElement("div",__assign$1({ref:_},getNativeProps$1(m,divProperties),{className:k,role:C,"aria-label":I,"aria-labelledby":$,"aria-describedby":P,onKeyDown:Z,style:__assign$1({overflowY:X?"scroll":void 0,outline:"none"},M)}),U)});Popup.displayName="Popup";var _a$1,COMPONENT_NAME$1="CalloutContentBase",ANIMATIONS=(_a$1={},_a$1[RectangleEdge.top]=AnimationClassNames.slideUpIn10,_a$1[RectangleEdge.bottom]=AnimationClassNames.slideDownIn10,_a$1[RectangleEdge.left]=AnimationClassNames.slideLeftIn10,_a$1[RectangleEdge.right]=AnimationClassNames.slideRightIn10,_a$1),BEAK_ORIGIN_POSITION={top:0,left:0},OFF_SCREEN_STYLE={opacity:0,filter:"opacity(0)",pointerEvents:"none"},ARIA_ROLE_ATTRIBUTES=["role","aria-roledescription"],DEFAULT_PROPS$1={preventDismissOnLostFocus:!1,preventDismissOnScroll:!1,preventDismissOnResize:!1,isBeakVisible:!0,beakWidth:16,gapSpace:0,minPagePadding:8,directionalHint:DirectionalHint.bottomAutoEdge},getClassNames$9=classNamesFunction({disableCaching:!0});function useBounds(g,b,m){var w=g.bounds,_=g.minPagePadding,C=_===void 0?DEFAULT_PROPS$1.minPagePadding:_,k=g.target,I=reactExports.useState(!1),$=I[0],P=I[1],M=reactExports.useRef(),U=reactExports.useCallback(function(){if(!M.current||$){var X=typeof w=="function"?m?w(k,m):void 0:w;!X&&m&&(X=getBoundsFromTargetWindow(b.current,m),X={top:X.top+C,left:X.left+C,right:X.right-C,bottom:X.bottom-C,width:X.width-C*2,height:X.height-C*2}),M.current=X,$&&P(!1)}return M.current},[w,C,k,b,m,$]),G=useAsync();return useOnEvent(m,"resize",G.debounce(function(){P(!0)},500,{leading:!0})),U}function useMaxHeight(g,b,m){var w,_=g.calloutMaxHeight,C=g.finalHeight,k=g.directionalHint,I=g.directionalHintFixed,$=g.hidden,P=reactExports.useState(),M=P[0],U=P[1],G=(w=m==null?void 0:m.elementPosition)!==null&&w!==void 0?w:{},X=G.top,Z=G.bottom;return reactExports.useEffect(function(){var ne,re=(ne=b())!==null&&ne!==void 0?ne:{},ve=re.top,Se=re.bottom;!_&&!$?typeof X=="number"&&Se?U(Se-X):typeof Z=="number"&&typeof ve=="number"&&Se&&U(Se-ve-Z):U(_||void 0)},[Z,_,C,k,I,b,$,m,X]),M}function usePositions(g,b,m,w,_){var C=reactExports.useState(),k=C[0],I=C[1],$=reactExports.useRef(0),P=reactExports.useRef(),M=useAsync(),U=g.hidden,G=g.target,X=g.finalHeight,Z=g.calloutMaxHeight,ne=g.onPositioned,re=g.directionalHint;return reactExports.useEffect(function(){if(U)I(void 0),$.current=0;else{var ve=M.requestAnimationFrame(function(){var Se,ge;if(b.current&&m){var oe=__assign$1(__assign$1({},g),{target:w.current,bounds:_()}),me=m.cloneNode(!0);me.style.maxHeight=Z?""+Z:"",me.style.visibility="hidden",(Se=m.parentElement)===null||Se===void 0||Se.appendChild(me);var De=P.current===G?k:void 0,Le=X?positionCard(oe,b.current,me,De):positionCallout(oe,b.current,me,De);(ge=m.parentElement)===null||ge===void 0||ge.removeChild(me),!k&&Le||k&&Le&&!arePositionsEqual(k,Le)&&$.current<5?($.current++,I(Le)):$.current>0&&($.current=0,ne==null||ne(k))}},m);return P.current=G,function(){M.cancelAnimationFrame(ve),P.current=void 0}}},[U,re,M,m,Z,b,w,X,_,ne,k,g,G]),k}function useAutoFocus(g,b,m){var w=g.hidden,_=g.setInitialFocus,C=useAsync(),k=!!b;reactExports.useEffect(function(){if(!w&&_&&k&&m){var I=C.requestAnimationFrame(function(){return focusFirstChild(m)},m);return function(){return C.cancelAnimationFrame(I)}}},[w,k,C,m,_])}function useDismissHandlers(g,b,m,w,_){var C=g.hidden,k=g.onDismiss,I=g.preventDismissOnScroll,$=g.preventDismissOnResize,P=g.preventDismissOnLostFocus,M=g.dismissOnTargetClick,U=g.shouldDismissOnWindowFocus,G=g.preventDismissOnEvent,X=reactExports.useRef(!1),Z=useAsync(),ne=useConst$1([function(){X.current=!0},function(){X.current=!1}]),re=!!b;return reactExports.useEffect(function(){var ve=function(Le){re&&!I&&oe(Le)},Se=function(Le){!$&&!(G&&G(Le))&&(k==null||k(Le))},ge=function(Le){P||oe(Le)},oe=function(Le){var rt=Le.composedPath?Le.composedPath():[],Ue=rt.length>0?rt[0]:Le.target,Ze=m.current&&!elementContains(m.current,Ue);if(Ze&&X.current){X.current=!1;return}if(!w.current&&Ze||Le.target!==_&&Ze&&(!w.current||"stopPropagation"in w.current||M||Ue!==w.current&&!elementContains(w.current,Ue))){if(G&&G(Le))return;k==null||k(Le)}},me=function(Le){U&&(G&&!G(Le)||!G&&!P)&&!(_!=null&&_.document.hasFocus())&&Le.relatedTarget===null&&(k==null||k(Le))},De=new Promise(function(Le){Z.setTimeout(function(){if(!C&&_){var rt=[on(_,"scroll",ve,!0),on(_,"resize",Se,!0),on(_.document.documentElement,"focus",ge,!0),on(_.document.documentElement,"click",ge,!0),on(_,"blur",me,!0)];Le(function(){rt.forEach(function(Ue){return Ue()})})}},0)});return function(){De.then(function(Le){return Le()})}},[C,Z,m,w,_,k,U,M,P,$,I,re,G]),ne}var CalloutContentBase=reactExports.memo(reactExports.forwardRef(function(g,b){var m=getPropsWithDefaults(DEFAULT_PROPS$1,g),w=m.styles,_=m.style,C=m.ariaLabel,k=m.ariaDescribedBy,I=m.ariaLabelledBy,$=m.className,P=m.isBeakVisible,M=m.children,U=m.beakWidth,G=m.calloutWidth,X=m.calloutMaxWidth,Z=m.calloutMinWidth,ne=m.doNotLayer,re=m.finalHeight,ve=m.hideOverflow,Se=ve===void 0?!!re:ve,ge=m.backgroundColor,oe=m.calloutMaxHeight,me=m.onScroll,De=m.shouldRestoreFocus,Le=De===void 0?!0:De,rt=m.target,Ue=m.hidden,Ze=m.onLayerMounted,gt=reactExports.useRef(null),$t=reactExports.useState(null),Xe=$t[0],xe=$t[1],Tn=reactExports.useCallback(function(lr){xe(lr)},[]),Rt=useMergedRefs$1(gt,b),mt=useTarget(m.target,{current:Xe}),en=mt[0],st=mt[1],Fe=useBounds(m,en,st),Re=usePositions(m,gt,Xe,en,Fe),Ae=useMaxHeight(m,Fe,Re),je=useDismissHandlers(m,Re,gt,en,st),Ge=je[0],Be=je[1],We=(Re==null?void 0:Re.elementPosition.top)&&(Re==null?void 0:Re.elementPosition.bottom),lt=__assign$1(__assign$1({},Re==null?void 0:Re.elementPosition),{maxHeight:Ae});if(We&&(lt.bottom=void 0),useAutoFocus(m,Re,Xe),reactExports.useEffect(function(){Ue||Ze==null||Ze()},[Ue]),!st)return null;var Tt=Se,Je=P&&!!rt,qt=getClassNames$9(w,{theme:m.theme,className:$,overflowYHidden:Tt,calloutWidth:G,positions:Re,beakWidth:U,backgroundColor:ge,calloutMaxWidth:X,calloutMinWidth:Z,doNotLayer:ne}),Pt=__assign$1(__assign$1({maxHeight:oe||"100%"},_),Tt&&{overflowY:"hidden"}),_t=m.hidden?{visibility:"hidden"}:void 0;return reactExports.createElement("div",{ref:Rt,className:qt.container,style:_t},reactExports.createElement("div",__assign$1({},getNativeProps$1(m,divProperties,ARIA_ROLE_ATTRIBUTES),{className:css$2(qt.root,Re&&Re.targetEdge&&ANIMATIONS[Re.targetEdge]),style:Re?__assign$1({},lt):OFF_SCREEN_STYLE,tabIndex:-1,ref:Tn}),Je&&reactExports.createElement("div",{className:qt.beak,style:getBeakPosition(Re)}),Je&&reactExports.createElement("div",{className:qt.beakCurtain}),reactExports.createElement(Popup,{role:m.role,"aria-roledescription":m["aria-roledescription"],ariaDescribedBy:k,ariaLabel:C,ariaLabelledBy:I,className:qt.calloutMain,onDismiss:m.onDismiss,onMouseDown:Ge,onMouseUp:Be,onRestoreFocus:m.onRestoreFocus,onScroll:me,shouldRestoreFocus:Le,style:Pt},M)))}),function(g,b){return!b.shouldUpdateWhenHidden&&g.hidden&&b.hidden?!0:shallowCompare(g,b)});function getBeakPosition(g){var b,m,w=__assign$1(__assign$1({},(b=g==null?void 0:g.beakPosition)===null||b===void 0?void 0:b.elementPosition),{display:!((m=g==null?void 0:g.beakPosition)===null||m===void 0)&&m.hideBeak?"none":void 0});return!w.top&&!w.bottom&&!w.left&&!w.right&&(w.left=BEAK_ORIGIN_POSITION.left,w.top=BEAK_ORIGIN_POSITION.top),w}function arePositionsEqual(g,b){return comparePositions(g.elementPosition,b.elementPosition)&&comparePositions(g.beakPosition.elementPosition,b.beakPosition.elementPosition)}function comparePositions(g,b){for(var m in b)if(b.hasOwnProperty(m)){var w=g[m],_=b[m];if(w!==void 0&&_!==void 0){if(w.toFixed(2)!==_.toFixed(2))return!1}else return!1}return!0}CalloutContentBase.displayName=COMPONENT_NAME$1;function getBeakStyle(g){return{height:g,width:g}}var GlobalClassNames$7={container:"ms-Callout-container",root:"ms-Callout",beak:"ms-Callout-beak",beakCurtain:"ms-Callout-beakCurtain",calloutMain:"ms-Callout-main"},getStyles$9=function(g){var b,m=g.theme,w=g.className,_=g.overflowYHidden,C=g.calloutWidth,k=g.beakWidth,I=g.backgroundColor,$=g.calloutMaxWidth,P=g.calloutMinWidth,M=g.doNotLayer,U=getGlobalClassNames(GlobalClassNames$7,m),G=m.semanticColors,X=m.effects;return{container:[U.container,{position:"relative"}],root:[U.root,m.fonts.medium,{position:"absolute",display:"flex",zIndex:M?ZIndexes.Layer:void 0,boxSizing:"border-box",borderRadius:X.roundedCorner2,boxShadow:X.elevation16,selectors:(b={},b[HighContrastSelector]={borderWidth:1,borderStyle:"solid",borderColor:"WindowText"},b)},focusClear(),w,!!C&&{width:C},!!$&&{maxWidth:$},!!P&&{minWidth:P}],beak:[U.beak,{position:"absolute",backgroundColor:G.menuBackground,boxShadow:"inherit",border:"inherit",boxSizing:"border-box",transform:"rotate(45deg)"},getBeakStyle(k),I&&{backgroundColor:I}],beakCurtain:[U.beakCurtain,{position:"absolute",top:0,right:0,bottom:0,left:0,backgroundColor:G.menuBackground,borderRadius:X.roundedCorner2}],calloutMain:[U.calloutMain,{backgroundColor:G.menuBackground,overflowX:"hidden",overflowY:"auto",position:"relative",width:"100%",borderRadius:X.roundedCorner2},_&&{overflowY:"hidden"},I&&{backgroundColor:I}]}},CalloutContent=styled(CalloutContentBase,getStyles$9,void 0,{scope:"CalloutContent"}),reactDom={exports:{}},reactDom_production_min={},scheduler={exports:{}},scheduler_production_min={};/** @license React v0.20.2
* scheduler.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredScheduler_production_min;function requireScheduler_production_min(){return hasRequiredScheduler_production_min||(hasRequiredScheduler_production_min=1,function(g){var b,m,w,_;if(typeof performance=="object"&&typeof performance.now=="function"){var C=performance;g.unstable_now=function(){return C.now()}}else{var k=Date,I=k.now();g.unstable_now=function(){return k.now()-I}}if(typeof window>"u"||typeof MessageChannel!="function"){var $=null,P=null,M=function(){if($!==null)try{var Re=g.unstable_now();$(!0,Re),$=null}catch(Ae){throw setTimeout(M,0),Ae}};b=function(Re){$!==null?setTimeout(b,0,Re):($=Re,setTimeout(M,0))},m=function(Re,Ae){P=setTimeout(Re,Ae)},w=function(){clearTimeout(P)},g.unstable_shouldYield=function(){return!1},_=g.unstable_forceFrameRate=function(){}}else{var U=window.setTimeout,G=window.clearTimeout;if(typeof console<"u"){var X=window.cancelAnimationFrame;typeof window.requestAnimationFrame!="function"&&console.error("This browser doesn't support requestAnimationFrame. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills"),typeof X!="function"&&console.error("This browser doesn't support cancelAnimationFrame. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills")}var Z=!1,ne=null,re=-1,ve=5,Se=0;g.unstable_shouldYield=function(){return g.unstable_now()>=Se},_=function(){},g.unstable_forceFrameRate=function(Re){0>Re||125<Re?console.error("forceFrameRate takes a positive int between 0 and 125, forcing frame rates higher than 125 fps is not supported"):ve=0<Re?Math.floor(1e3/Re):5};var ge=new MessageChannel,oe=ge.port2;ge.port1.onmessage=function(){if(ne!==null){var Re=g.unstable_now();Se=Re+ve;try{ne(!0,Re)?oe.postMessage(null):(Z=!1,ne=null)}catch(Ae){throw oe.postMessage(null),Ae}}else Z=!1},b=function(Re){ne=Re,Z||(Z=!0,oe.postMessage(null))},m=function(Re,Ae){re=U(function(){Re(g.unstable_now())},Ae)},w=function(){G(re),re=-1}}function me(Re,Ae){var je=Re.length;Re.push(Ae);e:for(;;){var Ge=je-1>>>1,Be=Re[Ge];if(Be!==void 0&&0<rt(Be,Ae))Re[Ge]=Ae,Re[je]=Be,je=Ge;else break e}}function De(Re){return Re=Re[0],Re===void 0?null:Re}function Le(Re){var Ae=Re[0];if(Ae!==void 0){var je=Re.pop();if(je!==Ae){Re[0]=je;e:for(var Ge=0,Be=Re.length;Ge<Be;){var We=2*(Ge+1)-1,lt=Re[We],Tt=We+1,Je=Re[Tt];if(lt!==void 0&&0>rt(lt,je))Je!==void 0&&0>rt(Je,lt)?(Re[Ge]=Je,Re[Tt]=je,Ge=Tt):(Re[Ge]=lt,Re[We]=je,Ge=We);else if(Je!==void 0&&0>rt(Je,je))Re[Ge]=Je,Re[Tt]=je,Ge=Tt;else break e}}return Ae}return null}function rt(Re,Ae){var je=Re.sortIndex-Ae.sortIndex;return je!==0?je:Re.id-Ae.id}var Ue=[],Ze=[],gt=1,$t=null,Xe=3,xe=!1,Tn=!1,Rt=!1;function mt(Re){for(var Ae=De(Ze);Ae!==null;){if(Ae.callback===null)Le(Ze);else if(Ae.startTime<=Re)Le(Ze),Ae.sortIndex=Ae.expirationTime,me(Ue,Ae);else break;Ae=De(Ze)}}function en(Re){if(Rt=!1,mt(Re),!Tn)if(De(Ue)!==null)Tn=!0,b(st);else{var Ae=De(Ze);Ae!==null&&m(en,Ae.startTime-Re)}}function st(Re,Ae){Tn=!1,Rt&&(Rt=!1,w()),xe=!0;var je=Xe;try{for(mt(Ae),$t=De(Ue);$t!==null&&(!($t.expirationTime>Ae)||Re&&!g.unstable_shouldYield());){var Ge=$t.callback;if(typeof Ge=="function"){$t.callback=null,Xe=$t.priorityLevel;var Be=Ge($t.expirationTime<=Ae);Ae=g.unstable_now(),typeof Be=="function"?$t.callback=Be:$t===De(Ue)&&Le(Ue),mt(Ae)}else Le(Ue);$t=De(Ue)}if($t!==null)var We=!0;else{var lt=De(Ze);lt!==null&&m(en,lt.startTime-Ae),We=!1}return We}finally{$t=null,Xe=je,xe=!1}}var Fe=_;g.unstable_IdlePriority=5,g.unstable_ImmediatePriority=1,g.unstable_LowPriority=4,g.unstable_NormalPriority=3,g.unstable_Profiling=null,g.unstable_UserBlockingPriority=2,g.unstable_cancelCallback=function(Re){Re.callback=null},g.unstable_continueExecution=function(){Tn||xe||(Tn=!0,b(st))},g.unstable_getCurrentPriorityLevel=function(){return Xe},g.unstable_getFirstCallbackNode=function(){return De(Ue)},g.unstable_next=function(Re){switch(Xe){case 1:case 2:case 3:var Ae=3;break;default:Ae=Xe}var je=Xe;Xe=Ae;try{return Re()}finally{Xe=je}},g.unstable_pauseExecution=function(){},g.unstable_requestPaint=Fe,g.unstable_runWithPriority=function(Re,Ae){switch(Re){case 1:case 2:case 3:case 4:case 5:break;default:Re=3}var je=Xe;Xe=Re;try{return Ae()}finally{Xe=je}},g.unstable_scheduleCallback=function(Re,Ae,je){var Ge=g.unstable_now();switch(typeof je=="object"&&je!==null?(je=je.delay,je=typeof je=="number"&&0<je?Ge+je:Ge):je=Ge,Re){case 1:var Be=-1;break;case 2:Be=250;break;case 5:Be=1073741823;break;case 4:Be=1e4;break;default:Be=5e3}return Be=je+Be,Re={id:gt++,callback:Ae,priorityLevel:Re,startTime:je,expirationTime:Be,sortIndex:-1},je>Ge?(Re.sortIndex=je,me(Ze,Re),De(Ue)===null&&Re===De(Ze)&&(Rt?w():Rt=!0,m(en,je-Ge))):(Re.sortIndex=Be,me(Ue,Re),Tn||xe||(Tn=!0,b(st))),Re},g.unstable_wrapCallback=function(Re){var Ae=Xe;return function(){var je=Xe;Xe=Ae;try{return Re.apply(this,arguments)}finally{Xe=je}}}}(scheduler_production_min)),scheduler_production_min}var scheduler_development={};/** @license React v0.20.2
* scheduler.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredScheduler_development;function requireScheduler_development(){return hasRequiredScheduler_development||(hasRequiredScheduler_development=1,function(g){({}).NODE_ENV!=="production"&&function(){var b=!1,m=!1,w,_,C,k,I=typeof performance=="object"&&typeof performance.now=="function";if(I){var $=performance;g.unstable_now=function(){return $.now()}}else{var P=Date,M=P.now();g.unstable_now=function(){return P.now()-M}}if(typeof window>"u"||typeof MessageChannel!="function"){var U=null,G=null,X=function(){if(U!==null)try{var ur=g.unstable_now(),Sr=!0;U(Sr,ur),U=null}catch(ki){throw setTimeout(X,0),ki}};w=function(ur){U!==null?setTimeout(w,0,ur):(U=ur,setTimeout(X,0))},_=function(ur,Sr){G=setTimeout(ur,Sr)},C=function(){clearTimeout(G)},g.unstable_shouldYield=function(){return!1},k=g.unstable_forceFrameRate=function(){}}else{var Z=window.setTimeout,ne=window.clearTimeout;if(typeof console<"u"){var re=window.requestAnimationFrame,ve=window.cancelAnimationFrame;typeof re!="function"&&console.error("This browser doesn't support requestAnimationFrame. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills"),typeof ve!="function"&&console.error("This browser doesn't support cancelAnimationFrame. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills")}var Se=!1,ge=null,oe=-1,me=5,De=0;g.unstable_shouldYield=function(){return g.unstable_now()>=De},k=function(){},g.unstable_forceFrameRate=function(ur){if(ur<0||ur>125){console.error("forceFrameRate takes a positive int between 0 and 125, forcing frame rates higher than 125 fps is not supported");return}ur>0?me=Math.floor(1e3/ur):me=5};var Le=function(){if(ge!==null){var ur=g.unstable_now();De=ur+me;var Sr=!0;try{var ki=ge(Sr,ur);ki?Ue.postMessage(null):(Se=!1,ge=null)}catch(co){throw Ue.postMessage(null),co}}else Se=!1},rt=new MessageChannel,Ue=rt.port2;rt.port1.onmessage=Le,w=function(ur){ge=ur,Se||(Se=!0,Ue.postMessage(null))},_=function(ur,Sr){oe=Z(function(){ur(g.unstable_now())},Sr)},C=function(){ne(oe),oe=-1}}function Ze(ur,Sr){var ki=ur.length;ur.push(Sr),Xe(ur,Sr,ki)}function gt(ur){var Sr=ur[0];return Sr===void 0?null:Sr}function $t(ur){var Sr=ur[0];if(Sr!==void 0){var ki=ur.pop();return ki!==Sr&&(ur[0]=ki,xe(ur,ki,0)),Sr}else return null}function Xe(ur,Sr,ki){for(var co=ki;;){var xo=co-1>>>1,Ho=ur[xo];if(Ho!==void 0&&Tn(Ho,Sr)>0)ur[xo]=Sr,ur[co]=Ho,co=xo;else return}}function xe(ur,Sr,ki){for(var co=ki,xo=ur.length;co<xo;){var Ho=(co+1)*2-1,Co=ur[Ho],ma=Ho+1,Yi=ur[ma];if(Co!==void 0&&Tn(Co,Sr)<0)Yi!==void 0&&Tn(Yi,Co)<0?(ur[co]=Yi,ur[ma]=Sr,co=ma):(ur[co]=Co,ur[Ho]=Sr,co=Ho);else if(Yi!==void 0&&Tn(Yi,Sr)<0)ur[co]=Yi,ur[ma]=Sr,co=ma;else return}}function Tn(ur,Sr){var ki=ur.sortIndex-Sr.sortIndex;return ki!==0?ki:ur.id-Sr.id}var Rt=1,mt=2,en=3,st=4,Fe=5;function Re(ur,Sr){}var Ae=1073741823,je=-1,Ge=250,Be=5e3,We=1e4,lt=Ae,Tt=[],Je=[],qt=1,Pt=null,_t=en,lr=!1,jn=!1,ii=!1;function Zi(ur){for(var Sr=gt(Je);Sr!==null;){if(Sr.callback===null)$t(Je);else if(Sr.startTime<=ur)$t(Je),Sr.sortIndex=Sr.expirationTime,Ze(Tt,Sr);else return;Sr=gt(Je)}}function No(ur){if(ii=!1,Zi(ur),!jn)if(gt(Tt)!==null)jn=!0,w(Is);else{var Sr=gt(Je);Sr!==null&&_(No,Sr.startTime-ur)}}function Is(ur,Sr){jn=!1,ii&&(ii=!1,C()),lr=!0;var ki=_t;try{var co;if(!m)return Ca(ur,Sr)}finally{Pt=null,_t=ki,lr=!1}}function Ca(ur,Sr){var ki=Sr;for(Zi(ki),Pt=gt(Tt);Pt!==null&&!b&&!(Pt.expirationTime>ki&&(!ur||g.unstable_shouldYield()));){var co=Pt.callback;if(typeof co=="function"){Pt.callback=null,_t=Pt.priorityLevel;var xo=Pt.expirationTime<=ki,Ho=co(xo);ki=g.unstable_now(),typeof Ho=="function"?Pt.callback=Ho:Pt===gt(Tt)&&$t(Tt),Zi(ki)}else $t(Tt);Pt=gt(Tt)}if(Pt!==null)return!0;var Co=gt(Je);return Co!==null&&_(No,Co.startTime-ki),!1}function Xs(ur,Sr){switch(ur){case Rt:case mt:case en:case st:case Fe:break;default:ur=en}var ki=_t;_t=ur;try{return Sr()}finally{_t=ki}}function Io(ur){var Sr;switch(_t){case Rt:case mt:case en:Sr=en;break;default:Sr=_t;break}var ki=_t;_t=Sr;try{return ur()}finally{_t=ki}}function pi(ur){var Sr=_t;return function(){var ki=_t;_t=Sr;try{return ur.apply(this,arguments)}finally{_t=ki}}}function Es(ur,Sr,ki){var co=g.unstable_now(),xo;if(typeof ki=="object"&&ki!==null){var Ho=ki.delay;typeof Ho=="number"&&Ho>0?xo=co+Ho:xo=co}else xo=co;var Co;switch(ur){case Rt:Co=je;break;case mt:Co=Ge;break;case Fe:Co=lt;break;case st:Co=We;break;case en:default:Co=Be;break}var ma=xo+Co,Yi={id:qt++,callback:Sr,priorityLevel:ur,startTime:xo,expirationTime:ma,sortIndex:-1};return xo>co?(Yi.sortIndex=xo,Ze(Je,Yi),gt(Tt)===null&&Yi===gt(Je)&&(ii?C():ii=!0,_(No,xo-co))):(Yi.sortIndex=ma,Ze(Tt,Yi),!jn&&!lr&&(jn=!0,w(Is))),Yi}function $u(){}function ir(){!jn&&!lr&&(jn=!0,w(Is))}function rn(){return gt(Tt)}function sn(ur){ur.callback=null}function Zn(){return _t}var oi=k,li=null;g.unstable_IdlePriority=Fe,g.unstable_ImmediatePriority=Rt,g.unstable_LowPriority=st,g.unstable_NormalPriority=en,g.unstable_Profiling=li,g.unstable_UserBlockingPriority=mt,g.unstable_cancelCallback=sn,g.unstable_continueExecution=ir,g.unstable_getCurrentPriorityLevel=Zn,g.unstable_getFirstCallbackNode=rn,g.unstable_next=Io,g.unstable_pauseExecution=$u,g.unstable_requestPaint=oi,g.unstable_runWithPriority=Xs,g.unstable_scheduleCallback=Es,g.unstable_wrapCallback=pi}()}(scheduler_development)),scheduler_development}var hasRequiredScheduler;function requireScheduler(){return hasRequiredScheduler||(hasRequiredScheduler=1,{}.NODE_ENV==="production"?scheduler.exports=requireScheduler_production_min():scheduler.exports=requireScheduler_development()),scheduler.exports}/** @license React v17.0.2
* react-dom.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactDom_production_min;function requireReactDom_production_min(){if(hasRequiredReactDom_production_min)return reactDom_production_min;hasRequiredReactDom_production_min=1;var g=requireReact(),b=requireObjectAssign(),m=requireScheduler();function w(j){for(var B="https://reactjs.org/docs/error-decoder.html?invariant="+j,Y=1;Y<arguments.length;Y++)B+="&args[]="+encodeURIComponent(arguments[Y]);return"Minified React error #"+j+"; visit "+B+" for the full message or use the non-minified dev environment for full errors and additional helpful warnings."}if(!g)throw Error(w(227));var _=new Set,C={};function k(j,B){I(j,B),I(j+"Capture",B)}function I(j,B){for(C[j]=B,j=0;j<B.length;j++)_.add(B[j])}var $=!(typeof window>"u"||typeof window.document>"u"||typeof window.document.createElement>"u"),P=/^[:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD][:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD\-.0-9\u00B7\u0300-\u036F\u203F-\u2040]*$/,M=Object.prototype.hasOwnProperty,U={},G={};function X(j){return M.call(G,j)?!0:M.call(U,j)?!1:P.test(j)?G[j]=!0:(U[j]=!0,!1)}function Z(j,B,Y,ae){if(Y!==null&&Y.type===0)return!1;switch(typeof B){case"function":case"symbol":return!0;case"boolean":return ae?!1:Y!==null?!Y.acceptsBooleans:(j=j.toLowerCase().slice(0,5),j!=="data-"&&j!=="aria-");default:return!1}}function ne(j,B,Y,ae){if(B===null||typeof B>"u"||Z(j,B,Y,ae))return!0;if(ae)return!1;if(Y!==null)switch(Y.type){case 3:return!B;case 4:return B===!1;case 5:return isNaN(B);case 6:return isNaN(B)||1>B}return!1}function re(j,B,Y,ae,we,$e,Ye){this.acceptsBooleans=B===2||B===3||B===4,this.attributeName=ae,this.attributeNamespace=we,this.mustUseProperty=Y,this.propertyName=j,this.type=B,this.sanitizeURL=$e,this.removeEmptyString=Ye}var ve={};"children dangerouslySetInnerHTML defaultValue defaultChecked innerHTML suppressContentEditableWarning suppressHydrationWarning style".split(" ").forEach(function(j){ve[j]=new re(j,0,!1,j,null,!1,!1)}),[["acceptCharset","accept-charset"],["className","class"],["htmlFor","for"],["httpEquiv","http-equiv"]].forEach(function(j){var B=j[0];ve[B]=new re(B,1,!1,j[1],null,!1,!1)}),["contentEditable","draggable","spellCheck","value"].forEach(function(j){ve[j]=new re(j,2,!1,j.toLowerCase(),null,!1,!1)}),["autoReverse","externalResourcesRequired","focusable","preserveAlpha"].forEach(function(j){ve[j]=new re(j,2,!1,j,null,!1,!1)}),"allowFullScreen async autoFocus autoPlay controls default defer disabled disablePictureInPicture disableRemotePlayback formNoValidate hidden loop noModule noValidate open playsInline readOnly required reversed scoped seamless itemScope".split(" ").forEach(function(j){ve[j]=new re(j,3,!1,j.toLowerCase(),null,!1,!1)}),["checked","multiple","muted","selected"].forEach(function(j){ve[j]=new re(j,3,!0,j,null,!1,!1)}),["capture","download"].forEach(function(j){ve[j]=new re(j,4,!1,j,null,!1,!1)}),["cols","rows","size","span"].forEach(function(j){ve[j]=new re(j,6,!1,j,null,!1,!1)}),["rowSpan","start"].forEach(function(j){ve[j]=new re(j,5,!1,j.toLowerCase(),null,!1,!1)});var Se=/[\-:]([a-z])/g;function ge(j){return j[1].toUpperCase()}"accent-height alignment-baseline arabic-form baseline-shift cap-height clip-path clip-rule color-interpolation color-interpolation-filters color-profile color-rendering dominant-baseline enable-background fill-opacity fill-rule flood-color flood-opacity font-family font-size font-size-adjust font-stretch font-style font-variant font-weight glyph-name glyph-orientation-horizontal glyph-orientation-vertical horiz-adv-x horiz-origin-x image-rendering letter-spacing lighting-color marker-end marker-mid marker-start overline-position overline-thickness paint-order panose-1 pointer-events rendering-intent shape-rendering stop-color stop-opacity strikethrough-position strikethrough-thickness stroke-dasharray stroke-dashoffset stroke-linecap stroke-linejoin stroke-miterlimit stroke-opacity stroke-width text-anchor text-decoration text-rendering underline-position underline-thickness unicode-bidi unicode-range units-per-em v-alphabetic v-hanging v-ideographic v-mathematical vector-effect vert-adv-y vert-origin-x vert-origin-y word-spacing writing-mode xmlns:xlink x-height".split(" ").forEach(function(j){var B=j.replace(Se,ge);ve[B]=new re(B,1,!1,j,null,!1,!1)}),"xlink:actuate xlink:arcrole xlink:role xlink:show xlink:title xlink:type".split(" ").forEach(function(j){var B=j.replace(Se,ge);ve[B]=new re(B,1,!1,j,"http://www.w3.org/1999/xlink",!1,!1)}),["xml:base","xml:lang","xml:space"].forEach(function(j){var B=j.replace(Se,ge);ve[B]=new re(B,1,!1,j,"http://www.w3.org/XML/1998/namespace",!1,!1)}),["tabIndex","crossOrigin"].forEach(function(j){ve[j]=new re(j,1,!1,j.toLowerCase(),null,!1,!1)}),ve.xlinkHref=new re("xlinkHref",1,!1,"xlink:href","http://www.w3.org/1999/xlink",!0,!1),["src","href","action","formAction"].forEach(function(j){ve[j]=new re(j,1,!1,j.toLowerCase(),null,!0,!0)});function oe(j,B,Y,ae){var we=ve.hasOwnProperty(B)?ve[B]:null,$e=we!==null?we.type===0:ae?!1:!(!(2<B.length)||B[0]!=="o"&&B[0]!=="O"||B[1]!=="n"&&B[1]!=="N");$e||(ne(B,Y,we,ae)&&(Y=null),ae||we===null?X(B)&&(Y===null?j.removeAttribute(B):j.setAttribute(B,""+Y)):we.mustUseProperty?j[we.propertyName]=Y===null?we.type===3?!1:"":Y:(B=we.attributeName,ae=we.attributeNamespace,Y===null?j.removeAttribute(B):(we=we.type,Y=we===3||we===4&&Y===!0?"":""+Y,ae?j.setAttributeNS(ae,B,Y):j.setAttribute(B,Y))))}var me=g.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED,De=60103,Le=60106,rt=60107,Ue=60108,Ze=60114,gt=60109,$t=60110,Xe=60112,xe=60113,Tn=60120,Rt=60115,mt=60116,en=60121,st=60128,Fe=60129,Re=60130,Ae=60131;if(typeof Symbol=="function"&&Symbol.for){var je=Symbol.for;De=je("react.element"),Le=je("react.portal"),rt=je("react.fragment"),Ue=je("react.strict_mode"),Ze=je("react.profiler"),gt=je("react.provider"),$t=je("react.context"),Xe=je("react.forward_ref"),xe=je("react.suspense"),Tn=je("react.suspense_list"),Rt=je("react.memo"),mt=je("react.lazy"),en=je("react.block"),je("react.scope"),st=je("react.opaque.id"),Fe=je("react.debug_trace_mode"),Re=je("react.offscreen"),Ae=je("react.legacy_hidden")}var Ge=typeof Symbol=="function"&&Symbol.iterator;function Be(j){return j===null||typeof j!="object"?null:(j=Ge&&j[Ge]||j["@@iterator"],typeof j=="function"?j:null)}var We;function lt(j){if(We===void 0)try{throw Error()}catch(Y){var B=Y.stack.trim().match(/\n( *(at )?)/);We=B&&B[1]||""}return`
`+We+j}var Tt=!1;function Je(j,B){if(!j||Tt)return"";Tt=!0;var Y=Error.prepareStackTrace;Error.prepareStackTrace=void 0;try{if(B)if(B=function(){throw Error()},Object.defineProperty(B.prototype,"props",{set:function(){throw Error()}}),typeof Reflect=="object"&&Reflect.construct){try{Reflect.construct(B,[])}catch(Qt){var ae=Qt}Reflect.construct(j,[],B)}else{try{B.call()}catch(Qt){ae=Qt}j.call(B.prototype)}else{try{throw Error()}catch(Qt){ae=Qt}j()}}catch(Qt){if(Qt&&ae&&typeof Qt.stack=="string"){for(var we=Qt.stack.split(`
`),$e=ae.stack.split(`
`),Ye=we.length-1,Ct=$e.length-1;1<=Ye&&0<=Ct&&we[Ye]!==$e[Ct];)Ct--;for(;1<=Ye&&0<=Ct;Ye--,Ct--)if(we[Ye]!==$e[Ct]){if(Ye!==1||Ct!==1)do if(Ye--,Ct--,0>Ct||we[Ye]!==$e[Ct])return`
`+we[Ye].replace(" at new "," at ");while(1<=Ye&&0<=Ct);break}}}finally{Tt=!1,Error.prepareStackTrace=Y}return(j=j?j.displayName||j.name:"")?lt(j):""}function qt(j){switch(j.tag){case 5:return lt(j.type);case 16:return lt("Lazy");case 13:return lt("Suspense");case 19:return lt("SuspenseList");case 0:case 2:case 15:return j=Je(j.type,!1),j;case 11:return j=Je(j.type.render,!1),j;case 22:return j=Je(j.type._render,!1),j;case 1:return j=Je(j.type,!0),j;default:return""}}function Pt(j){if(j==null)return null;if(typeof j=="function")return j.displayName||j.name||null;if(typeof j=="string")return j;switch(j){case rt:return"Fragment";case Le:return"Portal";case Ze:return"Profiler";case Ue:return"StrictMode";case xe:return"Suspense";case Tn:return"SuspenseList"}if(typeof j=="object")switch(j.$$typeof){case $t:return(j.displayName||"Context")+".Consumer";case gt:return(j._context.displayName||"Context")+".Provider";case Xe:var B=j.render;return B=B.displayName||B.name||"",j.displayName||(B!==""?"ForwardRef("+B+")":"ForwardRef");case Rt:return Pt(j.type);case en:return Pt(j._render);case mt:B=j._payload,j=j._init;try{return Pt(j(B))}catch{}}return null}function _t(j){switch(typeof j){case"boolean":case"number":case"object":case"string":case"undefined":return j;default:return""}}function lr(j){var B=j.type;return(j=j.nodeName)&&j.toLowerCase()==="input"&&(B==="checkbox"||B==="radio")}function jn(j){var B=lr(j)?"checked":"value",Y=Object.getOwnPropertyDescriptor(j.constructor.prototype,B),ae=""+j[B];if(!j.hasOwnProperty(B)&&typeof Y<"u"&&typeof Y.get=="function"&&typeof Y.set=="function"){var we=Y.get,$e=Y.set;return Object.defineProperty(j,B,{configurable:!0,get:function(){return we.call(this)},set:function(Ye){ae=""+Ye,$e.call(this,Ye)}}),Object.defineProperty(j,B,{enumerable:Y.enumerable}),{getValue:function(){return ae},setValue:function(Ye){ae=""+Ye},stopTracking:function(){j._valueTracker=null,delete j[B]}}}}function ii(j){j._valueTracker||(j._valueTracker=jn(j))}function Zi(j){if(!j)return!1;var B=j._valueTracker;if(!B)return!0;var Y=B.getValue(),ae="";return j&&(ae=lr(j)?j.checked?"true":"false":j.value),j=ae,j!==Y?(B.setValue(j),!0):!1}function No(j){if(j=j||(typeof document<"u"?document:void 0),typeof j>"u")return null;try{return j.activeElement||j.body}catch{return j.body}}function Is(j,B){var Y=B.checked;return b({},B,{defaultChecked:void 0,defaultValue:void 0,value:void 0,checked:Y??j._wrapperState.initialChecked})}function Ca(j,B){var Y=B.defaultValue==null?"":B.defaultValue,ae=B.checked!=null?B.checked:B.defaultChecked;Y=_t(B.value!=null?B.value:Y),j._wrapperState={initialChecked:ae,initialValue:Y,controlled:B.type==="checkbox"||B.type==="radio"?B.checked!=null:B.value!=null}}function Xs(j,B){B=B.checked,B!=null&&oe(j,"checked",B,!1)}function Io(j,B){Xs(j,B);var Y=_t(B.value),ae=B.type;if(Y!=null)ae==="number"?(Y===0&&j.value===""||j.value!=Y)&&(j.value=""+Y):j.value!==""+Y&&(j.value=""+Y);else if(ae==="submit"||ae==="reset"){j.removeAttribute("value");return}B.hasOwnProperty("value")?Es(j,B.type,Y):B.hasOwnProperty("defaultValue")&&Es(j,B.type,_t(B.defaultValue)),B.checked==null&&B.defaultChecked!=null&&(j.defaultChecked=!!B.defaultChecked)}function pi(j,B,Y){if(B.hasOwnProperty("value")||B.hasOwnProperty("defaultValue")){var ae=B.type;if(!(ae!=="submit"&&ae!=="reset"||B.value!==void 0&&B.value!==null))return;B=""+j._wrapperState.initialValue,Y||B===j.value||(j.value=B),j.defaultValue=B}Y=j.name,Y!==""&&(j.name=""),j.defaultChecked=!!j._wrapperState.initialChecked,Y!==""&&(j.name=Y)}function Es(j,B,Y){(B!=="number"||No(j.ownerDocument)!==j)&&(Y==null?j.defaultValue=""+j._wrapperState.initialValue:j.defaultValue!==""+Y&&(j.defaultValue=""+Y))}function $u(j){var B="";return g.Children.forEach(j,function(Y){Y!=null&&(B+=Y)}),B}function ir(j,B){return j=b({children:void 0},B),(B=$u(B.children))&&(j.children=B),j}function rn(j,B,Y,ae){if(j=j.options,B){B={};for(var we=0;we<Y.length;we++)B["$"+Y[we]]=!0;for(Y=0;Y<j.length;Y++)we=B.hasOwnProperty("$"+j[Y].value),j[Y].selected!==we&&(j[Y].selected=we),we&&ae&&(j[Y].defaultSelected=!0)}else{for(Y=""+_t(Y),B=null,we=0;we<j.length;we++){if(j[we].value===Y){j[we].selected=!0,ae&&(j[we].defaultSelected=!0);return}B!==null||j[we].disabled||(B=j[we])}B!==null&&(B.selected=!0)}}function sn(j,B){if(B.dangerouslySetInnerHTML!=null)throw Error(w(91));return b({},B,{value:void 0,defaultValue:void 0,children:""+j._wrapperState.initialValue})}function Zn(j,B){var Y=B.value;if(Y==null){if(Y=B.children,B=B.defaultValue,Y!=null){if(B!=null)throw Error(w(92));if(Array.isArray(Y)){if(!(1>=Y.length))throw Error(w(93));Y=Y[0]}B=Y}B==null&&(B=""),Y=B}j._wrapperState={initialValue:_t(Y)}}function oi(j,B){var Y=_t(B.value),ae=_t(B.defaultValue);Y!=null&&(Y=""+Y,Y!==j.value&&(j.value=Y),B.defaultValue==null&&j.defaultValue!==Y&&(j.defaultValue=Y)),ae!=null&&(j.defaultValue=""+ae)}function li(j){var B=j.textContent;B===j._wrapperState.initialValue&&B!==""&&B!==null&&(j.value=B)}var ur={html:"http://www.w3.org/1999/xhtml",mathml:"http://www.w3.org/1998/Math/MathML",svg:"http://www.w3.org/2000/svg"};function Sr(j){switch(j){case"svg":return"http://www.w3.org/2000/svg";case"math":return"http://www.w3.org/1998/Math/MathML";default:return"http://www.w3.org/1999/xhtml"}}function ki(j,B){return j==null||j==="http://www.w3.org/1999/xhtml"?Sr(B):j==="http://www.w3.org/2000/svg"&&B==="foreignObject"?"http://www.w3.org/1999/xhtml":j}var co,xo=function(j){return typeof MSApp<"u"&&MSApp.execUnsafeLocalFunction?function(B,Y,ae,we){MSApp.execUnsafeLocalFunction(function(){return j(B,Y,ae,we)})}:j}(function(j,B){if(j.namespaceURI!==ur.svg||"innerHTML"in j)j.innerHTML=B;else{for(co=co||document.createElement("div"),co.innerHTML="<svg>"+B.valueOf().toString()+"</svg>",B=co.firstChild;j.firstChild;)j.removeChild(j.firstChild);for(;B.firstChild;)j.appendChild(B.firstChild)}});function Ho(j,B){if(B){var Y=j.firstChild;if(Y&&Y===j.lastChild&&Y.nodeType===3){Y.nodeValue=B;return}}j.textContent=B}var Co={animationIterationCount:!0,borderImageOutset:!0,borderImageSlice:!0,borderImageWidth:!0,boxFlex:!0,boxFlexGroup:!0,boxOrdinalGroup:!0,columnCount:!0,columns:!0,flex:!0,flexGrow:!0,flexPositive:!0,flexShrink:!0,flexNegative:!0,flexOrder:!0,gridArea:!0,gridRow:!0,gridRowEnd:!0,gridRowSpan:!0,gridRowStart:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnSpan:!0,gridColumnStart:!0,fontWeight:!0,lineClamp:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,tabSize:!0,widows:!0,zIndex:!0,zoom:!0,fillOpacity:!0,floodOpacity:!0,stopOpacity:!0,strokeDasharray:!0,strokeDashoffset:!0,strokeMiterlimit:!0,strokeOpacity:!0,strokeWidth:!0},ma=["Webkit","ms","Moz","O"];Object.keys(Co).forEach(function(j){ma.forEach(function(B){B=B+j.charAt(0).toUpperCase()+j.substring(1),Co[B]=Co[j]})});function Yi(j,B,Y){return B==null||typeof B=="boolean"||B===""?"":Y||typeof B!="number"||B===0||Co.hasOwnProperty(j)&&Co[j]?(""+B).trim():B+"px"}function so(j,B){j=j.style;for(var Y in B)if(B.hasOwnProperty(Y)){var ae=Y.indexOf("--")===0,we=Yi(Y,B[Y],ae);Y==="float"&&(Y="cssFloat"),ae?j.setProperty(Y,we):j[Y]=we}}var hs=b({menuitem:!0},{area:!0,base:!0,br:!0,col:!0,embed:!0,hr:!0,img:!0,input:!0,keygen:!0,link:!0,meta:!0,param:!0,source:!0,track:!0,wbr:!0});function Qs(j,B){if(B){if(hs[j]&&(B.children!=null||B.dangerouslySetInnerHTML!=null))throw Error(w(137,j));if(B.dangerouslySetInnerHTML!=null){if(B.children!=null)throw Error(w(60));if(!(typeof B.dangerouslySetInnerHTML=="object"&&"__html"in B.dangerouslySetInnerHTML))throw Error(w(61))}if(B.style!=null&&typeof B.style!="object")throw Error(w(62))}}function yo(j,B){if(j.indexOf("-")===-1)return typeof B.is=="string";switch(j){case"annotation-xml":case"color-profile":case"font-face":case"font-face-src":case"font-face-uri":case"font-face-format":case"font-face-name":case"missing-glyph":return!1;default:return!0}}function ru(j){return j=j.target||j.srcElement||window,j.correspondingUseElement&&(j=j.correspondingUseElement),j.nodeType===3?j.parentNode:j}var iu=null,Pu=null,Js=null;function yu(j){if(j=zd(j)){if(typeof iu!="function")throw Error(w(280));var B=j.stateNode;B&&(B=T1(B),iu(j.stateNode,j.type,B))}}function za(j){Pu?Js?Js.push(j):Js=[j]:Pu=j}function Rl(){if(Pu){var j=Pu,B=Js;if(Js=Pu=null,yu(j),B)for(j=0;j<B.length;j++)yu(B[j])}}function zt(j,B){return j(B)}function hr(j,B,Y,ae,we){return j(B,Y,ae,we)}function Ri(){}var Do=zt,Ds=!1,eo=!1;function As(){(Pu!==null||Js!==null)&&(Ri(),Rl())}function ps(j,B,Y){if(eo)return j(B,Y);eo=!0;try{return Do(j,B,Y)}finally{eo=!1,As()}}function dt(j,B){var Y=j.stateNode;if(Y===null)return null;var ae=T1(Y);if(ae===null)return null;Y=ae[B];e:switch(B){case"onClick":case"onClickCapture":case"onDoubleClick":case"onDoubleClickCapture":case"onMouseDown":case"onMouseDownCapture":case"onMouseMove":case"onMouseMoveCapture":case"onMouseUp":case"onMouseUpCapture":case"onMouseEnter":(ae=!ae.disabled)||(j=j.type,ae=!(j==="button"||j==="input"||j==="select"||j==="textarea")),j=!ae;break e;default:j=!1}if(j)return null;if(Y&&typeof Y!="function")throw Error(w(231,B,typeof Y));return Y}var ht=!1;if($)try{var qe={};Object.defineProperty(qe,"passive",{get:function(){ht=!0}}),window.addEventListener("test",qe,qe),window.removeEventListener("test",qe,qe)}catch{ht=!1}function it(j,B,Y,ae,we,$e,Ye,Ct,Qt){var sr=Array.prototype.slice.call(arguments,3);try{B.apply(Y,sr)}catch(ao){this.onError(ao)}}var pt=!1,Sn=null,Hn=!1,Un=null,mn={onError:function(j){pt=!0,Sn=j}};function wr(j,B,Y,ae,we,$e,Ye,Ct,Qt){pt=!1,Sn=null,it.apply(mn,arguments)}function Ui(j,B,Y,ae,we,$e,Ye,Ct,Qt){if(wr.apply(this,arguments),pt){if(pt){var sr=Sn;pt=!1,Sn=null}else throw Error(w(198));Hn||(Hn=!0,Un=sr)}}function To(j){var B=j,Y=j;if(j.alternate)for(;B.return;)B=B.return;else{j=B;do B=j,B.flags&1026&&(Y=B.return),j=B.return;while(j)}return B.tag===3?Y:null}function $s(j){if(j.tag===13){var B=j.memoizedState;if(B===null&&(j=j.alternate,j!==null&&(B=j.memoizedState)),B!==null)return B.dehydrated}return null}function Ia(j){if(To(j)!==j)throw Error(w(188))}function Vo(j){var B=j.alternate;if(!B){if(B=To(j),B===null)throw Error(w(188));return B!==j?null:j}for(var Y=j,ae=B;;){var we=Y.return;if(we===null)break;var $e=we.alternate;if($e===null){if(ae=we.return,ae!==null){Y=ae;continue}break}if(we.child===$e.child){for($e=we.child;$e;){if($e===Y)return Ia(we),j;if($e===ae)return Ia(we),B;$e=$e.sibling}throw Error(w(188))}if(Y.return!==ae.return)Y=we,ae=$e;else{for(var Ye=!1,Ct=we.child;Ct;){if(Ct===Y){Ye=!0,Y=we,ae=$e;break}if(Ct===ae){Ye=!0,ae=we,Y=$e;break}Ct=Ct.sibling}if(!Ye){for(Ct=$e.child;Ct;){if(Ct===Y){Ye=!0,Y=$e,ae=we;break}if(Ct===ae){Ye=!0,ae=$e,Y=we;break}Ct=Ct.sibling}if(!Ye)throw Error(w(189))}}if(Y.alternate!==ae)throw Error(w(190))}if(Y.tag!==3)throw Error(w(188));return Y.stateNode.current===Y?j:B}function qs(j){if(j=Vo(j),!j)return null;for(var B=j;;){if(B.tag===5||B.tag===6)return B;if(B.child)B.child.return=B,B=B.child;else{if(B===j)break;for(;!B.sibling;){if(!B.return||B.return===j)return null;B=B.return}B.sibling.return=B.return,B=B.sibling}}return null}function ou(j,B){for(var Y=j.alternate;B!==null;){if(B===j||B===Y)return!0;B=B.return}return!1}var rs,Da,Ol,uf,Nd=!1,gc=[],Nf=null,jc=null,Ka=null,Wc=new Map,wi=new Map,cf=[],Mc="mousedown mouseup touchcancel touchend touchstart auxclick dblclick pointercancel pointerdown pointerup dragend dragstart drop compositionend compositionstart keydown keypress keyup input textInput copy cut paste click change contextmenu reset submit".split(" ");function Lf(j,B,Y,ae,we){return{blockedOn:j,domEventName:B,eventSystemFlags:Y|16,nativeEvent:we,targetContainers:[ae]}}function vd(j,B){switch(j){case"focusin":case"focusout":Nf=null;break;case"dragenter":case"dragleave":jc=null;break;case"mouseover":case"mouseout":Ka=null;break;case"pointerover":case"pointerout":Wc.delete(B.pointerId);break;case"gotpointercapture":case"lostpointercapture":wi.delete(B.pointerId)}}function wd(j,B,Y,ae,we,$e){return j===null||j.nativeEvent!==$e?(j=Lf(B,Y,ae,we,$e),B!==null&&(B=zd(B),B!==null&&Da(B)),j):(j.eventSystemFlags|=ae,B=j.targetContainers,we!==null&&B.indexOf(we)===-1&&B.push(we),j)}function Gc(j,B,Y,ae,we){switch(B){case"focusin":return Nf=wd(Nf,j,B,Y,ae,we),!0;case"dragenter":return jc=wd(jc,j,B,Y,ae,we),!0;case"mouseover":return Ka=wd(Ka,j,B,Y,ae,we),!0;case"pointerover":var $e=we.pointerId;return Wc.set($e,wd(Wc.get($e)||null,j,B,Y,ae,we)),!0;case"gotpointercapture":return $e=we.pointerId,wi.set($e,wd(wi.get($e)||null,j,B,Y,ae,we)),!0}return!1}function Eu(j){var B=Km(j.target);if(B!==null){var Y=To(B);if(Y!==null){if(B=Y.tag,B===13){if(B=$s(Y),B!==null){j.blockedOn=B,uf(j.lanePriority,function(){m.unstable_runWithPriority(j.priority,function(){Ol(Y)})});return}}else if(B===3&&Y.stateNode.hydrate){j.blockedOn=Y.tag===3?Y.stateNode.containerInfo:null;return}}}j.blockedOn=null}function Yu(j){if(j.blockedOn!==null)return!1;for(var B=j.targetContainers;0<B.length;){var Y=rh(j.domEventName,j.eventSystemFlags,B[0],j.nativeEvent);if(Y!==null)return B=zd(Y),B!==null&&Da(B),j.blockedOn=Y,!1;B.shift()}return!0}function eg(j,B,Y){Yu(j)&&Y.delete(B)}function lf(){for(Nd=!1;0<gc.length;){var j=gc[0];if(j.blockedOn!==null){j=zd(j.blockedOn),j!==null&&rs(j);break}for(var B=j.targetContainers;0<B.length;){var Y=rh(j.domEventName,j.eventSystemFlags,B[0],j.nativeEvent);if(Y!==null){j.blockedOn=Y;break}B.shift()}j.blockedOn===null&&gc.shift()}Nf!==null&&Yu(Nf)&&(Nf=null),jc!==null&&Yu(jc)&&(jc=null),Ka!==null&&Yu(Ka)&&(Ka=null),Wc.forEach(eg),wi.forEach(eg)}function Il(j,B){j.blockedOn===B&&(j.blockedOn=null,Nd||(Nd=!0,m.unstable_scheduleCallback(m.unstable_NormalPriority,lf)))}function Ld(j){function B(we){return Il(we,j)}if(0<gc.length){Il(gc[0],j);for(var Y=1;Y<gc.length;Y++){var ae=gc[Y];ae.blockedOn===j&&(ae.blockedOn=null)}}for(Nf!==null&&Il(Nf,j),jc!==null&&Il(jc,j),Ka!==null&&Il(Ka,j),Wc.forEach(B),wi.forEach(B),Y=0;Y<cf.length;Y++)ae=cf[Y],ae.blockedOn===j&&(ae.blockedOn=null);for(;0<cf.length&&(Y=cf[0],Y.blockedOn===null);)Eu(Y),Y.blockedOn===null&&cf.shift()}function _1(j,B){var Y={};return Y[j.toLowerCase()]=B.toLowerCase(),Y["Webkit"+j]="webkit"+B,Y["Moz"+j]="moz"+B,Y}var up={animationend:_1("Animation","AnimationEnd"),animationiteration:_1("Animation","AnimationIteration"),animationstart:_1("Animation","AnimationStart"),transitionend:_1("Transition","TransitionEnd")},nh={},Kg={};$&&(Kg=document.createElement("div").style,"AnimationEvent"in window||(delete up.animationend.animation,delete up.animationiteration.animation,delete up.animationstart.animation),"TransitionEvent"in window||delete up.transitionend.transition);function Yg(j){if(nh[j])return nh[j];if(!up[j])return j;var B=up[j],Y;for(Y in B)if(B.hasOwnProperty(Y)&&Y in Kg)return nh[j]=B[Y];return j}var Xg=Yg("animationend"),Ve=Yg("animationiteration"),ut=Yg("animationstart"),Mt=Yg("transitionend"),An=new Map,Xn=new Map,Fi=["abort","abort",Xg,"animationEnd",Ve,"animationIteration",ut,"animationStart","canplay","canPlay","canplaythrough","canPlayThrough","durationchange","durationChange","emptied","emptied","encrypted","encrypted","ended","ended","error","error","gotpointercapture","gotPointerCapture","load","load","loadeddata","loadedData","loadedmetadata","loadedMetadata","loadstart","loadStart","lostpointercapture","lostPointerCapture","playing","playing","progress","progress","seeking","seeking","stalled","stalled","suspend","suspend","timeupdate","timeUpdate",Mt,"transitionEnd","waiting","waiting"];function yi(j,B){for(var Y=0;Y<j.length;Y+=2){var ae=j[Y],we=j[Y+1];we="on"+(we[0].toUpperCase()+we.slice(1)),Xn.set(ae,B),An.set(ae,we),k(we,[ae])}}var _i=m.unstable_now;_i();var Oi=8;function lo(j){if(1&j)return Oi=15,1;if(2&j)return Oi=14,2;if(4&j)return Oi=13,4;var B=24&j;return B!==0?(Oi=12,B):j&32?(Oi=11,32):(B=192&j,B!==0?(Oi=10,B):j&256?(Oi=9,256):(B=3584&j,B!==0?(Oi=8,B):j&4096?(Oi=7,4096):(B=4186112&j,B!==0?(Oi=6,B):(B=62914560&j,B!==0?(Oi=5,B):j&67108864?(Oi=4,67108864):j&134217728?(Oi=3,134217728):(B=805306368&j,B!==0?(Oi=2,B):1073741824&j?(Oi=1,1073741824):(Oi=8,j))))))}function va(j){switch(j){case 99:return 15;case 98:return 10;case 97:case 96:return 8;case 95:return 2;default:return 0}}function ac(j){switch(j){case 15:case 14:return 99;case 13:case 12:case 11:case 10:return 98;case 9:case 8:case 7:case 6:case 4:case 5:return 97;case 3:case 2:case 1:return 95;case 0:return 90;default:throw Error(w(358,j))}}function Zs(j,B){var Y=j.pendingLanes;if(Y===0)return Oi=0;var ae=0,we=0,$e=j.expiredLanes,Ye=j.suspendedLanes,Ct=j.pingedLanes;if($e!==0)ae=$e,we=Oi=15;else if($e=Y&134217727,$e!==0){var Qt=$e&~Ye;Qt!==0?(ae=lo(Qt),we=Oi):(Ct&=$e,Ct!==0&&(ae=lo(Ct),we=Oi))}else $e=Y&~Ye,$e!==0?(ae=lo($e),we=Oi):Ct!==0&&(ae=lo(Ct),we=Oi);if(ae===0)return 0;if(ae=31-vn(ae),ae=Y&((0>ae?0:1<<ae)<<1)-1,B!==0&&B!==ae&&!(B&Ye)){if(lo(B),we<=Oi)return B;Oi=we}if(B=j.entangledLanes,B!==0)for(j=j.entanglements,B&=ae;0<B;)Y=31-vn(B),we=1<<Y,ae|=j[Y],B&=~we;return ae}function fl(j){return j=j.pendingLanes&-1073741825,j!==0?j:j&1073741824?1073741824:0}function sl(j,B){switch(j){case 15:return 1;case 14:return 2;case 12:return j=wa(24&~B),j===0?sl(10,B):j;case 10:return j=wa(192&~B),j===0?sl(8,B):j;case 8:return j=wa(3584&~B),j===0&&(j=wa(4186112&~B),j===0&&(j=512)),j;case 2:return B=wa(805306368&~B),B===0&&(B=268435456),B}throw Error(w(358,j))}function wa(j){return j&-j}function Ha(j){for(var B=[],Y=0;31>Y;Y++)B.push(j);return B}function xt(j,B,Y){j.pendingLanes|=B;var ae=B-1;j.suspendedLanes&=ae,j.pingedLanes&=ae,j=j.eventTimes,B=31-vn(B),j[B]=Y}var vn=Math.clz32?Math.clz32:Xu,Ir=Math.log,fo=Math.LN2;function Xu(j){return j===0?32:31-(Ir(j)/fo|0)|0}var Ws=m.unstable_UserBlockingPriority,al=m.unstable_runWithPriority,Dl=!0;function _u(j,B,Y,ae){Ds||Ri();var we=dl,$e=Ds;Ds=!0;try{hr(we,j,B,Y,ae)}finally{(Ds=$e)||As()}}function Qu(j,B,Y,ae){al(Ws,dl.bind(null,j,B,Y,ae))}function dl(j,B,Y,ae){if(Dl){var we;if((we=(B&4)===0)&&0<gc.length&&-1<Mc.indexOf(j))j=Lf(null,j,B,Y,ae),gc.push(j);else{var $e=rh(j,B,Y,ae);if($e===null)we&&vd(j,ae);else{if(we){if(-1<Mc.indexOf(j)){j=Lf($e,j,B,Y,ae),gc.push(j);return}if(Gc($e,j,B,Y,ae))return;vd(j,ae)}l_(j,B,ae,null,Y)}}}}function rh(j,B,Y,ae){var we=ru(ae);if(we=Km(we),we!==null){var $e=To(we);if($e===null)we=null;else{var Ye=$e.tag;if(Ye===13){if(we=$s($e),we!==null)return we;we=null}else if(Ye===3){if($e.stateNode.hydrate)return $e.tag===3?$e.stateNode.containerInfo:null;we=null}else $e!==we&&(we=null)}}return l_(j,B,ae,we,Y),null}var Kc=null,Yc=null,Bd=null;function S1(){if(Bd)return Bd;var j,B=Yc,Y=B.length,ae,we="value"in Kc?Kc.value:Kc.textContent,$e=we.length;for(j=0;j<Y&&B[j]===we[j];j++);var Ye=Y-j;for(ae=1;ae<=Ye&&B[Y-ae]===we[$e-ae];ae++);return Bd=we.slice(j,1<ae?1-ae:void 0)}function ih(j){var B=j.keyCode;return"charCode"in j?(j=j.charCode,j===0&&B===13&&(j=13)):j=B,j===10&&(j=13),32<=j||j===13?j:0}function Lp(){return!0}function _w(){return!1}function rd(j){function B(Y,ae,we,$e,Ye){this._reactName=Y,this._targetInst=we,this.type=ae,this.nativeEvent=$e,this.target=Ye,this.currentTarget=null;for(var Ct in j)j.hasOwnProperty(Ct)&&(Y=j[Ct],this[Ct]=Y?Y($e):$e[Ct]);return this.isDefaultPrevented=($e.defaultPrevented!=null?$e.defaultPrevented:$e.returnValue===!1)?Lp:_w,this.isPropagationStopped=_w,this}return b(B.prototype,{preventDefault:function(){this.defaultPrevented=!0;var Y=this.nativeEvent;Y&&(Y.preventDefault?Y.preventDefault():typeof Y.returnValue!="unknown"&&(Y.returnValue=!1),this.isDefaultPrevented=Lp)},stopPropagation:function(){var Y=this.nativeEvent;Y&&(Y.stopPropagation?Y.stopPropagation():typeof Y.cancelBubble!="unknown"&&(Y.cancelBubble=!0),this.isPropagationStopped=Lp)},persist:function(){},isPersistent:Lp}),B}var Hl={eventPhase:0,bubbles:0,cancelable:0,timeStamp:function(j){return j.timeStamp||Date.now()},defaultPrevented:0,isTrusted:0},vE=rd(Hl),oh=b({},Hl,{view:0,detail:0}),v3=rd(oh),i_,tg,Bb,wE=b({},oh,{screenX:0,screenY:0,clientX:0,clientY:0,pageX:0,pageY:0,ctrlKey:0,shiftKey:0,altKey:0,metaKey:0,getModifierState:o_,button:0,buttons:0,relatedTarget:function(j){return j.relatedTarget===void 0?j.fromElement===j.srcElement?j.toElement:j.fromElement:j.relatedTarget},movementX:function(j){return"movementX"in j?j.movementX:(j!==Bb&&(Bb&&j.type==="mousemove"?(i_=j.screenX-Bb.screenX,tg=j.screenY-Bb.screenY):tg=i_=0,Bb=j),i_)},movementY:function(j){return"movementY"in j?j.movementY:tg}}),Nc=rd(wE),Bm=b({},wE,{dataTransfer:0}),Bp=rd(Bm),zm=b({},oh,{relatedTarget:0}),sh=rd(zm),G0=b({},Hl,{animationName:0,elapsedTime:0,pseudoElement:0}),TR=rd(G0),$x=b({},Hl,{clipboardData:function(j){return"clipboardData"in j?j.clipboardData:window.clipboardData}}),kR=rd($x),K0=b({},Hl,{data:0}),Sw=rd(K0),kI={Esc:"Escape",Spacebar:" ",Left:"ArrowLeft",Up:"ArrowUp",Right:"ArrowRight",Down:"ArrowDown",Del:"Delete",Win:"OS",Menu:"ContextMenu",Apps:"ContextMenu",Scroll:"ScrollLock",MozPrintableKey:"Unidentified"},Px={8:"Backspace",9:"Tab",12:"Clear",13:"Enter",16:"Shift",17:"Control",18:"Alt",19:"Pause",20:"CapsLock",27:"Escape",32:" ",33:"PageUp",34:"PageDown",35:"End",36:"Home",37:"ArrowLeft",38:"ArrowUp",39:"ArrowRight",40:"ArrowDown",45:"Insert",46:"Delete",112:"F1",113:"F2",114:"F3",115:"F4",116:"F5",117:"F6",118:"F7",119:"F8",120:"F9",121:"F10",122:"F11",123:"F12",144:"NumLock",145:"ScrollLock",224:"Meta"},RR={Alt:"altKey",Control:"ctrlKey",Meta:"metaKey",Shift:"shiftKey"};function w3(j){var B=this.nativeEvent;return B.getModifierState?B.getModifierState(j):(j=RR[j])?!!B[j]:!1}function o_(){return w3}var y3=b({},oh,{key:function(j){if(j.key){var B=kI[j.key]||j.key;if(B!=="Unidentified")return B}return j.type==="keypress"?(j=ih(j),j===13?"Enter":String.fromCharCode(j)):j.type==="keydown"||j.type==="keyup"?Px[j.keyCode]||"Unidentified":""},code:0,location:0,ctrlKey:0,shiftKey:0,altKey:0,metaKey:0,repeat:0,locale:0,getModifierState:o_,charCode:function(j){return j.type==="keypress"?ih(j):0},keyCode:function(j){return j.type==="keydown"||j.type==="keyup"?j.keyCode:0},which:function(j){return j.type==="keypress"?ih(j):j.type==="keydown"||j.type==="keyup"?j.keyCode:0}}),RI=rd(y3),E3=b({},wE,{pointerId:0,width:0,height:0,pressure:0,tangentialPressure:0,tiltX:0,tiltY:0,twist:0,pointerType:0,isPrimary:0}),Fx=rd(E3),OR=b({},oh,{touches:0,targetTouches:0,changedTouches:0,altKey:0,metaKey:0,ctrlKey:0,shiftKey:0,getModifierState:o_}),xw=rd(OR),cp=b({},Hl,{propertyName:0,elapsedTime:0,pseudoElement:0}),jx=rd(cp),yE=b({},wE,{deltaX:function(j){return"deltaX"in j?j.deltaX:"wheelDeltaX"in j?-j.wheelDeltaX:0},deltaY:function(j){return"deltaY"in j?j.deltaY:"wheelDeltaY"in j?-j.wheelDeltaY:"wheelDelta"in j?-j.wheelDelta:0},deltaZ:0,deltaMode:0}),IR=rd(yE),DR=[9,13,27,32],_3=$&&"CompositionEvent"in window,s_=null;$&&"documentMode"in document&&(s_=document.documentMode);var OI=$&&"TextEvent"in window&&!s_,AR=$&&(!_3||s_&&8<s_&&11>=s_),$R=String.fromCharCode(32),Cw=!1;function S3(j,B){switch(j){case"keyup":return DR.indexOf(B.keyCode)!==-1;case"keydown":return B.keyCode!==229;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function PR(j){return j=j.detail,typeof j=="object"&&"data"in j?j.data:null}var Hm=!1;function FR(j,B){switch(j){case"compositionend":return PR(B);case"keypress":return B.which!==32?null:(Cw=!0,$R);case"textInput":return j=B.data,j===$R&&Cw?null:j;default:return null}}function Y0(j,B){if(Hm)return j==="compositionend"||!_3&&S3(j,B)?(j=S1(),Bd=Yc=Kc=null,Hm=!1,j):null;switch(j){case"paste":return null;case"keypress":if(!(B.ctrlKey||B.altKey||B.metaKey)||B.ctrlKey&&B.altKey){if(B.char&&1<B.char.length)return B.char;if(B.which)return String.fromCharCode(B.which)}return null;case"compositionend":return AR&&B.locale!=="ko"?null:B.data;default:return null}}var Mx={color:!0,date:!0,datetime:!0,"datetime-local":!0,email:!0,month:!0,number:!0,password:!0,range:!0,search:!0,tel:!0,text:!0,time:!0,url:!0,week:!0};function jR(j){var B=j&&j.nodeName&&j.nodeName.toLowerCase();return B==="input"?!!Mx[j.type]:B==="textarea"}function Nx(j,B,Y,ae){za(ae),B=qb(B,"onChange"),0<B.length&&(Y=new vE("onChange","change",null,Y,ae),j.push({event:Y,listeners:B}))}var Qg=null,x1=null;function ng(j){Iw(j,0)}function zb(j){var B=yd(j);if(Zi(B))return j}function II(j,B){if(j==="change")return B}var MR=!1;if($){var x3;if($){var C3="oninput"in document;if(!C3){var NR=document.createElement("div");NR.setAttribute("oninput","return;"),C3=typeof NR.oninput=="function"}x3=C3}else x3=!1;MR=x3&&(!document.documentMode||9<document.documentMode)}function Tw(){Qg&&(Qg.detachEvent("onpropertychange",En),x1=Qg=null)}function En(j){if(j.propertyName==="value"&&zb(x1)){var B=[];if(Nx(B,x1,j,ru(j)),j=ng,Ds)j(B);else{Ds=!0;try{zt(j,B)}finally{Ds=!1,As()}}}}function br(j,B,Y){j==="focusin"?(Tw(),Qg=B,x1=Y,Qg.attachEvent("onpropertychange",En)):j==="focusout"&&Tw()}function er(j){if(j==="selectionchange"||j==="keyup"||j==="keydown")return zb(x1)}function Bi(j,B){if(j==="click")return zb(B)}function fa(j,B){if(j==="input"||j==="change")return zb(B)}function Ju(j,B){return j===B&&(j!==0||1/j===1/B)||j!==j&&B!==B}var bc=typeof Object.is=="function"?Object.is:Ju,Xc=Object.prototype.hasOwnProperty;function kw(j,B){if(bc(j,B))return!0;if(typeof j!="object"||j===null||typeof B!="object"||B===null)return!1;var Y=Object.keys(j),ae=Object.keys(B);if(Y.length!==ae.length)return!1;for(ae=0;ae<Y.length;ae++)if(!Xc.call(B,Y[ae])||!bc(j[Y[ae]],B[Y[ae]]))return!1;return!0}function LR(j){for(;j&&j.firstChild;)j=j.firstChild;return j}function C1(j,B){var Y=LR(j);j=0;for(var ae;Y;){if(Y.nodeType===3){if(ae=j+Y.textContent.length,j<=B&&ae>=B)return{node:Y,offset:B-j};j=ae}e:{for(;Y;){if(Y.nextSibling){Y=Y.nextSibling;break e}Y=Y.parentNode}Y=void 0}Y=LR(Y)}}function Rw(j,B){return j&&B?j===B?!0:j&&j.nodeType===3?!1:B&&B.nodeType===3?Rw(j,B.parentNode):"contains"in j?j.contains(B):j.compareDocumentPosition?!!(j.compareDocumentPosition(B)&16):!1:!1}function a_(){for(var j=window,B=No();B instanceof j.HTMLIFrameElement;){try{var Y=typeof B.contentWindow.location.href=="string"}catch{Y=!1}if(Y)j=B.contentWindow;else break;B=No(j.document)}return B}function rg(j){var B=j&&j.nodeName&&j.nodeName.toLowerCase();return B&&(B==="input"&&(j.type==="text"||j.type==="search"||j.type==="tel"||j.type==="url"||j.type==="password")||B==="textarea"||j.contentEditable==="true")}var u_=$&&"documentMode"in document&&11>=document.documentMode,Um=null,Bu=null,Ow=null,Vm=!1;function Hb(j,B,Y){var ae=Y.window===Y?Y.document:Y.nodeType===9?Y:Y.ownerDocument;Vm||Um==null||Um!==No(ae)||(ae=Um,"selectionStart"in ae&&rg(ae)?ae={start:ae.selectionStart,end:ae.selectionEnd}:(ae=(ae.ownerDocument&&ae.ownerDocument.defaultView||window).getSelection(),ae={anchorNode:ae.anchorNode,anchorOffset:ae.anchorOffset,focusNode:ae.focusNode,focusOffset:ae.focusOffset}),Ow&&kw(Ow,ae)||(Ow=ae,ae=qb(Bu,"onSelect"),0<ae.length&&(B=new vE("onSelect","select",null,B,Y),j.push({event:B,listeners:ae}),B.target=Um)))}yi("cancel cancel click click close close contextmenu contextMenu copy copy cut cut auxclick auxClick dblclick doubleClick dragend dragEnd dragstart dragStart drop drop focusin focus focusout blur input input invalid invalid keydown keyDown keypress keyPress keyup keyUp mousedown mouseDown mouseup mouseUp paste paste pause pause play play pointercancel pointerCancel pointerdown pointerDown pointerup pointerUp ratechange rateChange reset reset seeked seeked submit submit touchcancel touchCancel touchend touchEnd touchstart touchStart volumechange volumeChange".split(" "),0),yi("drag drag dragenter dragEnter dragexit dragExit dragleave dragLeave dragover dragOver mousemove mouseMove mouseout mouseOut mouseover mouseOver pointermove pointerMove pointerout pointerOut pointerover pointerOver scroll scroll toggle toggle touchmove touchMove wheel wheel".split(" "),1),yi(Fi,2);for(var T3="change selectionchange textInput compositionstart compositionend compositionupdate".split(" "),k3=0;k3<T3.length;k3++)Xn.set(T3[k3],0);I("onMouseEnter",["mouseout","mouseover"]),I("onMouseLeave",["mouseout","mouseover"]),I("onPointerEnter",["pointerout","pointerover"]),I("onPointerLeave",["pointerout","pointerover"]),k("onChange","change click focusin focusout input keydown keyup selectionchange".split(" ")),k("onSelect","focusout contextmenu dragend focusin keydown keyup mousedown mouseup selectionchange".split(" ")),k("onBeforeInput",["compositionend","keypress","textInput","paste"]),k("onCompositionEnd","compositionend focusout keydown keypress keyup mousedown".split(" ")),k("onCompositionStart","compositionstart focusout keydown keypress keyup mousedown".split(" ")),k("onCompositionUpdate","compositionupdate focusout keydown keypress keyup mousedown".split(" "));var EE="abort canplay canplaythrough durationchange emptied encrypted ended error loadeddata loadedmetadata loadstart pause play playing progress ratechange seeked seeking stalled suspend timeupdate volumechange waiting".split(" "),c_=new Set("cancel close invalid load scroll toggle".split(" ").concat(EE));function Ub(j,B,Y){var ae=j.type||"unknown-event";j.currentTarget=Y,Ui(ae,B,void 0,j),j.currentTarget=null}function Iw(j,B){B=(B&4)!==0;for(var Y=0;Y<j.length;Y++){var ae=j[Y],we=ae.event;ae=ae.listeners;e:{var $e=void 0;if(B)for(var Ye=ae.length-1;0<=Ye;Ye--){var Ct=ae[Ye],Qt=Ct.instance,sr=Ct.currentTarget;if(Ct=Ct.listener,Qt!==$e&&we.isPropagationStopped())break e;Ub(we,Ct,sr),$e=Qt}else for(Ye=0;Ye<ae.length;Ye++){if(Ct=ae[Ye],Qt=Ct.instance,sr=Ct.currentTarget,Ct=Ct.listener,Qt!==$e&&we.isPropagationStopped())break e;Ub(we,Ct,sr),$e=Qt}}}if(Hn)throw j=Un,Hn=!1,Un=null,j}function Qc(j,B){var Y=f_(B),ae=j+"__bubble";Y.has(ae)||(Aw(B,j,2,!1),Y.add(ae))}var Dw="_reactListening"+Math.random().toString(36).slice(2);function Lx(j){j[Dw]||(j[Dw]=!0,_.forEach(function(B){c_.has(B)||Vb(B,!1,j,null),Vb(B,!0,j,null)}))}function Vb(j,B,Y,ae){var we=4<arguments.length&&arguments[4]!==void 0?arguments[4]:0,$e=Y;if(j==="selectionchange"&&Y.nodeType!==9&&($e=Y.ownerDocument),ae!==null&&!B&&c_.has(j)){if(j!=="scroll")return;we|=2,$e=ae}var Ye=f_($e),Ct=j+"__"+(B?"capture":"bubble");Ye.has(Ct)||(B&&(we|=4),Aw($e,j,we,B),Ye.add(Ct))}function Aw(j,B,Y,ae){var we=Xn.get(B);switch(we===void 0?2:we){case 0:we=_u;break;case 1:we=Qu;break;default:we=dl}Y=we.bind(null,B,Y,j),we=void 0,!ht||B!=="touchstart"&&B!=="touchmove"&&B!=="wheel"||(we=!0),ae?we!==void 0?j.addEventListener(B,Y,{capture:!0,passive:we}):j.addEventListener(B,Y,!0):we!==void 0?j.addEventListener(B,Y,{passive:we}):j.addEventListener(B,Y,!1)}function l_(j,B,Y,ae,we){var $e=ae;if(!(B&1)&&!(B&2)&&ae!==null)e:for(;;){if(ae===null)return;var Ye=ae.tag;if(Ye===3||Ye===4){var Ct=ae.stateNode.containerInfo;if(Ct===we||Ct.nodeType===8&&Ct.parentNode===we)break;if(Ye===4)for(Ye=ae.return;Ye!==null;){var Qt=Ye.tag;if((Qt===3||Qt===4)&&(Qt=Ye.stateNode.containerInfo,Qt===we||Qt.nodeType===8&&Qt.parentNode===we))return;Ye=Ye.return}for(;Ct!==null;){if(Ye=Km(Ct),Ye===null)return;if(Qt=Ye.tag,Qt===5||Qt===6){ae=$e=Ye;continue e}Ct=Ct.parentNode}}ae=ae.return}ps(function(){var sr=$e,ao=ru(Y),Fs=[];e:{var Xr=An.get(j);if(Xr!==void 0){var Lo=vE,Gs=j;switch(j){case"keypress":if(ih(Y)===0)break e;case"keydown":case"keyup":Lo=RI;break;case"focusin":Gs="focus",Lo=sh;break;case"focusout":Gs="blur",Lo=sh;break;case"beforeblur":case"afterblur":Lo=sh;break;case"click":if(Y.button===2)break e;case"auxclick":case"dblclick":case"mousedown":case"mousemove":case"mouseup":case"mouseout":case"mouseover":case"contextmenu":Lo=Nc;break;case"drag":case"dragend":case"dragenter":case"dragexit":case"dragleave":case"dragover":case"dragstart":case"drop":Lo=Bp;break;case"touchcancel":case"touchend":case"touchmove":case"touchstart":Lo=xw;break;case Xg:case Ve:case ut:Lo=TR;break;case Mt:Lo=jx;break;case"scroll":Lo=v3;break;case"wheel":Lo=IR;break;case"copy":case"cut":case"paste":Lo=kR;break;case"gotpointercapture":case"lostpointercapture":case"pointercancel":case"pointerdown":case"pointermove":case"pointerout":case"pointerover":case"pointerup":Lo=Fx}var as=(B&4)!==0,$n=!as&&j==="scroll",un=as?Xr!==null?Xr+"Capture":null:Xr;as=[];for(var On=sr,kr;On!==null;){kr=On;var zr=kr.stateNode;if(kr.tag===5&&zr!==null&&(kr=zr,un!==null&&(zr=dt(On,un),zr!=null&&as.push(qm(On,zr,kr)))),$n)break;On=On.return}0<as.length&&(Xr=new Lo(Xr,Gs,null,Y,ao),Fs.push({event:Xr,listeners:as}))}}if(!(B&7)){e:{if(Xr=j==="mouseover"||j==="pointerover",Lo=j==="mouseout"||j==="pointerout",Xr&&!(B&16)&&(Gs=Y.relatedTarget||Y.fromElement)&&(Km(Gs)||Gs[ah]))break e;if((Lo||Xr)&&(Xr=ao.window===ao?ao:(Xr=ao.ownerDocument)?Xr.defaultView||Xr.parentWindow:window,Lo?(Gs=Y.relatedTarget||Y.toElement,Lo=sr,Gs=Gs?Km(Gs):null,Gs!==null&&($n=To(Gs),Gs!==$n||Gs.tag!==5&&Gs.tag!==6)&&(Gs=null)):(Lo=null,Gs=sr),Lo!==Gs)){if(as=Nc,zr="onMouseLeave",un="onMouseEnter",On="mouse",(j==="pointerout"||j==="pointerover")&&(as=Fx,zr="onPointerLeave",un="onPointerEnter",On="pointer"),$n=Lo==null?Xr:yd(Lo),kr=Gs==null?Xr:yd(Gs),Xr=new as(zr,On+"leave",Lo,Y,ao),Xr.target=$n,Xr.relatedTarget=kr,zr=null,Km(ao)===sr&&(as=new as(un,On+"enter",Gs,Y,ao),as.target=kr,as.relatedTarget=$n,zr=as),$n=zr,Lo&&Gs)t:{for(as=Lo,un=Gs,On=0,kr=as;kr;kr=Wm(kr))On++;for(kr=0,zr=un;zr;zr=Wm(zr))kr++;for(;0<On-kr;)as=Wm(as),On--;for(;0<kr-On;)un=Wm(un),kr--;for(;On--;){if(as===un||un!==null&&as===un.alternate)break t;as=Wm(as),un=Wm(un)}as=null}else as=null;Lo!==null&&BR(Fs,Xr,Lo,as,!1),Gs!==null&&$n!==null&&BR(Fs,$n,Gs,as,!0)}}e:{if(Xr=sr?yd(sr):window,Lo=Xr.nodeName&&Xr.nodeName.toLowerCase(),Lo==="select"||Lo==="input"&&Xr.type==="file")var oa=II;else if(jR(Xr))if(MR)oa=fa;else{oa=er;var mo=br}else(Lo=Xr.nodeName)&&Lo.toLowerCase()==="input"&&(Xr.type==="checkbox"||Xr.type==="radio")&&(oa=Bi);if(oa&&(oa=oa(j,sr))){Nx(Fs,oa,Y,ao);break e}mo&&mo(j,Xr,sr),j==="focusout"&&(mo=Xr._wrapperState)&&mo.controlled&&Xr.type==="number"&&Es(Xr,"number",Xr.value)}switch(mo=sr?yd(sr):window,j){case"focusin":(jR(mo)||mo.contentEditable==="true")&&(Um=mo,Bu=sr,Ow=null);break;case"focusout":Ow=Bu=Um=null;break;case"mousedown":Vm=!0;break;case"contextmenu":case"mouseup":case"dragend":Vm=!1,Hb(Fs,Y,ao);break;case"selectionchange":if(u_)break;case"keydown":case"keyup":Hb(Fs,Y,ao)}var _s;if(_3)e:{switch(j){case"compositionstart":var Ta="onCompositionStart";break e;case"compositionend":Ta="onCompositionEnd";break e;case"compositionupdate":Ta="onCompositionUpdate";break e}Ta=void 0}else Hm?S3(j,Y)&&(Ta="onCompositionEnd"):j==="keydown"&&Y.keyCode===229&&(Ta="onCompositionStart");Ta&&(AR&&Y.locale!=="ko"&&(Hm||Ta!=="onCompositionStart"?Ta==="onCompositionEnd"&&Hm&&(_s=S1()):(Kc=ao,Yc="value"in Kc?Kc.value:Kc.textContent,Hm=!0)),mo=qb(sr,Ta),0<mo.length&&(Ta=new Sw(Ta,j,null,Y,ao),Fs.push({event:Ta,listeners:mo}),_s?Ta.data=_s:(_s=PR(Y),_s!==null&&(Ta.data=_s)))),(_s=OI?FR(j,Y):Y0(j,Y))&&(sr=qb(sr,"onBeforeInput"),0<sr.length&&(ao=new Sw("onBeforeInput","beforeinput",null,Y,ao),Fs.push({event:ao,listeners:sr}),ao.data=_s))}Iw(Fs,B)})}function qm(j,B,Y){return{instance:j,listener:B,currentTarget:Y}}function qb(j,B){for(var Y=B+"Capture",ae=[];j!==null;){var we=j,$e=we.stateNode;we.tag===5&&$e!==null&&(we=$e,$e=dt(j,Y),$e!=null&&ae.unshift(qm(j,$e,we)),$e=dt(j,B),$e!=null&&ae.push(qm(j,$e,we))),j=j.return}return ae}function Wm(j){if(j===null)return null;do j=j.return;while(j&&j.tag!==5);return j||null}function BR(j,B,Y,ae,we){for(var $e=B._reactName,Ye=[];Y!==null&&Y!==ae;){var Ct=Y,Qt=Ct.alternate,sr=Ct.stateNode;if(Qt!==null&&Qt===ae)break;Ct.tag===5&&sr!==null&&(Ct=sr,we?(Qt=dt(Y,$e),Qt!=null&&Ye.unshift(qm(Y,Qt,Ct))):we||(Qt=dt(Y,$e),Qt!=null&&Ye.push(qm(Y,Qt,Ct)))),Y=Y.return}Ye.length!==0&&j.push({event:B,listeners:Ye})}function Bx(){}var R3=null,_E=null;function Gm(j,B){switch(j){case"button":case"input":case"select":case"textarea":return!!B.autoFocus}return!1}function $w(j,B){return j==="textarea"||j==="option"||j==="noscript"||typeof B.children=="string"||typeof B.children=="number"||typeof B.dangerouslySetInnerHTML=="object"&&B.dangerouslySetInnerHTML!==null&&B.dangerouslySetInnerHTML.__html!=null}var SE=typeof setTimeout=="function"?setTimeout:void 0,O3=typeof clearTimeout=="function"?clearTimeout:void 0;function zx(j){j.nodeType===1?j.textContent="":j.nodeType===9&&(j=j.body,j!=null&&(j.textContent=""))}function X0(j){for(;j!=null;j=j.nextSibling){var B=j.nodeType;if(B===1||B===3)break}return j}function id(j){j=j.previousSibling;for(var B=0;j;){if(j.nodeType===8){var Y=j.data;if(Y==="$"||Y==="$!"||Y==="$?"){if(B===0)return j;B--}else Y==="/$"&&B++}j=j.previousSibling}return null}var Ul=0;function Hx(j){return{$$typeof:st,toString:j,valueOf:j}}var Pw=Math.random().toString(36).slice(2),Jg="__reactFiber$"+Pw,Ux="__reactProps$"+Pw,ah="__reactContainer$"+Pw,xE="__reactEvents$"+Pw;function Km(j){var B=j[Jg];if(B)return B;for(var Y=j.parentNode;Y;){if(B=Y[ah]||Y[Jg]){if(Y=B.alternate,B.child!==null||Y!==null&&Y.child!==null)for(j=id(j);j!==null;){if(Y=j[Jg])return Y;j=id(j)}return B}j=Y,Y=j.parentNode}return null}function zd(j){return j=j[Jg]||j[ah],!j||j.tag!==5&&j.tag!==6&&j.tag!==13&&j.tag!==3?null:j}function yd(j){if(j.tag===5||j.tag===6)return j.stateNode;throw Error(w(33))}function T1(j){return j[Ux]||null}function f_(j){var B=j[xE];return B===void 0&&(B=j[xE]=new Set),B}var Q0=[],Lc=-1;function lp(j){return{current:j}}function ia(j){0>Lc||(j.current=Q0[Lc],Q0[Lc]=null,Lc--)}function Ps(j,B){Lc++,Q0[Lc]=j.current,j.current=B}var J0={},Jc=lp(J0),Bf=lp(!1),Ym=J0;function Ke(j,B){var Y=j.type.contextTypes;if(!Y)return J0;var ae=j.stateNode;if(ae&&ae.__reactInternalMemoizedUnmaskedChildContext===B)return ae.__reactInternalMemoizedMaskedChildContext;var we={},$e;for($e in Y)we[$e]=B[$e];return ae&&(j=j.stateNode,j.__reactInternalMemoizedUnmaskedChildContext=B,j.__reactInternalMemoizedMaskedChildContext=we),we}function ff(j){return j=j.childContextTypes,j!=null}function k1(){ia(Bf),ia(Jc)}function uh(j,B,Y){if(Jc.current!==J0)throw Error(w(168));Ps(Jc,B),Ps(Bf,Y)}function Aa(j,B,Y){var ae=j.stateNode;if(j=B.childContextTypes,typeof ae.getChildContext!="function")return Y;ae=ae.getChildContext();for(var we in ae)if(!(we in j))throw Error(w(108,Pt(B)||"Unknown",we));return b({},Y,ae)}function ig(j){return j=(j=j.stateNode)&&j.__reactInternalMemoizedMergedChildContext||J0,Ym=Jc.current,Ps(Jc,j),Ps(Bf,Bf.current),!0}function zR(j,B,Y){var ae=j.stateNode;if(!ae)throw Error(w(169));Y?(j=Aa(j,B,Ym),ae.__reactInternalMemoizedMergedChildContext=j,ia(Bf),ia(Jc),Ps(Jc,j)):ia(Bf),Ps(Bf,Y)}var I3=null,R1=null,d_=m.unstable_runWithPriority,Zg=m.unstable_scheduleCallback,h_=m.unstable_cancelCallback,HR=m.unstable_shouldYield,Z0=m.unstable_requestPaint,og=m.unstable_now,UR=m.unstable_getCurrentPriorityLevel,Vx=m.unstable_ImmediatePriority,VR=m.unstable_UserBlockingPriority,D3=m.unstable_NormalPriority,A3=m.unstable_LowPriority,eb=m.unstable_IdlePriority,$3={},qR=Z0!==void 0?Z0:function(){},Wb=null,qx=null,p_=!1,ev=og(),ch=1e4>ev?og:function(){return og()-ev};function CE(){switch(UR()){case Vx:return 99;case VR:return 98;case D3:return 97;case A3:return 96;case eb:return 95;default:throw Error(w(332))}}function O1(j){switch(j){case 99:return Vx;case 98:return VR;case 97:return D3;case 96:return A3;case 95:return eb;default:throw Error(w(332))}}function Fw(j,B){return j=O1(j),d_(j,B)}function jw(j,B,Y){return j=O1(j),Zg(j,B,Y)}function Hd(){if(qx!==null){var j=qx;qx=null,h_(j)}Gb()}function Gb(){if(!p_&&Wb!==null){p_=!0;var j=0;try{var B=Wb;Fw(99,function(){for(;j<B.length;j++){var Y=B[j];do Y=Y(!0);while(Y!==null)}}),Wb=null}catch(Y){throw Wb!==null&&(Wb=Wb.slice(j+1)),Zg(Vx,Hd),Y}finally{p_=!1}}}var tv=me.ReactCurrentBatchConfig;function Ed(j,B){if(j&&j.defaultProps){B=b({},B),j=j.defaultProps;for(var Y in j)B[Y]===void 0&&(B[Y]=j[Y]);return B}return B}var Xm=lp(null),nv=null,Kb=null,TE=null;function rv(){TE=Kb=nv=null}function iv(j){var B=Xm.current;ia(Xm),j.type._context._currentValue=B}function P3(j,B){for(;j!==null;){var Y=j.alternate;if((j.childLanes&B)===B){if(Y===null||(Y.childLanes&B)===B)break;Y.childLanes|=B}else j.childLanes|=B,Y!==null&&(Y.childLanes|=B);j=j.return}}function Qm(j,B){nv=j,TE=Kb=null,j=j.dependencies,j!==null&&j.firstContext!==null&&(j.lanes&B&&(xd=!0),j.firstContext=null)}function zp(j,B){if(TE!==j&&B!==!1&&B!==0)if((typeof B!="number"||B===1073741823)&&(TE=j,B=1073741823),B={context:j,observedBits:B,next:null},Kb===null){if(nv===null)throw Error(w(308));Kb=B,nv.dependencies={lanes:0,firstContext:B,responders:null}}else Kb=Kb.next=B;return j._currentValue}var od=!1;function g_(j){j.updateQueue={baseState:j.memoizedState,firstBaseUpdate:null,lastBaseUpdate:null,shared:{pending:null},effects:null}}function ov(j,B){j=j.updateQueue,B.updateQueue===j&&(B.updateQueue={baseState:j.baseState,firstBaseUpdate:j.firstBaseUpdate,lastBaseUpdate:j.lastBaseUpdate,shared:j.shared,effects:j.effects})}function df(j,B){return{eventTime:j,lane:B,tag:0,payload:null,callback:null,next:null}}function Jm(j,B){if(j=j.updateQueue,j!==null){j=j.shared;var Y=j.pending;Y===null?B.next=B:(B.next=Y.next,Y.next=B),j.pending=B}}function F3(j,B){var Y=j.updateQueue,ae=j.alternate;if(ae!==null&&(ae=ae.updateQueue,Y===ae)){var we=null,$e=null;if(Y=Y.firstBaseUpdate,Y!==null){do{var Ye={eventTime:Y.eventTime,lane:Y.lane,tag:Y.tag,payload:Y.payload,callback:Y.callback,next:null};$e===null?we=$e=Ye:$e=$e.next=Ye,Y=Y.next}while(Y!==null);$e===null?we=$e=B:$e=$e.next=B}else we=$e=B;Y={baseState:ae.baseState,firstBaseUpdate:we,lastBaseUpdate:$e,shared:ae.shared,effects:ae.effects},j.updateQueue=Y;return}j=Y.lastBaseUpdate,j===null?Y.firstBaseUpdate=B:j.next=B,Y.lastBaseUpdate=B}function Yb(j,B,Y,ae){var we=j.updateQueue;od=!1;var $e=we.firstBaseUpdate,Ye=we.lastBaseUpdate,Ct=we.shared.pending;if(Ct!==null){we.shared.pending=null;var Qt=Ct,sr=Qt.next;Qt.next=null,Ye===null?$e=sr:Ye.next=sr,Ye=Qt;var ao=j.alternate;if(ao!==null){ao=ao.updateQueue;var Fs=ao.lastBaseUpdate;Fs!==Ye&&(Fs===null?ao.firstBaseUpdate=sr:Fs.next=sr,ao.lastBaseUpdate=Qt)}}if($e!==null){Fs=we.baseState,Ye=0,ao=sr=Qt=null;do{Ct=$e.lane;var Xr=$e.eventTime;if((ae&Ct)===Ct){ao!==null&&(ao=ao.next={eventTime:Xr,lane:0,tag:$e.tag,payload:$e.payload,callback:$e.callback,next:null});e:{var Lo=j,Gs=$e;switch(Ct=B,Xr=Y,Gs.tag){case 1:if(Lo=Gs.payload,typeof Lo=="function"){Fs=Lo.call(Xr,Fs,Ct);break e}Fs=Lo;break e;case 3:Lo.flags=Lo.flags&-4097|64;case 0:if(Lo=Gs.payload,Ct=typeof Lo=="function"?Lo.call(Xr,Fs,Ct):Lo,Ct==null)break e;Fs=b({},Fs,Ct);break e;case 2:od=!0}}$e.callback!==null&&(j.flags|=32,Ct=we.effects,Ct===null?we.effects=[$e]:Ct.push($e))}else Xr={eventTime:Xr,lane:Ct,tag:$e.tag,payload:$e.payload,callback:$e.callback,next:null},ao===null?(sr=ao=Xr,Qt=Fs):ao=ao.next=Xr,Ye|=Ct;if($e=$e.next,$e===null){if(Ct=we.shared.pending,Ct===null)break;$e=Ct.next,Ct.next=null,we.lastBaseUpdate=Ct,we.shared.pending=null}}while(1);ao===null&&(Qt=Fs),we.baseState=Qt,we.firstBaseUpdate=sr,we.lastBaseUpdate=ao,c0|=Ye,j.lanes=Ye,j.memoizedState=Fs}}function Mw(j,B,Y){if(j=B.effects,B.effects=null,j!==null)for(B=0;B<j.length;B++){var ae=j[B],we=ae.callback;if(we!==null){if(ae.callback=null,ae=Y,typeof we!="function")throw Error(w(191,we));we.call(ae)}}}var tb=new g.Component().refs;function Nw(j,B,Y,ae){B=j.memoizedState,Y=Y(ae,B),Y=Y==null?B:b({},B,Y),j.memoizedState=Y,j.lanes===0&&(j.updateQueue.baseState=Y)}var kE={isMounted:function(j){return(j=j._reactInternals)?To(j)===j:!1},enqueueSetState:function(j,B,Y){j=j._reactInternals;var ae=A1(),we=rb(j),$e=df(ae,we);$e.payload=B,Y!=null&&($e.callback=Y),Jm(j,$e),d0(j,we,ae)},enqueueReplaceState:function(j,B,Y){j=j._reactInternals;var ae=A1(),we=rb(j),$e=df(ae,we);$e.tag=1,$e.payload=B,Y!=null&&($e.callback=Y),Jm(j,$e),d0(j,we,ae)},enqueueForceUpdate:function(j,B){j=j._reactInternals;var Y=A1(),ae=rb(j),we=df(Y,ae);we.tag=2,B!=null&&(we.callback=B),Jm(j,we),d0(j,ae,Y)}};function sv(j,B,Y,ae,we,$e,Ye){return j=j.stateNode,typeof j.shouldComponentUpdate=="function"?j.shouldComponentUpdate(ae,$e,Ye):B.prototype&&B.prototype.isPureReactComponent?!kw(Y,ae)||!kw(we,$e):!0}function Lw(j,B,Y){var ae=!1,we=J0,$e=B.contextType;return typeof $e=="object"&&$e!==null?$e=zp($e):(we=ff(B)?Ym:Jc.current,ae=B.contextTypes,$e=(ae=ae!=null)?Ke(j,we):J0),B=new B(Y,$e),j.memoizedState=B.state!==null&&B.state!==void 0?B.state:null,B.updater=kE,j.stateNode=B,B._reactInternals=j,ae&&(j=j.stateNode,j.__reactInternalMemoizedUnmaskedChildContext=we,j.__reactInternalMemoizedMaskedChildContext=$e),B}function b_(j,B,Y,ae){j=B.state,typeof B.componentWillReceiveProps=="function"&&B.componentWillReceiveProps(Y,ae),typeof B.UNSAFE_componentWillReceiveProps=="function"&&B.UNSAFE_componentWillReceiveProps(Y,ae),B.state!==j&&kE.enqueueReplaceState(B,B.state,null)}function sd(j,B,Y,ae){var we=j.stateNode;we.props=Y,we.state=j.memoizedState,we.refs=tb,g_(j);var $e=B.contextType;typeof $e=="object"&&$e!==null?we.context=zp($e):($e=ff(B)?Ym:Jc.current,we.context=Ke(j,$e)),Yb(j,Y,we,ae),we.state=j.memoizedState,$e=B.getDerivedStateFromProps,typeof $e=="function"&&(Nw(j,B,$e,Y),we.state=j.memoizedState),typeof B.getDerivedStateFromProps=="function"||typeof we.getSnapshotBeforeUpdate=="function"||typeof we.UNSAFE_componentWillMount!="function"&&typeof we.componentWillMount!="function"||(B=we.state,typeof we.componentWillMount=="function"&&we.componentWillMount(),typeof we.UNSAFE_componentWillMount=="function"&&we.UNSAFE_componentWillMount(),B!==we.state&&kE.enqueueReplaceState(we,we.state,null),Yb(j,Y,we,ae),we.state=j.memoizedState),typeof we.componentDidMount=="function"&&(j.flags|=4)}var Zm=Array.isArray;function Bw(j,B,Y){if(j=Y.ref,j!==null&&typeof j!="function"&&typeof j!="object"){if(Y._owner){if(Y=Y._owner,Y){if(Y.tag!==1)throw Error(w(309));var ae=Y.stateNode}if(!ae)throw Error(w(147,j));var we=""+j;return B!==null&&B.ref!==null&&typeof B.ref=="function"&&B.ref._stringRef===we?B.ref:(B=function($e){var Ye=ae.refs;Ye===tb&&(Ye=ae.refs={}),$e===null?delete Ye[we]:Ye[we]=$e},B._stringRef=we,B)}if(typeof j!="string")throw Error(w(284));if(!Y._owner)throw Error(w(290,j))}return j}function Hp(j,B){if(j.type!=="textarea")throw Error(w(31,Object.prototype.toString.call(B)==="[object Object]"?"object with keys {"+Object.keys(B).join(", ")+"}":B))}function m_(j){function B($n,un){if(j){var On=$n.lastEffect;On!==null?(On.nextEffect=un,$n.lastEffect=un):$n.firstEffect=$n.lastEffect=un,un.nextEffect=null,un.flags=8}}function Y($n,un){if(!j)return null;for(;un!==null;)B($n,un),un=un.sibling;return null}function ae($n,un){for($n=new Map;un!==null;)un.key!==null?$n.set(un.key,un):$n.set(un.index,un),un=un.sibling;return $n}function we($n,un){return $n=vv($n,un),$n.index=0,$n.sibling=null,$n}function $e($n,un,On){return $n.index=On,j?(On=$n.alternate,On!==null?(On=On.index,On<un?($n.flags=2,un):On):($n.flags=2,un)):un}function Ye($n){return j&&$n.alternate===null&&($n.flags=2),$n}function Ct($n,un,On,kr){return un===null||un.tag!==6?(un=rk(On,$n.mode,kr),un.return=$n,un):(un=we(un,On),un.return=$n,un)}function Qt($n,un,On,kr){return un!==null&&un.elementType===On.type?(kr=we(un,On.props),kr.ref=Bw($n,un,On),kr.return=$n,kr):(kr=B_(On.type,On.key,On.props,null,$n.mode,kr),kr.ref=Bw($n,un,On),kr.return=$n,kr)}function sr($n,un,On,kr){return un===null||un.tag!==4||un.stateNode.containerInfo!==On.containerInfo||un.stateNode.implementation!==On.implementation?(un=ik(On,$n.mode,kr),un.return=$n,un):(un=we(un,On.children||[]),un.return=$n,un)}function ao($n,un,On,kr,zr){return un===null||un.tag!==7?(un=sm(On,$n.mode,kr,zr),un.return=$n,un):(un=we(un,On),un.return=$n,un)}function Fs($n,un,On){if(typeof un=="string"||typeof un=="number")return un=rk(""+un,$n.mode,On),un.return=$n,un;if(typeof un=="object"&&un!==null){switch(un.$$typeof){case De:return On=B_(un.type,un.key,un.props,null,$n.mode,On),On.ref=Bw($n,null,un),On.return=$n,On;case Le:return un=ik(un,$n.mode,On),un.return=$n,un}if(Zm(un)||Be(un))return un=sm(un,$n.mode,On,null),un.return=$n,un;Hp($n,un)}return null}function Xr($n,un,On,kr){var zr=un!==null?un.key:null;if(typeof On=="string"||typeof On=="number")return zr!==null?null:Ct($n,un,""+On,kr);if(typeof On=="object"&&On!==null){switch(On.$$typeof){case De:return On.key===zr?On.type===rt?ao($n,un,On.props.children,kr,zr):Qt($n,un,On,kr):null;case Le:return On.key===zr?sr($n,un,On,kr):null}if(Zm(On)||Be(On))return zr!==null?null:ao($n,un,On,kr,null);Hp($n,On)}return null}function Lo($n,un,On,kr,zr){if(typeof kr=="string"||typeof kr=="number")return $n=$n.get(On)||null,Ct(un,$n,""+kr,zr);if(typeof kr=="object"&&kr!==null){switch(kr.$$typeof){case De:return $n=$n.get(kr.key===null?On:kr.key)||null,kr.type===rt?ao(un,$n,kr.props.children,zr,kr.key):Qt(un,$n,kr,zr);case Le:return $n=$n.get(kr.key===null?On:kr.key)||null,sr(un,$n,kr,zr)}if(Zm(kr)||Be(kr))return $n=$n.get(On)||null,ao(un,$n,kr,zr,null);Hp(un,kr)}return null}function Gs($n,un,On,kr){for(var zr=null,oa=null,mo=un,_s=un=0,Ta=null;mo!==null&&_s<On.length;_s++){mo.index>_s?(Ta=mo,mo=null):Ta=mo.sibling;var da=Xr($n,mo,On[_s],kr);if(da===null){mo===null&&(mo=Ta);break}j&&mo&&da.alternate===null&&B($n,mo),un=$e(da,un,_s),oa===null?zr=da:oa.sibling=da,oa=da,mo=Ta}if(_s===On.length)return Y($n,mo),zr;if(mo===null){for(;_s<On.length;_s++)mo=Fs($n,On[_s],kr),mo!==null&&(un=$e(mo,un,_s),oa===null?zr=mo:oa.sibling=mo,oa=mo);return zr}for(mo=ae($n,mo);_s<On.length;_s++)Ta=Lo(mo,$n,_s,On[_s],kr),Ta!==null&&(j&&Ta.alternate!==null&&mo.delete(Ta.key===null?_s:Ta.key),un=$e(Ta,un,_s),oa===null?zr=Ta:oa.sibling=Ta,oa=Ta);return j&&mo.forEach(function(wv){return B($n,wv)}),zr}function as($n,un,On,kr){var zr=Be(On);if(typeof zr!="function")throw Error(w(150));if(On=zr.call(On),On==null)throw Error(w(151));for(var oa=zr=null,mo=un,_s=un=0,Ta=null,da=On.next();mo!==null&&!da.done;_s++,da=On.next()){mo.index>_s?(Ta=mo,mo=null):Ta=mo.sibling;var wv=Xr($n,mo,da.value,kr);if(wv===null){mo===null&&(mo=Ta);break}j&&mo&&wv.alternate===null&&B($n,mo),un=$e(wv,un,_s),oa===null?zr=wv:oa.sibling=wv,oa=wv,mo=Ta}if(da.done)return Y($n,mo),zr;if(mo===null){for(;!da.done;_s++,da=On.next())da=Fs($n,da.value,kr),da!==null&&(un=$e(da,un,_s),oa===null?zr=da:oa.sibling=da,oa=da);return zr}for(mo=ae($n,mo);!da.done;_s++,da=On.next())da=Lo(mo,$n,_s,da.value,kr),da!==null&&(j&&da.alternate!==null&&mo.delete(da.key===null?_s:da.key),un=$e(da,un,_s),oa===null?zr=da:oa.sibling=da,oa=da);return j&&mo.forEach(function(VI){return B($n,VI)}),zr}return function($n,un,On,kr){var zr=typeof On=="object"&&On!==null&&On.type===rt&&On.key===null;zr&&(On=On.props.children);var oa=typeof On=="object"&&On!==null;if(oa)switch(On.$$typeof){case De:e:{for(oa=On.key,zr=un;zr!==null;){if(zr.key===oa){switch(zr.tag){case 7:if(On.type===rt){Y($n,zr.sibling),un=we(zr,On.props.children),un.return=$n,$n=un;break e}break;default:if(zr.elementType===On.type){Y($n,zr.sibling),un=we(zr,On.props),un.ref=Bw($n,zr,On),un.return=$n,$n=un;break e}}Y($n,zr);break}else B($n,zr);zr=zr.sibling}On.type===rt?(un=sm(On.props.children,$n.mode,kr,On.key),un.return=$n,$n=un):(kr=B_(On.type,On.key,On.props,null,$n.mode,kr),kr.ref=Bw($n,un,On),kr.return=$n,$n=kr)}return Ye($n);case Le:e:{for(zr=On.key;un!==null;){if(un.key===zr)if(un.tag===4&&un.stateNode.containerInfo===On.containerInfo&&un.stateNode.implementation===On.implementation){Y($n,un.sibling),un=we(un,On.children||[]),un.return=$n,$n=un;break e}else{Y($n,un);break}else B($n,un);un=un.sibling}un=ik(On,$n.mode,kr),un.return=$n,$n=un}return Ye($n)}if(typeof On=="string"||typeof On=="number")return On=""+On,un!==null&&un.tag===6?(Y($n,un.sibling),un=we(un,On),un.return=$n,$n=un):(Y($n,un),un=rk(On,$n.mode,kr),un.return=$n,$n=un),Ye($n);if(Zm(On))return Gs($n,un,On,kr);if(Be(On))return as($n,un,On,kr);if(oa&&Hp($n,On),typeof On>"u"&&!zr)switch($n.tag){case 1:case 22:case 0:case 11:case 15:throw Error(w(152,Pt($n.type)||"Component"))}return Y($n,un)}}var av=m_(!0),e0=m_(!1),uv={},Al=lp(uv),zw=lp(uv),v_=lp(uv);function Hw(j){if(j===uv)throw Error(w(174));return j}function w_(j,B){switch(Ps(v_,B),Ps(zw,j),Ps(Al,uv),j=B.nodeType,j){case 9:case 11:B=(B=B.documentElement)?B.namespaceURI:ki(null,"");break;default:j=j===8?B.parentNode:B,B=j.namespaceURI||null,j=j.tagName,B=ki(B,j)}ia(Al),Ps(Al,B)}function cv(){ia(Al),ia(zw),ia(v_)}function WR(j){Hw(v_.current);var B=Hw(Al.current),Y=ki(B,j.type);B!==Y&&(Ps(zw,j),Ps(Al,Y))}function Uw(j){zw.current===j&&(ia(Al),ia(zw))}var Vl=lp(0);function y_(j){for(var B=j;B!==null;){if(B.tag===13){var Y=B.memoizedState;if(Y!==null&&(Y=Y.dehydrated,Y===null||Y.data==="$?"||Y.data==="$!"))return B}else if(B.tag===19&&B.memoizedProps.revealOrder!==void 0){if(B.flags&64)return B}else if(B.child!==null){B.child.return=B,B=B.child;continue}if(B===j)break;for(;B.sibling===null;){if(B.return===null||B.return===j)return null;B=B.return}B.sibling.return=B.return,B=B.sibling}return null}var Xb=null,I1=null,Qb=!1;function j3(j,B){var Y=cg(5,null,null,0);Y.elementType="DELETED",Y.type="DELETED",Y.stateNode=B,Y.return=j,Y.flags=8,j.lastEffect!==null?(j.lastEffect.nextEffect=Y,j.lastEffect=Y):j.firstEffect=j.lastEffect=Y}function Wx(j,B){switch(j.tag){case 5:var Y=j.type;return B=B.nodeType!==1||Y.toLowerCase()!==B.nodeName.toLowerCase()?null:B,B!==null?(j.stateNode=B,!0):!1;case 6:return B=j.pendingProps===""||B.nodeType!==3?null:B,B!==null?(j.stateNode=B,!0):!1;case 13:return!1;default:return!1}}function t0(j){if(Qb){var B=I1;if(B){var Y=B;if(!Wx(j,B)){if(B=X0(Y.nextSibling),!B||!Wx(j,B)){j.flags=j.flags&-1025|2,Qb=!1,Xb=j;return}j3(Xb,Y)}Xb=j,I1=X0(B.firstChild)}else j.flags=j.flags&-1025|2,Qb=!1,Xb=j}}function E_(j){for(j=j.return;j!==null&&j.tag!==5&&j.tag!==3&&j.tag!==13;)j=j.return;Xb=j}function __(j){if(j!==Xb)return!1;if(!Qb)return E_(j),Qb=!0,!1;var B=j.type;if(j.tag!==5||B!=="head"&&B!=="body"&&!$w(B,j.memoizedProps))for(B=I1;B;)j3(j,B),B=X0(B.nextSibling);if(E_(j),j.tag===13){if(j=j.memoizedState,j=j!==null?j.dehydrated:null,!j)throw Error(w(317));e:{for(j=j.nextSibling,B=0;j;){if(j.nodeType===8){var Y=j.data;if(Y==="/$"){if(B===0){I1=X0(j.nextSibling);break e}B--}else Y!=="$"&&Y!=="$!"&&Y!=="$?"||B++}j=j.nextSibling}I1=null}}else I1=Xb?X0(j.stateNode.nextSibling):null;return!0}function RE(){I1=Xb=null,Qb=!1}var lv=[];function Jb(){for(var j=0;j<lv.length;j++)lv[j]._workInProgressVersionPrimary=null;lv.length=0}var OE=me.ReactCurrentDispatcher,ad=me.ReactCurrentBatchConfig,Vw=0,hl=null,_d=null,zf=null,S_=!1,n0=!1;function Fh(){throw Error(w(321))}function r0(j,B){if(B===null)return!1;for(var Y=0;Y<B.length&&Y<j.length;Y++)if(!bc(j[Y],B[Y]))return!1;return!0}function Gx(j,B,Y,ae,we,$e){if(Vw=$e,hl=B,B.memoizedState=null,B.updateQueue=null,B.lanes=0,OE.current=j===null||j.memoizedState===null?o0:Xx,j=Y(ae,we),n0){$e=0;do{if(n0=!1,!(25>$e))throw Error(w(301));$e+=1,zf=_d=null,B.updateQueue=null,OE.current=N3,j=Y(ae,we)}while(n0)}if(OE.current=Kw,B=_d!==null&&_d.next!==null,Vw=0,zf=_d=hl=null,S_=!1,B)throw Error(w(300));return j}function Dr(){var j={memoizedState:null,baseState:null,baseQueue:null,queue:null,next:null};return zf===null?hl.memoizedState=zf=j:zf=zf.next=j,zf}function hf(){if(_d===null){var j=hl.alternate;j=j!==null?j.memoizedState:null}else j=_d.next;var B=zf===null?hl.memoizedState:zf.next;if(B!==null)zf=B,_d=j;else{if(j===null)throw Error(w(310));_d=j,j={memoizedState:_d.memoizedState,baseState:_d.baseState,baseQueue:_d.baseQueue,queue:_d.queue,next:null},zf===null?hl.memoizedState=zf=j:zf=zf.next=j}return zf}function Qa(j,B){return typeof B=="function"?B(j):B}function nb(j){var B=hf(),Y=B.queue;if(Y===null)throw Error(w(311));Y.lastRenderedReducer=j;var ae=_d,we=ae.baseQueue,$e=Y.pending;if($e!==null){if(we!==null){var Ye=we.next;we.next=$e.next,$e.next=Ye}ae.baseQueue=we=$e,Y.pending=null}if(we!==null){we=we.next,ae=ae.baseState;var Ct=Ye=$e=null,Qt=we;do{var sr=Qt.lane;if((Vw&sr)===sr)Ct!==null&&(Ct=Ct.next={lane:0,action:Qt.action,eagerReducer:Qt.eagerReducer,eagerState:Qt.eagerState,next:null}),ae=Qt.eagerReducer===j?Qt.eagerState:j(ae,Qt.action);else{var ao={lane:sr,action:Qt.action,eagerReducer:Qt.eagerReducer,eagerState:Qt.eagerState,next:null};Ct===null?(Ye=Ct=ao,$e=ae):Ct=Ct.next=ao,hl.lanes|=sr,c0|=sr}Qt=Qt.next}while(Qt!==null&&Qt!==we);Ct===null?$e=ae:Ct.next=Ye,bc(ae,B.memoizedState)||(xd=!0),B.memoizedState=ae,B.baseState=$e,B.baseQueue=Ct,Y.lastRenderedState=ae}return[B.memoizedState,Y.dispatch]}function qw(j){var B=hf(),Y=B.queue;if(Y===null)throw Error(w(311));Y.lastRenderedReducer=j;var ae=Y.dispatch,we=Y.pending,$e=B.memoizedState;if(we!==null){Y.pending=null;var Ye=we=we.next;do $e=j($e,Ye.action),Ye=Ye.next;while(Ye!==we);bc($e,B.memoizedState)||(xd=!0),B.memoizedState=$e,B.baseQueue===null&&(B.baseState=$e),Y.lastRenderedState=$e}return[$e,ae]}function Ww(j,B,Y){var ae=B._getVersion;ae=ae(B._source);var we=B._workInProgressVersionPrimary;if(we!==null?j=we===ae:(j=j.mutableReadLanes,(j=(Vw&j)===j)&&(B._workInProgressVersionPrimary=ae,lv.push(B))),j)return Y(B._source);throw lv.push(B),Error(w(350))}function $a(j,B,Y,ae){var we=fh;if(we===null)throw Error(w(349));var $e=B._getVersion,Ye=$e(B._source),Ct=OE.current,Qt=Ct.useState(function(){return Ww(we,B,Y)}),sr=Qt[1],ao=Qt[0];Qt=zf;var Fs=j.memoizedState,Xr=Fs.refs,Lo=Xr.getSnapshot,Gs=Fs.source;Fs=Fs.subscribe;var as=hl;return j.memoizedState={refs:Xr,source:B,subscribe:ae},Ct.useEffect(function(){Xr.getSnapshot=Y,Xr.setSnapshot=sr;var $n=$e(B._source);if(!bc(Ye,$n)){$n=Y(B._source),bc(ao,$n)||(sr($n),$n=rb(as),we.mutableReadLanes|=$n&we.pendingLanes),$n=we.mutableReadLanes,we.entangledLanes|=$n;for(var un=we.entanglements,On=$n;0<On;){var kr=31-vn(On),zr=1<<kr;un[kr]|=$n,On&=~zr}}},[Y,B,ae]),Ct.useEffect(function(){return ae(B._source,function(){var $n=Xr.getSnapshot,un=Xr.setSnapshot;try{un($n(B._source));var On=rb(as);we.mutableReadLanes|=On&we.pendingLanes}catch(kr){un(function(){throw kr})}})},[B,ae]),bc(Lo,Y)&&bc(Gs,B)&&bc(Fs,ae)||(j={pending:null,dispatch:null,lastRenderedReducer:Qa,lastRenderedState:ao},j.dispatch=sr=AE.bind(null,hl,j),Qt.queue=j,Qt.baseQueue=null,ao=Ww(we,B,Y),Qt.memoizedState=Qt.baseState=ao),ao}function M3(j,B,Y){var ae=hf();return $a(ae,j,B,Y)}function IE(j){var B=Dr();return typeof j=="function"&&(j=j()),B.memoizedState=B.baseState=j,j=B.queue={pending:null,dispatch:null,lastRenderedReducer:Qa,lastRenderedState:j},j=j.dispatch=AE.bind(null,hl,j),[B.memoizedState,j]}function Zb(j,B,Y,ae){return j={tag:j,create:B,destroy:Y,deps:ae,next:null},B=hl.updateQueue,B===null?(B={lastEffect:null},hl.updateQueue=B,B.lastEffect=j.next=j):(Y=B.lastEffect,Y===null?B.lastEffect=j.next=j:(ae=Y.next,Y.next=j,j.next=ae,B.lastEffect=j)),j}function Kx(j){var B=Dr();return j={current:j},B.memoizedState=j}function i0(){return hf().memoizedState}function DE(j,B,Y,ae){var we=Dr();hl.flags|=j,we.memoizedState=Zb(1|B,Y,void 0,ae===void 0?null:ae)}function Sd(j,B,Y,ae){var we=hf();ae=ae===void 0?null:ae;var $e=void 0;if(_d!==null){var Ye=_d.memoizedState;if($e=Ye.destroy,ae!==null&&r0(ae,Ye.deps)){Zb(B,Y,$e,ae);return}}hl.flags|=j,we.memoizedState=Zb(1|B,Y,$e,ae)}function Yx(j,B){return DE(516,4,j,B)}function fv(j,B){return Sd(516,4,j,B)}function x_(j,B){return Sd(4,2,j,B)}function C_(j,B){if(typeof B=="function")return j=j(),B(j),function(){B(null)};if(B!=null)return j=j(),B.current=j,function(){B.current=null}}function sg(j,B,Y){return Y=Y!=null?Y.concat([j]):null,Sd(4,2,C_.bind(null,B,j),Y)}function gu(){}function dv(j,B){var Y=hf();B=B===void 0?null:B;var ae=Y.memoizedState;return ae!==null&&B!==null&&r0(B,ae[1])?ae[0]:(Y.memoizedState=[j,B],j)}function kc(j,B){var Y=hf();B=B===void 0?null:B;var ae=Y.memoizedState;return ae!==null&&B!==null&&r0(B,ae[1])?ae[0]:(j=j(),Y.memoizedState=[j,B],j)}function Gw(j,B){var Y=CE();Fw(98>Y?98:Y,function(){j(!0)}),Fw(97<Y?97:Y,function(){var ae=ad.transition;ad.transition=1;try{j(!1),B()}finally{ad.transition=ae}})}function AE(j,B,Y){var ae=A1(),we=rb(j),$e={lane:we,action:Y,eagerReducer:null,eagerState:null,next:null},Ye=B.pending;if(Ye===null?$e.next=$e:($e.next=Ye.next,Ye.next=$e),B.pending=$e,Ye=j.alternate,j===hl||Ye!==null&&Ye===hl)n0=S_=!0;else{if(j.lanes===0&&(Ye===null||Ye.lanes===0)&&(Ye=B.lastRenderedReducer,Ye!==null))try{var Ct=B.lastRenderedState,Qt=Ye(Ct,Y);if($e.eagerReducer=Ye,$e.eagerState=Qt,bc(Qt,Ct))return}catch{}finally{}d0(j,we,ae)}}var Kw={readContext:zp,useCallback:Fh,useContext:Fh,useEffect:Fh,useImperativeHandle:Fh,useLayoutEffect:Fh,useMemo:Fh,useReducer:Fh,useRef:Fh,useState:Fh,useDebugValue:Fh,useDeferredValue:Fh,useTransition:Fh,useMutableSource:Fh,useOpaqueIdentifier:Fh,unstable_isNewReconciler:!1},o0={readContext:zp,useCallback:function(j,B){return Dr().memoizedState=[j,B===void 0?null:B],j},useContext:zp,useEffect:Yx,useImperativeHandle:function(j,B,Y){return Y=Y!=null?Y.concat([j]):null,DE(4,2,C_.bind(null,B,j),Y)},useLayoutEffect:function(j,B){return DE(4,2,j,B)},useMemo:function(j,B){var Y=Dr();return B=B===void 0?null:B,j=j(),Y.memoizedState=[j,B],j},useReducer:function(j,B,Y){var ae=Dr();return B=Y!==void 0?Y(B):B,ae.memoizedState=ae.baseState=B,j=ae.queue={pending:null,dispatch:null,lastRenderedReducer:j,lastRenderedState:B},j=j.dispatch=AE.bind(null,hl,j),[ae.memoizedState,j]},useRef:Kx,useState:IE,useDebugValue:gu,useDeferredValue:function(j){var B=IE(j),Y=B[0],ae=B[1];return Yx(function(){var we=ad.transition;ad.transition=1;try{ae(j)}finally{ad.transition=we}},[j]),Y},useTransition:function(){var j=IE(!1),B=j[0];return j=Gw.bind(null,j[1]),Kx(j),[j,B]},useMutableSource:function(j,B,Y){var ae=Dr();return ae.memoizedState={refs:{getSnapshot:B,setSnapshot:null},source:j,subscribe:Y},$a(ae,j,B,Y)},useOpaqueIdentifier:function(){if(Qb){var j=!1,B=Hx(function(){throw j||(j=!0,Y("r:"+(Ul++).toString(36))),Error(w(355))}),Y=IE(B)[1];return!(hl.mode&2)&&(hl.flags|=516,Zb(5,function(){Y("r:"+(Ul++).toString(36))},void 0,null)),B}return B="r:"+(Ul++).toString(36),IE(B),B},unstable_isNewReconciler:!1},Xx={readContext:zp,useCallback:dv,useContext:zp,useEffect:fv,useImperativeHandle:sg,useLayoutEffect:x_,useMemo:kc,useReducer:nb,useRef:i0,useState:function(){return nb(Qa)},useDebugValue:gu,useDeferredValue:function(j){var B=nb(Qa),Y=B[0],ae=B[1];return fv(function(){var we=ad.transition;ad.transition=1;try{ae(j)}finally{ad.transition=we}},[j]),Y},useTransition:function(){var j=nb(Qa)[0];return[i0().current,j]},useMutableSource:M3,useOpaqueIdentifier:function(){return nb(Qa)[0]},unstable_isNewReconciler:!1},N3={readContext:zp,useCallback:dv,useContext:zp,useEffect:fv,useImperativeHandle:sg,useLayoutEffect:x_,useMemo:kc,useReducer:qw,useRef:i0,useState:function(){return qw(Qa)},useDebugValue:gu,useDeferredValue:function(j){var B=qw(Qa),Y=B[0],ae=B[1];return fv(function(){var we=ad.transition;ad.transition=1;try{ae(j)}finally{ad.transition=we}},[j]),Y},useTransition:function(){var j=qw(Qa)[0];return[i0().current,j]},useMutableSource:M3,useOpaqueIdentifier:function(){return qw(Qa)[0]},unstable_isNewReconciler:!1},L3=me.ReactCurrentOwner,xd=!1;function Up(j,B,Y,ae){B.child=j===null?e0(B,null,Y,ae):av(B,j.child,Y,ae)}function em(j,B,Y,ae,we){Y=Y.render;var $e=B.ref;return Qm(B,we),ae=Gx(j,B,Y,ae,$e,we),j!==null&&!xd?(B.updateQueue=j.updateQueue,B.flags&=-517,j.lanes&=~we,Vp(j,B,we)):(B.flags|=1,Up(j,B,ae,we),B.child)}function T_(j,B,Y,ae,we,$e){if(j===null){var Ye=Y.type;return typeof Ye=="function"&&!uC(Ye)&&Ye.defaultProps===void 0&&Y.compare===null&&Y.defaultProps===void 0?(B.tag=15,B.type=Ye,B3(j,B,Ye,ae,we,$e)):(j=B_(Y.type,null,ae,B,B.mode,$e),j.ref=B.ref,j.return=B,B.child=j)}return Ye=j.child,!(we&$e)&&(we=Ye.memoizedProps,Y=Y.compare,Y=Y!==null?Y:kw,Y(we,ae)&&j.ref===B.ref)?Vp(j,B,$e):(B.flags|=1,j=vv(Ye,ae),j.ref=B.ref,j.return=B,B.child=j)}function B3(j,B,Y,ae,we,$e){if(j!==null&&kw(j.memoizedProps,ae)&&j.ref===B.ref)if(xd=!1,($e&we)!==0)j.flags&16384&&(xd=!0);else return B.lanes=j.lanes,Vp(j,B,$e);return z3(j,B,Y,ae,$e)}function hv(j,B,Y){var ae=B.pendingProps,we=ae.children,$e=j!==null?j.memoizedState:null;if(ae.mode==="hidden"||ae.mode==="unstable-defer-without-hiding")if(!(B.mode&4))B.memoizedState={baseLanes:0},Jw(B,Y);else if(Y&1073741824)B.memoizedState={baseLanes:0},Jw(B,$e!==null?$e.baseLanes:Y);else return j=$e!==null?$e.baseLanes|Y:Y,B.lanes=B.childLanes=1073741824,B.memoizedState={baseLanes:j},Jw(B,j),null;else $e!==null?(ae=$e.baseLanes|Y,B.memoizedState=null):ae=Y,Jw(B,ae);return Up(j,B,we,Y),B.child}function AI(j,B){var Y=B.ref;(j===null&&Y!==null||j!==null&&j.ref!==Y)&&(B.flags|=128)}function z3(j,B,Y,ae,we){var $e=ff(Y)?Ym:Jc.current;return $e=Ke(B,$e),Qm(B,we),Y=Gx(j,B,Y,ae,$e,we),j!==null&&!xd?(B.updateQueue=j.updateQueue,B.flags&=-517,j.lanes&=~we,Vp(j,B,we)):(B.flags|=1,Up(j,B,Y,we),B.child)}function GR(j,B,Y,ae,we){if(ff(Y)){var $e=!0;ig(B)}else $e=!1;if(Qm(B,we),B.stateNode===null)j!==null&&(j.alternate=null,B.alternate=null,B.flags|=2),Lw(B,Y,ae),sd(B,Y,ae,we),ae=!0;else if(j===null){var Ye=B.stateNode,Ct=B.memoizedProps;Ye.props=Ct;var Qt=Ye.context,sr=Y.contextType;typeof sr=="object"&&sr!==null?sr=zp(sr):(sr=ff(Y)?Ym:Jc.current,sr=Ke(B,sr));var ao=Y.getDerivedStateFromProps,Fs=typeof ao=="function"||typeof Ye.getSnapshotBeforeUpdate=="function";Fs||typeof Ye.UNSAFE_componentWillReceiveProps!="function"&&typeof Ye.componentWillReceiveProps!="function"||(Ct!==ae||Qt!==sr)&&b_(B,Ye,ae,sr),od=!1;var Xr=B.memoizedState;Ye.state=Xr,Yb(B,ae,Ye,we),Qt=B.memoizedState,Ct!==ae||Xr!==Qt||Bf.current||od?(typeof ao=="function"&&(Nw(B,Y,ao,ae),Qt=B.memoizedState),(Ct=od||sv(B,Y,Ct,ae,Xr,Qt,sr))?(Fs||typeof Ye.UNSAFE_componentWillMount!="function"&&typeof Ye.componentWillMount!="function"||(typeof Ye.componentWillMount=="function"&&Ye.componentWillMount(),typeof Ye.UNSAFE_componentWillMount=="function"&&Ye.UNSAFE_componentWillMount()),typeof Ye.componentDidMount=="function"&&(B.flags|=4)):(typeof Ye.componentDidMount=="function"&&(B.flags|=4),B.memoizedProps=ae,B.memoizedState=Qt),Ye.props=ae,Ye.state=Qt,Ye.context=sr,ae=Ct):(typeof Ye.componentDidMount=="function"&&(B.flags|=4),ae=!1)}else{Ye=B.stateNode,ov(j,B),Ct=B.memoizedProps,sr=B.type===B.elementType?Ct:Ed(B.type,Ct),Ye.props=sr,Fs=B.pendingProps,Xr=Ye.context,Qt=Y.contextType,typeof Qt=="object"&&Qt!==null?Qt=zp(Qt):(Qt=ff(Y)?Ym:Jc.current,Qt=Ke(B,Qt));var Lo=Y.getDerivedStateFromProps;(ao=typeof Lo=="function"||typeof Ye.getSnapshotBeforeUpdate=="function")||typeof Ye.UNSAFE_componentWillReceiveProps!="function"&&typeof Ye.componentWillReceiveProps!="function"||(Ct!==Fs||Xr!==Qt)&&b_(B,Ye,ae,Qt),od=!1,Xr=B.memoizedState,Ye.state=Xr,Yb(B,ae,Ye,we);var Gs=B.memoizedState;Ct!==Fs||Xr!==Gs||Bf.current||od?(typeof Lo=="function"&&(Nw(B,Y,Lo,ae),Gs=B.memoizedState),(sr=od||sv(B,Y,sr,ae,Xr,Gs,Qt))?(ao||typeof Ye.UNSAFE_componentWillUpdate!="function"&&typeof Ye.componentWillUpdate!="function"||(typeof Ye.componentWillUpdate=="function"&&Ye.componentWillUpdate(ae,Gs,Qt),typeof Ye.UNSAFE_componentWillUpdate=="function"&&Ye.UNSAFE_componentWillUpdate(ae,Gs,Qt)),typeof Ye.componentDidUpdate=="function"&&(B.flags|=4),typeof Ye.getSnapshotBeforeUpdate=="function"&&(B.flags|=256)):(typeof Ye.componentDidUpdate!="function"||Ct===j.memoizedProps&&Xr===j.memoizedState||(B.flags|=4),typeof Ye.getSnapshotBeforeUpdate!="function"||Ct===j.memoizedProps&&Xr===j.memoizedState||(B.flags|=256),B.memoizedProps=ae,B.memoizedState=Gs),Ye.props=ae,Ye.state=Gs,Ye.context=Qt,ae=sr):(typeof Ye.componentDidUpdate!="function"||Ct===j.memoizedProps&&Xr===j.memoizedState||(B.flags|=4),typeof Ye.getSnapshotBeforeUpdate!="function"||Ct===j.memoizedProps&&Xr===j.memoizedState||(B.flags|=256),ae=!1)}return Qx(j,B,Y,ae,$e,we)}function Qx(j,B,Y,ae,we,$e){AI(j,B);var Ye=(B.flags&64)!==0;if(!ae&&!Ye)return we&&zR(B,Y,!1),Vp(j,B,$e);ae=B.stateNode,L3.current=B;var Ct=Ye&&typeof Y.getDerivedStateFromError!="function"?null:ae.render();return B.flags|=1,j!==null&&Ye?(B.child=av(B,j.child,null,$e),B.child=av(B,null,Ct,$e)):Up(j,B,Ct,$e),B.memoizedState=ae.state,we&&zR(B,Y,!0),B.child}function H3(j){var B=j.stateNode;B.pendingContext?uh(j,B.pendingContext,B.pendingContext!==B.context):B.context&&uh(j,B.context,!1),w_(j,B.containerInfo)}var Ud={dehydrated:null,retryLane:0};function s0(j,B,Y){var ae=B.pendingProps,we=Vl.current,$e=!1,Ye;return(Ye=(B.flags&64)!==0)||(Ye=j!==null&&j.memoizedState===null?!1:(we&2)!==0),Ye?($e=!0,B.flags&=-65):j!==null&&j.memoizedState===null||ae.fallback===void 0||ae.unstable_avoidThisFallback===!0||(we|=1),Ps(Vl,we&1),j===null?(ae.fallback!==void 0&&t0(B),j=ae.children,we=ae.fallback,$e?(j=U3(B,j,we,Y),B.child.memoizedState={baseLanes:Y},B.memoizedState=Ud,j):typeof ae.unstable_expectedLoadTime=="number"?(j=U3(B,j,we,Y),B.child.memoizedState={baseLanes:Y},B.memoizedState=Ud,B.lanes=33554432,j):(Y=Vd({mode:"visible",children:j},B.mode,Y,null),Y.return=B,B.child=Y)):j.memoizedState!==null?$e?(ae=lh(j,B,ae.children,ae.fallback,Y),$e=B.child,we=j.child.memoizedState,$e.memoizedState=we===null?{baseLanes:Y}:{baseLanes:we.baseLanes|Y},$e.childLanes=j.childLanes&~Y,B.memoizedState=Ud,ae):(Y=Pa(j,B,ae.children,Y),B.memoizedState=null,Y):$e?(ae=lh(j,B,ae.children,ae.fallback,Y),$e=B.child,we=j.child.memoizedState,$e.memoizedState=we===null?{baseLanes:Y}:{baseLanes:we.baseLanes|Y},$e.childLanes=j.childLanes&~Y,B.memoizedState=Ud,ae):(Y=Pa(j,B,ae.children,Y),B.memoizedState=null,Y)}function U3(j,B,Y,ae){var we=j.mode,$e=j.child;return B={mode:"hidden",children:B},!(we&2)&&$e!==null?($e.childLanes=0,$e.pendingProps=B):$e=Vd(B,we,0,null),Y=sm(Y,we,ae,null),$e.return=j,Y.return=j,$e.sibling=Y,j.child=$e,Y}function Pa(j,B,Y,ae){var we=j.child;return j=we.sibling,Y=vv(we,{mode:"visible",children:Y}),!(B.mode&2)&&(Y.lanes=ae),Y.return=B,Y.sibling=null,j!==null&&(j.nextEffect=null,j.flags=8,B.firstEffect=B.lastEffect=j),B.child=Y}function lh(j,B,Y,ae,we){var $e=B.mode,Ye=j.child;j=Ye.sibling;var Ct={mode:"hidden",children:Y};return!($e&2)&&B.child!==Ye?(Y=B.child,Y.childLanes=0,Y.pendingProps=Ct,Ye=Y.lastEffect,Ye!==null?(B.firstEffect=Y.firstEffect,B.lastEffect=Ye,Ye.nextEffect=null):B.firstEffect=B.lastEffect=null):Y=vv(Ye,Ct),j!==null?ae=vv(j,ae):(ae=sm(ae,$e,we,null),ae.flags|=2),ae.return=B,Y.return=B,Y.sibling=ae,B.child=Y,ae}function Ja(j,B){j.lanes|=B;var Y=j.alternate;Y!==null&&(Y.lanes|=B),P3(j.return,B)}function Yw(j,B,Y,ae,we,$e){var Ye=j.memoizedState;Ye===null?j.memoizedState={isBackwards:B,rendering:null,renderingStartTime:0,last:ae,tail:Y,tailMode:we,lastEffect:$e}:(Ye.isBackwards=B,Ye.rendering=null,Ye.renderingStartTime=0,Ye.last=ae,Ye.tail=Y,Ye.tailMode=we,Ye.lastEffect=$e)}function Jx(j,B,Y){var ae=B.pendingProps,we=ae.revealOrder,$e=ae.tail;if(Up(j,B,ae.children,Y),ae=Vl.current,ae&2)ae=ae&1|2,B.flags|=64;else{if(j!==null&&j.flags&64)e:for(j=B.child;j!==null;){if(j.tag===13)j.memoizedState!==null&&Ja(j,Y);else if(j.tag===19)Ja(j,Y);else if(j.child!==null){j.child.return=j,j=j.child;continue}if(j===B)break e;for(;j.sibling===null;){if(j.return===null||j.return===B)break e;j=j.return}j.sibling.return=j.return,j=j.sibling}ae&=1}if(Ps(Vl,ae),!(B.mode&2))B.memoizedState=null;else switch(we){case"forwards":for(Y=B.child,we=null;Y!==null;)j=Y.alternate,j!==null&&y_(j)===null&&(we=Y),Y=Y.sibling;Y=we,Y===null?(we=B.child,B.child=null):(we=Y.sibling,Y.sibling=null),Yw(B,!1,we,Y,$e,B.lastEffect);break;case"backwards":for(Y=null,we=B.child,B.child=null;we!==null;){if(j=we.alternate,j!==null&&y_(j)===null){B.child=we;break}j=we.sibling,we.sibling=Y,Y=we,we=j}Yw(B,!0,Y,null,$e,B.lastEffect);break;case"together":Yw(B,!1,null,null,void 0,B.lastEffect);break;default:B.memoizedState=null}return B.child}function Vp(j,B,Y){if(j!==null&&(B.dependencies=j.dependencies),c0|=B.lanes,Y&B.childLanes){if(j!==null&&B.child!==j.child)throw Error(w(153));if(B.child!==null){for(j=B.child,Y=vv(j,j.pendingProps),B.child=Y,Y.return=B;j.sibling!==null;)j=j.sibling,Y=Y.sibling=vv(j,j.pendingProps),Y.return=B;Y.sibling=null}return B.child}return null}var k_,Xw,KR,Zx;k_=function(j,B){for(var Y=B.child;Y!==null;){if(Y.tag===5||Y.tag===6)j.appendChild(Y.stateNode);else if(Y.tag!==4&&Y.child!==null){Y.child.return=Y,Y=Y.child;continue}if(Y===B)break;for(;Y.sibling===null;){if(Y.return===null||Y.return===B)return;Y=Y.return}Y.sibling.return=Y.return,Y=Y.sibling}},Xw=function(){},KR=function(j,B,Y,ae){var we=j.memoizedProps;if(we!==ae){j=B.stateNode,Hw(Al.current);var $e=null;switch(Y){case"input":we=Is(j,we),ae=Is(j,ae),$e=[];break;case"option":we=ir(j,we),ae=ir(j,ae),$e=[];break;case"select":we=b({},we,{value:void 0}),ae=b({},ae,{value:void 0}),$e=[];break;case"textarea":we=sn(j,we),ae=sn(j,ae),$e=[];break;default:typeof we.onClick!="function"&&typeof ae.onClick=="function"&&(j.onclick=Bx)}Qs(Y,ae);var Ye;Y=null;for(sr in we)if(!ae.hasOwnProperty(sr)&&we.hasOwnProperty(sr)&&we[sr]!=null)if(sr==="style"){var Ct=we[sr];for(Ye in Ct)Ct.hasOwnProperty(Ye)&&(Y||(Y={}),Y[Ye]="")}else sr!=="dangerouslySetInnerHTML"&&sr!=="children"&&sr!=="suppressContentEditableWarning"&&sr!=="suppressHydrationWarning"&&sr!=="autoFocus"&&(C.hasOwnProperty(sr)?$e||($e=[]):($e=$e||[]).push(sr,null));for(sr in ae){var Qt=ae[sr];if(Ct=we!=null?we[sr]:void 0,ae.hasOwnProperty(sr)&&Qt!==Ct&&(Qt!=null||Ct!=null))if(sr==="style")if(Ct){for(Ye in Ct)!Ct.hasOwnProperty(Ye)||Qt&&Qt.hasOwnProperty(Ye)||(Y||(Y={}),Y[Ye]="");for(Ye in Qt)Qt.hasOwnProperty(Ye)&&Ct[Ye]!==Qt[Ye]&&(Y||(Y={}),Y[Ye]=Qt[Ye])}else Y||($e||($e=[]),$e.push(sr,Y)),Y=Qt;else sr==="dangerouslySetInnerHTML"?(Qt=Qt?Qt.__html:void 0,Ct=Ct?Ct.__html:void 0,Qt!=null&&Ct!==Qt&&($e=$e||[]).push(sr,Qt)):sr==="children"?typeof Qt!="string"&&typeof Qt!="number"||($e=$e||[]).push(sr,""+Qt):sr!=="suppressContentEditableWarning"&&sr!=="suppressHydrationWarning"&&(C.hasOwnProperty(sr)?(Qt!=null&&sr==="onScroll"&&Qc("scroll",j),$e||Ct===Qt||($e=[])):typeof Qt=="object"&&Qt!==null&&Qt.$$typeof===st?Qt.toString():($e=$e||[]).push(sr,Qt))}Y&&($e=$e||[]).push("style",Y);var sr=$e;(B.updateQueue=sr)&&(B.flags|=4)}},Zx=function(j,B,Y,ae){Y!==ae&&(B.flags|=4)};function tm(j,B){if(!Qb)switch(j.tailMode){case"hidden":B=j.tail;for(var Y=null;B!==null;)B.alternate!==null&&(Y=B),B=B.sibling;Y===null?j.tail=null:Y.sibling=null;break;case"collapsed":Y=j.tail;for(var ae=null;Y!==null;)Y.alternate!==null&&(ae=Y),Y=Y.sibling;ae===null?B||j.tail===null?j.tail=null:j.tail.sibling=null:ae.sibling=null}}function R_(j,B,Y){var ae=B.pendingProps;switch(B.tag){case 2:case 16:case 15:case 0:case 11:case 7:case 8:case 12:case 9:case 14:return null;case 1:return ff(B.type)&&k1(),null;case 3:return cv(),ia(Bf),ia(Jc),Jb(),ae=B.stateNode,ae.pendingContext&&(ae.context=ae.pendingContext,ae.pendingContext=null),(j===null||j.child===null)&&(__(B)?B.flags|=4:ae.hydrate||(B.flags|=256)),Xw(B),null;case 5:Uw(B);var we=Hw(v_.current);if(Y=B.type,j!==null&&B.stateNode!=null)KR(j,B,Y,ae,we),j.ref!==B.ref&&(B.flags|=128);else{if(!ae){if(B.stateNode===null)throw Error(w(166));return null}if(j=Hw(Al.current),__(B)){ae=B.stateNode,Y=B.type;var $e=B.memoizedProps;switch(ae[Jg]=B,ae[Ux]=$e,Y){case"dialog":Qc("cancel",ae),Qc("close",ae);break;case"iframe":case"object":case"embed":Qc("load",ae);break;case"video":case"audio":for(j=0;j<EE.length;j++)Qc(EE[j],ae);break;case"source":Qc("error",ae);break;case"img":case"image":case"link":Qc("error",ae),Qc("load",ae);break;case"details":Qc("toggle",ae);break;case"input":Ca(ae,$e),Qc("invalid",ae);break;case"select":ae._wrapperState={wasMultiple:!!$e.multiple},Qc("invalid",ae);break;case"textarea":Zn(ae,$e),Qc("invalid",ae)}Qs(Y,$e),j=null;for(var Ye in $e)$e.hasOwnProperty(Ye)&&(we=$e[Ye],Ye==="children"?typeof we=="string"?ae.textContent!==we&&(j=["children",we]):typeof we=="number"&&ae.textContent!==""+we&&(j=["children",""+we]):C.hasOwnProperty(Ye)&&we!=null&&Ye==="onScroll"&&Qc("scroll",ae));switch(Y){case"input":ii(ae),pi(ae,$e,!0);break;case"textarea":ii(ae),li(ae);break;case"select":case"option":break;default:typeof $e.onClick=="function"&&(ae.onclick=Bx)}ae=j,B.updateQueue=ae,ae!==null&&(B.flags|=4)}else{switch(Ye=we.nodeType===9?we:we.ownerDocument,j===ur.html&&(j=Sr(Y)),j===ur.html?Y==="script"?(j=Ye.createElement("div"),j.innerHTML="<script><\/script>",j=j.removeChild(j.firstChild)):typeof ae.is=="string"?j=Ye.createElement(Y,{is:ae.is}):(j=Ye.createElement(Y),Y==="select"&&(Ye=j,ae.multiple?Ye.multiple=!0:ae.size&&(Ye.size=ae.size))):j=Ye.createElementNS(j,Y),j[Jg]=B,j[Ux]=ae,k_(j,B,!1,!1),B.stateNode=j,Ye=yo(Y,ae),Y){case"dialog":Qc("cancel",j),Qc("close",j),we=ae;break;case"iframe":case"object":case"embed":Qc("load",j),we=ae;break;case"video":case"audio":for(we=0;we<EE.length;we++)Qc(EE[we],j);we=ae;break;case"source":Qc("error",j),we=ae;break;case"img":case"image":case"link":Qc("error",j),Qc("load",j),we=ae;break;case"details":Qc("toggle",j),we=ae;break;case"input":Ca(j,ae),we=Is(j,ae),Qc("invalid",j);break;case"option":we=ir(j,ae);break;case"select":j._wrapperState={wasMultiple:!!ae.multiple},we=b({},ae,{value:void 0}),Qc("invalid",j);break;case"textarea":Zn(j,ae),we=sn(j,ae),Qc("invalid",j);break;default:we=ae}Qs(Y,we);var Ct=we;for($e in Ct)if(Ct.hasOwnProperty($e)){var Qt=Ct[$e];$e==="style"?so(j,Qt):$e==="dangerouslySetInnerHTML"?(Qt=Qt?Qt.__html:void 0,Qt!=null&&xo(j,Qt)):$e==="children"?typeof Qt=="string"?(Y!=="textarea"||Qt!=="")&&Ho(j,Qt):typeof Qt=="number"&&Ho(j,""+Qt):$e!=="suppressContentEditableWarning"&&$e!=="suppressHydrationWarning"&&$e!=="autoFocus"&&(C.hasOwnProperty($e)?Qt!=null&&$e==="onScroll"&&Qc("scroll",j):Qt!=null&&oe(j,$e,Qt,Ye))}switch(Y){case"input":ii(j),pi(j,ae,!1);break;case"textarea":ii(j),li(j);break;case"option":ae.value!=null&&j.setAttribute("value",""+_t(ae.value));break;case"select":j.multiple=!!ae.multiple,$e=ae.value,$e!=null?rn(j,!!ae.multiple,$e,!1):ae.defaultValue!=null&&rn(j,!!ae.multiple,ae.defaultValue,!0);break;default:typeof we.onClick=="function"&&(j.onclick=Bx)}Gm(Y,ae)&&(B.flags|=4)}B.ref!==null&&(B.flags|=128)}return null;case 6:if(j&&B.stateNode!=null)Zx(j,B,j.memoizedProps,ae);else{if(typeof ae!="string"&&B.stateNode===null)throw Error(w(166));Y=Hw(v_.current),Hw(Al.current),__(B)?(ae=B.stateNode,Y=B.memoizedProps,ae[Jg]=B,ae.nodeValue!==Y&&(B.flags|=4)):(ae=(Y.nodeType===9?Y:Y.ownerDocument).createTextNode(ae),ae[Jg]=B,B.stateNode=ae)}return null;case 13:return ia(Vl),ae=B.memoizedState,B.flags&64?(B.lanes=Y,B):(ae=ae!==null,Y=!1,j===null?B.memoizedProps.fallback!==void 0&&__(B):Y=j.memoizedState!==null,ae&&!Y&&B.mode&2&&(j===null&&B.memoizedProps.unstable_avoidThisFallback!==!0||Vl.current&1?Hf===0&&(Hf=3):((Hf===0||Hf===3)&&(Hf=4),fh===null||!(c0&134217727)&&!(ag&134217727)||om(fh,pf))),(ae||Y)&&(B.flags|=4),null);case 4:return cv(),Xw(B),j===null&&Lx(B.stateNode.containerInfo),null;case 10:return iv(B),null;case 17:return ff(B.type)&&k1(),null;case 19:if(ia(Vl),ae=B.memoizedState,ae===null)return null;if($e=(B.flags&64)!==0,Ye=ae.rendering,Ye===null)if($e)tm(ae,!1);else{if(Hf!==0||j!==null&&j.flags&64)for(j=B.child;j!==null;){if(Ye=y_(j),Ye!==null){for(B.flags|=64,tm(ae,!1),$e=Ye.updateQueue,$e!==null&&(B.updateQueue=$e,B.flags|=4),ae.lastEffect===null&&(B.firstEffect=null),B.lastEffect=ae.lastEffect,ae=Y,Y=B.child;Y!==null;)$e=Y,j=ae,$e.flags&=2,$e.nextEffect=null,$e.firstEffect=null,$e.lastEffect=null,Ye=$e.alternate,Ye===null?($e.childLanes=0,$e.lanes=j,$e.child=null,$e.memoizedProps=null,$e.memoizedState=null,$e.updateQueue=null,$e.dependencies=null,$e.stateNode=null):($e.childLanes=Ye.childLanes,$e.lanes=Ye.lanes,$e.child=Ye.child,$e.memoizedProps=Ye.memoizedProps,$e.memoizedState=Ye.memoizedState,$e.updateQueue=Ye.updateQueue,$e.type=Ye.type,j=Ye.dependencies,$e.dependencies=j===null?null:{lanes:j.lanes,firstContext:j.firstContext}),Y=Y.sibling;return Ps(Vl,Vl.current&1|2),B.child}j=j.sibling}ae.tail!==null&&ch()>pv&&(B.flags|=64,$e=!0,tm(ae,!1),B.lanes=33554432)}else{if(!$e)if(j=y_(Ye),j!==null){if(B.flags|=64,$e=!0,Y=j.updateQueue,Y!==null&&(B.updateQueue=Y,B.flags|=4),tm(ae,!0),ae.tail===null&&ae.tailMode==="hidden"&&!Ye.alternate&&!Qb)return B=B.lastEffect=ae.lastEffect,B!==null&&(B.nextEffect=null),null}else 2*ch()-ae.renderingStartTime>pv&&Y!==1073741824&&(B.flags|=64,$e=!0,tm(ae,!1),B.lanes=33554432);ae.isBackwards?(Ye.sibling=B.child,B.child=Ye):(Y=ae.last,Y!==null?Y.sibling=Ye:B.child=Ye,ae.last=Ye)}return ae.tail!==null?(Y=ae.tail,ae.rendering=Y,ae.tail=Y.sibling,ae.lastEffect=B.lastEffect,ae.renderingStartTime=ch(),Y.sibling=null,B=Vl.current,Ps(Vl,$e?B&1|2:B&1),Y):null;case 23:case 24:return ug(),j!==null&&j.memoizedState!==null!=(B.memoizedState!==null)&&ae.mode!=="unstable-defer-without-hiding"&&(B.flags|=4),null}throw Error(w(156,B.tag))}function YR(j){switch(j.tag){case 1:ff(j.type)&&k1();var B=j.flags;return B&4096?(j.flags=B&-4097|64,j):null;case 3:if(cv(),ia(Bf),ia(Jc),Jb(),B=j.flags,B&64)throw Error(w(285));return j.flags=B&-4097|64,j;case 5:return Uw(j),null;case 13:return ia(Vl),B=j.flags,B&4096?(j.flags=B&-4097|64,j):null;case 19:return ia(Vl),null;case 4:return cv(),null;case 10:return iv(j),null;case 23:case 24:return ug(),null;default:return null}}function eC(j,B){try{var Y="",ae=B;do Y+=qt(ae),ae=ae.return;while(ae);var we=Y}catch($e){we=`
Error generating stack: `+$e.message+`
`+$e.stack}return{value:j,source:B,stack:we}}function tC(j,B){try{console.error(B.value)}catch(Y){setTimeout(function(){throw Y})}}var O_=typeof WeakMap=="function"?WeakMap:Map;function V3(j,B,Y){Y=df(-1,Y),Y.tag=3,Y.payload={element:null};var ae=B.value;return Y.callback=function(){F_||(F_=!0,jE=ae),tC(j,B)},Y}function I_(j,B,Y){Y=df(-1,Y),Y.tag=3;var ae=j.type.getDerivedStateFromError;if(typeof ae=="function"){var we=B.value;Y.payload=function(){return tC(j,B),ae(we)}}var $e=j.stateNode;return $e!==null&&typeof $e.componentDidCatch=="function"&&(Y.callback=function(){typeof ae!="function"&&(nm===null?nm=new Set([this]):nm.add(this),tC(j,B));var Ye=B.stack;this.componentDidCatch(B.value,{componentStack:Ye!==null?Ye:""})}),Y}var q3=typeof WeakSet=="function"?WeakSet:Set;function D_(j){var B=j.ref;if(B!==null)if(typeof B=="function")try{B(null)}catch(Y){h0(j,Y)}else B.current=null}function $I(j,B){switch(B.tag){case 0:case 11:case 15:case 22:return;case 1:if(B.flags&256&&j!==null){var Y=j.memoizedProps,ae=j.memoizedState;j=B.stateNode,B=j.getSnapshotBeforeUpdate(B.elementType===B.type?Y:Ed(B.type,Y),ae),j.__reactInternalSnapshotBeforeUpdate=B}return;case 3:B.flags&256&&zx(B.stateNode.containerInfo);return;case 5:case 6:case 4:case 17:return}throw Error(w(163))}function nC(j,B,Y){switch(Y.tag){case 0:case 11:case 15:case 22:if(B=Y.updateQueue,B=B!==null?B.lastEffect:null,B!==null){j=B=B.next;do{if((j.tag&3)===3){var ae=j.create;j.destroy=ae()}j=j.next}while(j!==B)}if(B=Y.updateQueue,B=B!==null?B.lastEffect:null,B!==null){j=B=B.next;do{var we=j;ae=we.next,we=we.tag,we&4&&we&1&&(tk(Y,j),eO(Y,j)),j=ae}while(j!==B)}return;case 1:j=Y.stateNode,Y.flags&4&&(B===null?j.componentDidMount():(ae=Y.elementType===Y.type?B.memoizedProps:Ed(Y.type,B.memoizedProps),j.componentDidUpdate(ae,B.memoizedState,j.__reactInternalSnapshotBeforeUpdate))),B=Y.updateQueue,B!==null&&Mw(Y,B,j);return;case 3:if(B=Y.updateQueue,B!==null){if(j=null,Y.child!==null)switch(Y.child.tag){case 5:j=Y.child.stateNode;break;case 1:j=Y.child.stateNode}Mw(Y,B,j)}return;case 5:j=Y.stateNode,B===null&&Y.flags&4&&Gm(Y.type,Y.memoizedProps)&&j.focus();return;case 6:return;case 4:return;case 12:return;case 13:Y.memoizedState===null&&(Y=Y.alternate,Y!==null&&(Y=Y.memoizedState,Y!==null&&(Y=Y.dehydrated,Y!==null&&Ld(Y))));return;case 19:case 17:case 20:case 21:case 23:case 24:return}throw Error(w(163))}function $E(j,B){for(var Y=j;;){if(Y.tag===5){var ae=Y.stateNode;if(B)ae=ae.style,typeof ae.setProperty=="function"?ae.setProperty("display","none","important"):ae.display="none";else{ae=Y.stateNode;var we=Y.memoizedProps.style;we=we!=null&&we.hasOwnProperty("display")?we.display:null,ae.style.display=Yi("display",we)}}else if(Y.tag===6)Y.stateNode.nodeValue=B?"":Y.memoizedProps;else if((Y.tag!==23&&Y.tag!==24||Y.memoizedState===null||Y===j)&&Y.child!==null){Y.child.return=Y,Y=Y.child;continue}if(Y===j)break;for(;Y.sibling===null;){if(Y.return===null||Y.return===j)return;Y=Y.return}Y.sibling.return=Y.return,Y=Y.sibling}}function W3(j,B){if(R1&&typeof R1.onCommitFiberUnmount=="function")try{R1.onCommitFiberUnmount(I3,B)}catch{}switch(B.tag){case 0:case 11:case 14:case 15:case 22:if(j=B.updateQueue,j!==null&&(j=j.lastEffect,j!==null)){var Y=j=j.next;do{var ae=Y,we=ae.destroy;if(ae=ae.tag,we!==void 0)if(ae&4)tk(B,Y);else{ae=B;try{we()}catch($e){h0(ae,$e)}}Y=Y.next}while(Y!==j)}break;case 1:if(D_(B),j=B.stateNode,typeof j.componentWillUnmount=="function")try{j.props=B.memoizedProps,j.state=B.memoizedState,j.componentWillUnmount()}catch($e){h0(B,$e)}break;case 5:D_(B);break;case 4:K3(j,B)}}function rC(j){j.alternate=null,j.child=null,j.dependencies=null,j.firstEffect=null,j.lastEffect=null,j.memoizedProps=null,j.memoizedState=null,j.pendingProps=null,j.return=null,j.updateQueue=null}function Zt(j){return j.tag===5||j.tag===3||j.tag===4}function G3(j){e:{for(var B=j.return;B!==null;){if(Zt(B))break e;B=B.return}throw Error(w(160))}var Y=B;switch(B=Y.stateNode,Y.tag){case 5:var ae=!1;break;case 3:B=B.containerInfo,ae=!0;break;case 4:B=B.containerInfo,ae=!0;break;default:throw Error(w(161))}Y.flags&16&&(Ho(B,""),Y.flags&=-17);e:t:for(Y=j;;){for(;Y.sibling===null;){if(Y.return===null||Zt(Y.return)){Y=null;break e}Y=Y.return}for(Y.sibling.return=Y.return,Y=Y.sibling;Y.tag!==5&&Y.tag!==6&&Y.tag!==18;){if(Y.flags&2||Y.child===null||Y.tag===4)continue t;Y.child.return=Y,Y=Y.child}if(!(Y.flags&2)){Y=Y.stateNode;break e}}ae?D1(j,Y,B):PE(j,Y,B)}function D1(j,B,Y){var ae=j.tag,we=ae===5||ae===6;if(we)j=we?j.stateNode:j.stateNode.instance,B?Y.nodeType===8?Y.parentNode.insertBefore(j,B):Y.insertBefore(j,B):(Y.nodeType===8?(B=Y.parentNode,B.insertBefore(j,Y)):(B=Y,B.appendChild(j)),Y=Y._reactRootContainer,Y!=null||B.onclick!==null||(B.onclick=Bx));else if(ae!==4&&(j=j.child,j!==null))for(D1(j,B,Y),j=j.sibling;j!==null;)D1(j,B,Y),j=j.sibling}function PE(j,B,Y){var ae=j.tag,we=ae===5||ae===6;if(we)j=we?j.stateNode:j.stateNode.instance,B?Y.insertBefore(j,B):Y.appendChild(j);else if(ae!==4&&(j=j.child,j!==null))for(PE(j,B,Y),j=j.sibling;j!==null;)PE(j,B,Y),j=j.sibling}function K3(j,B){for(var Y=B,ae=!1,we,$e;;){if(!ae){ae=Y.return;e:for(;;){if(ae===null)throw Error(w(160));switch(we=ae.stateNode,ae.tag){case 5:$e=!1;break e;case 3:we=we.containerInfo,$e=!0;break e;case 4:we=we.containerInfo,$e=!0;break e}ae=ae.return}ae=!0}if(Y.tag===5||Y.tag===6){e:for(var Ye=j,Ct=Y,Qt=Ct;;)if(W3(Ye,Qt),Qt.child!==null&&Qt.tag!==4)Qt.child.return=Qt,Qt=Qt.child;else{if(Qt===Ct)break e;for(;Qt.sibling===null;){if(Qt.return===null||Qt.return===Ct)break e;Qt=Qt.return}Qt.sibling.return=Qt.return,Qt=Qt.sibling}$e?(Ye=we,Ct=Y.stateNode,Ye.nodeType===8?Ye.parentNode.removeChild(Ct):Ye.removeChild(Ct)):we.removeChild(Y.stateNode)}else if(Y.tag===4){if(Y.child!==null){we=Y.stateNode.containerInfo,$e=!0,Y.child.return=Y,Y=Y.child;continue}}else if(W3(j,Y),Y.child!==null){Y.child.return=Y,Y=Y.child;continue}if(Y===B)break;for(;Y.sibling===null;){if(Y.return===null||Y.return===B)return;Y=Y.return,Y.tag===4&&(ae=!1)}Y.sibling.return=Y.return,Y=Y.sibling}}function Y3(j,B){switch(B.tag){case 0:case 11:case 14:case 15:case 22:var Y=B.updateQueue;if(Y=Y!==null?Y.lastEffect:null,Y!==null){var ae=Y=Y.next;do(ae.tag&3)===3&&(j=ae.destroy,ae.destroy=void 0,j!==void 0&&j()),ae=ae.next;while(ae!==Y)}return;case 1:return;case 5:if(Y=B.stateNode,Y!=null){ae=B.memoizedProps;var we=j!==null?j.memoizedProps:ae;j=B.type;var $e=B.updateQueue;if(B.updateQueue=null,$e!==null){for(Y[Ux]=ae,j==="input"&&ae.type==="radio"&&ae.name!=null&&Xs(Y,ae),yo(j,we),B=yo(j,ae),we=0;we<$e.length;we+=2){var Ye=$e[we],Ct=$e[we+1];Ye==="style"?so(Y,Ct):Ye==="dangerouslySetInnerHTML"?xo(Y,Ct):Ye==="children"?Ho(Y,Ct):oe(Y,Ye,Ct,B)}switch(j){case"input":Io(Y,ae);break;case"textarea":oi(Y,ae);break;case"select":j=Y._wrapperState.wasMultiple,Y._wrapperState.wasMultiple=!!ae.multiple,$e=ae.value,$e!=null?rn(Y,!!ae.multiple,$e,!1):j!==!!ae.multiple&&(ae.defaultValue!=null?rn(Y,!!ae.multiple,ae.defaultValue,!0):rn(Y,!!ae.multiple,ae.multiple?[]:"",!1))}}}return;case 6:if(B.stateNode===null)throw Error(w(162));B.stateNode.nodeValue=B.memoizedProps;return;case 3:Y=B.stateNode,Y.hydrate&&(Y.hydrate=!1,Ld(Y.containerInfo));return;case 12:return;case 13:B.memoizedState!==null&&(P_=ch(),$E(B.child,!0)),X3(B);return;case 19:X3(B);return;case 17:return;case 23:case 24:$E(B,B.memoizedState!==null);return}throw Error(w(163))}function X3(j){var B=j.updateQueue;if(B!==null){j.updateQueue=null;var Y=j.stateNode;Y===null&&(Y=j.stateNode=new q3),B.forEach(function(ae){var we=NI.bind(null,j,ae);Y.has(ae)||(Y.add(ae),ae.then(we,we))})}}function PI(j,B){return j!==null&&(j=j.memoizedState,j===null||j.dehydrated!==null)?(B=B.memoizedState,B!==null&&B.dehydrated===null):!1}var A_=Math.ceil,qp=me.ReactCurrentDispatcher,a0=me.ReactCurrentOwner,gs=0,fh=null,ql=null,pf=0,jo=0,u0=lp(0),Hf=0,pl=null,Wp=0,c0=0,ag=0,Uf=0,$_=null,P_=0,pv=1/0;function FE(){pv=ch()+500}var ho=null,F_=!1,jE=null,nm=null,jh=!1,Vf=null,rm=90,Q3=[],ME=[],l0=null,Qw=0,f0=null,j_=-1,im=0,iC=0,M_=null,J3=!1;function A1(){return gs&48?ch():j_!==-1?j_:j_=ch()}function rb(j){if(j=j.mode,!(j&2))return 1;if(!(j&4))return CE()===99?1:2;if(im===0&&(im=Wp),tv.transition!==0){iC!==0&&(iC=$_!==null?$_.pendingLanes:0),j=im;var B=4186112&~iC;return B&=-B,B===0&&(j=4186112&~j,B=j&-j,B===0&&(B=8192)),B}return j=CE(),gs&4&&j===98?j=sl(12,im):(j=va(j),j=sl(j,im)),j}function d0(j,B,Y){if(50<Qw)throw Qw=0,f0=null,Error(w(185));if(j=oC(j,B),j===null)return null;xt(j,B,Y),j===fh&&(ag|=B,Hf===4&&om(j,pf));var ae=CE();B===1?gs&8&&!(gs&48)?N_(j):(Gp(j,Y),gs===0&&(FE(),Hd())):(!(gs&4)||ae!==98&&ae!==99||(l0===null?l0=new Set([j]):l0.add(j)),Gp(j,Y)),$_=j}function oC(j,B){j.lanes|=B;var Y=j.alternate;for(Y!==null&&(Y.lanes|=B),Y=j,j=j.return;j!==null;)j.childLanes|=B,Y=j.alternate,Y!==null&&(Y.childLanes|=B),Y=j,j=j.return;return Y.tag===3?Y.stateNode:null}function Gp(j,B){for(var Y=j.callbackNode,ae=j.suspendedLanes,we=j.pingedLanes,$e=j.expirationTimes,Ye=j.pendingLanes;0<Ye;){var Ct=31-vn(Ye),Qt=1<<Ct,sr=$e[Ct];if(sr===-1){if(!(Qt&ae)||Qt&we){sr=B,lo(Qt);var ao=Oi;$e[Ct]=10<=ao?sr+250:6<=ao?sr+5e3:-1}}else sr<=B&&(j.expiredLanes|=Qt);Ye&=~Qt}if(ae=Zs(j,j===fh?pf:0),B=Oi,ae===0)Y!==null&&(Y!==$3&&h_(Y),j.callbackNode=null,j.callbackPriority=0);else{if(Y!==null){if(j.callbackPriority===B)return;Y!==$3&&h_(Y)}B===15?(Y=N_.bind(null,j),Wb===null?(Wb=[Y],qx=Zg(Vx,Gb)):Wb.push(Y),Y=$3):B===14?Y=jw(99,N_.bind(null,j)):(Y=ac(B),Y=jw(Y,sC.bind(null,j))),j.callbackPriority=B,j.callbackNode=Y}}function sC(j){if(j_=-1,iC=im=0,gs&48)throw Error(w(327));var B=j.callbackNode;if(bv()&&j.callbackNode!==B)return null;var Y=Zs(j,j===fh?pf:0);if(Y===0)return null;var ae=Y,we=gs;gs|=16;var $e=Zw();(fh!==j||pf!==ae)&&(FE(),$1(j,ae));do try{JR();break}catch(Ct){aC(j,Ct)}while(1);if(rv(),qp.current=$e,gs=we,ql!==null?ae=0:(fh=null,pf=0,ae=Hf),Wp&ag)$1(j,0);else if(ae!==0){if(ae===2&&(gs|=64,j.hydrate&&(j.hydrate=!1,zx(j.containerInfo)),Y=fl(j),Y!==0&&(ae=L_(j,Y))),ae===1)throw B=pl,$1(j,0),om(j,Y),Gp(j,ch()),B;switch(j.finishedWork=j.current.alternate,j.finishedLanes=Y,ae){case 0:case 1:throw Error(w(345));case 2:gv(j);break;case 3:if(om(j,Y),(Y&62914560)===Y&&(ae=P_+500-ch(),10<ae)){if(Zs(j,0)!==0)break;if(we=j.suspendedLanes,(we&Y)!==Y){A1(),j.pingedLanes|=j.suspendedLanes&we;break}j.timeoutHandle=SE(gv.bind(null,j),ae);break}gv(j);break;case 4:if(om(j,Y),(Y&4186112)===Y)break;for(ae=j.eventTimes,we=-1;0<Y;){var Ye=31-vn(Y);$e=1<<Ye,Ye=ae[Ye],Ye>we&&(we=Ye),Y&=~$e}if(Y=we,Y=ch()-Y,Y=(120>Y?120:480>Y?480:1080>Y?1080:1920>Y?1920:3e3>Y?3e3:4320>Y?4320:1960*A_(Y/1960))-Y,10<Y){j.timeoutHandle=SE(gv.bind(null,j),Y);break}gv(j);break;case 5:gv(j);break;default:throw Error(w(329))}}return Gp(j,ch()),j.callbackNode===B?sC.bind(null,j):null}function om(j,B){for(B&=~Uf,B&=~ag,j.suspendedLanes|=B,j.pingedLanes&=~B,j=j.expirationTimes;0<B;){var Y=31-vn(B),ae=1<<Y;j[Y]=-1,B&=~ae}}function N_(j){if(gs&48)throw Error(w(327));if(bv(),j===fh&&j.expiredLanes&pf){var B=pf,Y=L_(j,B);Wp&ag&&(B=Zs(j,B),Y=L_(j,B))}else B=Zs(j,0),Y=L_(j,B);if(j.tag!==0&&Y===2&&(gs|=64,j.hydrate&&(j.hydrate=!1,zx(j.containerInfo)),B=fl(j),B!==0&&(Y=L_(j,B))),Y===1)throw Y=pl,$1(j,0),om(j,B),Gp(j,ch()),Y;return j.finishedWork=j.current.alternate,j.finishedLanes=B,gv(j),Gp(j,ch()),null}function XR(){if(l0!==null){var j=l0;l0=null,j.forEach(function(B){B.expiredLanes|=24&B.pendingLanes,Gp(B,ch())})}Hd()}function Z3(j,B){var Y=gs;gs|=1;try{return j(B)}finally{gs=Y,gs===0&&(FE(),Hd())}}function ib(j,B){var Y=gs;gs&=-2,gs|=8;try{return j(B)}finally{gs=Y,gs===0&&(FE(),Hd())}}function Jw(j,B){Ps(u0,jo),jo|=B,Wp|=B}function ug(){jo=u0.current,ia(u0)}function $1(j,B){j.finishedWork=null,j.finishedLanes=0;var Y=j.timeoutHandle;if(Y!==-1&&(j.timeoutHandle=-1,O3(Y)),ql!==null)for(Y=ql.return;Y!==null;){var ae=Y;switch(ae.tag){case 1:ae=ae.type.childContextTypes,ae!=null&&k1();break;case 3:cv(),ia(Bf),ia(Jc),Jb();break;case 5:Uw(ae);break;case 4:cv();break;case 13:ia(Vl);break;case 19:ia(Vl);break;case 10:iv(ae);break;case 23:case 24:ug()}Y=Y.return}fh=j,ql=vv(j.current,null),pf=jo=Wp=B,Hf=0,pl=null,Uf=ag=c0=0}function aC(j,B){do{var Y=ql;try{if(rv(),OE.current=Kw,S_){for(var ae=hl.memoizedState;ae!==null;){var we=ae.queue;we!==null&&(we.pending=null),ae=ae.next}S_=!1}if(Vw=0,zf=_d=hl=null,n0=!1,a0.current=null,Y===null||Y.return===null){Hf=1,pl=B,ql=null;break}e:{var $e=j,Ye=Y.return,Ct=Y,Qt=B;if(B=pf,Ct.flags|=2048,Ct.firstEffect=Ct.lastEffect=null,Qt!==null&&typeof Qt=="object"&&typeof Qt.then=="function"){var sr=Qt;if(!(Ct.mode&2)){var ao=Ct.alternate;ao?(Ct.updateQueue=ao.updateQueue,Ct.memoizedState=ao.memoizedState,Ct.lanes=ao.lanes):(Ct.updateQueue=null,Ct.memoizedState=null)}var Fs=(Vl.current&1)!==0,Xr=Ye;do{var Lo;if(Lo=Xr.tag===13){var Gs=Xr.memoizedState;if(Gs!==null)Lo=Gs.dehydrated!==null;else{var as=Xr.memoizedProps;Lo=as.fallback===void 0?!1:as.unstable_avoidThisFallback!==!0?!0:!Fs}}if(Lo){var $n=Xr.updateQueue;if($n===null){var un=new Set;un.add(sr),Xr.updateQueue=un}else $n.add(sr);if(!(Xr.mode&2)){if(Xr.flags|=64,Ct.flags|=16384,Ct.flags&=-2981,Ct.tag===1)if(Ct.alternate===null)Ct.tag=17;else{var On=df(-1,1);On.tag=2,Jm(Ct,On)}Ct.lanes|=1;break e}Qt=void 0,Ct=B;var kr=$e.pingCache;if(kr===null?(kr=$e.pingCache=new O_,Qt=new Set,kr.set(sr,Qt)):(Qt=kr.get(sr),Qt===void 0&&(Qt=new Set,kr.set(sr,Qt))),!Qt.has(Ct)){Qt.add(Ct);var zr=MI.bind(null,$e,sr,Ct);sr.then(zr,zr)}Xr.flags|=4096,Xr.lanes=B;break e}Xr=Xr.return}while(Xr!==null);Qt=Error((Pt(Ct.type)||"A React component")+` suspended while rendering, but no fallback UI was specified.
Add a <Suspense fallback=...> component higher in the tree to provide a loading indicator or placeholder to display.`)}Hf!==5&&(Hf=2),Qt=eC(Qt,Ct),Xr=Ye;do{switch(Xr.tag){case 3:$e=Qt,Xr.flags|=4096,B&=-B,Xr.lanes|=B;var oa=V3(Xr,$e,B);F3(Xr,oa);break e;case 1:$e=Qt;var mo=Xr.type,_s=Xr.stateNode;if(!(Xr.flags&64)&&(typeof mo.getDerivedStateFromError=="function"||_s!==null&&typeof _s.componentDidCatch=="function"&&(nm===null||!nm.has(_s)))){Xr.flags|=4096,B&=-B,Xr.lanes|=B;var Ta=I_(Xr,$e,B);F3(Xr,Ta);break e}}Xr=Xr.return}while(Xr!==null)}ZR(Y)}catch(da){B=da,ql===Y&&Y!==null&&(ql=Y=Y.return);continue}break}while(1)}function Zw(){var j=qp.current;return qp.current=Kw,j===null?Kw:j}function L_(j,B){var Y=gs;gs|=16;var ae=Zw();fh===j&&pf===B||$1(j,B);do try{QR();break}catch(we){aC(j,we)}while(1);if(rv(),gs=Y,qp.current=ae,ql!==null)throw Error(w(261));return fh=null,pf=0,Hf}function QR(){for(;ql!==null;)ek(ql)}function JR(){for(;ql!==null&&!HR();)ek(ql)}function ek(j){var B=tO(j.alternate,j,jo);j.memoizedProps=j.pendingProps,B===null?ZR(j):ql=B,a0.current=null}function ZR(j){var B=j;do{var Y=B.alternate;if(j=B.return,B.flags&2048){if(Y=YR(B),Y!==null){Y.flags&=2047,ql=Y;return}j!==null&&(j.firstEffect=j.lastEffect=null,j.flags|=2048)}else{if(Y=R_(Y,B,jo),Y!==null){ql=Y;return}if(Y=B,Y.tag!==24&&Y.tag!==23||Y.memoizedState===null||jo&1073741824||!(Y.mode&4)){for(var ae=0,we=Y.child;we!==null;)ae|=we.lanes|we.childLanes,we=we.sibling;Y.childLanes=ae}j!==null&&!(j.flags&2048)&&(j.firstEffect===null&&(j.firstEffect=B.firstEffect),B.lastEffect!==null&&(j.lastEffect!==null&&(j.lastEffect.nextEffect=B.firstEffect),j.lastEffect=B.lastEffect),1<B.flags&&(j.lastEffect!==null?j.lastEffect.nextEffect=B:j.firstEffect=B,j.lastEffect=B))}if(B=B.sibling,B!==null){ql=B;return}ql=B=j}while(B!==null);Hf===0&&(Hf=5)}function gv(j){var B=CE();return Fw(99,FI.bind(null,j,B)),null}function FI(j,B){do bv();while(Vf!==null);if(gs&48)throw Error(w(327));var Y=j.finishedWork;if(Y===null)return null;if(j.finishedWork=null,j.finishedLanes=0,Y===j.current)throw Error(w(177));j.callbackNode=null;var ae=Y.lanes|Y.childLanes,we=ae,$e=j.pendingLanes&~we;j.pendingLanes=we,j.suspendedLanes=0,j.pingedLanes=0,j.expiredLanes&=we,j.mutableReadLanes&=we,j.entangledLanes&=we,we=j.entanglements;for(var Ye=j.eventTimes,Ct=j.expirationTimes;0<$e;){var Qt=31-vn($e),sr=1<<Qt;we[Qt]=0,Ye[Qt]=-1,Ct[Qt]=-1,$e&=~sr}if(l0!==null&&!(ae&24)&&l0.has(j)&&l0.delete(j),j===fh&&(ql=fh=null,pf=0),1<Y.flags?Y.lastEffect!==null?(Y.lastEffect.nextEffect=Y,ae=Y.firstEffect):ae=Y:ae=Y.firstEffect,ae!==null){if(we=gs,gs|=32,a0.current=null,R3=Dl,Ye=a_(),rg(Ye)){if("selectionStart"in Ye)Ct={start:Ye.selectionStart,end:Ye.selectionEnd};else e:if(Ct=(Ct=Ye.ownerDocument)&&Ct.defaultView||window,(sr=Ct.getSelection&&Ct.getSelection())&&sr.rangeCount!==0){Ct=sr.anchorNode,$e=sr.anchorOffset,Qt=sr.focusNode,sr=sr.focusOffset;try{Ct.nodeType,Qt.nodeType}catch{Ct=null;break e}var ao=0,Fs=-1,Xr=-1,Lo=0,Gs=0,as=Ye,$n=null;t:for(;;){for(var un;as!==Ct||$e!==0&&as.nodeType!==3||(Fs=ao+$e),as!==Qt||sr!==0&&as.nodeType!==3||(Xr=ao+sr),as.nodeType===3&&(ao+=as.nodeValue.length),(un=as.firstChild)!==null;)$n=as,as=un;for(;;){if(as===Ye)break t;if($n===Ct&&++Lo===$e&&(Fs=ao),$n===Qt&&++Gs===sr&&(Xr=ao),(un=as.nextSibling)!==null)break;as=$n,$n=as.parentNode}as=un}Ct=Fs===-1||Xr===-1?null:{start:Fs,end:Xr}}else Ct=null;Ct=Ct||{start:0,end:0}}else Ct=null;_E={focusedElem:Ye,selectionRange:Ct},Dl=!1,M_=null,J3=!1,ho=ae;do try{jI()}catch(da){if(ho===null)throw Error(w(330));h0(ho,da),ho=ho.nextEffect}while(ho!==null);M_=null,ho=ae;do try{for(Ye=j;ho!==null;){var On=ho.flags;if(On&16&&Ho(ho.stateNode,""),On&128){var kr=ho.alternate;if(kr!==null){var zr=kr.ref;zr!==null&&(typeof zr=="function"?zr(null):zr.current=null)}}switch(On&1038){case 2:G3(ho),ho.flags&=-3;break;case 6:G3(ho),ho.flags&=-3,Y3(ho.alternate,ho);break;case 1024:ho.flags&=-1025;break;case 1028:ho.flags&=-1025,Y3(ho.alternate,ho);break;case 4:Y3(ho.alternate,ho);break;case 8:Ct=ho,K3(Ye,Ct);var oa=Ct.alternate;rC(Ct),oa!==null&&rC(oa)}ho=ho.nextEffect}}catch(da){if(ho===null)throw Error(w(330));h0(ho,da),ho=ho.nextEffect}while(ho!==null);if(zr=_E,kr=a_(),On=zr.focusedElem,Ye=zr.selectionRange,kr!==On&&On&&On.ownerDocument&&Rw(On.ownerDocument.documentElement,On)){for(Ye!==null&&rg(On)&&(kr=Ye.start,zr=Ye.end,zr===void 0&&(zr=kr),"selectionStart"in On?(On.selectionStart=kr,On.selectionEnd=Math.min(zr,On.value.length)):(zr=(kr=On.ownerDocument||document)&&kr.defaultView||window,zr.getSelection&&(zr=zr.getSelection(),Ct=On.textContent.length,oa=Math.min(Ye.start,Ct),Ye=Ye.end===void 0?oa:Math.min(Ye.end,Ct),!zr.extend&&oa>Ye&&(Ct=Ye,Ye=oa,oa=Ct),Ct=C1(On,oa),$e=C1(On,Ye),Ct&&$e&&(zr.rangeCount!==1||zr.anchorNode!==Ct.node||zr.anchorOffset!==Ct.offset||zr.focusNode!==$e.node||zr.focusOffset!==$e.offset)&&(kr=kr.createRange(),kr.setStart(Ct.node,Ct.offset),zr.removeAllRanges(),oa>Ye?(zr.addRange(kr),zr.extend($e.node,$e.offset)):(kr.setEnd($e.node,$e.offset),zr.addRange(kr)))))),kr=[],zr=On;zr=zr.parentNode;)zr.nodeType===1&&kr.push({element:zr,left:zr.scrollLeft,top:zr.scrollTop});for(typeof On.focus=="function"&&On.focus(),On=0;On<kr.length;On++)zr=kr[On],zr.element.scrollLeft=zr.left,zr.element.scrollTop=zr.top}Dl=!!R3,_E=R3=null,j.current=Y,ho=ae;do try{for(On=j;ho!==null;){var mo=ho.flags;if(mo&36&&nC(On,ho.alternate,ho),mo&128){kr=void 0;var _s=ho.ref;if(_s!==null){var Ta=ho.stateNode;switch(ho.tag){case 5:kr=Ta;break;default:kr=Ta}typeof _s=="function"?_s(kr):_s.current=kr}}ho=ho.nextEffect}}catch(da){if(ho===null)throw Error(w(330));h0(ho,da),ho=ho.nextEffect}while(ho!==null);ho=null,qR(),gs=we}else j.current=Y;if(jh)jh=!1,Vf=j,rm=B;else for(ho=ae;ho!==null;)B=ho.nextEffect,ho.nextEffect=null,ho.flags&8&&(mo=ho,mo.sibling=null,mo.stateNode=null),ho=B;if(ae=j.pendingLanes,ae===0&&(nm=null),ae===1?j===f0?Qw++:(Qw=0,f0=j):Qw=0,Y=Y.stateNode,R1&&typeof R1.onCommitFiberRoot=="function")try{R1.onCommitFiberRoot(I3,Y,void 0,(Y.current.flags&64)===64)}catch{}if(Gp(j,ch()),F_)throw F_=!1,j=jE,jE=null,j;return gs&8||Hd(),null}function jI(){for(;ho!==null;){var j=ho.alternate;J3||M_===null||(ho.flags&8?ou(ho,M_)&&(J3=!0):ho.tag===13&&PI(j,ho)&&ou(ho,M_)&&(J3=!0));var B=ho.flags;B&256&&$I(j,ho),!(B&512)||jh||(jh=!0,jw(97,function(){return bv(),null})),ho=ho.nextEffect}}function bv(){if(rm!==90){var j=97<rm?97:rm;return rm=90,Fw(j,nk)}return!1}function eO(j,B){Q3.push(B,j),jh||(jh=!0,jw(97,function(){return bv(),null}))}function tk(j,B){ME.push(B,j),jh||(jh=!0,jw(97,function(){return bv(),null}))}function nk(){if(Vf===null)return!1;var j=Vf;if(Vf=null,gs&48)throw Error(w(331));var B=gs;gs|=32;var Y=ME;ME=[];for(var ae=0;ae<Y.length;ae+=2){var we=Y[ae],$e=Y[ae+1],Ye=we.destroy;if(we.destroy=void 0,typeof Ye=="function")try{Ye()}catch(Qt){if($e===null)throw Error(w(330));h0($e,Qt)}}for(Y=Q3,Q3=[],ae=0;ae<Y.length;ae+=2){we=Y[ae],$e=Y[ae+1];try{var Ct=we.create;we.destroy=Ct()}catch(Qt){if($e===null)throw Error(w(330));h0($e,Qt)}}for(Ct=j.current.firstEffect;Ct!==null;)j=Ct.nextEffect,Ct.nextEffect=null,Ct.flags&8&&(Ct.sibling=null,Ct.stateNode=null),Ct=j;return gs=B,Hd(),!0}function mv(j,B,Y){B=eC(Y,B),B=V3(j,B,1),Jm(j,B),B=A1(),j=oC(j,1),j!==null&&(xt(j,1,B),Gp(j,B))}function h0(j,B){if(j.tag===3)mv(j,j,B);else for(var Y=j.return;Y!==null;){if(Y.tag===3){mv(Y,j,B);break}else if(Y.tag===1){var ae=Y.stateNode;if(typeof Y.type.getDerivedStateFromError=="function"||typeof ae.componentDidCatch=="function"&&(nm===null||!nm.has(ae))){j=eC(B,j);var we=I_(Y,j,1);if(Jm(Y,we),we=A1(),Y=oC(Y,1),Y!==null)xt(Y,1,we),Gp(Y,we);else if(typeof ae.componentDidCatch=="function"&&(nm===null||!nm.has(ae)))try{ae.componentDidCatch(B,j)}catch{}break}}Y=Y.return}}function MI(j,B,Y){var ae=j.pingCache;ae!==null&&ae.delete(B),B=A1(),j.pingedLanes|=j.suspendedLanes&Y,fh===j&&(pf&Y)===Y&&(Hf===4||Hf===3&&(pf&62914560)===pf&&500>ch()-P_?$1(j,0):Uf|=Y),Gp(j,B)}function NI(j,B){var Y=j.stateNode;Y!==null&&Y.delete(B),B=0,B===0&&(B=j.mode,B&2?B&4?(im===0&&(im=Wp),B=wa(62914560&~im),B===0&&(B=4194304)):B=CE()===99?1:2:B=1),Y=A1(),j=oC(j,B),j!==null&&(xt(j,B,Y),Gp(j,Y))}var tO;tO=function(j,B,Y){var ae=B.lanes;if(j!==null)if(j.memoizedProps!==B.pendingProps||Bf.current)xd=!0;else if(Y&ae)xd=!!(j.flags&16384);else{switch(xd=!1,B.tag){case 3:H3(B),RE();break;case 5:WR(B);break;case 1:ff(B.type)&&ig(B);break;case 4:w_(B,B.stateNode.containerInfo);break;case 10:ae=B.memoizedProps.value;var we=B.type._context;Ps(Xm,we._currentValue),we._currentValue=ae;break;case 13:if(B.memoizedState!==null)return Y&B.child.childLanes?s0(j,B,Y):(Ps(Vl,Vl.current&1),B=Vp(j,B,Y),B!==null?B.sibling:null);Ps(Vl,Vl.current&1);break;case 19:if(ae=(Y&B.childLanes)!==0,j.flags&64){if(ae)return Jx(j,B,Y);B.flags|=64}if(we=B.memoizedState,we!==null&&(we.rendering=null,we.tail=null,we.lastEffect=null),Ps(Vl,Vl.current),ae)break;return null;case 23:case 24:return B.lanes=0,hv(j,B,Y)}return Vp(j,B,Y)}else xd=!1;switch(B.lanes=0,B.tag){case 2:if(ae=B.type,j!==null&&(j.alternate=null,B.alternate=null,B.flags|=2),j=B.pendingProps,we=Ke(B,Jc.current),Qm(B,Y),we=Gx(null,B,ae,j,we,Y),B.flags|=1,typeof we=="object"&&we!==null&&typeof we.render=="function"&&we.$$typeof===void 0){if(B.tag=1,B.memoizedState=null,B.updateQueue=null,ff(ae)){var $e=!0;ig(B)}else $e=!1;B.memoizedState=we.state!==null&&we.state!==void 0?we.state:null,g_(B);var Ye=ae.getDerivedStateFromProps;typeof Ye=="function"&&Nw(B,ae,Ye,j),we.updater=kE,B.stateNode=we,we._reactInternals=B,sd(B,ae,j,Y),B=Qx(null,B,ae,!0,$e,Y)}else B.tag=0,Up(null,B,we,Y),B=B.child;return B;case 16:we=B.elementType;e:{switch(j!==null&&(j.alternate=null,B.alternate=null,B.flags|=2),j=B.pendingProps,$e=we._init,we=$e(we._payload),B.type=we,$e=B.tag=LI(we),j=Ed(we,j),$e){case 0:B=z3(null,B,we,j,Y);break e;case 1:B=GR(null,B,we,j,Y);break e;case 11:B=em(null,B,we,j,Y);break e;case 14:B=T_(null,B,we,Ed(we.type,j),ae,Y);break e}throw Error(w(306,we,""))}return B;case 0:return ae=B.type,we=B.pendingProps,we=B.elementType===ae?we:Ed(ae,we),z3(j,B,ae,we,Y);case 1:return ae=B.type,we=B.pendingProps,we=B.elementType===ae?we:Ed(ae,we),GR(j,B,ae,we,Y);case 3:if(H3(B),ae=B.updateQueue,j===null||ae===null)throw Error(w(282));if(ae=B.pendingProps,we=B.memoizedState,we=we!==null?we.element:null,ov(j,B),Yb(B,ae,null,Y),ae=B.memoizedState.element,ae===we)RE(),B=Vp(j,B,Y);else{if(we=B.stateNode,($e=we.hydrate)&&(I1=X0(B.stateNode.containerInfo.firstChild),Xb=B,$e=Qb=!0),$e){if(j=we.mutableSourceEagerHydrationData,j!=null)for(we=0;we<j.length;we+=2)$e=j[we],$e._workInProgressVersionPrimary=j[we+1],lv.push($e);for(Y=e0(B,null,ae,Y),B.child=Y;Y;)Y.flags=Y.flags&-3|1024,Y=Y.sibling}else Up(j,B,ae,Y),RE();B=B.child}return B;case 5:return WR(B),j===null&&t0(B),ae=B.type,we=B.pendingProps,$e=j!==null?j.memoizedProps:null,Ye=we.children,$w(ae,we)?Ye=null:$e!==null&&$w(ae,$e)&&(B.flags|=16),AI(j,B),Up(j,B,Ye,Y),B.child;case 6:return j===null&&t0(B),null;case 13:return s0(j,B,Y);case 4:return w_(B,B.stateNode.containerInfo),ae=B.pendingProps,j===null?B.child=av(B,null,ae,Y):Up(j,B,ae,Y),B.child;case 11:return ae=B.type,we=B.pendingProps,we=B.elementType===ae?we:Ed(ae,we),em(j,B,ae,we,Y);case 7:return Up(j,B,B.pendingProps,Y),B.child;case 8:return Up(j,B,B.pendingProps.children,Y),B.child;case 12:return Up(j,B,B.pendingProps.children,Y),B.child;case 10:e:{ae=B.type._context,we=B.pendingProps,Ye=B.memoizedProps,$e=we.value;var Ct=B.type._context;if(Ps(Xm,Ct._currentValue),Ct._currentValue=$e,Ye!==null)if(Ct=Ye.value,$e=bc(Ct,$e)?0:(typeof ae._calculateChangedBits=="function"?ae._calculateChangedBits(Ct,$e):1073741823)|0,$e===0){if(Ye.children===we.children&&!Bf.current){B=Vp(j,B,Y);break e}}else for(Ct=B.child,Ct!==null&&(Ct.return=B);Ct!==null;){var Qt=Ct.dependencies;if(Qt!==null){Ye=Ct.child;for(var sr=Qt.firstContext;sr!==null;){if(sr.context===ae&&sr.observedBits&$e){Ct.tag===1&&(sr=df(-1,Y&-Y),sr.tag=2,Jm(Ct,sr)),Ct.lanes|=Y,sr=Ct.alternate,sr!==null&&(sr.lanes|=Y),P3(Ct.return,Y),Qt.lanes|=Y;break}sr=sr.next}}else Ye=Ct.tag===10&&Ct.type===B.type?null:Ct.child;if(Ye!==null)Ye.return=Ct;else for(Ye=Ct;Ye!==null;){if(Ye===B){Ye=null;break}if(Ct=Ye.sibling,Ct!==null){Ct.return=Ye.return,Ye=Ct;break}Ye=Ye.return}Ct=Ye}Up(j,B,we.children,Y),B=B.child}return B;case 9:return we=B.type,$e=B.pendingProps,ae=$e.children,Qm(B,Y),we=zp(we,$e.unstable_observedBits),ae=ae(we),B.flags|=1,Up(j,B,ae,Y),B.child;case 14:return we=B.type,$e=Ed(we,B.pendingProps),$e=Ed(we.type,$e),T_(j,B,we,$e,ae,Y);case 15:return B3(j,B,B.type,B.pendingProps,ae,Y);case 17:return ae=B.type,we=B.pendingProps,we=B.elementType===ae?we:Ed(ae,we),j!==null&&(j.alternate=null,B.alternate=null,B.flags|=2),B.tag=1,ff(ae)?(j=!0,ig(B)):j=!1,Qm(B,Y),Lw(B,ae,we),sd(B,ae,we,Y),Qx(null,B,ae,!0,j,Y);case 19:return Jx(j,B,Y);case 23:return hv(j,B,Y);case 24:return hv(j,B,Y)}throw Error(w(156,B.tag))};function nO(j,B,Y,ae){this.tag=j,this.key=Y,this.sibling=this.child=this.return=this.stateNode=this.type=this.elementType=null,this.index=0,this.ref=null,this.pendingProps=B,this.dependencies=this.memoizedState=this.updateQueue=this.memoizedProps=null,this.mode=ae,this.flags=0,this.lastEffect=this.firstEffect=this.nextEffect=null,this.childLanes=this.lanes=0,this.alternate=null}function cg(j,B,Y,ae){return new nO(j,B,Y,ae)}function uC(j){return j=j.prototype,!(!j||!j.isReactComponent)}function LI(j){if(typeof j=="function")return uC(j)?1:0;if(j!=null){if(j=j.$$typeof,j===Xe)return 11;if(j===Rt)return 14}return 2}function vv(j,B){var Y=j.alternate;return Y===null?(Y=cg(j.tag,B,j.key,j.mode),Y.elementType=j.elementType,Y.type=j.type,Y.stateNode=j.stateNode,Y.alternate=j,j.alternate=Y):(Y.pendingProps=B,Y.type=j.type,Y.flags=0,Y.nextEffect=null,Y.firstEffect=null,Y.lastEffect=null),Y.childLanes=j.childLanes,Y.lanes=j.lanes,Y.child=j.child,Y.memoizedProps=j.memoizedProps,Y.memoizedState=j.memoizedState,Y.updateQueue=j.updateQueue,B=j.dependencies,Y.dependencies=B===null?null:{lanes:B.lanes,firstContext:B.firstContext},Y.sibling=j.sibling,Y.index=j.index,Y.ref=j.ref,Y}function B_(j,B,Y,ae,we,$e){var Ye=2;if(ae=j,typeof j=="function")uC(j)&&(Ye=1);else if(typeof j=="string")Ye=5;else e:switch(j){case rt:return sm(Y.children,we,$e,B);case Fe:Ye=8,we|=16;break;case Ue:Ye=8,we|=1;break;case Ze:return j=cg(12,Y,B,we|8),j.elementType=Ze,j.type=Ze,j.lanes=$e,j;case xe:return j=cg(13,Y,B,we),j.type=xe,j.elementType=xe,j.lanes=$e,j;case Tn:return j=cg(19,Y,B,we),j.elementType=Tn,j.lanes=$e,j;case Re:return Vd(Y,we,$e,B);case Ae:return j=cg(24,Y,B,we),j.elementType=Ae,j.lanes=$e,j;default:if(typeof j=="object"&&j!==null)switch(j.$$typeof){case gt:Ye=10;break e;case $t:Ye=9;break e;case Xe:Ye=11;break e;case Rt:Ye=14;break e;case mt:Ye=16,ae=null;break e;case en:Ye=22;break e}throw Error(w(130,j==null?j:typeof j,""))}return B=cg(Ye,Y,B,we),B.elementType=j,B.type=ae,B.lanes=$e,B}function sm(j,B,Y,ae){return j=cg(7,j,ae,B),j.lanes=Y,j}function Vd(j,B,Y,ae){return j=cg(23,j,ae,B),j.elementType=Re,j.lanes=Y,j}function rk(j,B,Y){return j=cg(6,j,null,B),j.lanes=Y,j}function ik(j,B,Y){return B=cg(4,j.children!==null?j.children:[],j.key,B),B.lanes=Y,B.stateNode={containerInfo:j.containerInfo,pendingChildren:null,implementation:j.implementation},B}function BI(j,B,Y){this.tag=B,this.containerInfo=j,this.finishedWork=this.pingCache=this.current=this.pendingChildren=null,this.timeoutHandle=-1,this.pendingContext=this.context=null,this.hydrate=Y,this.callbackNode=null,this.callbackPriority=0,this.eventTimes=Ha(0),this.expirationTimes=Ha(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=Ha(0),this.mutableSourceEagerHydrationData=null}function z_(j,B,Y){var ae=3<arguments.length&&arguments[3]!==void 0?arguments[3]:null;return{$$typeof:Le,key:ae==null?null:""+ae,children:j,containerInfo:B,implementation:Y}}function cC(j,B,Y,ae){var we=B.current,$e=A1(),Ye=rb(we);e:if(Y){Y=Y._reactInternals;t:{if(To(Y)!==Y||Y.tag!==1)throw Error(w(170));var Ct=Y;do{switch(Ct.tag){case 3:Ct=Ct.stateNode.context;break t;case 1:if(ff(Ct.type)){Ct=Ct.stateNode.__reactInternalMemoizedMergedChildContext;break t}}Ct=Ct.return}while(Ct!==null);throw Error(w(171))}if(Y.tag===1){var Qt=Y.type;if(ff(Qt)){Y=Aa(Y,Qt,Ct);break e}}Y=Ct}else Y=J0;return B.context===null?B.context=Y:B.pendingContext=Y,B=df($e,Ye),B.payload={element:j},ae=ae===void 0?null:ae,ae!==null&&(B.callback=ae),Jm(we,B),d0(we,Ye,$e),Ye}function lC(j){if(j=j.current,!j.child)return null;switch(j.child.tag){case 5:return j.child.stateNode;default:return j.child.stateNode}}function rO(j,B){if(j=j.memoizedState,j!==null&&j.dehydrated!==null){var Y=j.retryLane;j.retryLane=Y!==0&&Y<B?Y:B}}function fC(j,B){rO(j,B),(j=j.alternate)&&rO(j,B)}function dC(){return null}function ok(j,B,Y){var ae=Y!=null&&Y.hydrationOptions!=null&&Y.hydrationOptions.mutableSources||null;if(Y=new BI(j,B,Y!=null&&Y.hydrate===!0),B=cg(3,null,null,B===2?7:B===1?3:0),Y.current=B,B.stateNode=Y,g_(B),j[ah]=Y.current,Lx(j.nodeType===8?j.parentNode:j),ae)for(j=0;j<ae.length;j++){B=ae[j];var we=B._getVersion;we=we(B._source),Y.mutableSourceEagerHydrationData==null?Y.mutableSourceEagerHydrationData=[B,we]:Y.mutableSourceEagerHydrationData.push(B,we)}this._internalRoot=Y}ok.prototype.render=function(j){cC(j,this._internalRoot,null,null)},ok.prototype.unmount=function(){var j=this._internalRoot,B=j.containerInfo;cC(null,j,null,function(){B[ah]=null})};function H_(j){return!(!j||j.nodeType!==1&&j.nodeType!==9&&j.nodeType!==11&&(j.nodeType!==8||j.nodeValue!==" react-mount-point-unstable "))}function zI(j,B){if(B||(B=j?j.nodeType===9?j.documentElement:j.firstChild:null,B=!(!B||B.nodeType!==1||!B.hasAttribute("data-reactroot"))),!B)for(var Y;Y=j.lastChild;)j.removeChild(Y);return new ok(j,0,B?{hydrate:!0}:void 0)}function hC(j,B,Y,ae,we){var $e=Y._reactRootContainer;if($e){var Ye=$e._internalRoot;if(typeof we=="function"){var Ct=we;we=function(){var sr=lC(Ye);Ct.call(sr)}}cC(B,Ye,j,we)}else{if($e=Y._reactRootContainer=zI(Y,ae),Ye=$e._internalRoot,typeof we=="function"){var Qt=we;we=function(){var sr=lC(Ye);Qt.call(sr)}}ib(function(){cC(B,Ye,j,we)})}return lC(Ye)}rs=function(j){if(j.tag===13){var B=A1();d0(j,4,B),fC(j,4)}},Da=function(j){if(j.tag===13){var B=A1();d0(j,67108864,B),fC(j,67108864)}},Ol=function(j){if(j.tag===13){var B=A1(),Y=rb(j);d0(j,Y,B),fC(j,Y)}},uf=function(j,B){return B()},iu=function(j,B,Y){switch(B){case"input":if(Io(j,Y),B=Y.name,Y.type==="radio"&&B!=null){for(Y=j;Y.parentNode;)Y=Y.parentNode;for(Y=Y.querySelectorAll("input[name="+JSON.stringify(""+B)+'][type="radio"]'),B=0;B<Y.length;B++){var ae=Y[B];if(ae!==j&&ae.form===j.form){var we=T1(ae);if(!we)throw Error(w(90));Zi(ae),Io(ae,we)}}}break;case"textarea":oi(j,Y);break;case"select":B=Y.value,B!=null&&rn(j,!!Y.multiple,B,!1)}},zt=Z3,hr=function(j,B,Y,ae,we){var $e=gs;gs|=4;try{return Fw(98,j.bind(null,B,Y,ae,we))}finally{gs=$e,gs===0&&(FE(),Hd())}},Ri=function(){!(gs&49)&&(XR(),bv())},Do=function(j,B){var Y=gs;gs|=2;try{return j(B)}finally{gs=Y,gs===0&&(FE(),Hd())}};function iO(j,B){var Y=2<arguments.length&&arguments[2]!==void 0?arguments[2]:null;if(!H_(B))throw Error(w(200));return z_(j,B,null,Y)}var HI={Events:[zd,yd,T1,za,Rl,bv,{current:!1}]},U_={findFiberByHostInstance:Km,bundleType:0,version:"17.0.2",rendererPackageName:"react-dom"},UI={bundleType:U_.bundleType,version:U_.version,rendererPackageName:U_.rendererPackageName,rendererConfig:U_.rendererConfig,overrideHookState:null,overrideHookStateDeletePath:null,overrideHookStateRenamePath:null,overrideProps:null,overridePropsDeletePath:null,overridePropsRenamePath:null,setSuspenseHandler:null,scheduleUpdate:null,currentDispatcherRef:me.ReactCurrentDispatcher,findHostInstanceByFiber:function(j){return j=qs(j),j===null?null:j.stateNode},findFiberByHostInstance:U_.findFiberByHostInstance||dC,findHostInstancesForRefresh:null,scheduleRefresh:null,scheduleRoot:null,setRefreshHandler:null,getCurrentFiber:null};if(typeof __REACT_DEVTOOLS_GLOBAL_HOOK__<"u"){var pC=__REACT_DEVTOOLS_GLOBAL_HOOK__;if(!pC.isDisabled&&pC.supportsFiber)try{I3=pC.inject(UI),R1=pC}catch{}}return reactDom_production_min.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED=HI,reactDom_production_min.createPortal=iO,reactDom_production_min.findDOMNode=function(j){if(j==null)return null;if(j.nodeType===1)return j;var B=j._reactInternals;if(B===void 0)throw typeof j.render=="function"?Error(w(188)):Error(w(268,Object.keys(j)));return j=qs(B),j=j===null?null:j.stateNode,j},reactDom_production_min.flushSync=function(j,B){var Y=gs;if(Y&48)return j(B);gs|=1;try{if(j)return Fw(99,j.bind(null,B))}finally{gs=Y,Hd()}},reactDom_production_min.hydrate=function(j,B,Y){if(!H_(B))throw Error(w(200));return hC(null,j,B,!0,Y)},reactDom_production_min.render=function(j,B,Y){if(!H_(B))throw Error(w(200));return hC(null,j,B,!1,Y)},reactDom_production_min.unmountComponentAtNode=function(j){if(!H_(j))throw Error(w(40));return j._reactRootContainer?(ib(function(){hC(null,null,j,!1,function(){j._reactRootContainer=null,j[ah]=null})}),!0):!1},reactDom_production_min.unstable_batchedUpdates=Z3,reactDom_production_min.unstable_createPortal=function(j,B){return iO(j,B,2<arguments.length&&arguments[2]!==void 0?arguments[2]:null)},reactDom_production_min.unstable_renderSubtreeIntoContainer=function(j,B,Y,ae){if(!H_(Y))throw Error(w(200));if(j==null||j._reactInternals===void 0)throw Error(w(38));return hC(j,B,Y,!1,ae)},reactDom_production_min.version="17.0.2",reactDom_production_min}var reactDom_development={},tracing={exports:{}},schedulerTracing_production_min={};/** @license React v0.20.2
* scheduler-tracing.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredSchedulerTracing_production_min;function requireSchedulerTracing_production_min(){if(hasRequiredSchedulerTracing_production_min)return schedulerTracing_production_min;hasRequiredSchedulerTracing_production_min=1;var g=0;return schedulerTracing_production_min.__interactionsRef=null,schedulerTracing_production_min.__subscriberRef=null,schedulerTracing_production_min.unstable_clear=function(b){return b()},schedulerTracing_production_min.unstable_getCurrent=function(){return null},schedulerTracing_production_min.unstable_getThreadID=function(){return++g},schedulerTracing_production_min.unstable_subscribe=function(){},schedulerTracing_production_min.unstable_trace=function(b,m,w){return w()},schedulerTracing_production_min.unstable_unsubscribe=function(){},schedulerTracing_production_min.unstable_wrap=function(b){return b},schedulerTracing_production_min}var schedulerTracing_development={};/** @license React v0.20.2
* scheduler-tracing.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredSchedulerTracing_development;function requireSchedulerTracing_development(){return hasRequiredSchedulerTracing_development||(hasRequiredSchedulerTracing_development=1,function(g){({}).NODE_ENV!=="production"&&function(){var b=0,m=0,w=0;g.__interactionsRef=null,g.__subscriberRef=null,g.__interactionsRef={current:new Set},g.__subscriberRef={current:null};function _(Se){var ge=g.__interactionsRef.current;g.__interactionsRef.current=new Set;try{return Se()}finally{g.__interactionsRef.current=ge}}function C(){return g.__interactionsRef.current}function k(){return++w}function I(Se,ge,oe){var me=arguments.length>3&&arguments[3]!==void 0?arguments[3]:b,De={__count:1,id:m++,name:Se,timestamp:ge},Le=g.__interactionsRef.current,rt=new Set(Le);rt.add(De),g.__interactionsRef.current=rt;var Ue=g.__subscriberRef.current,Ze;try{Ue!==null&&Ue.onInteractionTraced(De)}finally{try{Ue!==null&&Ue.onWorkStarted(rt,me)}finally{try{Ze=oe()}finally{g.__interactionsRef.current=Le;try{Ue!==null&&Ue.onWorkStopped(rt,me)}finally{De.__count--,Ue!==null&&De.__count===0&&Ue.onInteractionScheduledWorkCompleted(De)}}}}return Ze}function $(Se){var ge=arguments.length>1&&arguments[1]!==void 0?arguments[1]:b,oe=g.__interactionsRef.current,me=g.__subscriberRef.current;me!==null&&me.onWorkScheduled(oe,ge),oe.forEach(function(rt){rt.__count++});var De=!1;function Le(){var rt=g.__interactionsRef.current;g.__interactionsRef.current=oe,me=g.__subscriberRef.current;try{var Ue;try{me!==null&&me.onWorkStarted(oe,ge)}finally{try{Ue=Se.apply(void 0,arguments)}finally{g.__interactionsRef.current=rt,me!==null&&me.onWorkStopped(oe,ge)}}return Ue}finally{De||(De=!0,oe.forEach(function(Ze){Ze.__count--,me!==null&&Ze.__count===0&&me.onInteractionScheduledWorkCompleted(Ze)}))}}return Le.cancel=function(){me=g.__subscriberRef.current;try{me!==null&&me.onWorkCanceled(oe,ge)}finally{oe.forEach(function(Ue){Ue.__count--,me&&Ue.__count===0&&me.onInteractionScheduledWorkCompleted(Ue)})}},Le}var P=null;P=new Set;function M(Se){P.add(Se),P.size===1&&(g.__subscriberRef.current={onInteractionScheduledWorkCompleted:X,onInteractionTraced:G,onWorkCanceled:ve,onWorkScheduled:Z,onWorkStarted:ne,onWorkStopped:re})}function U(Se){P.delete(Se),P.size===0&&(g.__subscriberRef.current=null)}function G(Se){var ge=!1,oe=null;if(P.forEach(function(me){try{me.onInteractionTraced(Se)}catch(De){ge||(ge=!0,oe=De)}}),ge)throw oe}function X(Se){var ge=!1,oe=null;if(P.forEach(function(me){try{me.onInteractionScheduledWorkCompleted(Se)}catch(De){ge||(ge=!0,oe=De)}}),ge)throw oe}function Z(Se,ge){var oe=!1,me=null;if(P.forEach(function(De){try{De.onWorkScheduled(Se,ge)}catch(Le){oe||(oe=!0,me=Le)}}),oe)throw me}function ne(Se,ge){var oe=!1,me=null;if(P.forEach(function(De){try{De.onWorkStarted(Se,ge)}catch(Le){oe||(oe=!0,me=Le)}}),oe)throw me}function re(Se,ge){var oe=!1,me=null;if(P.forEach(function(De){try{De.onWorkStopped(Se,ge)}catch(Le){oe||(oe=!0,me=Le)}}),oe)throw me}function ve(Se,ge){var oe=!1,me=null;if(P.forEach(function(De){try{De.onWorkCanceled(Se,ge)}catch(Le){oe||(oe=!0,me=Le)}}),oe)throw me}g.unstable_clear=_,g.unstable_getCurrent=C,g.unstable_getThreadID=k,g.unstable_subscribe=M,g.unstable_trace=I,g.unstable_unsubscribe=U,g.unstable_wrap=$}()}(schedulerTracing_development)),schedulerTracing_development}var hasRequiredTracing;function requireTracing(){return hasRequiredTracing||(hasRequiredTracing=1,{}.NODE_ENV==="production"?tracing.exports=requireSchedulerTracing_production_min():tracing.exports=requireSchedulerTracing_development()),tracing.exports}/** @license React v17.0.2
* react-dom.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactDom_development;function requireReactDom_development(){return hasRequiredReactDom_development||(hasRequiredReactDom_development=1,{}.NODE_ENV!=="production"&&function(){var g=requireReact(),b=requireObjectAssign(),m=requireScheduler(),w=requireTracing(),_=g.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED;function C(R){{for(var D=arguments.length,L=new Array(D>1?D-1:0),K=1;K<D;K++)L[K-1]=arguments[K];I("warn",R,L)}}function k(R){{for(var D=arguments.length,L=new Array(D>1?D-1:0),K=1;K<D;K++)L[K-1]=arguments[K];I("error",R,L)}}function I(R,D,L){{var K=_.ReactDebugCurrentFrame,J=K.getStackAddendum();J!==""&&(D+="%s",L=L.concat([J]));var ue=L.map(function(_e){return""+_e});ue.unshift("Warning: "+D),Function.prototype.apply.call(console[R],console,ue)}}if(!g)throw Error("ReactDOM was loaded before React. Make sure you load the React package before loading ReactDOM.");var $=0,P=1,M=2,U=3,G=4,X=5,Z=6,ne=7,re=8,ve=9,Se=10,ge=11,oe=12,me=13,De=14,Le=15,rt=16,Ue=17,Ze=18,gt=19,$t=20,Xe=21,xe=22,Tn=23,Rt=24,mt=!0,en=!1,st=!1,Fe=!1,Re=new Set,Ae={},je={};function Ge(R,D){Be(R,D),Be(R+"Capture",D)}function Be(R,D){Ae[R]&&k("EventRegistry: More than one plugin attempted to publish the same registration name, `%s`.",R),Ae[R]=D;{var L=R.toLowerCase();je[L]=R,R==="onDoubleClick"&&(je.ondblclick=R)}for(var K=0;K<D.length;K++)Re.add(D[K])}var We=typeof window<"u"&&typeof window.document<"u"&&typeof window.document.createElement<"u",lt=0,Tt=1,Je=2,qt=3,Pt=4,_t=5,lr=6,jn=":A-Z_a-z\\u00C0-\\u00D6\\u00D8-\\u00F6\\u00F8-\\u02FF\\u0370-\\u037D\\u037F-\\u1FFF\\u200C-\\u200D\\u2070-\\u218F\\u2C00-\\u2FEF\\u3001-\\uD7FF\\uF900-\\uFDCF\\uFDF0-\\uFFFD",ii=jn+"\\-.0-9\\u00B7\\u0300-\\u036F\\u203F-\\u2040",Zi="data-reactroot",No=new RegExp("^["+jn+"]["+ii+"]*$"),Is=Object.prototype.hasOwnProperty,Ca={},Xs={};function Io(R){return Is.call(Xs,R)?!0:Is.call(Ca,R)?!1:No.test(R)?(Xs[R]=!0,!0):(Ca[R]=!0,k("Invalid attribute name: `%s`",R),!1)}function pi(R,D,L){return D!==null?D.type===lt:L?!1:R.length>2&&(R[0]==="o"||R[0]==="O")&&(R[1]==="n"||R[1]==="N")}function Es(R,D,L,K){if(L!==null&&L.type===lt)return!1;switch(typeof D){case"function":case"symbol":return!0;case"boolean":{if(K)return!1;if(L!==null)return!L.acceptsBooleans;var J=R.toLowerCase().slice(0,5);return J!=="data-"&&J!=="aria-"}default:return!1}}function $u(R,D,L,K){if(D===null||typeof D>"u"||Es(R,D,L,K))return!0;if(K)return!1;if(L!==null)switch(L.type){case qt:return!D;case Pt:return D===!1;case _t:return isNaN(D);case lr:return isNaN(D)||D<1}return!1}function ir(R){return sn.hasOwnProperty(R)?sn[R]:null}function rn(R,D,L,K,J,ue,_e){this.acceptsBooleans=D===Je||D===qt||D===Pt,this.attributeName=K,this.attributeNamespace=J,this.mustUseProperty=L,this.propertyName=R,this.type=D,this.sanitizeURL=ue,this.removeEmptyString=_e}var sn={},Zn=["children","dangerouslySetInnerHTML","defaultValue","defaultChecked","innerHTML","suppressContentEditableWarning","suppressHydrationWarning","style"];Zn.forEach(function(R){sn[R]=new rn(R,lt,!1,R,null,!1,!1)}),[["acceptCharset","accept-charset"],["className","class"],["htmlFor","for"],["httpEquiv","http-equiv"]].forEach(function(R){var D=R[0],L=R[1];sn[D]=new rn(D,Tt,!1,L,null,!1,!1)}),["contentEditable","draggable","spellCheck","value"].forEach(function(R){sn[R]=new rn(R,Je,!1,R.toLowerCase(),null,!1,!1)}),["autoReverse","externalResourcesRequired","focusable","preserveAlpha"].forEach(function(R){sn[R]=new rn(R,Je,!1,R,null,!1,!1)}),["allowFullScreen","async","autoFocus","autoPlay","controls","default","defer","disabled","disablePictureInPicture","disableRemotePlayback","formNoValidate","hidden","loop","noModule","noValidate","open","playsInline","readOnly","required","reversed","scoped","seamless","itemScope"].forEach(function(R){sn[R]=new rn(R,qt,!1,R.toLowerCase(),null,!1,!1)}),["checked","multiple","muted","selected"].forEach(function(R){sn[R]=new rn(R,qt,!0,R,null,!1,!1)}),["capture","download"].forEach(function(R){sn[R]=new rn(R,Pt,!1,R,null,!1,!1)}),["cols","rows","size","span"].forEach(function(R){sn[R]=new rn(R,lr,!1,R,null,!1,!1)}),["rowSpan","start"].forEach(function(R){sn[R]=new rn(R,_t,!1,R.toLowerCase(),null,!1,!1)});var oi=/[\-\:]([a-z])/g,li=function(R){return R[1].toUpperCase()};["accent-height","alignment-baseline","arabic-form","baseline-shift","cap-height","clip-path","clip-rule","color-interpolation","color-interpolation-filters","color-profile","color-rendering","dominant-baseline","enable-background","fill-opacity","fill-rule","flood-color","flood-opacity","font-family","font-size","font-size-adjust","font-stretch","font-style","font-variant","font-weight","glyph-name","glyph-orientation-horizontal","glyph-orientation-vertical","horiz-adv-x","horiz-origin-x","image-rendering","letter-spacing","lighting-color","marker-end","marker-mid","marker-start","overline-position","overline-thickness","paint-order","panose-1","pointer-events","rendering-intent","shape-rendering","stop-color","stop-opacity","strikethrough-position","strikethrough-thickness","stroke-dasharray","stroke-dashoffset","stroke-linecap","stroke-linejoin","stroke-miterlimit","stroke-opacity","stroke-width","text-anchor","text-decoration","text-rendering","underline-position","underline-thickness","unicode-bidi","unicode-range","units-per-em","v-alphabetic","v-hanging","v-ideographic","v-mathematical","vector-effect","vert-adv-y","vert-origin-x","vert-origin-y","word-spacing","writing-mode","xmlns:xlink","x-height"].forEach(function(R){var D=R.replace(oi,li);sn[D]=new rn(D,Tt,!1,R,null,!1,!1)}),["xlink:actuate","xlink:arcrole","xlink:role","xlink:show","xlink:title","xlink:type"].forEach(function(R){var D=R.replace(oi,li);sn[D]=new rn(D,Tt,!1,R,"http://www.w3.org/1999/xlink",!1,!1)}),["xml:base","xml:lang","xml:space"].forEach(function(R){var D=R.replace(oi,li);sn[D]=new rn(D,Tt,!1,R,"http://www.w3.org/XML/1998/namespace",!1,!1)}),["tabIndex","crossOrigin"].forEach(function(R){sn[R]=new rn(R,Tt,!1,R.toLowerCase(),null,!1,!1)});var ur="xlinkHref";sn[ur]=new rn("xlinkHref",Tt,!1,"xlink:href","http://www.w3.org/1999/xlink",!0,!1),["src","href","action","formAction"].forEach(function(R){sn[R]=new rn(R,Tt,!1,R.toLowerCase(),null,!0,!0)});var Sr=/^[\u0000-\u001F ]*j[\r\n\t]*a[\r\n\t]*v[\r\n\t]*a[\r\n\t]*s[\r\n\t]*c[\r\n\t]*r[\r\n\t]*i[\r\n\t]*p[\r\n\t]*t[\r\n\t]*\:/i,ki=!1;function co(R){!ki&&Sr.test(R)&&(ki=!0,k("A future version of React will block javascript: URLs as a security precaution. Use event handlers instead if you can. If you need to generate unsafe HTML try using dangerouslySetInnerHTML instead. React was passed %s.",JSON.stringify(R)))}function xo(R,D,L,K){if(K.mustUseProperty){var J=K.propertyName;return R[J]}else{K.sanitizeURL&&co(""+L);var ue=K.attributeName,_e=null;if(K.type===Pt){if(R.hasAttribute(ue)){var Oe=R.getAttribute(ue);return Oe===""?!0:$u(D,L,K,!1)?Oe:Oe===""+L?L:Oe}}else if(R.hasAttribute(ue)){if($u(D,L,K,!1))return R.getAttribute(ue);if(K.type===qt)return L;_e=R.getAttribute(ue)}return $u(D,L,K,!1)?_e===null?L:_e:_e===""+L?L:_e}}function Ho(R,D,L){{if(!Io(D))return;if(P7(L))return L;if(!R.hasAttribute(D))return L===void 0?void 0:null;var K=R.getAttribute(D);return K===""+L?L:K}}function Co(R,D,L,K){var J=ir(D);if(!pi(D,J,K)){if($u(D,L,J,K)&&(L=null),K||J===null){if(Io(D)){var ue=D;L===null?R.removeAttribute(ue):R.setAttribute(ue,""+L)}return}var _e=J.mustUseProperty;if(_e){var Oe=J.propertyName;if(L===null){var He=J.type;R[Oe]=He===qt?!1:""}else R[Oe]=L;return}var kt=J.attributeName,jt=J.attributeNamespace;if(L===null)R.removeAttribute(kt);else{var Ln=J.type,Jt;Ln===qt||Ln===Pt&&L===!0?Jt="":(Jt=""+L,J.sanitizeURL&&co(Jt.toString())),jt?R.setAttributeNS(jt,kt,Jt):R.setAttribute(kt,Jt)}}}var ma=60103,Yi=60106,so=60107,hs=60108,Qs=60114,yo=60109,ru=60110,iu=60112,Pu=60113,Js=60120,yu=60115,za=60116,Rl=60121,zt=60119,hr=60128,Ri=60129,Do=60130,Ds=60131;if(typeof Symbol=="function"&&Symbol.for){var eo=Symbol.for;ma=eo("react.element"),Yi=eo("react.portal"),so=eo("react.fragment"),hs=eo("react.strict_mode"),Qs=eo("react.profiler"),yo=eo("react.provider"),ru=eo("react.context"),iu=eo("react.forward_ref"),Pu=eo("react.suspense"),Js=eo("react.suspense_list"),yu=eo("react.memo"),za=eo("react.lazy"),Rl=eo("react.block"),eo("react.server.block"),eo("react.fundamental"),zt=eo("react.scope"),hr=eo("react.opaque.id"),Ri=eo("react.debug_trace_mode"),Do=eo("react.offscreen"),Ds=eo("react.legacy_hidden")}var As=typeof Symbol=="function"&&Symbol.iterator,ps="@@iterator";function dt(R){if(R===null||typeof R!="object")return null;var D=As&&R[As]||R[ps];return typeof D=="function"?D:null}var ht=0,qe,it,pt,Sn,Hn,Un,mn;function wr(){}wr.__reactDisabledLog=!0;function Ui(){{if(ht===0){qe=console.log,it=console.info,pt=console.warn,Sn=console.error,Hn=console.group,Un=console.groupCollapsed,mn=console.groupEnd;var R={configurable:!0,enumerable:!0,value:wr,writable:!0};Object.defineProperties(console,{info:R,log:R,warn:R,error:R,group:R,groupCollapsed:R,groupEnd:R})}ht++}}function To(){{if(ht--,ht===0){var R={configurable:!0,enumerable:!0,writable:!0};Object.defineProperties(console,{log:b({},R,{value:qe}),info:b({},R,{value:it}),warn:b({},R,{value:pt}),error:b({},R,{value:Sn}),group:b({},R,{value:Hn}),groupCollapsed:b({},R,{value:Un}),groupEnd:b({},R,{value:mn})})}ht<0&&k("disabledDepth fell below zero. This is a bug in React. Please file an issue.")}}var $s=_.ReactCurrentDispatcher,Ia;function Vo(R,D,L){{if(Ia===void 0)try{throw Error()}catch(J){var K=J.stack.trim().match(/\n( *(at )?)/);Ia=K&&K[1]||""}return`
`+Ia+R}}var qs=!1,ou;{var rs=typeof WeakMap=="function"?WeakMap:Map;ou=new rs}function Da(R,D){if(!R||qs)return"";{var L=ou.get(R);if(L!==void 0)return L}var K;qs=!0;var J=Error.prepareStackTrace;Error.prepareStackTrace=void 0;var ue;ue=$s.current,$s.current=null,Ui();try{if(D){var _e=function(){throw Error()};if(Object.defineProperty(_e.prototype,"props",{set:function(){throw Error()}}),typeof Reflect=="object"&&Reflect.construct){try{Reflect.construct(_e,[])}catch(qr){K=qr}Reflect.construct(R,[],_e)}else{try{_e.call()}catch(qr){K=qr}R.call(_e.prototype)}}else{try{throw Error()}catch(qr){K=qr}R()}}catch(qr){if(qr&&K&&typeof qr.stack=="string"){for(var Oe=qr.stack.split(`
`),He=K.stack.split(`
`),kt=Oe.length-1,jt=He.length-1;kt>=1&&jt>=0&&Oe[kt]!==He[jt];)jt--;for(;kt>=1&&jt>=0;kt--,jt--)if(Oe[kt]!==He[jt]){if(kt!==1||jt!==1)do if(kt--,jt--,jt<0||Oe[kt]!==He[jt]){var Ln=`
`+Oe[kt].replace(" at new "," at ");return typeof R=="function"&&ou.set(R,Ln),Ln}while(kt>=1&&jt>=0);break}}}finally{qs=!1,$s.current=ue,To(),Error.prepareStackTrace=J}var Jt=R?R.displayName||R.name:"",Kn=Jt?Vo(Jt):"";return typeof R=="function"&&ou.set(R,Kn),Kn}function Ol(R,D,L){return Da(R,!0)}function uf(R,D,L){return Da(R,!1)}function Nd(R){var D=R.prototype;return!!(D&&D.isReactComponent)}function gc(R,D,L){if(R==null)return"";if(typeof R=="function")return Da(R,Nd(R));if(typeof R=="string")return Vo(R);switch(R){case Pu:return Vo("Suspense");case Js:return Vo("SuspenseList")}if(typeof R=="object")switch(R.$$typeof){case iu:return uf(R.render);case yu:return gc(R.type,D,L);case Rl:return uf(R._render);case za:{var K=R,J=K._payload,ue=K._init;try{return gc(ue(J),D,L)}catch{}}}return""}function Nf(R){switch(R._debugOwner&&R._debugOwner.type,R._debugSource,R.tag){case X:return Vo(R.type);case rt:return Vo("Lazy");case me:return Vo("Suspense");case gt:return Vo("SuspenseList");case $:case M:case Le:return uf(R.type);case ge:return uf(R.type.render);case xe:return uf(R.type._render);case P:return Ol(R.type);default:return""}}function jc(R){try{var D="",L=R;do D+=Nf(L),L=L.return;while(L);return D}catch(K){return`
Error generating stack: `+K.message+`
`+K.stack}}function Ka(R,D,L){var K=D.displayName||D.name||"";return R.displayName||(K!==""?L+"("+K+")":L)}function Wc(R){return R.displayName||"Context"}function wi(R){if(R==null)return null;if(typeof R.tag=="number"&&k("Received an unexpected object in getComponentName(). This is likely a bug in React. Please file an issue."),typeof R=="function")return R.displayName||R.name||null;if(typeof R=="string")return R;switch(R){case so:return"Fragment";case Yi:return"Portal";case Qs:return"Profiler";case hs:return"StrictMode";case Pu:return"Suspense";case Js:return"SuspenseList"}if(typeof R=="object")switch(R.$$typeof){case ru:var D=R;return Wc(D)+".Consumer";case yo:var L=R;return Wc(L._context)+".Provider";case iu:return Ka(R,R.render,"ForwardRef");case yu:return wi(R.type);case Rl:return wi(R._render);case za:{var K=R,J=K._payload,ue=K._init;try{return wi(ue(J))}catch{return null}}}return null}var cf=_.ReactDebugCurrentFrame,Mc=null,Lf=!1;function vd(){{if(Mc===null)return null;var R=Mc._debugOwner;if(R!==null&&typeof R<"u")return wi(R.type)}return null}function wd(){return Mc===null?"":jc(Mc)}function Gc(){cf.getCurrentStack=null,Mc=null,Lf=!1}function Eu(R){cf.getCurrentStack=wd,Mc=R,Lf=!1}function Yu(R){Lf=R}function eg(){return Lf}function lf(R){return""+R}function Il(R){switch(typeof R){case"boolean":case"number":case"object":case"string":case"undefined":return R;default:return""}}var Ld={button:!0,checkbox:!0,image:!0,hidden:!0,radio:!0,reset:!0,submit:!0};function _1(R,D){Ld[D.type]||D.onChange||D.onInput||D.readOnly||D.disabled||D.value==null||k("You provided a `value` prop to a form field without an `onChange` handler. This will render a read-only field. If the field should be mutable use `defaultValue`. Otherwise, set either `onChange` or `readOnly`."),D.onChange||D.readOnly||D.disabled||D.checked==null||k("You provided a `checked` prop to a form field without an `onChange` handler. This will render a read-only field. If the field should be mutable use `defaultChecked`. Otherwise, set either `onChange` or `readOnly`.")}function up(R){var D=R.type,L=R.nodeName;return L&&L.toLowerCase()==="input"&&(D==="checkbox"||D==="radio")}function nh(R){return R._valueTracker}function Kg(R){R._valueTracker=null}function Yg(R){var D="";return R&&(up(R)?D=R.checked?"true":"false":D=R.value),D}function Xg(R){var D=up(R)?"checked":"value",L=Object.getOwnPropertyDescriptor(R.constructor.prototype,D),K=""+R[D];if(!(R.hasOwnProperty(D)||typeof L>"u"||typeof L.get!="function"||typeof L.set!="function")){var J=L.get,ue=L.set;Object.defineProperty(R,D,{configurable:!0,get:function(){return J.call(this)},set:function(Oe){K=""+Oe,ue.call(this,Oe)}}),Object.defineProperty(R,D,{enumerable:L.enumerable});var _e={getValue:function(){return K},setValue:function(Oe){K=""+Oe},stopTracking:function(){Kg(R),delete R[D]}};return _e}}function Ve(R){nh(R)||(R._valueTracker=Xg(R))}function ut(R){if(!R)return!1;var D=nh(R);if(!D)return!0;var L=D.getValue(),K=Yg(R);return K!==L?(D.setValue(K),!0):!1}function Mt(R){if(R=R||(typeof document<"u"?document:void 0),typeof R>"u")return null;try{return R.activeElement||R.body}catch{return R.body}}var An=!1,Xn=!1,Fi=!1,yi=!1;function _i(R){var D=R.type==="checkbox"||R.type==="radio";return D?R.checked!=null:R.value!=null}function Oi(R,D){var L=R,K=D.checked,J=b({},D,{defaultChecked:void 0,defaultValue:void 0,value:void 0,checked:K??L._wrapperState.initialChecked});return J}function lo(R,D){_1("input",D),D.checked!==void 0&&D.defaultChecked!==void 0&&!Xn&&(k("%s contains an input of type %s with both checked and defaultChecked props. Input elements must be either controlled or uncontrolled (specify either the checked prop, or the defaultChecked prop, but not both). Decide between using a controlled or uncontrolled input element and remove one of these props. More info: https://reactjs.org/link/controlled-components",vd()||"A component",D.type),Xn=!0),D.value!==void 0&&D.defaultValue!==void 0&&!An&&(k("%s contains an input of type %s with both value and defaultValue props. Input elements must be either controlled or uncontrolled (specify either the value prop, or the defaultValue prop, but not both). Decide between using a controlled or uncontrolled input element and remove one of these props. More info: https://reactjs.org/link/controlled-components",vd()||"A component",D.type),An=!0);var L=R,K=D.defaultValue==null?"":D.defaultValue;L._wrapperState={initialChecked:D.checked!=null?D.checked:D.defaultChecked,initialValue:Il(D.value!=null?D.value:K),controlled:_i(D)}}function va(R,D){var L=R,K=D.checked;K!=null&&Co(L,"checked",K,!1)}function ac(R,D){var L=R;{var K=_i(D);!L._wrapperState.controlled&&K&&!yi&&(k("A component is changing an uncontrolled input to be controlled. This is likely caused by the value changing from undefined to a defined value, which should not happen. Decide between using a controlled or uncontrolled input element for the lifetime of the component. More info: https://reactjs.org/link/controlled-components"),yi=!0),L._wrapperState.controlled&&!K&&!Fi&&(k("A component is changing a controlled input to be uncontrolled. This is likely caused by the value changing from a defined to undefined, which should not happen. Decide between using a controlled or uncontrolled input element for the lifetime of the component. More info: https://reactjs.org/link/controlled-components"),Fi=!0)}va(R,D);var J=Il(D.value),ue=D.type;if(J!=null)ue==="number"?(J===0&&L.value===""||L.value!=J)&&(L.value=lf(J)):L.value!==lf(J)&&(L.value=lf(J));else if(ue==="submit"||ue==="reset"){L.removeAttribute("value");return}D.hasOwnProperty("value")?wa(L,D.type,J):D.hasOwnProperty("defaultValue")&&wa(L,D.type,Il(D.defaultValue)),D.checked==null&&D.defaultChecked!=null&&(L.defaultChecked=!!D.defaultChecked)}function Zs(R,D,L){var K=R;if(D.hasOwnProperty("value")||D.hasOwnProperty("defaultValue")){var J=D.type,ue=J==="submit"||J==="reset";if(ue&&(D.value===void 0||D.value===null))return;var _e=lf(K._wrapperState.initialValue);L||_e!==K.value&&(K.value=_e),K.defaultValue=_e}var Oe=K.name;Oe!==""&&(K.name=""),K.defaultChecked=!K.defaultChecked,K.defaultChecked=!!K._wrapperState.initialChecked,Oe!==""&&(K.name=Oe)}function fl(R,D){var L=R;ac(L,D),sl(L,D)}function sl(R,D){var L=D.name;if(D.type==="radio"&&L!=null){for(var K=R;K.parentNode;)K=K.parentNode;for(var J=K.querySelectorAll("input[name="+JSON.stringify(""+L)+'][type="radio"]'),ue=0;ue<J.length;ue++){var _e=J[ue];if(!(_e===R||_e.form!==R.form)){var Oe=yk(_e);if(!Oe)throw Error("ReactDOMInput: Mixing React and non-React radio inputs with the same `name` is not supported.");ut(_e),ac(_e,Oe)}}}}function wa(R,D,L){(D!=="number"||Mt(R.ownerDocument)!==R)&&(L==null?R.defaultValue=lf(R._wrapperState.initialValue):R.defaultValue!==lf(L)&&(R.defaultValue=lf(L)))}var Ha=!1,xt=!1;function vn(R){var D="";return g.Children.forEach(R,function(L){L!=null&&(D+=L)}),D}function Ir(R,D){typeof D.children=="object"&&D.children!==null&&g.Children.forEach(D.children,function(L){L!=null&&(typeof L=="string"||typeof L=="number"||typeof L.type=="string"&&(xt||(xt=!0,k("Only strings and numbers are supported as <option> children."))))}),D.selected!=null&&!Ha&&(k("Use the `defaultValue` or `value` props on <select> instead of setting `selected` on <option>."),Ha=!0)}function fo(R,D){D.value!=null&&R.setAttribute("value",lf(Il(D.value)))}function Xu(R,D){var L=b({children:void 0},D),K=vn(D.children);return K&&(L.children=K),L}var Ws;Ws=!1;function al(){var R=vd();return R?`
Check the render method of \``+R+"`.":""}var Dl=["value","defaultValue"];function _u(R){{_1("select",R);for(var D=0;D<Dl.length;D++){var L=Dl[D];if(R[L]!=null){var K=Array.isArray(R[L]);R.multiple&&!K?k("The `%s` prop supplied to <select> must be an array if `multiple` is true.%s",L,al()):!R.multiple&&K&&k("The `%s` prop supplied to <select> must be a scalar value if `multiple` is false.%s",L,al())}}}}function Qu(R,D,L,K){var J=R.options;if(D){for(var ue=L,_e={},Oe=0;Oe<ue.length;Oe++)_e["$"+ue[Oe]]=!0;for(var He=0;He<J.length;He++){var kt=_e.hasOwnProperty("$"+J[He].value);J[He].selected!==kt&&(J[He].selected=kt),kt&&K&&(J[He].defaultSelected=!0)}}else{for(var jt=lf(Il(L)),Ln=null,Jt=0;Jt<J.length;Jt++){if(J[Jt].value===jt){J[Jt].selected=!0,K&&(J[Jt].defaultSelected=!0);return}Ln===null&&!J[Jt].disabled&&(Ln=J[Jt])}Ln!==null&&(Ln.selected=!0)}}function dl(R,D){return b({},D,{value:void 0})}function rh(R,D){var L=R;_u(D),L._wrapperState={wasMultiple:!!D.multiple},D.value!==void 0&&D.defaultValue!==void 0&&!Ws&&(k("Select elements must be either controlled or uncontrolled (specify either the value prop, or the defaultValue prop, but not both). Decide between using a controlled or uncontrolled select element and remove one of these props. More info: https://reactjs.org/link/controlled-components"),Ws=!0)}function Kc(R,D){var L=R;L.multiple=!!D.multiple;var K=D.value;K!=null?Qu(L,!!D.multiple,K,!1):D.defaultValue!=null&&Qu(L,!!D.multiple,D.defaultValue,!0)}function Yc(R,D){var L=R,K=L._wrapperState.wasMultiple;L._wrapperState.wasMultiple=!!D.multiple;var J=D.value;J!=null?Qu(L,!!D.multiple,J,!1):K!==!!D.multiple&&(D.defaultValue!=null?Qu(L,!!D.multiple,D.defaultValue,!0):Qu(L,!!D.multiple,D.multiple?[]:"",!1))}function Bd(R,D){var L=R,K=D.value;K!=null&&Qu(L,!!D.multiple,K,!1)}var S1=!1;function ih(R,D){var L=R;if(D.dangerouslySetInnerHTML!=null)throw Error("`dangerouslySetInnerHTML` does not make sense on <textarea>.");var K=b({},D,{value:void 0,defaultValue:void 0,children:lf(L._wrapperState.initialValue)});return K}function Lp(R,D){var L=R;_1("textarea",D),D.value!==void 0&&D.defaultValue!==void 0&&!S1&&(k("%s contains a textarea with both value and defaultValue props. Textarea elements must be either controlled or uncontrolled (specify either the value prop, or the defaultValue prop, but not both). Decide between using a controlled or uncontrolled textarea and remove one of these props. More info: https://reactjs.org/link/controlled-components",vd()||"A component"),S1=!0);var K=D.value;if(K==null){var J=D.children,ue=D.defaultValue;if(J!=null){k("Use the `defaultValue` or `value` props instead of setting children on <textarea>.");{if(ue!=null)throw Error("If you supply `defaultValue` on a <textarea>, do not pass children.");if(Array.isArray(J)){if(!(J.length<=1))throw Error("<textarea> can only have at most one child.");J=J[0]}ue=J}}ue==null&&(ue=""),K=ue}L._wrapperState={initialValue:Il(K)}}function _w(R,D){var L=R,K=Il(D.value),J=Il(D.defaultValue);if(K!=null){var ue=lf(K);ue!==L.value&&(L.value=ue),D.defaultValue==null&&L.defaultValue!==ue&&(L.defaultValue=ue)}J!=null&&(L.defaultValue=lf(J))}function rd(R,D){var L=R,K=L.textContent;K===L._wrapperState.initialValue&&K!==""&&K!==null&&(L.value=K)}function Hl(R,D){_w(R,D)}var vE="http://www.w3.org/1999/xhtml",oh="http://www.w3.org/1998/Math/MathML",v3="http://www.w3.org/2000/svg",i_={html:vE,mathml:oh,svg:v3};function tg(R){switch(R){case"svg":return v3;case"math":return oh;default:return vE}}function Bb(R,D){return R==null||R===vE?tg(D):R===v3&&D==="foreignObject"?vE:R}var wE=function(R){return typeof MSApp<"u"&&MSApp.execUnsafeLocalFunction?function(D,L,K,J){MSApp.execUnsafeLocalFunction(function(){return R(D,L,K,J)})}:R},Nc,Bm=wE(function(R,D){if(R.namespaceURI===i_.svg&&!("innerHTML"in R)){Nc=Nc||document.createElement("div"),Nc.innerHTML="<svg>"+D.valueOf().toString()+"</svg>";for(var L=Nc.firstChild;R.firstChild;)R.removeChild(R.firstChild);for(;L.firstChild;)R.appendChild(L.firstChild);return}R.innerHTML=D}),Bp=1,zm=3,sh=8,G0=9,TR=11,$x=function(R,D){if(D){var L=R.firstChild;if(L&&L===R.lastChild&&L.nodeType===zm){L.nodeValue=D;return}}R.textContent=D},kR={animation:["animationDelay","animationDirection","animationDuration","animationFillMode","animationIterationCount","animationName","animationPlayState","animationTimingFunction"],background:["backgroundAttachment","backgroundClip","backgroundColor","backgroundImage","backgroundOrigin","backgroundPositionX","backgroundPositionY","backgroundRepeat","backgroundSize"],backgroundPosition:["backgroundPositionX","backgroundPositionY"],border:["borderBottomColor","borderBottomStyle","borderBottomWidth","borderImageOutset","borderImageRepeat","borderImageSlice","borderImageSource","borderImageWidth","borderLeftColor","borderLeftStyle","borderLeftWidth","borderRightColor","borderRightStyle","borderRightWidth","borderTopColor","borderTopStyle","borderTopWidth"],borderBlockEnd:["borderBlockEndColor","borderBlockEndStyle","borderBlockEndWidth"],borderBlockStart:["borderBlockStartColor","borderBlockStartStyle","borderBlockStartWidth"],borderBottom:["borderBottomColor","borderBottomStyle","borderBottomWidth"],borderColor:["borderBottomColor","borderLeftColor","borderRightColor","borderTopColor"],borderImage:["borderImageOutset","borderImageRepeat","borderImageSlice","borderImageSource","borderImageWidth"],borderInlineEnd:["borderInlineEndColor","borderInlineEndStyle","borderInlineEndWidth"],borderInlineStart:["borderInlineStartColor","borderInlineStartStyle","borderInlineStartWidth"],borderLeft:["borderLeftColor","borderLeftStyle","borderLeftWidth"],borderRadius:["borderBottomLeftRadius","borderBottomRightRadius","borderTopLeftRadius","borderTopRightRadius"],borderRight:["borderRightColor","borderRightStyle","borderRightWidth"],borderStyle:["borderBottomStyle","borderLeftStyle","borderRightStyle","borderTopStyle"],borderTop:["borderTopColor","borderTopStyle","borderTopWidth"],borderWidth:["borderBottomWidth","borderLeftWidth","borderRightWidth","borderTopWidth"],columnRule:["columnRuleColor","columnRuleStyle","columnRuleWidth"],columns:["columnCount","columnWidth"],flex:["flexBasis","flexGrow","flexShrink"],flexFlow:["flexDirection","flexWrap"],font:["fontFamily","fontFeatureSettings","fontKerning","fontLanguageOverride","fontSize","fontSizeAdjust","fontStretch","fontStyle","fontVariant","fontVariantAlternates","fontVariantCaps","fontVariantEastAsian","fontVariantLigatures","fontVariantNumeric","fontVariantPosition","fontWeight","lineHeight"],fontVariant:["fontVariantAlternates","fontVariantCaps","fontVariantEastAsian","fontVariantLigatures","fontVariantNumeric","fontVariantPosition"],gap:["columnGap","rowGap"],grid:["gridAutoColumns","gridAutoFlow","gridAutoRows","gridTemplateAreas","gridTemplateColumns","gridTemplateRows"],gridArea:["gridColumnEnd","gridColumnStart","gridRowEnd","gridRowStart"],gridColumn:["gridColumnEnd","gridColumnStart"],gridColumnGap:["columnGap"],gridGap:["columnGap","rowGap"],gridRow:["gridRowEnd","gridRowStart"],gridRowGap:["rowGap"],gridTemplate:["gridTemplateAreas","gridTemplateColumns","gridTemplateRows"],listStyle:["listStyleImage","listStylePosition","listStyleType"],margin:["marginBottom","marginLeft","marginRight","marginTop"],marker:["markerEnd","markerMid","markerStart"],mask:["maskClip","maskComposite","maskImage","maskMode","maskOrigin","maskPositionX","maskPositionY","maskRepeat","maskSize"],maskPosition:["maskPositionX","maskPositionY"],outline:["outlineColor","outlineStyle","outlineWidth"],overflow:["overflowX","overflowY"],padding:["paddingBottom","paddingLeft","paddingRight","paddingTop"],placeContent:["alignContent","justifyContent"],placeItems:["alignItems","justifyItems"],placeSelf:["alignSelf","justifySelf"],textDecoration:["textDecorationColor","textDecorationLine","textDecorationStyle"],textEmphasis:["textEmphasisColor","textEmphasisStyle"],transition:["transitionDelay","transitionDuration","transitionProperty","transitionTimingFunction"],wordWrap:["overflowWrap"]},K0={animationIterationCount:!0,borderImageOutset:!0,borderImageSlice:!0,borderImageWidth:!0,boxFlex:!0,boxFlexGroup:!0,boxOrdinalGroup:!0,columnCount:!0,columns:!0,flex:!0,flexGrow:!0,flexPositive:!0,flexShrink:!0,flexNegative:!0,flexOrder:!0,gridArea:!0,gridRow:!0,gridRowEnd:!0,gridRowSpan:!0,gridRowStart:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnSpan:!0,gridColumnStart:!0,fontWeight:!0,lineClamp:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,tabSize:!0,widows:!0,zIndex:!0,zoom:!0,fillOpacity:!0,floodOpacity:!0,stopOpacity:!0,strokeDasharray:!0,strokeDashoffset:!0,strokeMiterlimit:!0,strokeOpacity:!0,strokeWidth:!0};function Sw(R,D){return R+D.charAt(0).toUpperCase()+D.substring(1)}var kI=["Webkit","ms","Moz","O"];Object.keys(K0).forEach(function(R){kI.forEach(function(D){K0[Sw(D,R)]=K0[R]})});function Px(R,D,L){var K=D==null||typeof D=="boolean"||D==="";return K?"":!L&&typeof D=="number"&&D!==0&&!(K0.hasOwnProperty(R)&&K0[R])?D+"px":(""+D).trim()}var RR=/([A-Z])/g,w3=/^ms-/;function o_(R){return R.replace(RR,"-$1").toLowerCase().replace(w3,"-ms-")}var y3=function(){};{var RI=/^(?:webkit|moz|o)[A-Z]/,E3=/^-ms-/,Fx=/-(.)/g,OR=/;\s*$/,xw={},cp={},jx=!1,yE=!1,IR=function(R){return R.replace(Fx,function(D,L){return L.toUpperCase()})},DR=function(R){xw.hasOwnProperty(R)&&xw[R]||(xw[R]=!0,k("Unsupported style property %s. Did you mean %s?",R,IR(R.replace(E3,"ms-"))))},_3=function(R){xw.hasOwnProperty(R)&&xw[R]||(xw[R]=!0,k("Unsupported vendor-prefixed style property %s. Did you mean %s?",R,R.charAt(0).toUpperCase()+R.slice(1)))},s_=function(R,D){cp.hasOwnProperty(D)&&cp[D]||(cp[D]=!0,k(`Style property values shouldn't contain a semicolon. Try "%s: %s" instead.`,R,D.replace(OR,"")))},OI=function(R,D){jx||(jx=!0,k("`NaN` is an invalid value for the `%s` css style property.",R))},AR=function(R,D){yE||(yE=!0,k("`Infinity` is an invalid value for the `%s` css style property.",R))};y3=function(R,D){R.indexOf("-")>-1?DR(R):RI.test(R)?_3(R):OR.test(D)&&s_(R,D),typeof D=="number"&&(isNaN(D)?OI(R,D):isFinite(D)||AR(R,D))}}var $R=y3;function Cw(R){{var D="",L="";for(var K in R)if(R.hasOwnProperty(K)){var J=R[K];if(J!=null){var ue=K.indexOf("--")===0;D+=L+(ue?K:o_(K))+":",D+=Px(K,J,ue),L=";"}}return D||null}}function S3(R,D){var L=R.style;for(var K in D)if(D.hasOwnProperty(K)){var J=K.indexOf("--")===0;J||$R(K,D[K]);var ue=Px(K,D[K],J);K==="float"&&(K="cssFloat"),J?L.setProperty(K,ue):L[K]=ue}}function PR(R){return R==null||typeof R=="boolean"||R===""}function Hm(R){var D={};for(var L in R)for(var K=kR[L]||[L],J=0;J<K.length;J++)D[K[J]]=L;return D}function FR(R,D){{if(!D)return;var L=Hm(R),K=Hm(D),J={};for(var ue in L){var _e=L[ue],Oe=K[ue];if(Oe&&_e!==Oe){var He=_e+","+Oe;if(J[He])continue;J[He]=!0,k("%s a style property during rerender (%s) when a conflicting property is set (%s) can lead to styling bugs. To avoid this, don't mix shorthand and non-shorthand properties for the same value; instead, replace the shorthand with separate values.",PR(R[_e])?"Removing":"Updating",_e,Oe)}}}}var Y0={area:!0,base:!0,br:!0,col:!0,embed:!0,hr:!0,img:!0,input:!0,keygen:!0,link:!0,meta:!0,param:!0,source:!0,track:!0,wbr:!0},Mx=b({menuitem:!0},Y0),jR="__html";function Nx(R,D){if(D){if(Mx[R]&&!(D.children==null&&D.dangerouslySetInnerHTML==null))throw Error(R+" is a void element tag and must neither have `children` nor use `dangerouslySetInnerHTML`.");if(D.dangerouslySetInnerHTML!=null){if(D.children!=null)throw Error("Can only set one of `children` or `props.dangerouslySetInnerHTML`.");if(!(typeof D.dangerouslySetInnerHTML=="object"&&jR in D.dangerouslySetInnerHTML))throw Error("`props.dangerouslySetInnerHTML` must be in the form `{__html: ...}`. Please visit https://reactjs.org/link/dangerously-set-inner-html for more information.")}if(!D.suppressContentEditableWarning&&D.contentEditable&&D.children!=null&&k("A component is `contentEditable` and contains `children` managed by React. It is now your responsibility to guarantee that none of those nodes are unexpectedly modified or duplicated. This is probably not intentional."),!(D.style==null||typeof D.style=="object"))throw Error("The `style` prop expects a mapping from style properties to values, not a string. For example, style={{marginRight: spacing + 'em'}} when using JSX.")}}function Qg(R,D){if(R.indexOf("-")===-1)return typeof D.is=="string";switch(R){case"annotation-xml":case"color-profile":case"font-face":case"font-face-src":case"font-face-uri":case"font-face-format":case"font-face-name":case"missing-glyph":return!1;default:return!0}}var x1={accept:"accept",acceptcharset:"acceptCharset","accept-charset":"acceptCharset",accesskey:"accessKey",action:"action",allowfullscreen:"allowFullScreen",alt:"alt",as:"as",async:"async",autocapitalize:"autoCapitalize",autocomplete:"autoComplete",autocorrect:"autoCorrect",autofocus:"autoFocus",autoplay:"autoPlay",autosave:"autoSave",capture:"capture",cellpadding:"cellPadding",cellspacing:"cellSpacing",challenge:"challenge",charset:"charSet",checked:"checked",children:"children",cite:"cite",class:"className",classid:"classID",classname:"className",cols:"cols",colspan:"colSpan",content:"content",contenteditable:"contentEditable",contextmenu:"contextMenu",controls:"controls",controlslist:"controlsList",coords:"coords",crossorigin:"crossOrigin",dangerouslysetinnerhtml:"dangerouslySetInnerHTML",data:"data",datetime:"dateTime",default:"default",defaultchecked:"defaultChecked",defaultvalue:"defaultValue",defer:"defer",dir:"dir",disabled:"disabled",disablepictureinpicture:"disablePictureInPicture",disableremoteplayback:"disableRemotePlayback",download:"download",draggable:"draggable",enctype:"encType",enterkeyhint:"enterKeyHint",for:"htmlFor",form:"form",formmethod:"formMethod",formaction:"formAction",formenctype:"formEncType",formnovalidate:"formNoValidate",formtarget:"formTarget",frameborder:"frameBorder",headers:"headers",height:"height",hidden:"hidden",high:"high",href:"href",hreflang:"hrefLang",htmlfor:"htmlFor",httpequiv:"httpEquiv","http-equiv":"httpEquiv",icon:"icon",id:"id",innerhtml:"innerHTML",inputmode:"inputMode",integrity:"integrity",is:"is",itemid:"itemID",itemprop:"itemProp",itemref:"itemRef",itemscope:"itemScope",itemtype:"itemType",keyparams:"keyParams",keytype:"keyType",kind:"kind",label:"label",lang:"lang",list:"list",loop:"loop",low:"low",manifest:"manifest",marginwidth:"marginWidth",marginheight:"marginHeight",max:"max",maxlength:"maxLength",media:"media",mediagroup:"mediaGroup",method:"method",min:"min",minlength:"minLength",multiple:"multiple",muted:"muted",name:"name",nomodule:"noModule",nonce:"nonce",novalidate:"noValidate",open:"open",optimum:"optimum",pattern:"pattern",placeholder:"placeholder",playsinline:"playsInline",poster:"poster",preload:"preload",profile:"profile",radiogroup:"radioGroup",readonly:"readOnly",referrerpolicy:"referrerPolicy",rel:"rel",required:"required",reversed:"reversed",role:"role",rows:"rows",rowspan:"rowSpan",sandbox:"sandbox",scope:"scope",scoped:"scoped",scrolling:"scrolling",seamless:"seamless",selected:"selected",shape:"shape",size:"size",sizes:"sizes",span:"span",spellcheck:"spellCheck",src:"src",srcdoc:"srcDoc",srclang:"srcLang",srcset:"srcSet",start:"start",step:"step",style:"style",summary:"summary",tabindex:"tabIndex",target:"target",title:"title",type:"type",usemap:"useMap",value:"value",width:"width",wmode:"wmode",wrap:"wrap",about:"about",accentheight:"accentHeight","accent-height":"accentHeight",accumulate:"accumulate",additive:"additive",alignmentbaseline:"alignmentBaseline","alignment-baseline":"alignmentBaseline",allowreorder:"allowReorder",alphabetic:"alphabetic",amplitude:"amplitude",arabicform:"arabicForm","arabic-form":"arabicForm",ascent:"ascent",attributename:"attributeName",attributetype:"attributeType",autoreverse:"autoReverse",azimuth:"azimuth",basefrequency:"baseFrequency",baselineshift:"baselineShift","baseline-shift":"baselineShift",baseprofile:"baseProfile",bbox:"bbox",begin:"begin",bias:"bias",by:"by",calcmode:"calcMode",capheight:"capHeight","cap-height":"capHeight",clip:"clip",clippath:"clipPath","clip-path":"clipPath",clippathunits:"clipPathUnits",cliprule:"clipRule","clip-rule":"clipRule",color:"color",colorinterpolation:"colorInterpolation","color-interpolation":"colorInterpolation",colorinterpolationfilters:"colorInterpolationFilters","color-interpolation-filters":"colorInterpolationFilters",colorprofile:"colorProfile","color-profile":"colorProfile",colorrendering:"colorRendering","color-rendering":"colorRendering",contentscripttype:"contentScriptType",contentstyletype:"contentStyleType",cursor:"cursor",cx:"cx",cy:"cy",d:"d",datatype:"datatype",decelerate:"decelerate",descent:"descent",diffuseconstant:"diffuseConstant",direction:"direction",display:"display",divisor:"divisor",dominantbaseline:"dominantBaseline","dominant-baseline":"dominantBaseline",dur:"dur",dx:"dx",dy:"dy",edgemode:"edgeMode",elevation:"elevation",enablebackground:"enableBackground","enable-background":"enableBackground",end:"end",exponent:"exponent",externalresourcesrequired:"externalResourcesRequired",fill:"fill",fillopacity:"fillOpacity","fill-opacity":"fillOpacity",fillrule:"fillRule","fill-rule":"fillRule",filter:"filter",filterres:"filterRes",filterunits:"filterUnits",floodopacity:"floodOpacity","flood-opacity":"floodOpacity",floodcolor:"floodColor","flood-color":"floodColor",focusable:"focusable",fontfamily:"fontFamily","font-family":"fontFamily",fontsize:"fontSize","font-size":"fontSize",fontsizeadjust:"fontSizeAdjust","font-size-adjust":"fontSizeAdjust",fontstretch:"fontStretch","font-stretch":"fontStretch",fontstyle:"fontStyle","font-style":"fontStyle",fontvariant:"fontVariant","font-variant":"fontVariant",fontweight:"fontWeight","font-weight":"fontWeight",format:"format",from:"from",fx:"fx",fy:"fy",g1:"g1",g2:"g2",glyphname:"glyphName","glyph-name":"glyphName",glyphorientationhorizontal:"glyphOrientationHorizontal","glyph-orientation-horizontal":"glyphOrientationHorizontal",glyphorientationvertical:"glyphOrientationVertical","glyph-orientation-vertical":"glyphOrientationVertical",glyphref:"glyphRef",gradienttransform:"gradientTransform",gradientunits:"gradientUnits",hanging:"hanging",horizadvx:"horizAdvX","horiz-adv-x":"horizAdvX",horizoriginx:"horizOriginX","horiz-origin-x":"horizOriginX",ideographic:"ideographic",imagerendering:"imageRendering","image-rendering":"imageRendering",in2:"in2",in:"in",inlist:"inlist",intercept:"intercept",k1:"k1",k2:"k2",k3:"k3",k4:"k4",k:"k",kernelmatrix:"kernelMatrix",kernelunitlength:"kernelUnitLength",kerning:"kerning",keypoints:"keyPoints",keysplines:"keySplines",keytimes:"keyTimes",lengthadjust:"lengthAdjust",letterspacing:"letterSpacing","letter-spacing":"letterSpacing",lightingcolor:"lightingColor","lighting-color":"lightingColor",limitingconeangle:"limitingConeAngle",local:"local",markerend:"markerEnd","marker-end":"markerEnd",markerheight:"markerHeight",markermid:"markerMid","marker-mid":"markerMid",markerstart:"markerStart","marker-start":"markerStart",markerunits:"markerUnits",markerwidth:"markerWidth",mask:"mask",maskcontentunits:"maskContentUnits",maskunits:"maskUnits",mathematical:"mathematical",mode:"mode",numoctaves:"numOctaves",offset:"offset",opacity:"opacity",operator:"operator",order:"order",orient:"orient",orientation:"orientation",origin:"origin",overflow:"overflow",overlineposition:"overlinePosition","overline-position":"overlinePosition",overlinethickness:"overlineThickness","overline-thickness":"overlineThickness",paintorder:"paintOrder","paint-order":"paintOrder",panose1:"panose1","panose-1":"panose1",pathlength:"pathLength",patterncontentunits:"patternContentUnits",patterntransform:"patternTransform",patternunits:"patternUnits",pointerevents:"pointerEvents","pointer-events":"pointerEvents",points:"points",pointsatx:"pointsAtX",pointsaty:"pointsAtY",pointsatz:"pointsAtZ",prefix:"prefix",preservealpha:"preserveAlpha",preserveaspectratio:"preserveAspectRatio",primitiveunits:"primitiveUnits",property:"property",r:"r",radius:"radius",refx:"refX",refy:"refY",renderingintent:"renderingIntent","rendering-intent":"renderingIntent",repeatcount:"repeatCount",repeatdur:"repeatDur",requiredextensions:"requiredExtensions",requiredfeatures:"requiredFeatures",resource:"resource",restart:"restart",result:"result",results:"results",rotate:"rotate",rx:"rx",ry:"ry",scale:"scale",security:"security",seed:"seed",shaperendering:"shapeRendering","shape-rendering":"shapeRendering",slope:"slope",spacing:"spacing",specularconstant:"specularConstant",specularexponent:"specularExponent",speed:"speed",spreadmethod:"spreadMethod",startoffset:"startOffset",stddeviation:"stdDeviation",stemh:"stemh",stemv:"stemv",stitchtiles:"stitchTiles",stopcolor:"stopColor","stop-color":"stopColor",stopopacity:"stopOpacity","stop-opacity":"stopOpacity",strikethroughposition:"strikethroughPosition","strikethrough-position":"strikethroughPosition",strikethroughthickness:"strikethroughThickness","strikethrough-thickness":"strikethroughThickness",string:"string",stroke:"stroke",strokedasharray:"strokeDasharray","stroke-dasharray":"strokeDasharray",strokedashoffset:"strokeDashoffset","stroke-dashoffset":"strokeDashoffset",strokelinecap:"strokeLinecap","stroke-linecap":"strokeLinecap",strokelinejoin:"strokeLinejoin","stroke-linejoin":"strokeLinejoin",strokemiterlimit:"strokeMiterlimit","stroke-miterlimit":"strokeMiterlimit",strokewidth:"strokeWidth","stroke-width":"strokeWidth",strokeopacity:"strokeOpacity","stroke-opacity":"strokeOpacity",suppresscontenteditablewarning:"suppressContentEditableWarning",suppresshydrationwarning:"suppressHydrationWarning",surfacescale:"surfaceScale",systemlanguage:"systemLanguage",tablevalues:"tableValues",targetx:"targetX",targety:"targetY",textanchor:"textAnchor","text-anchor":"textAnchor",textdecoration:"textDecoration","text-decoration":"textDecoration",textlength:"textLength",textrendering:"textRendering","text-rendering":"textRendering",to:"to",transform:"transform",typeof:"typeof",u1:"u1",u2:"u2",underlineposition:"underlinePosition","underline-position":"underlinePosition",underlinethickness:"underlineThickness","underline-thickness":"underlineThickness",unicode:"unicode",unicodebidi:"unicodeBidi","unicode-bidi":"unicodeBidi",unicoderange:"unicodeRange","unicode-range":"unicodeRange",unitsperem:"unitsPerEm","units-per-em":"unitsPerEm",unselectable:"unselectable",valphabetic:"vAlphabetic","v-alphabetic":"vAlphabetic",values:"values",vectoreffect:"vectorEffect","vector-effect":"vectorEffect",version:"version",vertadvy:"vertAdvY","vert-adv-y":"vertAdvY",vertoriginx:"vertOriginX","vert-origin-x":"vertOriginX",vertoriginy:"vertOriginY","vert-origin-y":"vertOriginY",vhanging:"vHanging","v-hanging":"vHanging",videographic:"vIdeographic","v-ideographic":"vIdeographic",viewbox:"viewBox",viewtarget:"viewTarget",visibility:"visibility",vmathematical:"vMathematical","v-mathematical":"vMathematical",vocab:"vocab",widths:"widths",wordspacing:"wordSpacing","word-spacing":"wordSpacing",writingmode:"writingMode","writing-mode":"writingMode",x1:"x1",x2:"x2",x:"x",xchannelselector:"xChannelSelector",xheight:"xHeight","x-height":"xHeight",xlinkactuate:"xlinkActuate","xlink:actuate":"xlinkActuate",xlinkarcrole:"xlinkArcrole","xlink:arcrole":"xlinkArcrole",xlinkhref:"xlinkHref","xlink:href":"xlinkHref",xlinkrole:"xlinkRole","xlink:role":"xlinkRole",xlinkshow:"xlinkShow","xlink:show":"xlinkShow",xlinktitle:"xlinkTitle","xlink:title":"xlinkTitle",xlinktype:"xlinkType","xlink:type":"xlinkType",xmlbase:"xmlBase","xml:base":"xmlBase",xmllang:"xmlLang","xml:lang":"xmlLang",xmlns:"xmlns","xml:space":"xmlSpace",xmlnsxlink:"xmlnsXlink","xmlns:xlink":"xmlnsXlink",xmlspace:"xmlSpace",y1:"y1",y2:"y2",y:"y",ychannelselector:"yChannelSelector",z:"z",zoomandpan:"zoomAndPan"},ng={"aria-current":0,"aria-details":0,"aria-disabled":0,"aria-hidden":0,"aria-invalid":0,"aria-keyshortcuts":0,"aria-label":0,"aria-roledescription":0,"aria-autocomplete":0,"aria-checked":0,"aria-expanded":0,"aria-haspopup":0,"aria-level":0,"aria-modal":0,"aria-multiline":0,"aria-multiselectable":0,"aria-orientation":0,"aria-placeholder":0,"aria-pressed":0,"aria-readonly":0,"aria-required":0,"aria-selected":0,"aria-sort":0,"aria-valuemax":0,"aria-valuemin":0,"aria-valuenow":0,"aria-valuetext":0,"aria-atomic":0,"aria-busy":0,"aria-live":0,"aria-relevant":0,"aria-dropeffect":0,"aria-grabbed":0,"aria-activedescendant":0,"aria-colcount":0,"aria-colindex":0,"aria-colspan":0,"aria-controls":0,"aria-describedby":0,"aria-errormessage":0,"aria-flowto":0,"aria-labelledby":0,"aria-owns":0,"aria-posinset":0,"aria-rowcount":0,"aria-rowindex":0,"aria-rowspan":0,"aria-setsize":0},zb={},II=new RegExp("^(aria)-["+ii+"]*$"),MR=new RegExp("^(aria)[A-Z]["+ii+"]*$"),x3=Object.prototype.hasOwnProperty;function C3(R,D){{if(x3.call(zb,D)&&zb[D])return!0;if(MR.test(D)){var L="aria-"+D.slice(4).toLowerCase(),K=ng.hasOwnProperty(L)?L:null;if(K==null)return k("Invalid ARIA attribute `%s`. ARIA attributes follow the pattern aria-* and must be lowercase.",D),zb[D]=!0,!0;if(D!==K)return k("Invalid ARIA attribute `%s`. Did you mean `%s`?",D,K),zb[D]=!0,!0}if(II.test(D)){var J=D.toLowerCase(),ue=ng.hasOwnProperty(J)?J:null;if(ue==null)return zb[D]=!0,!1;if(D!==ue)return k("Unknown ARIA attribute `%s`. Did you mean `%s`?",D,ue),zb[D]=!0,!0}}return!0}function NR(R,D){{var L=[];for(var K in D){var J=C3(R,K);J||L.push(K)}var ue=L.map(function(_e){return"`"+_e+"`"}).join(", ");L.length===1?k("Invalid aria prop %s on <%s> tag. For details, see https://reactjs.org/link/invalid-aria-props",ue,R):L.length>1&&k("Invalid aria props %s on <%s> tag. For details, see https://reactjs.org/link/invalid-aria-props",ue,R)}}function Tw(R,D){Qg(R,D)||NR(R,D)}var En=!1;function br(R,D){{if(R!=="input"&&R!=="textarea"&&R!=="select")return;D!=null&&D.value===null&&!En&&(En=!0,R==="select"&&D.multiple?k("`value` prop on `%s` should not be null. Consider using an empty array when `multiple` is set to `true` to clear the component or `undefined` for uncontrolled components.",R):k("`value` prop on `%s` should not be null. Consider using an empty string to clear the component or `undefined` for uncontrolled components.",R))}}var er=function(){};{var Bi={},fa=Object.prototype.hasOwnProperty,Ju=/^on./,bc=/^on[^A-Z]/,Xc=new RegExp("^(aria)-["+ii+"]*$"),kw=new RegExp("^(aria)[A-Z]["+ii+"]*$");er=function(R,D,L,K){if(fa.call(Bi,D)&&Bi[D])return!0;var J=D.toLowerCase();if(J==="onfocusin"||J==="onfocusout")return k("React uses onFocus and onBlur instead of onFocusIn and onFocusOut. All React events are normalized to bubble, so onFocusIn and onFocusOut are not needed/supported by React."),Bi[D]=!0,!0;if(K!=null){var ue=K.registrationNameDependencies,_e=K.possibleRegistrationNames;if(ue.hasOwnProperty(D))return!0;var Oe=_e.hasOwnProperty(J)?_e[J]:null;if(Oe!=null)return k("Invalid event handler property `%s`. Did you mean `%s`?",D,Oe),Bi[D]=!0,!0;if(Ju.test(D))return k("Unknown event handler property `%s`. It will be ignored.",D),Bi[D]=!0,!0}else if(Ju.test(D))return bc.test(D)&&k("Invalid event handler property `%s`. React events use the camelCase naming convention, for example `onClick`.",D),Bi[D]=!0,!0;if(Xc.test(D)||kw.test(D))return!0;if(J==="innerhtml")return k("Directly setting property `innerHTML` is not permitted. For more information, lookup documentation on `dangerouslySetInnerHTML`."),Bi[D]=!0,!0;if(J==="aria")return k("The `aria` attribute is reserved for future use in React. Pass individual `aria-` attributes instead."),Bi[D]=!0,!0;if(J==="is"&&L!==null&&L!==void 0&&typeof L!="string")return k("Received a `%s` for a string attribute `is`. If this is expected, cast the value to a string.",typeof L),Bi[D]=!0,!0;if(typeof L=="number"&&isNaN(L))return k("Received NaN for the `%s` attribute. If this is expected, cast the value to a string.",D),Bi[D]=!0,!0;var He=ir(D),kt=He!==null&&He.type===lt;if(x1.hasOwnProperty(J)){var jt=x1[J];if(jt!==D)return k("Invalid DOM property `%s`. Did you mean `%s`?",D,jt),Bi[D]=!0,!0}else if(!kt&&D!==J)return k("React does not recognize the `%s` prop on a DOM element. If you intentionally want it to appear in the DOM as a custom attribute, spell it as lowercase `%s` instead. If you accidentally passed it from a parent component, remove it from the DOM element.",D,J),Bi[D]=!0,!0;return typeof L=="boolean"&&Es(D,L,He,!1)?(L?k('Received `%s` for a non-boolean attribute `%s`.\n\nIf you want to write it to the DOM, pass a string instead: %s="%s" or %s={value.toString()}.',L,D,D,L,D):k('Received `%s` for a non-boolean attribute `%s`.\n\nIf you want to write it to the DOM, pass a string instead: %s="%s" or %s={value.toString()}.\n\nIf you used to conditionally omit it with %s={condition && value}, pass %s={condition ? value : undefined} instead.',L,D,D,L,D,D,D),Bi[D]=!0,!0):kt?!0:Es(D,L,He,!1)?(Bi[D]=!0,!1):((L==="false"||L==="true")&&He!==null&&He.type===qt&&(k("Received the string `%s` for the boolean attribute `%s`. %s Did you mean %s={%s}?",L,D,L==="false"?"The browser will interpret it as a truthy value.":'Although this works, it will not work as expected if you pass the string "false".',D,L),Bi[D]=!0),!0)}}var LR=function(R,D,L){{var K=[];for(var J in D){var ue=er(R,J,D[J],L);ue||K.push(J)}var _e=K.map(function(Oe){return"`"+Oe+"`"}).join(", ");K.length===1?k("Invalid value for prop %s on <%s> tag. Either remove it from the element, or pass a string or number value to keep it in the DOM. For details, see https://reactjs.org/link/attribute-behavior ",_e,R):K.length>1&&k("Invalid values for props %s on <%s> tag. Either remove them from the element, or pass a string or number value to keep them in the DOM. For details, see https://reactjs.org/link/attribute-behavior ",_e,R)}};function C1(R,D,L){Qg(R,D)||LR(R,D,L)}var Rw=1,a_=1<<1,rg=1<<2,u_=1<<4,Um=Rw|a_|rg;function Bu(R){var D=R.target||R.srcElement||window;return D.correspondingUseElement&&(D=D.correspondingUseElement),D.nodeType===zm?D.parentNode:D}var Ow=null,Vm=null,Hb=null;function T3(R){var D=UE(R);if(D){if(typeof Ow!="function")throw Error("setRestoreImplementation() needs to be called to handle a target for controlled events. This error is likely caused by a bug in React. Please file an issue.");var L=D.stateNode;if(L){var K=yk(L);Ow(D.stateNode,D.type,K)}}}function k3(R){Ow=R}function EE(R){Vm?Hb?Hb.push(R):Hb=[R]:Vm=R}function c_(){return Vm!==null||Hb!==null}function Ub(){if(Vm){var R=Vm,D=Hb;if(Vm=null,Hb=null,T3(R),D)for(var L=0;L<D.length;L++)T3(D[L])}}var Iw=function(R,D){return R(D)},Qc=function(R,D,L,K,J){return R(D,L,K,J)},Dw=function(){},Lx=Iw,Vb=!1,Aw=!1;function l_(){var R=c_();R&&(Dw(),Ub())}function qm(R,D){if(Vb)return R(D);Vb=!0;try{return Iw(R,D)}finally{Vb=!1,l_()}}function qb(R,D,L){if(Aw)return R(D,L);Aw=!0;try{return Lx(R,D,L)}finally{Aw=!1,l_()}}function Wm(R,D,L,K,J){var ue=Vb;Vb=!0;try{return Qc(R,D,L,K,J)}finally{Vb=ue,Vb||l_()}}function BR(R){Vb||Dw()}function Bx(R,D,L,K){Iw=R,Qc=D,Dw=L,Lx=K}function R3(R){return R==="button"||R==="input"||R==="select"||R==="textarea"}function _E(R,D,L){switch(R){case"onClick":case"onClickCapture":case"onDoubleClick":case"onDoubleClickCapture":case"onMouseDown":case"onMouseDownCapture":case"onMouseMove":case"onMouseMoveCapture":case"onMouseUp":case"onMouseUpCapture":case"onMouseEnter":return!!(L.disabled&&R3(D));default:return!1}}function Gm(R,D){var L=R.stateNode;if(L===null)return null;var K=yk(L);if(K===null)return null;var J=K[D];if(_E(D,R.type,K))return null;if(!(!J||typeof J=="function"))throw Error("Expected `"+D+"` listener to be a function, instead got a value of `"+typeof J+"` type.");return J}var $w=!1;if(We)try{var SE={};Object.defineProperty(SE,"passive",{get:function(){$w=!0}}),window.addEventListener("test",SE,SE),window.removeEventListener("test",SE,SE)}catch{$w=!1}function O3(R,D,L,K,J,ue,_e,Oe,He){var kt=Array.prototype.slice.call(arguments,3);try{D.apply(L,kt)}catch(jt){this.onError(jt)}}var zx=O3;if(typeof window<"u"&&typeof window.dispatchEvent=="function"&&typeof document<"u"&&typeof document.createEvent=="function"){var X0=document.createElement("react");zx=function(D,L,K,J,ue,_e,Oe,He,kt){if(!(typeof document<"u"))throw Error("The `document` global was defined when React was initialized, but is not defined anymore. This can happen in a test environment if a component schedules an update from an asynchronous callback, but the test has already finished running. To solve this, you can either unmount the component at the end of your test (and ensure that any asynchronous operations get canceled in `componentWillUnmount`), or you can change the test itself to be asynchronous.");var jt=document.createEvent("Event"),Ln=!1,Jt=!0,Kn=window.event,qr=Object.getOwnPropertyDescriptor(window,"event");function Ji(){X0.removeEventListener(Er,Ns,!1),typeof window.event<"u"&&window.hasOwnProperty("event")&&(window.event=Kn)}var Ss=Array.prototype.slice.call(arguments,3);function Ns(){Ln=!0,Ji(),L.apply(K,Ss),Jt=!1}var ea,vc=!1,$l=!1;function Mn(Rn){if(ea=Rn.error,vc=!0,ea===null&&Rn.colno===0&&Rn.lineno===0&&($l=!0),Rn.defaultPrevented&&ea!=null&&typeof ea=="object")try{ea._suppressLogging=!0}catch{}}var Er="react-"+(D||"invokeguardedcallback");if(window.addEventListener("error",Mn),X0.addEventListener(Er,Ns,!1),jt.initEvent(Er,!1,!1),X0.dispatchEvent(jt),qr&&Object.defineProperty(window,"event",qr),Ln&&Jt&&(vc?$l&&(ea=new Error("A cross-origin error was thrown. React doesn't have access to the actual error object in development. See https://reactjs.org/link/crossorigin-error for more information.")):ea=new Error(`An error was thrown inside one of your components, but React doesn't know what it was. This is likely due to browser flakiness. React does its best to preserve the "Pause on exceptions" behavior of the DevTools, which requires some DEV-mode only tricks. It's possible that these don't work in your browser. Try triggering the error in production mode, or switching to a modern browser. If you suspect that this is actually an issue with React, please file an issue.`),this.onError(ea)),window.removeEventListener("error",Mn),!Ln)return Ji(),O3.apply(this,arguments)}}var id=zx,Ul=!1,Hx=null,Pw=!1,Jg=null,Ux={onError:function(R){Ul=!0,Hx=R}};function ah(R,D,L,K,J,ue,_e,Oe,He){Ul=!1,Hx=null,id.apply(Ux,arguments)}function xE(R,D,L,K,J,ue,_e,Oe,He){if(ah.apply(this,arguments),Ul){var kt=yd();Pw||(Pw=!0,Jg=kt)}}function Km(){if(Pw){var R=Jg;throw Pw=!1,Jg=null,R}}function zd(){return Ul}function yd(){if(Ul){var R=Hx;return Ul=!1,Hx=null,R}else throw Error("clearCaughtError was called but no error was captured. This error is likely caused by a bug in React. Please file an issue.")}function T1(R){return R._reactInternals}function f_(R){return R._reactInternals!==void 0}function Q0(R,D){R._reactInternals=D}var Lc=0,lp=1,ia=2,Ps=4,J0=6,Jc=8,Bf=16,Ym=32,Ke=64,ff=128,k1=256,uh=512,Aa=8192,ig=1024,zR=1028,I3=932,R1=2047,d_=2048,Zg=4096,h_=16384,HR=_.ReactCurrentOwner;function Z0(R){var D=R,L=R;if(R.alternate)for(;D.return;)D=D.return;else{var K=D;do D=K,(D.flags&(ia|ig))!==Lc&&(L=D.return),K=D.return;while(K)}return D.tag===U?L:null}function og(R){if(R.tag===me){var D=R.memoizedState;if(D===null){var L=R.alternate;L!==null&&(D=L.memoizedState)}if(D!==null)return D.dehydrated}return null}function UR(R){return R.tag===U?R.stateNode.containerInfo:null}function Vx(R){return Z0(R)===R}function VR(R){{var D=HR.current;if(D!==null&&D.tag===P){var L=D,K=L.stateNode;K._warnedAboutRefsInRender||k("%s is accessing isMounted inside its render() function. render() should be a pure function of props and state. It should never access something that requires stale data from the previous render, such as refs. Move this logic to componentDidMount and componentDidUpdate instead.",wi(L.type)||"A component"),K._warnedAboutRefsInRender=!0}}var J=T1(R);return J?Z0(J)===J:!1}function D3(R){if(Z0(R)!==R)throw Error("Unable to find node on an unmounted component.")}function A3(R){var D=R.alternate;if(!D){var L=Z0(R);if(L===null)throw Error("Unable to find node on an unmounted component.");return L!==R?null:R}for(var K=R,J=D;;){var ue=K.return;if(ue===null)break;var _e=ue.alternate;if(_e===null){var Oe=ue.return;if(Oe!==null){K=J=Oe;continue}break}if(ue.child===_e.child){for(var He=ue.child;He;){if(He===K)return D3(ue),R;if(He===J)return D3(ue),D;He=He.sibling}throw Error("Unable to find node on an unmounted component.")}if(K.return!==J.return)K=ue,J=_e;else{for(var kt=!1,jt=ue.child;jt;){if(jt===K){kt=!0,K=ue,J=_e;break}if(jt===J){kt=!0,J=ue,K=_e;break}jt=jt.sibling}if(!kt){for(jt=_e.child;jt;){if(jt===K){kt=!0,K=_e,J=ue;break}if(jt===J){kt=!0,J=_e,K=ue;break}jt=jt.sibling}if(!kt)throw Error("Child was not found in either parent set. This indicates a bug in React related to the return pointer. Please file an issue.")}}if(K.alternate!==J)throw Error("Return fibers should always be each others' alternates. This error is likely caused by a bug in React. Please file an issue.")}if(K.tag!==U)throw Error("Unable to find node on an unmounted component.");return K.stateNode.current===K?R:D}function eb(R){var D=A3(R);if(!D)return null;for(var L=D;;){if(L.tag===X||L.tag===Z)return L;if(L.child){L.child.return=L,L=L.child;continue}if(L===D)return null;for(;!L.sibling;){if(!L.return||L.return===D)return null;L=L.return}L.sibling.return=L.return,L=L.sibling}return null}function $3(R){var D=A3(R);if(!D)return null;for(var L=D;;){if(L.tag===X||L.tag===Z||en)return L;if(L.child&&L.tag!==G){L.child.return=L,L=L.child;continue}if(L===D)return null;for(;!L.sibling;){if(!L.return||L.return===D)return null;L=L.return}L.sibling.return=L.return,L=L.sibling}return null}function qR(R,D){for(var L=D,K=R.alternate;L!==null;){if(L===R||L===K)return!0;L=L.return}return!1}var Wb;function qx(R){Wb=R}var p_;function ev(R){p_=R}var ch;function CE(R){ch=R}var O1;function Fw(R){O1=R}var jw=!1,Hd=[],Gb=null,tv=null,Ed=null,Xm=new Map,nv=new Map,Kb=[];function TE(){return Hd.length>0}var rv=["mousedown","mouseup","touchcancel","touchend","touchstart","auxclick","dblclick","pointercancel","pointerdown","pointerup","dragend","dragstart","drop","compositionend","compositionstart","keydown","keypress","keyup","input","textInput","copy","cut","paste","click","change","contextmenu","reset","submit"];function iv(R){return rv.indexOf(R)>-1}function P3(R,D,L,K,J){return{blockedOn:R,domEventName:D,eventSystemFlags:L|u_,nativeEvent:J,targetContainers:[K]}}function Qm(R,D,L,K,J){var ue=P3(R,D,L,K,J);Hd.push(ue)}function zp(R,D){switch(R){case"focusin":case"focusout":Gb=null;break;case"dragenter":case"dragleave":tv=null;break;case"mouseover":case"mouseout":Ed=null;break;case"pointerover":case"pointerout":{var L=D.pointerId;Xm.delete(L);break}case"gotpointercapture":case"lostpointercapture":{var K=D.pointerId;nv.delete(K);break}}}function od(R,D,L,K,J,ue){if(R===null||R.nativeEvent!==ue){var _e=P3(D,L,K,J,ue);if(D!==null){var Oe=UE(D);Oe!==null&&p_(Oe)}return _e}R.eventSystemFlags|=K;var He=R.targetContainers;return J!==null&&He.indexOf(J)===-1&&He.push(J),R}function g_(R,D,L,K,J){switch(D){case"focusin":{var ue=J;return Gb=od(Gb,R,D,L,K,ue),!0}case"dragenter":{var _e=J;return tv=od(tv,R,D,L,K,_e),!0}case"mouseover":{var Oe=J;return Ed=od(Ed,R,D,L,K,Oe),!0}case"pointerover":{var He=J,kt=He.pointerId;return Xm.set(kt,od(Xm.get(kt)||null,R,D,L,K,He)),!0}case"gotpointercapture":{var jt=J,Ln=jt.pointerId;return nv.set(Ln,od(nv.get(Ln)||null,R,D,L,K,jt)),!0}}return!1}function ov(R){var D=EC(R.target);if(D!==null){var L=Z0(D);if(L!==null){var K=L.tag;if(K===me){var J=og(L);if(J!==null){R.blockedOn=J,O1(R.lanePriority,function(){m.unstable_runWithPriority(R.priority,function(){ch(L)})});return}}else if(K===U){var ue=L.stateNode;if(ue.hydrate){R.blockedOn=UR(L);return}}}}R.blockedOn=null}function df(R){if(R.blockedOn!==null)return!1;for(var D=R.targetContainers;D.length>0;){var L=D[0],K=PE(R.domEventName,R.eventSystemFlags,L,R.nativeEvent);if(K!==null){var J=UE(K);return J!==null&&p_(J),R.blockedOn=K,!1}D.shift()}return!0}function Jm(R,D,L){df(R)&&L.delete(D)}function F3(){for(jw=!1;Hd.length>0;){var R=Hd[0];if(R.blockedOn!==null){var D=UE(R.blockedOn);D!==null&&Wb(D);break}for(var L=R.targetContainers;L.length>0;){var K=L[0],J=PE(R.domEventName,R.eventSystemFlags,K,R.nativeEvent);if(J!==null){R.blockedOn=J;break}L.shift()}R.blockedOn===null&&Hd.shift()}Gb!==null&&df(Gb)&&(Gb=null),tv!==null&&df(tv)&&(tv=null),Ed!==null&&df(Ed)&&(Ed=null),Xm.forEach(Jm),nv.forEach(Jm)}function Yb(R,D){R.blockedOn===D&&(R.blockedOn=null,jw||(jw=!0,m.unstable_scheduleCallback(m.unstable_NormalPriority,F3)))}function Mw(R){if(Hd.length>0){Yb(Hd[0],R);for(var D=1;D<Hd.length;D++){var L=Hd[D];L.blockedOn===R&&(L.blockedOn=null)}}Gb!==null&&Yb(Gb,R),tv!==null&&Yb(tv,R),Ed!==null&&Yb(Ed,R);var K=function(Oe){return Yb(Oe,R)};Xm.forEach(K),nv.forEach(K);for(var J=0;J<Kb.length;J++){var ue=Kb[J];ue.blockedOn===R&&(ue.blockedOn=null)}for(;Kb.length>0;){var _e=Kb[0];if(_e.blockedOn!==null)break;ov(_e),_e.blockedOn===null&&Kb.shift()}}var tb=0,Nw=1,kE=2;function sv(R,D){var L={};return L[R.toLowerCase()]=D.toLowerCase(),L["Webkit"+R]="webkit"+D,L["Moz"+R]="moz"+D,L}var Lw={animationend:sv("Animation","AnimationEnd"),animationiteration:sv("Animation","AnimationIteration"),animationstart:sv("Animation","AnimationStart"),transitionend:sv("Transition","TransitionEnd")},b_={},sd={};We&&(sd=document.createElement("div").style,"AnimationEvent"in window||(delete Lw.animationend.animation,delete Lw.animationiteration.animation,delete Lw.animationstart.animation),"TransitionEvent"in window||delete Lw.transitionend.transition);function Zm(R){if(b_[R])return b_[R];if(!Lw[R])return R;var D=Lw[R];for(var L in D)if(D.hasOwnProperty(L)&&L in sd)return b_[R]=D[L];return R}var Bw=Zm("animationend"),Hp=Zm("animationiteration"),m_=Zm("animationstart"),av=Zm("transitionend"),e0=new Map,uv=new Map,Al=["cancel","cancel","click","click","close","close","contextmenu","contextMenu","copy","copy","cut","cut","auxclick","auxClick","dblclick","doubleClick","dragend","dragEnd","dragstart","dragStart","drop","drop","focusin","focus","focusout","blur","input","input","invalid","invalid","keydown","keyDown","keypress","keyPress","keyup","keyUp","mousedown","mouseDown","mouseup","mouseUp","paste","paste","pause","pause","play","play","pointercancel","pointerCancel","pointerdown","pointerDown","pointerup","pointerUp","ratechange","rateChange","reset","reset","seeked","seeked","submit","submit","touchcancel","touchCancel","touchend","touchEnd","touchstart","touchStart","volumechange","volumeChange"],zw=["change","selectionchange","textInput","compositionstart","compositionend","compositionupdate"],v_=["drag","drag","dragenter","dragEnter","dragexit","dragExit","dragleave","dragLeave","dragover","dragOver","mousemove","mouseMove","mouseout","mouseOut","mouseover","mouseOver","pointermove","pointerMove","pointerout","pointerOut","pointerover","pointerOver","scroll","scroll","toggle","toggle","touchmove","touchMove","wheel","wheel"],Hw=["abort","abort",Bw,"animationEnd",Hp,"animationIteration",m_,"animationStart","canplay","canPlay","canplaythrough","canPlayThrough","durationchange","durationChange","emptied","emptied","encrypted","encrypted","ended","ended","error","error","gotpointercapture","gotPointerCapture","load","load","loadeddata","loadedData","loadedmetadata","loadedMetadata","loadstart","loadStart","lostpointercapture","lostPointerCapture","playing","playing","progress","progress","seeking","seeking","stalled","stalled","suspend","suspend","timeupdate","timeUpdate",av,"transitionEnd","waiting","waiting"];function w_(R,D){for(var L=0;L<R.length;L+=2){var K=R[L],J=R[L+1],ue=J[0].toUpperCase()+J.slice(1),_e="on"+ue;uv.set(K,D),e0.set(K,_e),Ge(_e,[K])}}function cv(R,D){for(var L=0;L<R.length;L++)uv.set(R[L],D)}function WR(R){var D=uv.get(R);return D===void 0?kE:D}function Uw(){w_(Al,tb),w_(v_,Nw),w_(Hw,kE),cv(zw,tb)}var Vl=m.unstable_now;if(!(w.__interactionsRef!=null&&w.__interactionsRef.current!=null))throw Error("It is not supported to run the profiling version of a renderer (for example, `react-dom/profiling`) without also replacing the `scheduler/tracing` module with `scheduler/tracing-profiling`. Your bundler might have a setting for aliasing both modules. Learn more at https://reactjs.org/link/profiling");var y_=99,Xb=98,I1=97,Qb=96,j3=95,Wx=90;Vl();var t0=15,E_=14,__=13,RE=12,lv=11,Jb=10,OE=9,ad=8,Vw=7,hl=6,_d=5,zf=4,S_=3,n0=2,Fh=1,r0=0,Gx=31,Dr=0,hf=0,Qa=1,nb=2,qw=4,Ww=24,$a=32,M3=192,IE=256,Zb=3584,Kx=4096,i0=4186112,DE=62914560,Sd=33554432,Yx=67108864,fv=134217727,x_=134217728,C_=805306368,sg=1073741824,gu=-1;function dv(R){}var kc=ad;function Gw(R){if((Qa&R)!==Dr)return kc=t0,Qa;if((nb&R)!==Dr)return kc=E_,nb;if((qw&R)!==Dr)return kc=__,qw;var D=Ww&R;if(D!==Dr)return kc=RE,D;if((R&$a)!==Dr)return kc=lv,$a;var L=M3&R;if(L!==Dr)return kc=Jb,L;if((R&IE)!==Dr)return kc=OE,IE;var K=Zb&R;if(K!==Dr)return kc=ad,K;if((R&Kx)!==Dr)return kc=Vw,Kx;var J=i0&R;if(J!==Dr)return kc=hl,J;var ue=DE&R;if(ue!==Dr)return kc=_d,ue;if(R&Yx)return kc=zf,Yx;if((R&x_)!==Dr)return kc=S_,x_;var _e=C_&R;return _e!==Dr?(kc=n0,_e):(sg&R)!==Dr?(kc=Fh,sg):(k("Should have found matching lanes. This is a bug in React."),kc=ad,R)}function AE(R){switch(R){case y_:return t0;case Xb:return Jb;case I1:case Qb:return ad;case j3:return n0;default:return r0}}function Kw(R){switch(R){case t0:case E_:return y_;case __:case RE:case lv:case Jb:return Xb;case OE:case ad:case Vw:case hl:case zf:case _d:return I1;case S_:case n0:case Fh:return j3;case r0:return Wx;default:throw Error("Invalid update priority: "+R+". This is a bug in React.")}}function o0(R,D){var L=R.pendingLanes;if(L===Dr)return kc=r0,Dr;var K=Dr,J=r0,ue=R.expiredLanes,_e=R.suspendedLanes,Oe=R.pingedLanes;if(ue!==Dr)K=ue,J=kc=t0;else{var He=L&fv;if(He!==Dr){var kt=He&~_e;if(kt!==Dr)K=Gw(kt),J=kc;else{var jt=He&Oe;jt!==Dr&&(K=Gw(jt),J=kc)}}else{var Ln=L&~_e;Ln!==Dr?(K=Gw(Ln),J=kc):Oe!==Dr&&(K=Gw(Oe),J=kc)}}if(K===Dr)return Dr;if(K=L&H3(K),D!==Dr&&D!==K&&(D&_e)===Dr){Gw(D);var Jt=kc;if(J<=Jt)return D;kc=J}var Kn=R.entangledLanes;if(Kn!==Dr)for(var qr=R.entanglements,Ji=K&Kn;Ji>0;){var Ss=s0(Ji),Ns=1<<Ss;K|=qr[Ss],Ji&=~Ns}return K}function Xx(R,D){for(var L=R.eventTimes,K=gu;D>0;){var J=s0(D),ue=1<<J,_e=L[J];_e>K&&(K=_e),D&=~ue}return K}function N3(R,D){Gw(R);var L=kc;return L>=Jb?D+250:L>=hl?D+5e3:gu}function L3(R,D){for(var L=R.pendingLanes,K=R.suspendedLanes,J=R.pingedLanes,ue=R.expirationTimes,_e=L;_e>0;){var Oe=s0(_e),He=1<<Oe,kt=ue[Oe];kt===gu?((He&K)===Dr||(He&J)!==Dr)&&(ue[Oe]=N3(He,D)):kt<=D&&(R.expiredLanes|=He),_e&=~He}}function xd(R){var D=R.pendingLanes&~sg;return D!==Dr?D:D&sg?sg:Dr}function Up(){return kc}function em(R){return(R&fv)!==Dr}function T_(R){return(R&DE)===R}function B3(R){return(R&i0)===R}function hv(R,D){switch(R){case r0:break;case t0:return Qa;case E_:return nb;case RE:{var L=Ud(Ww&~D);return L===hf?hv(Jb,D):L}case Jb:{var K=Ud(M3&~D);return K===hf?hv(ad,D):K}case ad:{var J=Ud(Zb&~D);return J===hf&&(J=Ud(i0&~D),J===hf&&(J=Ud(Zb))),J}case hl:case _d:break;case n0:var ue=Ud(C_&~D);return ue===hf&&(ue=Ud(C_)),ue}throw Error("Invalid update priority: "+R+". This is a bug in React.")}function AI(R,D){var L=Ud(i0&~D);return L===hf&&(L=Ud(i0&~R),L===hf&&(L=Ud(i0))),L}function z3(R){var D=Ud(DE&~R);return D===hf&&(D=Ud(DE)),D}function GR(R){return R&-R}function Qx(R){var D=31-O_(R);return D<0?Dr:1<<D}function H3(R){return(Qx(R)<<1)-1}function Ud(R){return GR(R)}function s0(R){return 31-O_(R)}function U3(R){return s0(R)}function Pa(R,D){return(R&D)!==Dr}function lh(R,D){return(R&D)===D}function Ja(R,D){return R|D}function Yw(R,D){return R&~D}function Jx(R){return R}function Vp(R,D){return R!==hf&&R<D?R:D}function k_(R){for(var D=[],L=0;L<Gx;L++)D.push(R);return D}function Xw(R,D,L){R.pendingLanes|=D;var K=D-1;R.suspendedLanes&=K,R.pingedLanes&=K;var J=R.eventTimes,ue=U3(D);J[ue]=L}function KR(R,D){R.suspendedLanes|=D,R.pingedLanes&=~D;for(var L=R.expirationTimes,K=D;K>0;){var J=s0(K),ue=1<<J;L[J]=gu,K&=~ue}}function Zx(R,D,L){R.pingedLanes|=R.suspendedLanes&D}function tm(R){R.expiredLanes|=Ww&R.pendingLanes}function R_(R){return(R&Ww)!==Dr}function YR(R,D){R.mutableReadLanes|=D&R.pendingLanes}function eC(R,D){var L=R.pendingLanes&~D;R.pendingLanes=D,R.suspendedLanes=0,R.pingedLanes=0,R.expiredLanes&=D,R.mutableReadLanes&=D,R.entangledLanes&=D;for(var K=R.entanglements,J=R.eventTimes,ue=R.expirationTimes,_e=L;_e>0;){var Oe=s0(_e),He=1<<Oe;K[Oe]=Dr,J[Oe]=gu,ue[Oe]=gu,_e&=~He}}function tC(R,D){R.entangledLanes|=D;for(var L=R.entanglements,K=D;K>0;){var J=s0(K),ue=1<<J;L[J]|=D,K&=~ue}}var O_=Math.clz32?Math.clz32:q3,V3=Math.log,I_=Math.LN2;function q3(R){return R===0?32:31-(V3(R)/I_|0)|0}var D_=m.unstable_UserBlockingPriority,$I=m.unstable_runWithPriority,nC=!0;function $E(R){nC=!!R}function W3(){return nC}function rC(R,D,L){var K=WR(D),J;switch(K){case tb:J=Zt;break;case Nw:J=G3;break;case kE:default:J=D1;break}return J.bind(null,D,L,R)}function Zt(R,D,L,K){BR(K.timeStamp),Wm(D1,R,D,L,K)}function G3(R,D,L,K){$I(D_,D1.bind(null,R,D,L,K))}function D1(R,D,L,K){if(nC){var J=!0;if(J=(D&rg)===0,J&&TE()&&iv(R)){Qm(null,R,D,L,K);return}var ue=PE(R,D,L,K);if(ue===null){J&&zp(R,K);return}if(J){if(iv(R)){Qm(ue,R,D,L,K);return}if(g_(ue,R,D,L,K))return;zp(R,K)}A$(R,D,K,null,L)}}function PE(R,D,L,K){var J=Bu(K),ue=EC(J);if(ue!==null){var _e=Z0(ue);if(_e===null)ue=null;else{var Oe=_e.tag;if(Oe===me){var He=og(_e);if(He!==null)return He;ue=null}else if(Oe===U){var kt=_e.stateNode;if(kt.hydrate)return UR(_e);ue=null}else _e!==ue&&(ue=null)}}return A$(R,D,K,ue,L),null}function K3(R,D,L){return R.addEventListener(D,L,!1),L}function Y3(R,D,L){return R.addEventListener(D,L,!0),L}function X3(R,D,L,K){return R.addEventListener(D,L,{capture:!0,passive:K}),L}function PI(R,D,L,K){return R.addEventListener(D,L,{passive:K}),L}var A_=null,qp=null,a0=null;function gs(R){return A_=R,qp=pf(),!0}function fh(){A_=null,qp=null,a0=null}function ql(){if(a0)return a0;var R,D=qp,L=D.length,K,J=pf(),ue=J.length;for(R=0;R<L&&D[R]===J[R];R++);var _e=L-R;for(K=1;K<=_e&&D[L-K]===J[ue-K];K++);var Oe=K>1?1-K:void 0;return a0=J.slice(R,Oe),a0}function pf(){return"value"in A_?A_.value:A_.textContent}function jo(R){var D,L=R.keyCode;return"charCode"in R?(D=R.charCode,D===0&&L===13&&(D=13)):D=L,D===10&&(D=13),D>=32||D===13?D:0}function u0(){return!0}function Hf(){return!1}function pl(R){function D(L,K,J,ue,_e){this._reactName=L,this._targetInst=J,this.type=K,this.nativeEvent=ue,this.target=_e,this.currentTarget=null;for(var Oe in R)if(R.hasOwnProperty(Oe)){var He=R[Oe];He?this[Oe]=He(ue):this[Oe]=ue[Oe]}var kt=ue.defaultPrevented!=null?ue.defaultPrevented:ue.returnValue===!1;return kt?this.isDefaultPrevented=u0:this.isDefaultPrevented=Hf,this.isPropagationStopped=Hf,this}return b(D.prototype,{preventDefault:function(){this.defaultPrevented=!0;var L=this.nativeEvent;L&&(L.preventDefault?L.preventDefault():typeof L.returnValue!="unknown"&&(L.returnValue=!1),this.isDefaultPrevented=u0)},stopPropagation:function(){var L=this.nativeEvent;L&&(L.stopPropagation?L.stopPropagation():typeof L.cancelBubble!="unknown"&&(L.cancelBubble=!0),this.isPropagationStopped=u0)},persist:function(){},isPersistent:u0}),D}var Wp={eventPhase:0,bubbles:0,cancelable:0,timeStamp:function(R){return R.timeStamp||Date.now()},defaultPrevented:0,isTrusted:0},c0=pl(Wp),ag=b({},Wp,{view:0,detail:0}),Uf=pl(ag),$_,P_,pv;function FE(R){R!==pv&&(pv&&R.type==="mousemove"?($_=R.screenX-pv.screenX,P_=R.screenY-pv.screenY):($_=0,P_=0),pv=R)}var ho=b({},ag,{screenX:0,screenY:0,clientX:0,clientY:0,pageX:0,pageY:0,ctrlKey:0,shiftKey:0,altKey:0,metaKey:0,getModifierState:rb,button:0,buttons:0,relatedTarget:function(R){return R.relatedTarget===void 0?R.fromElement===R.srcElement?R.toElement:R.fromElement:R.relatedTarget},movementX:function(R){return"movementX"in R?R.movementX:(FE(R),$_)},movementY:function(R){return"movementY"in R?R.movementY:P_}}),F_=pl(ho),jE=b({},ho,{dataTransfer:0}),nm=pl(jE),jh=b({},ag,{relatedTarget:0}),Vf=pl(jh),rm=b({},Wp,{animationName:0,elapsedTime:0,pseudoElement:0}),Q3=pl(rm),ME=b({},Wp,{clipboardData:function(R){return"clipboardData"in R?R.clipboardData:window.clipboardData}}),l0=pl(ME),Qw=b({},Wp,{data:0}),f0=pl(Qw),j_=f0,im={Esc:"Escape",Spacebar:" ",Left:"ArrowLeft",Up:"ArrowUp",Right:"ArrowRight",Down:"ArrowDown",Del:"Delete",Win:"OS",Menu:"ContextMenu",Apps:"ContextMenu",Scroll:"ScrollLock",MozPrintableKey:"Unidentified"},iC={8:"Backspace",9:"Tab",12:"Clear",13:"Enter",16:"Shift",17:"Control",18:"Alt",19:"Pause",20:"CapsLock",27:"Escape",32:" ",33:"PageUp",34:"PageDown",35:"End",36:"Home",37:"ArrowLeft",38:"ArrowUp",39:"ArrowRight",40:"ArrowDown",45:"Insert",46:"Delete",112:"F1",113:"F2",114:"F3",115:"F4",116:"F5",117:"F6",118:"F7",119:"F8",120:"F9",121:"F10",122:"F11",123:"F12",144:"NumLock",145:"ScrollLock",224:"Meta"};function M_(R){if(R.key){var D=im[R.key]||R.key;if(D!=="Unidentified")return D}if(R.type==="keypress"){var L=jo(R);return L===13?"Enter":String.fromCharCode(L)}return R.type==="keydown"||R.type==="keyup"?iC[R.keyCode]||"Unidentified":""}var J3={Alt:"altKey",Control:"ctrlKey",Meta:"metaKey",Shift:"shiftKey"};function A1(R){var D=this,L=D.nativeEvent;if(L.getModifierState)return L.getModifierState(R);var K=J3[R];return K?!!L[K]:!1}function rb(R){return A1}var d0=b({},ag,{key:M_,code:0,location:0,ctrlKey:0,shiftKey:0,altKey:0,metaKey:0,repeat:0,locale:0,getModifierState:rb,charCode:function(R){return R.type==="keypress"?jo(R):0},keyCode:function(R){return R.type==="keydown"||R.type==="keyup"?R.keyCode:0},which:function(R){return R.type==="keypress"?jo(R):R.type==="keydown"||R.type==="keyup"?R.keyCode:0}}),oC=pl(d0),Gp=b({},ho,{pointerId:0,width:0,height:0,pressure:0,tangentialPressure:0,tiltX:0,tiltY:0,twist:0,pointerType:0,isPrimary:0}),sC=pl(Gp),om=b({},ag,{touches:0,targetTouches:0,changedTouches:0,altKey:0,metaKey:0,ctrlKey:0,shiftKey:0,getModifierState:rb}),N_=pl(om),XR=b({},Wp,{propertyName:0,elapsedTime:0,pseudoElement:0}),Z3=pl(XR),ib=b({},ho,{deltaX:function(R){return"deltaX"in R?R.deltaX:"wheelDeltaX"in R?-R.wheelDeltaX:0},deltaY:function(R){return"deltaY"in R?R.deltaY:"wheelDeltaY"in R?-R.wheelDeltaY:"wheelDelta"in R?-R.wheelDelta:0},deltaZ:0,deltaMode:0}),Jw=pl(ib),ug=[9,13,27,32],$1=229,aC=We&&"CompositionEvent"in window,Zw=null;We&&"documentMode"in document&&(Zw=document.documentMode);var L_=We&&"TextEvent"in window&&!Zw,QR=We&&(!aC||Zw&&Zw>8&&Zw<=11),JR=32,ek=String.fromCharCode(JR);function ZR(){Ge("onBeforeInput",["compositionend","keypress","textInput","paste"]),Ge("onCompositionEnd",["compositionend","focusout","keydown","keypress","keyup","mousedown"]),Ge("onCompositionStart",["compositionstart","focusout","keydown","keypress","keyup","mousedown"]),Ge("onCompositionUpdate",["compositionupdate","focusout","keydown","keypress","keyup","mousedown"])}var gv=!1;function FI(R){return(R.ctrlKey||R.altKey||R.metaKey)&&!(R.ctrlKey&&R.altKey)}function jI(R){switch(R){case"compositionstart":return"onCompositionStart";case"compositionend":return"onCompositionEnd";case"compositionupdate":return"onCompositionUpdate"}}function bv(R,D){return R==="keydown"&&D.keyCode===$1}function eO(R,D){switch(R){case"keyup":return ug.indexOf(D.keyCode)!==-1;case"keydown":return D.keyCode!==$1;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function tk(R){var D=R.detail;return typeof D=="object"&&"data"in D?D.data:null}function nk(R){return R.locale==="ko"}var mv=!1;function h0(R,D,L,K,J){var ue,_e;if(aC?ue=jI(D):mv?eO(D,K)&&(ue="onCompositionEnd"):bv(D,K)&&(ue="onCompositionStart"),!ue)return null;QR&&!nk(K)&&(!mv&&ue==="onCompositionStart"?mv=gs(J):ue==="onCompositionEnd"&&mv&&(_e=ql()));var Oe=sO(L,ue);if(Oe.length>0){var He=new f0(ue,D,null,K,J);if(R.push({event:He,listeners:Oe}),_e)He.data=_e;else{var kt=tk(K);kt!==null&&(He.data=kt)}}}function MI(R,D){switch(R){case"compositionend":return tk(D);case"keypress":var L=D.which;return L!==JR?null:(gv=!0,ek);case"textInput":var K=D.data;return K===ek&&gv?null:K;default:return null}}function NI(R,D){if(mv){if(R==="compositionend"||!aC&&eO(R,D)){var L=ql();return fh(),mv=!1,L}return null}switch(R){case"paste":return null;case"keypress":if(!FI(D)){if(D.char&&D.char.length>1)return D.char;if(D.which)return String.fromCharCode(D.which)}return null;case"compositionend":return QR&&!nk(D)?null:D.data;default:return null}}function tO(R,D,L,K,J){var ue;if(L_?ue=MI(D,K):ue=NI(D,K),!ue)return null;var _e=sO(L,"onBeforeInput");if(_e.length>0){var Oe=new j_("onBeforeInput","beforeinput",null,K,J);R.push({event:Oe,listeners:_e}),Oe.data=ue}}function nO(R,D,L,K,J,ue,_e){h0(R,D,L,K,J),tO(R,D,L,K,J)}var cg={color:!0,date:!0,datetime:!0,"datetime-local":!0,email:!0,month:!0,number:!0,password:!0,range:!0,search:!0,tel:!0,text:!0,time:!0,url:!0,week:!0};function uC(R){var D=R&&R.nodeName&&R.nodeName.toLowerCase();return D==="input"?!!cg[R.type]:D==="textarea"}/**
* Checks if an event is supported in the current execution environment.
*
* NOTE: This will not work correctly for non-generic events such as `change`,
* `reset`, `load`, `error`, and `select`.
*
* Borrows from Modernizr.
*
* @param {string} eventNameSuffix Event name, e.g. "click".
* @return {boolean} True if the event is supported.
* @internal
* @license Modernizr 3.0.0pre (Custom Build) | MIT
*/function LI(R){if(!We)return!1;var D="on"+R,L=D in document;if(!L){var K=document.createElement("div");K.setAttribute(D,"return;"),L=typeof K[D]=="function"}return L}function vv(){Ge("onChange",["change","click","focusin","focusout","input","keydown","keyup","selectionchange"])}function B_(R,D,L,K){EE(K);var J=sO(D,"onChange");if(J.length>0){var ue=new c0("onChange","change",null,L,K);R.push({event:ue,listeners:J})}}var sm=null,Vd=null;function rk(R){var D=R.nodeName&&R.nodeName.toLowerCase();return D==="select"||D==="input"&&R.type==="file"}function ik(R){var D=[];B_(D,Vd,R,Bu(R)),qm(BI,D)}function BI(R){R$(R,0)}function z_(R){var D=_v(R);if(ut(D))return R}function cC(R,D){if(R==="change")return D}var lC=!1;We&&(lC=LI("input")&&(!document.documentMode||document.documentMode>9));function rO(R,D){sm=R,Vd=D,sm.attachEvent("onpropertychange",dC)}function fC(){sm&&(sm.detachEvent("onpropertychange",dC),sm=null,Vd=null)}function dC(R){R.propertyName==="value"&&z_(Vd)&&ik(R)}function ok(R,D,L){R==="focusin"?(fC(),rO(D,L)):R==="focusout"&&fC()}function H_(R,D){if(R==="selectionchange"||R==="keyup"||R==="keydown")return z_(Vd)}function zI(R){var D=R.nodeName;return D&&D.toLowerCase()==="input"&&(R.type==="checkbox"||R.type==="radio")}function hC(R,D){if(R==="click")return z_(D)}function iO(R,D){if(R==="input"||R==="change")return z_(D)}function HI(R){var D=R._wrapperState;!D||!D.controlled||R.type!=="number"||wa(R,"number",R.value)}function U_(R,D,L,K,J,ue,_e){var Oe=L?_v(L):window,He,kt;if(rk(Oe)?He=cC:uC(Oe)?lC?He=iO:(He=H_,kt=ok):zI(Oe)&&(He=hC),He){var jt=He(D,L);if(jt){B_(R,jt,K,J);return}}kt&&kt(D,Oe,L),D==="focusout"&&HI(Oe)}function UI(){Be("onMouseEnter",["mouseout","mouseover"]),Be("onMouseLeave",["mouseout","mouseover"]),Be("onPointerEnter",["pointerout","pointerover"]),Be("onPointerLeave",["pointerout","pointerover"])}function pC(R,D,L,K,J,ue,_e){var Oe=D==="mouseover"||D==="pointerover",He=D==="mouseout"||D==="pointerout";if(Oe&&!(ue&u_)){var kt=K.relatedTarget||K.fromElement;if(kt&&(EC(kt)||JI(kt)))return}if(!(!He&&!Oe)){var jt;if(J.window===J)jt=J;else{var Ln=J.ownerDocument;Ln?jt=Ln.defaultView||Ln.parentWindow:jt=window}var Jt,Kn;if(He){var qr=K.relatedTarget||K.toElement;if(Jt=L,Kn=qr?EC(qr):null,Kn!==null){var Ji=Z0(Kn);(Kn!==Ji||Kn.tag!==X&&Kn.tag!==Z)&&(Kn=null)}}else Jt=null,Kn=L;if(Jt!==Kn){var Ss=F_,Ns="onMouseLeave",ea="onMouseEnter",vc="mouse";(D==="pointerout"||D==="pointerover")&&(Ss=sC,Ns="onPointerLeave",ea="onPointerEnter",vc="pointer");var $l=Jt==null?jt:_v(Jt),Mn=Kn==null?jt:_v(Kn),Er=new Ss(Ns,vc+"leave",Jt,K,J);Er.target=$l,Er.relatedTarget=Mn;var Rn=null,Ur=EC(J);if(Ur===L){var ro=new Ss(ea,vc+"enter",Kn,K,J);ro.target=Mn,ro.relatedTarget=$l,Rn=ro}s7(R,Er,Rn,Jt,Kn)}}}function j(R,D){return R===D&&(R!==0||1/R===1/D)||R!==R&&D!==D}var B=typeof Object.is=="function"?Object.is:j,Y=Object.prototype.hasOwnProperty;function ae(R,D){if(B(R,D))return!0;if(typeof R!="object"||R===null||typeof D!="object"||D===null)return!1;var L=Object.keys(R),K=Object.keys(D);if(L.length!==K.length)return!1;for(var J=0;J<L.length;J++)if(!Y.call(D,L[J])||!B(R[L[J]],D[L[J]]))return!1;return!0}function we(R){for(;R&&R.firstChild;)R=R.firstChild;return R}function $e(R){for(;R;){if(R.nextSibling)return R.nextSibling;R=R.parentNode}}function Ye(R,D){for(var L=we(R),K=0,J=0;L;){if(L.nodeType===zm){if(J=K+L.textContent.length,K<=D&&J>=D)return{node:L,offset:D-K};K=J}L=we($e(L))}}function Ct(R){var D=R.ownerDocument,L=D&&D.defaultView||window,K=L.getSelection&&L.getSelection();if(!K||K.rangeCount===0)return null;var J=K.anchorNode,ue=K.anchorOffset,_e=K.focusNode,Oe=K.focusOffset;try{J.nodeType,_e.nodeType}catch{return null}return Qt(R,J,ue,_e,Oe)}function Qt(R,D,L,K,J){var ue=0,_e=-1,Oe=-1,He=0,kt=0,jt=R,Ln=null;e:for(;;){for(var Jt=null;jt===D&&(L===0||jt.nodeType===zm)&&(_e=ue+L),jt===K&&(J===0||jt.nodeType===zm)&&(Oe=ue+J),jt.nodeType===zm&&(ue+=jt.nodeValue.length),(Jt=jt.firstChild)!==null;)Ln=jt,jt=Jt;for(;;){if(jt===R)break e;if(Ln===D&&++He===L&&(_e=ue),Ln===K&&++kt===J&&(Oe=ue),(Jt=jt.nextSibling)!==null)break;jt=Ln,Ln=jt.parentNode}jt=Jt}return _e===-1||Oe===-1?null:{start:_e,end:Oe}}function sr(R,D){var L=R.ownerDocument||document,K=L&&L.defaultView||window;if(K.getSelection){var J=K.getSelection(),ue=R.textContent.length,_e=Math.min(D.start,ue),Oe=D.end===void 0?_e:Math.min(D.end,ue);if(!J.extend&&_e>Oe){var He=Oe;Oe=_e,_e=He}var kt=Ye(R,_e),jt=Ye(R,Oe);if(kt&&jt){if(J.rangeCount===1&&J.anchorNode===kt.node&&J.anchorOffset===kt.offset&&J.focusNode===jt.node&&J.focusOffset===jt.offset)return;var Ln=L.createRange();Ln.setStart(kt.node,kt.offset),J.removeAllRanges(),_e>Oe?(J.addRange(Ln),J.extend(jt.node,jt.offset)):(Ln.setEnd(jt.node,jt.offset),J.addRange(Ln))}}}function ao(R){return R&&R.nodeType===zm}function Fs(R,D){return!R||!D?!1:R===D?!0:ao(R)?!1:ao(D)?Fs(R,D.parentNode):"contains"in R?R.contains(D):R.compareDocumentPosition?!!(R.compareDocumentPosition(D)&16):!1}function Xr(R){return R&&R.ownerDocument&&Fs(R.ownerDocument.documentElement,R)}function Lo(R){try{return typeof R.contentWindow.location.href=="string"}catch{return!1}}function Gs(){for(var R=window,D=Mt();D instanceof R.HTMLIFrameElement;){if(Lo(D))R=D.contentWindow;else return D;D=Mt(R.document)}return D}function as(R){var D=R&&R.nodeName&&R.nodeName.toLowerCase();return D&&(D==="input"&&(R.type==="text"||R.type==="search"||R.type==="tel"||R.type==="url"||R.type==="password")||D==="textarea"||R.contentEditable==="true")}function $n(){var R=Gs();return{focusedElem:R,selectionRange:as(R)?On(R):null}}function un(R){var D=Gs(),L=R.focusedElem,K=R.selectionRange;if(D!==L&&Xr(L)){K!==null&&as(L)&&kr(L,K);for(var J=[],ue=L;ue=ue.parentNode;)ue.nodeType===Bp&&J.push({element:ue,left:ue.scrollLeft,top:ue.scrollTop});typeof L.focus=="function"&&L.focus();for(var _e=0;_e<J.length;_e++){var Oe=J[_e];Oe.element.scrollLeft=Oe.left,Oe.element.scrollTop=Oe.top}}}function On(R){var D;return"selectionStart"in R?D={start:R.selectionStart,end:R.selectionEnd}:D=Ct(R),D||{start:0,end:0}}function kr(R,D){var L=D.start,K=D.end;K===void 0&&(K=L),"selectionStart"in R?(R.selectionStart=L,R.selectionEnd=Math.min(K,R.value.length)):sr(R,D)}var zr=We&&"documentMode"in document&&document.documentMode<=11;function oa(){Ge("onSelect",["focusout","contextmenu","dragend","focusin","keydown","keyup","mousedown","mouseup","selectionchange"])}var mo=null,_s=null,Ta=null,da=!1;function wv(R){if("selectionStart"in R&&as(R))return{start:R.selectionStart,end:R.selectionEnd};var D=R.ownerDocument&&R.ownerDocument.defaultView||window,L=D.getSelection();return{anchorNode:L.anchorNode,anchorOffset:L.anchorOffset,focusNode:L.focusNode,focusOffset:L.focusOffset}}function VI(R){return R.window===R?R.document:R.nodeType===G0?R:R.ownerDocument}function C$(R,D,L){var K=VI(L);if(!(da||mo==null||mo!==Mt(K))){var J=wv(mo);if(!Ta||!ae(Ta,J)){Ta=J;var ue=sO(_s,"onSelect");if(ue.length>0){var _e=new c0("onSelect","select",null,D,L);R.push({event:_e,listeners:ue}),_e.target=mo}}}}function e7(R,D,L,K,J,ue,_e){var Oe=L?_v(L):window;switch(D){case"focusin":(uC(Oe)||Oe.contentEditable==="true")&&(mo=Oe,_s=L,Ta=null);break;case"focusout":mo=null,_s=null,Ta=null;break;case"mousedown":da=!0;break;case"contextmenu":case"mouseup":case"dragend":da=!1,C$(R,K,J);break;case"selectionchange":if(zr)break;case"keydown":case"keyup":C$(R,K,J)}}function t7(R,D,L,K,J,ue,_e){var Oe=e0.get(D);if(Oe!==void 0){var He=c0,kt=D;switch(D){case"keypress":if(jo(K)===0)return;case"keydown":case"keyup":He=oC;break;case"focusin":kt="focus",He=Vf;break;case"focusout":kt="blur",He=Vf;break;case"beforeblur":case"afterblur":He=Vf;break;case"click":if(K.button===2)return;case"auxclick":case"dblclick":case"mousedown":case"mousemove":case"mouseup":case"mouseout":case"mouseover":case"contextmenu":He=F_;break;case"drag":case"dragend":case"dragenter":case"dragexit":case"dragleave":case"dragover":case"dragstart":case"drop":He=nm;break;case"touchcancel":case"touchend":case"touchmove":case"touchstart":He=N_;break;case Bw:case Hp:case m_:He=Q3;break;case av:He=Z3;break;case"scroll":He=Uf;break;case"wheel":He=Jw;break;case"copy":case"cut":case"paste":He=l0;break;case"gotpointercapture":case"lostpointercapture":case"pointercancel":case"pointerdown":case"pointermove":case"pointerout":case"pointerover":case"pointerup":He=sC;break}var jt=(ue&rg)!==0;{var Ln=!jt&&D==="scroll",Jt=oO(L,Oe,K.type,jt,Ln);if(Jt.length>0){var Kn=new He(Oe,kt,null,K,J);R.push({event:Kn,listeners:Jt})}}}}Uw(),UI(),vv(),oa(),ZR();function n7(R,D,L,K,J,ue,_e){t7(R,D,L,K,J,ue);var Oe=(ue&Um)===0;Oe&&(pC(R,D,L,K,J,ue),U_(R,D,L,K,J),e7(R,D,L,K,J),nO(R,D,L,K,J))}var sk=["abort","canplay","canplaythrough","durationchange","emptied","encrypted","ended","error","loadeddata","loadedmetadata","loadstart","pause","play","playing","progress","ratechange","seeked","seeking","stalled","suspend","timeupdate","volumechange","waiting"],T$=new Set(["cancel","close","invalid","load","scroll","toggle"].concat(sk));function k$(R,D,L){var K=R.type||"unknown-event";R.currentTarget=L,xE(K,D,void 0,R),R.currentTarget=null}function r7(R,D,L){var K;if(L)for(var J=D.length-1;J>=0;J--){var ue=D[J],_e=ue.instance,Oe=ue.currentTarget,He=ue.listener;if(_e!==K&&R.isPropagationStopped())return;k$(R,He,Oe),K=_e}else for(var kt=0;kt<D.length;kt++){var jt=D[kt],Ln=jt.instance,Jt=jt.currentTarget,Kn=jt.listener;if(Ln!==K&&R.isPropagationStopped())return;k$(R,Kn,Jt),K=Ln}}function R$(R,D){for(var L=(D&rg)!==0,K=0;K<R.length;K++){var J=R[K],ue=J.event,_e=J.listeners;r7(ue,_e,L)}Km()}function i7(R,D,L,K,J){var ue=Bu(L),_e=[];n7(_e,R,K,L,ue,D),R$(_e,D)}function Wl(R,D){var L=!1,K=M7(D),J=P$(R,L);K.has(J)||(I$(D,R,a_,L),K.add(J))}var O$="_reactListening"+Math.random().toString(36).slice(2);function qI(R){{if(R[O$])return;R[O$]=!0,Re.forEach(function(D){T$.has(D)||WI(D,!1,R,null),WI(D,!0,R,null)})}}function WI(R,D,L,K){var J=arguments.length>4&&arguments[4]!==void 0?arguments[4]:0,ue=L;if(R==="selectionchange"&&L.nodeType!==G0&&(ue=L.ownerDocument),K!==null&&!D&&T$.has(R)){if(R!=="scroll")return;J|=a_,ue=K}var _e=M7(ue),Oe=P$(R,D);_e.has(Oe)||(D&&(J|=rg),I$(ue,R,J,D),_e.add(Oe))}function I$(R,D,L,K,J){var ue=rC(R,D,L),_e=void 0;$w&&(D==="touchstart"||D==="touchmove"||D==="wheel")&&(_e=!0),R=R,K?_e!==void 0?X3(R,D,ue,_e):Y3(R,D,ue):_e!==void 0?PI(R,D,ue,_e):K3(R,D,ue)}function D$(R,D){return R===D||R.nodeType===sh&&R.parentNode===D}function A$(R,D,L,K,J){var ue=K;if(!(D&Rw)&&!(D&a_)){var _e=J;if(K!==null){var Oe=K;e:for(;;){if(Oe===null)return;var He=Oe.tag;if(He===U||He===G){var kt=Oe.stateNode.containerInfo;if(D$(kt,_e))break;if(He===G)for(var jt=Oe.return;jt!==null;){var Ln=jt.tag;if(Ln===U||Ln===G){var Jt=jt.stateNode.containerInfo;if(D$(Jt,_e))return}jt=jt.return}for(;kt!==null;){var Kn=EC(kt);if(Kn===null)return;var qr=Kn.tag;if(qr===X||qr===Z){Oe=ue=Kn;continue e}kt=kt.parentNode}}Oe=Oe.return}}}qb(function(){return i7(R,D,L,ue)})}function ak(R,D,L){return{instance:R,listener:D,currentTarget:L}}function oO(R,D,L,K,J){for(var ue=D!==null?D+"Capture":null,_e=K?ue:D,Oe=[],He=R,kt=null;He!==null;){var jt=He,Ln=jt.stateNode,Jt=jt.tag;if(Jt===X&&Ln!==null&&(kt=Ln,_e!==null)){var Kn=Gm(He,_e);Kn!=null&&Oe.push(ak(He,Kn,kt))}if(J)break;He=He.return}return Oe}function sO(R,D){for(var L=D+"Capture",K=[],J=R;J!==null;){var ue=J,_e=ue.stateNode,Oe=ue.tag;if(Oe===X&&_e!==null){var He=_e,kt=Gm(J,L);kt!=null&&K.unshift(ak(J,kt,He));var jt=Gm(J,D);jt!=null&&K.push(ak(J,jt,He))}J=J.return}return K}function gC(R){if(R===null)return null;do R=R.return;while(R&&R.tag!==X);return R||null}function o7(R,D){for(var L=R,K=D,J=0,ue=L;ue;ue=gC(ue))J++;for(var _e=0,Oe=K;Oe;Oe=gC(Oe))_e++;for(;J-_e>0;)L=gC(L),J--;for(;_e-J>0;)K=gC(K),_e--;for(var He=J;He--;){if(L===K||K!==null&&L===K.alternate)return L;L=gC(L),K=gC(K)}return null}function $$(R,D,L,K,J){for(var ue=D._reactName,_e=[],Oe=L;Oe!==null&&Oe!==K;){var He=Oe,kt=He.alternate,jt=He.stateNode,Ln=He.tag;if(kt!==null&&kt===K)break;if(Ln===X&&jt!==null){var Jt=jt;if(J){var Kn=Gm(Oe,ue);Kn!=null&&_e.unshift(ak(Oe,Kn,Jt))}else if(!J){var qr=Gm(Oe,ue);qr!=null&&_e.push(ak(Oe,qr,Jt))}}Oe=Oe.return}_e.length!==0&&R.push({event:D,listeners:_e})}function s7(R,D,L,K,J){var ue=K&&J?o7(K,J):null;K!==null&&$$(R,D,K,ue,!1),J!==null&&L!==null&&$$(R,L,J,ue,!0)}function P$(R,D){return R+"__"+(D?"capture":"bubble")}var lg=!1,bC="dangerouslySetInnerHTML",aO="suppressContentEditableWarning",uk="suppressHydrationWarning",uO="autoFocus",yv="children",V_="style",ck="__html",q_=i_.html,lk,mC,fk,dk,vC,F$,cO,j$,NE,hk;{lk={dialog:!0,webview:!0},fk=function(R,D){Tw(R,D),br(R,D),C1(R,D,{registrationNameDependencies:Ae,possibleRegistrationNames:je})},j$=We&&!document.documentMode;var a7=/\r\n?/g,u7=/\u0000|\uFFFD/g;NE=function(R){var D=typeof R=="string"?R:""+R;return D.replace(a7,`
`).replace(u7,"")},dk=function(R,D){if(!lg){var L=NE(D),K=NE(R);K!==L&&(lg=!0,k('Text content did not match. Server: "%s" Client: "%s"',K,L))}},vC=function(R,D,L){if(!lg){var K=NE(L),J=NE(D);J!==K&&(lg=!0,k("Prop `%s` did not match. Server: %s Client: %s",R,JSON.stringify(J),JSON.stringify(K)))}},F$=function(R){if(!lg){lg=!0;var D=[];R.forEach(function(L){D.push(L)}),k("Extra attributes from the server: %s",D)}},cO=function(R,D){D===!1?k("Expected `%s` listener to be a function, instead got `false`.\n\nIf you used to conditionally omit it with %s={condition && value}, pass %s={condition ? value : undefined} instead.",R,R,R):k("Expected `%s` listener to be a function, instead got a value of `%s` type.",R,typeof D)},hk=function(R,D){var L=R.namespaceURI===q_?R.ownerDocument.createElement(R.tagName):R.ownerDocument.createElementNS(R.namespaceURI,R.tagName);return L.innerHTML=D,L.innerHTML}}function lO(R){return R.nodeType===G0?R:R.ownerDocument}function M$(){}function fO(R){R.onclick=M$}function c7(R,D,L,K,J){for(var ue in K)if(K.hasOwnProperty(ue)){var _e=K[ue];if(ue===V_)_e&&Object.freeze(_e),S3(D,_e);else if(ue===bC){var Oe=_e?_e[ck]:void 0;Oe!=null&&Bm(D,Oe)}else if(ue===yv)if(typeof _e=="string"){var He=R!=="textarea"||_e!=="";He&&$x(D,_e)}else typeof _e=="number"&&$x(D,""+_e);else ue===aO||ue===uk||ue===uO||(Ae.hasOwnProperty(ue)?_e!=null&&(typeof _e!="function"&&cO(ue,_e),ue==="onScroll"&&Wl("scroll",D)):_e!=null&&Co(D,ue,_e,J))}}function l7(R,D,L,K){for(var J=0;J<D.length;J+=2){var ue=D[J],_e=D[J+1];ue===V_?S3(R,_e):ue===bC?Bm(R,_e):ue===yv?$x(R,_e):Co(R,ue,_e,K)}}function f7(R,D,L,K){var J,ue=lO(L),_e,Oe=K;if(Oe===q_&&(Oe=tg(R)),Oe===q_){if(J=Qg(R,D),!J&&R!==R.toLowerCase()&&k("<%s /> is using incorrect casing. Use PascalCase for React components, or lowercase for HTML elements.",R),R==="script"){var He=ue.createElement("div");He.innerHTML="<script><\/script>";var kt=He.firstChild;_e=He.removeChild(kt)}else if(typeof D.is=="string")_e=ue.createElement(R,{is:D.is});else if(_e=ue.createElement(R),R==="select"){var jt=_e;D.multiple?jt.multiple=!0:D.size&&(jt.size=D.size)}}else _e=ue.createElementNS(Oe,R);return Oe===q_&&!J&&Object.prototype.toString.call(_e)==="[object HTMLUnknownElement]"&&!Object.prototype.hasOwnProperty.call(lk,R)&&(lk[R]=!0,k("The tag <%s> is unrecognized in this browser. If you meant to render a React component, start its name with an uppercase letter.",R)),_e}function d7(R,D){return lO(D).createTextNode(R)}function h7(R,D,L,K){var J=Qg(D,L);fk(D,L);var ue;switch(D){case"dialog":Wl("cancel",R),Wl("close",R),ue=L;break;case"iframe":case"object":case"embed":Wl("load",R),ue=L;break;case"video":case"audio":for(var _e=0;_e<sk.length;_e++)Wl(sk[_e],R);ue=L;break;case"source":Wl("error",R),ue=L;break;case"img":case"image":case"link":Wl("error",R),Wl("load",R),ue=L;break;case"details":Wl("toggle",R),ue=L;break;case"input":lo(R,L),ue=Oi(R,L),Wl("invalid",R);break;case"option":Ir(R,L),ue=Xu(R,L);break;case"select":rh(R,L),ue=dl(R,L),Wl("invalid",R);break;case"textarea":Lp(R,L),ue=ih(R,L),Wl("invalid",R);break;default:ue=L}switch(Nx(D,ue),c7(D,R,K,ue,J),D){case"input":Ve(R),Zs(R,L,!1);break;case"textarea":Ve(R),rd(R);break;case"option":fo(R,L);break;case"select":Kc(R,L);break;default:typeof ue.onClick=="function"&&fO(R);break}}function p7(R,D,L,K,J){fk(D,K);var ue=null,_e,Oe;switch(D){case"input":_e=Oi(R,L),Oe=Oi(R,K),ue=[];break;case"option":_e=Xu(R,L),Oe=Xu(R,K),ue=[];break;case"select":_e=dl(R,L),Oe=dl(R,K),ue=[];break;case"textarea":_e=ih(R,L),Oe=ih(R,K),ue=[];break;default:_e=L,Oe=K,typeof _e.onClick!="function"&&typeof Oe.onClick=="function"&&fO(R);break}Nx(D,Oe);var He,kt,jt=null;for(He in _e)if(!(Oe.hasOwnProperty(He)||!_e.hasOwnProperty(He)||_e[He]==null))if(He===V_){var Ln=_e[He];for(kt in Ln)Ln.hasOwnProperty(kt)&&(jt||(jt={}),jt[kt]="")}else He===bC||He===yv||He===aO||He===uk||He===uO||(Ae.hasOwnProperty(He)?ue||(ue=[]):(ue=ue||[]).push(He,null));for(He in Oe){var Jt=Oe[He],Kn=_e!=null?_e[He]:void 0;if(!(!Oe.hasOwnProperty(He)||Jt===Kn||Jt==null&&Kn==null))if(He===V_)if(Jt&&Object.freeze(Jt),Kn){for(kt in Kn)Kn.hasOwnProperty(kt)&&(!Jt||!Jt.hasOwnProperty(kt))&&(jt||(jt={}),jt[kt]="");for(kt in Jt)Jt.hasOwnProperty(kt)&&Kn[kt]!==Jt[kt]&&(jt||(jt={}),jt[kt]=Jt[kt])}else jt||(ue||(ue=[]),ue.push(He,jt)),jt=Jt;else if(He===bC){var qr=Jt?Jt[ck]:void 0,Ji=Kn?Kn[ck]:void 0;qr!=null&&Ji!==qr&&(ue=ue||[]).push(He,qr)}else He===yv?(typeof Jt=="string"||typeof Jt=="number")&&(ue=ue||[]).push(He,""+Jt):He===aO||He===uk||(Ae.hasOwnProperty(He)?(Jt!=null&&(typeof Jt!="function"&&cO(He,Jt),He==="onScroll"&&Wl("scroll",R)),!ue&&Kn!==Jt&&(ue=[])):typeof Jt=="object"&&Jt!==null&&Jt.$$typeof===hr?Jt.toString():(ue=ue||[]).push(He,Jt))}return jt&&(FR(jt,Oe[V_]),(ue=ue||[]).push(V_,jt)),ue}function g7(R,D,L,K,J){L==="input"&&J.type==="radio"&&J.name!=null&&va(R,J);var ue=Qg(L,K),_e=Qg(L,J);switch(l7(R,D,ue,_e),L){case"input":ac(R,J);break;case"textarea":_w(R,J);break;case"select":Yc(R,J);break}}function b7(R){{var D=R.toLowerCase();return x1.hasOwnProperty(D)&&x1[D]||null}}function m7(R,D,L,K,J){var ue,_e;switch(mC=L[uk]===!0,ue=Qg(D,L),fk(D,L),D){case"dialog":Wl("cancel",R),Wl("close",R);break;case"iframe":case"object":case"embed":Wl("load",R);break;case"video":case"audio":for(var Oe=0;Oe<sk.length;Oe++)Wl(sk[Oe],R);break;case"source":Wl("error",R);break;case"img":case"image":case"link":Wl("error",R),Wl("load",R);break;case"details":Wl("toggle",R);break;case"input":lo(R,L),Wl("invalid",R);break;case"option":Ir(R,L);break;case"select":rh(R,L),Wl("invalid",R);break;case"textarea":Lp(R,L),Wl("invalid",R);break}Nx(D,L);{_e=new Set;for(var He=R.attributes,kt=0;kt<He.length;kt++){var jt=He[kt].name.toLowerCase();switch(jt){case"data-reactroot":break;case"value":break;case"checked":break;case"selected":break;default:_e.add(He[kt].name)}}}var Ln=null;for(var Jt in L)if(L.hasOwnProperty(Jt)){var Kn=L[Jt];if(Jt===yv)typeof Kn=="string"?R.textContent!==Kn&&(mC||dk(R.textContent,Kn),Ln=[yv,Kn]):typeof Kn=="number"&&R.textContent!==""+Kn&&(mC||dk(R.textContent,Kn),Ln=[yv,""+Kn]);else if(Ae.hasOwnProperty(Jt))Kn!=null&&(typeof Kn!="function"&&cO(Jt,Kn),Jt==="onScroll"&&Wl("scroll",R));else if(typeof ue=="boolean"){var qr=void 0,Ji=ir(Jt);if(!mC){if(!(Jt===aO||Jt===uk||Jt==="value"||Jt==="checked"||Jt==="selected")){if(Jt===bC){var Ss=R.innerHTML,Ns=Kn?Kn[ck]:void 0;if(Ns!=null){var ea=hk(R,Ns);ea!==Ss&&vC(Jt,Ss,ea)}}else if(Jt===V_){if(_e.delete(Jt),j$){var vc=Cw(Kn);qr=R.getAttribute("style"),vc!==qr&&vC(Jt,qr,vc)}}else if(ue)_e.delete(Jt.toLowerCase()),qr=Ho(R,Jt,Kn),Kn!==qr&&vC(Jt,qr,Kn);else if(!pi(Jt,Ji,ue)&&!$u(Jt,Kn,Ji,ue)){var $l=!1;if(Ji!==null)_e.delete(Ji.attributeName),qr=xo(R,Jt,Kn,Ji);else{var Mn=K;if(Mn===q_&&(Mn=tg(D)),Mn===q_)_e.delete(Jt.toLowerCase());else{var Er=b7(Jt);Er!==null&&Er!==Jt&&($l=!0,_e.delete(Er)),_e.delete(Jt)}qr=Ho(R,Jt,Kn)}Kn!==qr&&!$l&&vC(Jt,qr,Kn)}}}}}switch(_e.size>0&&!mC&&F$(_e),D){case"input":Ve(R),Zs(R,L,!0);break;case"textarea":Ve(R),rd(R);break;case"select":case"option":break;default:typeof L.onClick=="function"&&fO(R);break}return Ln}function v7(R,D){var L=R.nodeValue!==D;return L}function N$(R,D){dk(R.nodeValue,D)}function am(R,D){{if(lg)return;lg=!0,k("Did not expect server HTML to contain a <%s> in <%s>.",D.nodeName.toLowerCase(),R.nodeName.toLowerCase())}}function L$(R,D){{if(lg)return;lg=!0,k('Did not expect server HTML to contain the text node "%s" in <%s>.',D.nodeValue,R.nodeName.toLowerCase())}}function B$(R,D,L){{if(lg)return;lg=!0,k("Expected server HTML to contain a matching <%s> in <%s>.",D,R.nodeName.toLowerCase())}}function LE(R,D){{if(D===""||lg)return;lg=!0,k('Expected server HTML to contain a matching text node for "%s" in <%s>.',D,R.nodeName.toLowerCase())}}function Fa(R,D,L){switch(D){case"input":fl(R,L);return;case"textarea":Hl(R,L);return;case"select":Bd(R,L);return}}var pk=function(){},Mh=function(){};{var Cd=["address","applet","area","article","aside","base","basefont","bgsound","blockquote","body","br","button","caption","center","col","colgroup","dd","details","dir","div","dl","dt","embed","fieldset","figcaption","figure","footer","form","frame","frameset","h1","h2","h3","h4","h5","h6","head","header","hgroup","hr","html","iframe","img","input","isindex","li","link","listing","main","marquee","menu","menuitem","meta","nav","noembed","noframes","noscript","object","ol","p","param","plaintext","pre","script","section","select","source","style","summary","table","tbody","td","template","textarea","tfoot","th","thead","title","tr","track","ul","wbr","xmp"],z$=["applet","caption","html","table","td","th","marquee","object","template","foreignObject","desc","title"],BE=z$.concat(["button"]),w7=["dd","dt","li","option","optgroup","p","rp","rt"],H$={current:null,formTag:null,aTagInScope:null,buttonTagInScope:null,nobrTagInScope:null,pTagInButtonScope:null,listItemTagAutoclosing:null,dlItemTagAutoclosing:null};Mh=function(R,D){var L=b({},R||H$),K={tag:D};return z$.indexOf(D)!==-1&&(L.aTagInScope=null,L.buttonTagInScope=null,L.nobrTagInScope=null),BE.indexOf(D)!==-1&&(L.pTagInButtonScope=null),Cd.indexOf(D)!==-1&&D!=="address"&&D!=="div"&&D!=="p"&&(L.listItemTagAutoclosing=null,L.dlItemTagAutoclosing=null),L.current=K,D==="form"&&(L.formTag=K),D==="a"&&(L.aTagInScope=K),D==="button"&&(L.buttonTagInScope=K),D==="nobr"&&(L.nobrTagInScope=K),D==="p"&&(L.pTagInButtonScope=K),D==="li"&&(L.listItemTagAutoclosing=K),(D==="dd"||D==="dt")&&(L.dlItemTagAutoclosing=K),L};var y7=function(R,D){switch(D){case"select":return R==="option"||R==="optgroup"||R==="#text";case"optgroup":return R==="option"||R==="#text";case"option":return R==="#text";case"tr":return R==="th"||R==="td"||R==="style"||R==="script"||R==="template";case"tbody":case"thead":case"tfoot":return R==="tr"||R==="style"||R==="script"||R==="template";case"colgroup":return R==="col"||R==="template";case"table":return R==="caption"||R==="colgroup"||R==="tbody"||R==="tfoot"||R==="thead"||R==="style"||R==="script"||R==="template";case"head":return R==="base"||R==="basefont"||R==="bgsound"||R==="link"||R==="meta"||R==="title"||R==="noscript"||R==="noframes"||R==="style"||R==="script"||R==="template";case"html":return R==="head"||R==="body"||R==="frameset";case"frameset":return R==="frame";case"#document":return R==="html"}switch(R){case"h1":case"h2":case"h3":case"h4":case"h5":case"h6":return D!=="h1"&&D!=="h2"&&D!=="h3"&&D!=="h4"&&D!=="h5"&&D!=="h6";case"rp":case"rt":return w7.indexOf(D)===-1;case"body":case"caption":case"col":case"colgroup":case"frameset":case"frame":case"head":case"html":case"tbody":case"td":case"tfoot":case"th":case"thead":case"tr":return D==null}return!0},E7=function(R,D){switch(R){case"address":case"article":case"aside":case"blockquote":case"center":case"details":case"dialog":case"dir":case"div":case"dl":case"fieldset":case"figcaption":case"figure":case"footer":case"header":case"hgroup":case"main":case"menu":case"nav":case"ol":case"p":case"section":case"summary":case"ul":case"pre":case"listing":case"table":case"hr":case"xmp":case"h1":case"h2":case"h3":case"h4":case"h5":case"h6":return D.pTagInButtonScope;case"form":return D.formTag||D.pTagInButtonScope;case"li":return D.listItemTagAutoclosing;case"dd":case"dt":return D.dlItemTagAutoclosing;case"button":return D.buttonTagInScope;case"a":return D.aTagInScope;case"nobr":return D.nobrTagInScope}return null},U$={};pk=function(R,D,L){L=L||H$;var K=L.current,J=K&&K.tag;D!=null&&(R!=null&&k("validateDOMNesting: when childText is passed, childTag should be null"),R="#text");var ue=y7(R,J)?null:K,_e=ue?null:E7(R,L),Oe=ue||_e;if(Oe){var He=Oe.tag,kt=!!ue+"|"+R+"|"+He;if(!U$[kt]){U$[kt]=!0;var jt=R,Ln="";if(R==="#text"?/\S/.test(D)?jt="Text nodes":(jt="Whitespace text nodes",Ln=" Make sure you don't have any extra whitespace between tags on each line of your source code."):jt="<"+R+">",ue){var Jt="";He==="table"&&R==="tr"&&(Jt+=" Add a <tbody>, <thead> or <tfoot> to your code to match the DOM tree generated by the browser."),k("validateDOMNesting(...): %s cannot appear as a child of <%s>.%s%s",jt,He,Ln,Jt)}else k("validateDOMNesting(...): %s cannot appear as a descendant of <%s>.",jt,He)}}}}var ey;ey="suppressHydrationWarning";var V$="$",Ev="/$",gk="$?",gf="$!",bf="style",mf=null,bk=null;function q$(R,D){switch(R){case"button":case"input":case"select":case"textarea":return!!D.autoFocus}return!1}function dO(R){var D,L,K=R.nodeType;switch(K){case G0:case TR:{D=K===G0?"#document":"#fragment";var J=R.documentElement;L=J?J.namespaceURI:Bb(null,"");break}default:{var ue=K===sh?R.parentNode:R,_e=ue.namespaceURI||null;D=ue.tagName,L=Bb(_e,D);break}}{var Oe=D.toLowerCase(),He=Mh(null,Oe);return{namespace:L,ancestorInfo:He}}}function _7(R,D,L){{var K=R,J=Bb(K.namespace,D),ue=Mh(K.ancestorInfo,D);return{namespace:J,ancestorInfo:ue}}}function pH(R){return R}function S7(R){mf=W3(),bk=$n();var D=null;return $E(!1),D}function x7(R){un(bk),$E(mf),mf=null,bk=null}function W$(R,D,L,K,J){var ue;{var _e=K;if(pk(R,null,_e.ancestorInfo),typeof D.children=="string"||typeof D.children=="number"){var Oe=""+D.children,He=Mh(_e.ancestorInfo,R);pk(null,Oe,He)}ue=_e.namespace}var kt=f7(R,D,L,ue);return HE(J,kt),oP(kt,D),kt}function mk(R,D){R.appendChild(D)}function hO(R,D,L,K,J){return h7(R,D,L,K),q$(D,L)}function G$(R,D,L,K,J,ue){{var _e=ue;if(typeof K.children!=typeof L.children&&(typeof K.children=="string"||typeof K.children=="number")){var Oe=""+K.children,He=Mh(_e.ancestorInfo,D);pk(null,Oe,He)}}return p7(R,D,L,K)}function pO(R,D){return R==="textarea"||R==="option"||R==="noscript"||typeof D.children=="string"||typeof D.children=="number"||typeof D.dangerouslySetInnerHTML=="object"&&D.dangerouslySetInnerHTML!==null&&D.dangerouslySetInnerHTML.__html!=null}function wC(R,D,L,K){{var J=L;pk(null,R,J.ancestorInfo)}var ue=d7(R,D);return HE(K,ue),ue}var fg=typeof setTimeout=="function"?setTimeout:void 0,zE=typeof clearTimeout=="function"?clearTimeout:void 0,GI=-1;function KI(R,D,L,K){q$(D,L)&&R.focus()}function C7(R,D,L,K,J,ue){oP(R,J),g7(R,D,L,K,J)}function gO(R){$x(R,"")}function T7(R,D,L){R.nodeValue=L}function K$(R,D){R.appendChild(D)}function ty(R,D){var L;R.nodeType===sh?(L=R.parentNode,L.insertBefore(D,R)):(L=R,L.appendChild(D));var K=R._reactRootContainer;K==null&&L.onclick===null&&fO(L)}function Ua(R,D,L){R.insertBefore(D,L)}function Y$(R,D,L){R.nodeType===sh?R.parentNode.insertBefore(D,L):R.insertBefore(D,L)}function um(R,D){R.removeChild(D)}function X$(R,D){R.nodeType===sh?R.parentNode.removeChild(D):R.removeChild(D)}function k7(R){R=R;var D=R.style;typeof D.setProperty=="function"?D.setProperty("display","none","important"):D.display="none"}function Bc(R){R.nodeValue=""}function R7(R,D){R=R;var L=D[bf],K=L!=null&&L.hasOwnProperty("display")?L.display:null;R.style.display=Px("display",K)}function Q$(R,D){R.nodeValue=D}function yC(R){if(R.nodeType===Bp)R.textContent="";else if(R.nodeType===G0){var D=R.body;D!=null&&(D.textContent="")}}function O7(R,D,L){return R.nodeType!==Bp||D.toLowerCase()!==R.nodeName.toLowerCase()?null:R}function I7(R,D){return D===""||R.nodeType!==zm?null:R}function D7(R){return R.data===gk}function A7(R){return R.data===gf}function J$(R){for(;R!=null;R=R.nextSibling){var D=R.nodeType;if(D===Bp||D===zm)break}return R}function bO(R){return J$(R.nextSibling)}function YI(R){return J$(R.firstChild)}function Z$(R,D,L,K,J,ue){HE(ue,R),oP(R,L);var _e;{var Oe=J;_e=Oe.namespace}return m7(R,D,L,_e)}function mO(R,D,L){return HE(L,R),v7(R,D)}function vk(R){for(var D=R.nextSibling,L=0;D;){if(D.nodeType===sh){var K=D.data;if(K===Ev){if(L===0)return bO(D);L--}else(K===V$||K===gf||K===gk)&&L++}D=D.nextSibling}return null}function ob(R){for(var D=R.previousSibling,L=0;D;){if(D.nodeType===sh){var K=D.data;if(K===V$||K===gf||K===gk){if(L===0)return D;L--}else K===Ev&&L++}D=D.previousSibling}return null}function $7(R){Mw(R)}function gH(R){Mw(R)}function eP(R,D,L){N$(D,L)}function bH(R,D,L,K,J){D[ey]!==!0&&N$(K,J)}function tP(R,D){D.nodeType===Bp?am(R,D):D.nodeType===sh||L$(R,D)}function nP(R,D,L,K){D[ey]!==!0&&(K.nodeType===Bp?am(L,K):K.nodeType===sh||L$(L,K))}function mH(R,D,L){B$(R,D)}function vH(R,D){LE(R,D)}function fp(R,D,L,K,J){D[ey]!==!0&&B$(L,K)}function sb(R,D,L,K){D[ey]!==!0&&LE(L,K)}function wH(R,D,L){D[ey]}var yH=0;function cm(R){var D="r:"+(yH++).toString(36);return{toString:function(){return R(),D},valueOf:function(){return R(),D}}}function P7(R){return R!==null&&typeof R=="object"&&R.$$typeof===hr}function rP(R){return{$$typeof:hr,toString:R,valueOf:R}}function iP(R){qI(R)}var XI=Math.random().toString(36).slice(2),wk="__reactFiber$"+XI,F7="__reactProps$"+XI,vO="__reactContainer$"+XI,wO="__reactEvents$"+XI;function HE(R,D){D[wk]=R}function QI(R,D){D[vO]=R}function j7(R){R[vO]=null}function JI(R){return!!R[vO]}function EC(R){var D=R[wk];if(D)return D;for(var L=R.parentNode;L;){if(D=L[vO]||L[wk],D){var K=D.alternate;if(D.child!==null||K!==null&&K.child!==null)for(var J=ob(R);J!==null;){var ue=J[wk];if(ue)return ue;J=ob(J)}return D}R=L,L=R.parentNode}return null}function UE(R){var D=R[wk]||R[vO];return D&&(D.tag===X||D.tag===Z||D.tag===me||D.tag===U)?D:null}function _v(R){if(R.tag===X||R.tag===Z)return R.stateNode;throw Error("getNodeFromInstance: Invalid argument.")}function yk(R){return R[F7]||null}function oP(R,D){R[F7]=D}function M7(R){var D=R[wO];return D===void 0&&(D=R[wO]=new Set),D}var N7={},L7=_.ReactDebugCurrentFrame;function yO(R){if(R){var D=R._owner,L=gc(R.type,R._source,D?D.type:null);L7.setExtraStackFrame(L)}else L7.setExtraStackFrame(null)}function p0(R,D,L,K,J){{var ue=Function.call.bind(Object.prototype.hasOwnProperty);for(var _e in R)if(ue(R,_e)){var Oe=void 0;try{if(typeof R[_e]!="function"){var He=Error((K||"React class")+": "+L+" type `"+_e+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+typeof R[_e]+"`.This often happens because of typos such as `PropTypes.function` instead of `PropTypes.func`.");throw He.name="Invariant Violation",He}Oe=R[_e](D,_e,K,L,null,"SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED")}catch(kt){Oe=kt}Oe&&!(Oe instanceof Error)&&(yO(J),k("%s: type specification of %s `%s` is invalid; the type checker function must return `null` or an `Error` but returned a %s. You may have forgotten to pass an argument to the type checker creator (arrayOf, instanceOf, objectOf, oneOf, oneOfType, and shape all require an argument).",K||"React class",L,_e,typeof Oe),yO(null)),Oe instanceof Error&&!(Oe.message in N7)&&(N7[Oe.message]=!0,yO(J),k("Failed %s type: %s",L,Oe.message),yO(null))}}}var sP=[],ZI;ZI=[];var VE=-1;function W_(R){return{current:R}}function P1(R,D){if(VE<0){k("Unexpected pop.");return}D!==ZI[VE]&&k("Unexpected Fiber popped."),R.current=sP[VE],sP[VE]=null,ZI[VE]=null,VE--}function F1(R,D,L){VE++,sP[VE]=R.current,ZI[VE]=L,R.current=D}var aP;aP={};var lm={};Object.freeze(lm);var qE=W_(lm),ny=W_(!1),uP=lm;function Ek(R,D,L){return L&&Sv(D)?uP:qE.current}function B7(R,D,L){{var K=R.stateNode;K.__reactInternalMemoizedUnmaskedChildContext=D,K.__reactInternalMemoizedMaskedChildContext=L}}function _k(R,D){{var L=R.type,K=L.contextTypes;if(!K)return lm;var J=R.stateNode;if(J&&J.__reactInternalMemoizedUnmaskedChildContext===D)return J.__reactInternalMemoizedMaskedChildContext;var ue={};for(var _e in K)ue[_e]=D[_e];{var Oe=wi(L)||"Unknown";p0(K,ue,"context",Oe)}return J&&B7(R,D,ue),ue}}function EO(){return ny.current}function Sv(R){{var D=R.childContextTypes;return D!=null}}function ry(R){P1(ny,R),P1(qE,R)}function dg(R){P1(ny,R),P1(qE,R)}function WE(R,D,L){{if(qE.current!==lm)throw Error("Unexpected context found on stack. This error is likely caused by a bug in React. Please file an issue.");F1(qE,D,R),F1(ny,L,R)}}function eD(R,D,L){{var K=R.stateNode,J=D.childContextTypes;if(typeof K.getChildContext!="function"){{var ue=wi(D)||"Unknown";aP[ue]||(aP[ue]=!0,k("%s.childContextTypes is specified but there is no getChildContext() method on the instance. You can either define getChildContext() on %s or remove childContextTypes from it.",ue,ue))}return L}var _e=K.getChildContext();for(var Oe in _e)if(!(Oe in J))throw Error((wi(D)||"Unknown")+'.getChildContext(): key "'+Oe+'" is not defined in childContextTypes.');{var He=wi(D)||"Unknown";p0(J,_e,"child context",He)}return b({},L,_e)}}function Nh(R){{var D=R.stateNode,L=D&&D.__reactInternalMemoizedMergedChildContext||lm;return uP=qE.current,F1(qE,L,R),F1(ny,ny.current,R),!0}}function _C(R,D,L){{var K=R.stateNode;if(!K)throw Error("Expected to have an instance by this point. This error is likely caused by a bug in React. Please file an issue.");if(L){var J=eD(R,D,uP);K.__reactInternalMemoizedMergedChildContext=J,P1(ny,R),P1(qE,R),F1(qE,J,R),F1(ny,L,R)}else P1(ny,R),F1(ny,L,R)}}function z7(R){{if(!(Vx(R)&&R.tag===P))throw Error("Expected subtree parent to be a mounted class component. This error is likely caused by a bug in React. Please file an issue.");var D=R;do{switch(D.tag){case U:return D.stateNode.context;case P:{var L=D.type;if(Sv(L))return D.stateNode.__reactInternalMemoizedMergedChildContext;break}}D=D.return}while(D!==null);throw Error("Found unexpected detached subtree parent. This error is likely caused by a bug in React. Please file an issue.")}}var _O=0,SC=1,Sk=2,xC=null,fm=null,j1=!1,xk=typeof __REACT_DEVTOOLS_GLOBAL_HOOK__<"u";function Ck(R){if(typeof __REACT_DEVTOOLS_GLOBAL_HOOK__>"u")return!1;var D=__REACT_DEVTOOLS_GLOBAL_HOOK__;if(D.isDisabled)return!0;if(!D.supportsFiber)return k("The installed version of React DevTools is too old and will not work with the current version of React. Please update React DevTools. https://reactjs.org/link/react-devtools"),!0;try{xC=D.inject(R),fm=D}catch(L){k("React instrumentation encountered an error: %s.",L)}return!0}function SO(R,D){if(fm&&typeof fm.onScheduleFiberRoot=="function")try{fm.onScheduleFiberRoot(xC,R,D)}catch(L){j1||(j1=!0,k("React instrumentation encountered an error: %s",L))}}function G_(R,D){if(fm&&typeof fm.onCommitFiberRoot=="function")try{var L=(R.current.flags&Ke)===Ke;mt&&fm.onCommitFiberRoot(xC,R,D,L)}catch(K){j1||(j1=!0,k("React instrumentation encountered an error: %s",K))}}function K_(R){if(fm&&typeof fm.onCommitFiberUnmount=="function")try{fm.onCommitFiberUnmount(xC,R)}catch(D){j1||(j1=!0,k("React instrumentation encountered an error: %s",D))}}var tD=m.unstable_runWithPriority,Kp=m.unstable_scheduleCallback,Tk=m.unstable_cancelCallback,nD=m.unstable_shouldYield,le=m.unstable_requestPaint,rD=m.unstable_now,cP=m.unstable_getCurrentPriorityLevel,Y_=m.unstable_ImmediatePriority,iD=m.unstable_UserBlockingPriority,kk=m.unstable_NormalPriority,Xi=m.unstable_LowPriority,lP=m.unstable_IdlePriority;if(!(w.__interactionsRef!=null&&w.__interactionsRef.current!=null))throw Error("It is not supported to run the profiling version of a renderer (for example, `react-dom/profiling`) without also replacing the `scheduler/tracing` module with `scheduler/tracing-profiling`. Your bundler might have a setting for aliasing both modules. Learn more at https://reactjs.org/link/profiling");var oD={},ab=99,GE=98,iy=97,X_=96,fP=95,Rk=90,sD=nD,H7=le!==void 0?le:function(){},oy=null,xO=null,aD=!1,dP=rD(),Yp=dP<1e4?rD:function(){return rD()-dP};function CC(){switch(cP()){case Y_:return ab;case iD:return GE;case kk:return iy;case Xi:return X_;case lP:return fP;default:throw Error("Unknown priority level.")}}function hP(R){switch(R){case ab:return Y_;case GE:return iD;case iy:return kk;case X_:return Xi;case fP:return lP;default:throw Error("Unknown priority level.")}}function Q_(R,D){var L=hP(R);return tD(L,D)}function KE(R,D,L){var K=hP(R);return Kp(K,D,L)}function U7(R){return oy===null?(oy=[R],xO=Kp(Y_,gP)):oy.push(R),oD}function pP(R){R!==oD&&Tk(R)}function xv(){if(xO!==null){var R=xO;xO=null,Tk(R)}gP()}function gP(){if(!aD&&oy!==null){aD=!0;var R=0;try{var D=!0,L=oy;Q_(ab,function(){for(;R<L.length;R++){var K=L[R];do K=K(D);while(K!==null)}}),oy=null}catch(K){throw oy!==null&&(oy=oy.slice(R+1)),Kp(Y_,xv),K}finally{aD=!1}}}var TC="17.0.2",vf=0,ud=1,dp=2,J_=4,ub=8,Z_=16,N=_.ReactCurrentBatchConfig,W=0;function te(){return N.transition}var Ee={recordUnsafeLifecycleWarnings:function(R,D){},flushPendingUnsafeLifecycleWarnings:function(){},recordLegacyContextWarning:function(R,D){},flushLegacyContextWarning:function(){},discardPendingWarnings:function(){}};{var Me=function(R){for(var D=null,L=R;L!==null;)L.mode&ud&&(D=L),L=L.return;return D},tt=function(R){var D=[];return R.forEach(function(L){D.push(L)}),D.sort().join(", ")},Nt=[],Yt=[],Cn=[],yr=[],xr=[],Pr=[],Wi=new Set;Ee.recordUnsafeLifecycleWarnings=function(R,D){Wi.has(R.type)||(typeof D.componentWillMount=="function"&&D.componentWillMount.__suppressDeprecationWarning!==!0&&Nt.push(R),R.mode&ud&&typeof D.UNSAFE_componentWillMount=="function"&&Yt.push(R),typeof D.componentWillReceiveProps=="function"&&D.componentWillReceiveProps.__suppressDeprecationWarning!==!0&&Cn.push(R),R.mode&ud&&typeof D.UNSAFE_componentWillReceiveProps=="function"&&yr.push(R),typeof D.componentWillUpdate=="function"&&D.componentWillUpdate.__suppressDeprecationWarning!==!0&&xr.push(R),R.mode&ud&&typeof D.UNSAFE_componentWillUpdate=="function"&&Pr.push(R))},Ee.flushPendingUnsafeLifecycleWarnings=function(){var R=new Set;Nt.length>0&&(Nt.forEach(function(Jt){R.add(wi(Jt.type)||"Component"),Wi.add(Jt.type)}),Nt=[]);var D=new Set;Yt.length>0&&(Yt.forEach(function(Jt){D.add(wi(Jt.type)||"Component"),Wi.add(Jt.type)}),Yt=[]);var L=new Set;Cn.length>0&&(Cn.forEach(function(Jt){L.add(wi(Jt.type)||"Component"),Wi.add(Jt.type)}),Cn=[]);var K=new Set;yr.length>0&&(yr.forEach(function(Jt){K.add(wi(Jt.type)||"Component"),Wi.add(Jt.type)}),yr=[]);var J=new Set;xr.length>0&&(xr.forEach(function(Jt){J.add(wi(Jt.type)||"Component"),Wi.add(Jt.type)}),xr=[]);var ue=new Set;if(Pr.length>0&&(Pr.forEach(function(Jt){ue.add(wi(Jt.type)||"Component"),Wi.add(Jt.type)}),Pr=[]),D.size>0){var _e=tt(D);k(`Using UNSAFE_componentWillMount in strict mode is not recommended and may indicate bugs in your code. See https://reactjs.org/link/unsafe-component-lifecycles for details.
* Move code with side effects to componentDidMount, and set initial state in the constructor.
Please update the following components: %s`,_e)}if(K.size>0){var Oe=tt(K);k(`Using UNSAFE_componentWillReceiveProps in strict mode is not recommended and may indicate bugs in your code. See https://reactjs.org/link/unsafe-component-lifecycles for details.
* Move data fetching code or side effects to componentDidUpdate.
* If you're updating state whenever props change, refactor your code to use memoization techniques or move it to static getDerivedStateFromProps. Learn more at: https://reactjs.org/link/derived-state
Please update the following components: %s`,Oe)}if(ue.size>0){var He=tt(ue);k(`Using UNSAFE_componentWillUpdate in strict mode is not recommended and may indicate bugs in your code. See https://reactjs.org/link/unsafe-component-lifecycles for details.
* Move data fetching code or side effects to componentDidUpdate.
Please update the following components: %s`,He)}if(R.size>0){var kt=tt(R);C(`componentWillMount has been renamed, and is not recommended for use. See https://reactjs.org/link/unsafe-component-lifecycles for details.
* Move code with side effects to componentDidMount, and set initial state in the constructor.
* Rename componentWillMount to UNSAFE_componentWillMount to suppress this warning in non-strict mode. In React 18.x, only the UNSAFE_ name will work. To rename all deprecated lifecycles to their new names, you can run \`npx react-codemod rename-unsafe-lifecycles\` in your project source folder.
Please update the following components: %s`,kt)}if(L.size>0){var jt=tt(L);C(`componentWillReceiveProps has been renamed, and is not recommended for use. See https://reactjs.org/link/unsafe-component-lifecycles for details.
* Move data fetching code or side effects to componentDidUpdate.
* If you're updating state whenever props change, refactor your code to use memoization techniques or move it to static getDerivedStateFromProps. Learn more at: https://reactjs.org/link/derived-state
* Rename componentWillReceiveProps to UNSAFE_componentWillReceiveProps to suppress this warning in non-strict mode. In React 18.x, only the UNSAFE_ name will work. To rename all deprecated lifecycles to their new names, you can run \`npx react-codemod rename-unsafe-lifecycles\` in your project source folder.
Please update the following components: %s`,jt)}if(J.size>0){var Ln=tt(J);C(`componentWillUpdate has been renamed, and is not recommended for use. See https://reactjs.org/link/unsafe-component-lifecycles for details.
* Move data fetching code or side effects to componentDidUpdate.
* Rename componentWillUpdate to UNSAFE_componentWillUpdate to suppress this warning in non-strict mode. In React 18.x, only the UNSAFE_ name will work. To rename all deprecated lifecycles to their new names, you can run \`npx react-codemod rename-unsafe-lifecycles\` in your project source folder.
Please update the following components: %s`,Ln)}};var vo=new Map,bs=new Set;Ee.recordLegacyContextWarning=function(R,D){var L=Me(R);if(L===null){k("Expected to find a StrictMode component in a strict mode tree. This error is likely caused by a bug in React. Please file an issue.");return}if(!bs.has(R.type)){var K=vo.get(L);(R.type.contextTypes!=null||R.type.childContextTypes!=null||D!==null&&typeof D.getChildContext=="function")&&(K===void 0&&(K=[],vo.set(L,K)),K.push(R))}},Ee.flushLegacyContextWarning=function(){vo.forEach(function(R,D){if(R.length!==0){var L=R[0],K=new Set;R.forEach(function(ue){K.add(wi(ue.type)||"Component"),bs.add(ue.type)});var J=tt(K);try{Eu(L),k(`Legacy context API has been detected within a strict-mode tree.
The old API will be supported in all 16.x releases, but applications using it should migrate to the new version.
Please update the following components: %s
Learn more about this warning here: https://reactjs.org/link/legacy-context`,J)}finally{Gc()}}})},Ee.discardPendingWarnings=function(){Nt=[],Yt=[],Cn=[],yr=[],xr=[],Pr=[],vo=new Map}}function Ms(R,D){if(R&&R.defaultProps){var L=b({},D),K=R.defaultProps;for(var J in K)L[J]===void 0&&(L[J]=K[J]);return L}return D}var us=1073741823,su=W_(null),Su;Su={};var Xp=null,qd=null,Qp=null,wf=!1;function hg(){Xp=null,qd=null,Qp=null,wf=!1}function Cv(){wf=!0}function uD(){wf=!1}function V7(R,D){var L=R.type._context;F1(su,L._currentValue,R),L._currentValue=D,L._currentRenderer!==void 0&&L._currentRenderer!==null&&L._currentRenderer!==Su&&k("Detected multiple renderers concurrently rendering the same context provider. This is currently unsupported."),L._currentRenderer=Su}function q7(R){var D=su.current;P1(su,R);var L=R.type._context;L._currentValue=D}function DQ(R,D,L){if(B(L,D))return 0;var K=typeof R._calculateChangedBits=="function"?R._calculateChangedBits(L,D):us;return(K&us)!==K&&k("calculateChangedBits: Expected the return value to be a 31-bit integer. Instead received: %s",K),K|0}function EH(R,D){for(var L=R;L!==null;){var K=L.alternate;if(!lh(L.childLanes,D))L.childLanes=Ja(L.childLanes,D),K!==null&&(K.childLanes=Ja(K.childLanes,D));else if(K!==null&&!lh(K.childLanes,D))K.childLanes=Ja(K.childLanes,D);else break;L=L.return}}function AQ(R,D,L,K){var J=R.child;for(J!==null&&(J.return=R);J!==null;){var ue=void 0,_e=J.dependencies;if(_e!==null){ue=J.child;for(var Oe=_e.firstContext;Oe!==null;){if(Oe.context===D&&Oe.observedBits&L){if(J.tag===P){var He=kC(gu,Ud(K));He.tag=bP,RC(J,He)}J.lanes=Ja(J.lanes,K);var kt=J.alternate;kt!==null&&(kt.lanes=Ja(kt.lanes,K)),EH(J.return,K),_e.lanes=Ja(_e.lanes,K);break}Oe=Oe.next}}else J.tag===Se?ue=J.type===R.type?null:J.child:ue=J.child;if(ue!==null)ue.return=J;else for(ue=J;ue!==null;){if(ue===R){ue=null;break}var jt=ue.sibling;if(jt!==null){jt.return=ue.return,ue=jt;break}ue=ue.return}J=ue}}function CO(R,D){Xp=R,qd=null,Qp=null;var L=R.dependencies;if(L!==null){var K=L.firstContext;K!==null&&(Pa(L.lanes,D)&&t8(),L.firstContext=null)}}function Lh(R,D){if(wf&&k("Context can only be read while React is rendering. In classes, you can read it in the render method or getDerivedStateFromProps. In function components, you can read it directly in the function body, but not inside Hooks like useReducer() or useMemo()."),Qp!==R){if(!(D===!1||D===0)){var L;typeof D!="number"||D===us?(Qp=R,L=us):L=D;var K={context:R,observedBits:L,next:null};if(qd===null){if(Xp===null)throw Error("Context can only be read while React is rendering. In classes, you can read it in the render method or getDerivedStateFromProps. In function components, you can read it directly in the function body, but not inside Hooks like useReducer() or useMemo().");qd=K,Xp.dependencies={lanes:Dr,firstContext:K,responders:null}}else qd=qd.next=K}}return R._currentValue}var _H=0,SH=1,bP=2,W7=3,mP=!1,G7,vP;G7=!1,vP=null;function K7(R){var D={baseState:R.memoizedState,firstBaseUpdate:null,lastBaseUpdate:null,shared:{pending:null},effects:null};R.updateQueue=D}function xH(R,D){var L=D.updateQueue,K=R.updateQueue;if(L===K){var J={baseState:K.baseState,firstBaseUpdate:K.firstBaseUpdate,lastBaseUpdate:K.lastBaseUpdate,shared:K.shared,effects:K.effects};D.updateQueue=J}}function kC(R,D){var L={eventTime:R,lane:D,tag:_H,payload:null,callback:null,next:null};return L}function RC(R,D){var L=R.updateQueue;if(L!==null){var K=L.shared,J=K.pending;J===null?D.next=D:(D.next=J.next,J.next=D),K.pending=D,vP===K&&!G7&&(k("An update (setState, replaceState, or forceUpdate) was scheduled from inside an update function. Update functions should be pure, with zero side-effects. Consider using componentDidUpdate or a callback."),G7=!0)}}function CH(R,D){var L=R.updateQueue,K=R.alternate;if(K!==null){var J=K.updateQueue;if(L===J){var ue=null,_e=null,Oe=L.firstBaseUpdate;if(Oe!==null){var He=Oe;do{var kt={eventTime:He.eventTime,lane:He.lane,tag:He.tag,payload:He.payload,callback:He.callback,next:null};_e===null?ue=_e=kt:(_e.next=kt,_e=kt),He=He.next}while(He!==null);_e===null?ue=_e=D:(_e.next=D,_e=D)}else ue=_e=D;L={baseState:J.baseState,firstBaseUpdate:ue,lastBaseUpdate:_e,shared:J.shared,effects:J.effects},R.updateQueue=L;return}}var jt=L.lastBaseUpdate;jt===null?L.firstBaseUpdate=D:jt.next=D,L.lastBaseUpdate=D}function $Q(R,D,L,K,J,ue){switch(L.tag){case SH:{var _e=L.payload;if(typeof _e=="function"){Cv();var Oe=_e.call(ue,K,J);{if(R.mode&ud){Ui();try{_e.call(ue,K,J)}finally{To()}}uD()}return Oe}return _e}case W7:R.flags=R.flags&~Zg|Ke;case _H:{var He=L.payload,kt;if(typeof He=="function"){Cv(),kt=He.call(ue,K,J);{if(R.mode&ud){Ui();try{He.call(ue,K,J)}finally{To()}}uD()}}else kt=He;return kt==null?K:b({},K,kt)}case bP:return mP=!0,K}return K}function cD(R,D,L,K){var J=R.updateQueue;mP=!1,vP=J.shared;var ue=J.firstBaseUpdate,_e=J.lastBaseUpdate,Oe=J.shared.pending;if(Oe!==null){J.shared.pending=null;var He=Oe,kt=He.next;He.next=null,_e===null?ue=kt:_e.next=kt,_e=He;var jt=R.alternate;if(jt!==null){var Ln=jt.updateQueue,Jt=Ln.lastBaseUpdate;Jt!==_e&&(Jt===null?Ln.firstBaseUpdate=kt:Jt.next=kt,Ln.lastBaseUpdate=He)}}if(ue!==null){var Kn=J.baseState,qr=Dr,Ji=null,Ss=null,Ns=null,ea=ue;do{var vc=ea.lane,$l=ea.eventTime;if(lh(K,vc)){if(Ns!==null){var Er={eventTime:$l,lane:hf,tag:ea.tag,payload:ea.payload,callback:ea.callback,next:null};Ns=Ns.next=Er}Kn=$Q(R,J,ea,Kn,D,L);var Rn=ea.callback;if(Rn!==null){R.flags|=Ym;var Ur=J.effects;Ur===null?J.effects=[ea]:Ur.push(ea)}}else{var Mn={eventTime:$l,lane:vc,tag:ea.tag,payload:ea.payload,callback:ea.callback,next:null};Ns===null?(Ss=Ns=Mn,Ji=Kn):Ns=Ns.next=Mn,qr=Ja(qr,vc)}if(ea=ea.next,ea===null){if(Oe=J.shared.pending,Oe===null)break;var ro=Oe,Wr=ro.next;ro.next=null,ea=Wr,J.lastBaseUpdate=ro,J.shared.pending=null}}while(!0);Ns===null&&(Ji=Kn),J.baseState=Ji,J.firstBaseUpdate=Ss,J.lastBaseUpdate=Ns,an(qr),R.lanes=qr,R.memoizedState=Kn}vP=null}function PQ(R,D){if(typeof R!="function")throw Error("Invalid argument passed as callback. Expected a function. Instead received: "+R);R.call(D)}function TH(){mP=!1}function wP(){return mP}function kH(R,D,L){var K=D.effects;if(D.effects=null,K!==null)for(var J=0;J<K.length;J++){var ue=K[J],_e=ue.callback;_e!==null&&(ue.callback=null,PQ(_e,L))}}var Y7={},FQ=Array.isArray,RH=new g.Component().refs,X7,Q7,J7,Z7,eM,OH,yP,tM,nM,rM;{X7=new Set,Q7=new Set,J7=new Set,Z7=new Set,tM=new Set,eM=new Set,nM=new Set,rM=new Set;var IH=new Set;yP=function(R,D){if(!(R===null||typeof R=="function")){var L=D+"_"+R;IH.has(L)||(IH.add(L),k("%s(...): Expected the last optional `callback` argument to be a function. Instead received: %s.",D,R))}},OH=function(R,D){if(D===void 0){var L=wi(R)||"Component";eM.has(L)||(eM.add(L),k("%s.getDerivedStateFromProps(): A valid state object (or null) must be returned. You have returned undefined.",L))}},Object.defineProperty(Y7,"_processChildContext",{enumerable:!1,value:function(){throw Error("_processChildContext is not available in React 16+. This likely means you have multiple copies of React and are attempting to nest a React 15 tree inside a React 16 tree using unstable_renderSubtreeIntoContainer, which isn't supported. Try to make sure you have only one copy of React (and ideally, switch to ReactDOM.createPortal).")}}),Object.freeze(Y7)}function EP(R,D,L,K){var J=R.memoizedState;if(R.mode&ud){Ui();try{L(K,J)}finally{To()}}var ue=L(K,J);OH(D,ue);var _e=ue==null?J:b({},J,ue);if(R.memoizedState=_e,R.lanes===Dr){var Oe=R.updateQueue;Oe.baseState=_e}}var iM={isMounted:VR,enqueueSetState:function(R,D,L){var K=T1(R),J=Dv(),ue=Mk(K),_e=kC(J,ue);_e.payload=D,L!=null&&(yP(L,"setState"),_e.callback=L),RC(K,_e),pb(K,ue,J)},enqueueReplaceState:function(R,D,L){var K=T1(R),J=Dv(),ue=Mk(K),_e=kC(J,ue);_e.tag=SH,_e.payload=D,L!=null&&(yP(L,"replaceState"),_e.callback=L),RC(K,_e),pb(K,ue,J)},enqueueForceUpdate:function(R,D){var L=T1(R),K=Dv(),J=Mk(L),ue=kC(K,J);ue.tag=bP,D!=null&&(yP(D,"forceUpdate"),ue.callback=D),RC(L,ue),pb(L,J,K)}};function DH(R,D,L,K,J,ue,_e){var Oe=R.stateNode;if(typeof Oe.shouldComponentUpdate=="function"){if(R.mode&ud){Ui();try{Oe.shouldComponentUpdate(K,ue,_e)}finally{To()}}var He=Oe.shouldComponentUpdate(K,ue,_e);return He===void 0&&k("%s.shouldComponentUpdate(): Returned undefined instead of a boolean value. Make sure to return true or false.",wi(D)||"Component"),He}return D.prototype&&D.prototype.isPureReactComponent?!ae(L,K)||!ae(J,ue):!0}function jQ(R,D,L){var K=R.stateNode;{var J=wi(D)||"Component",ue=K.render;ue||(D.prototype&&typeof D.prototype.render=="function"?k("%s(...): No `render` method found on the returned component instance: did you accidentally return an object from the constructor?",J):k("%s(...): No `render` method found on the returned component instance: you may have forgotten to define `render`.",J)),K.getInitialState&&!K.getInitialState.isReactClassApproved&&!K.state&&k("getInitialState was defined on %s, a plain JavaScript class. This is only supported for classes created using React.createClass. Did you mean to define a state property instead?",J),K.getDefaultProps&&!K.getDefaultProps.isReactClassApproved&&k("getDefaultProps was defined on %s, a plain JavaScript class. This is only supported for classes created using React.createClass. Use a static property to define defaultProps instead.",J),K.propTypes&&k("propTypes was defined as an instance property on %s. Use a static property to define propTypes instead.",J),K.contextType&&k("contextType was defined as an instance property on %s. Use a static property to define contextType instead.",J),K.contextTypes&&k("contextTypes was defined as an instance property on %s. Use a static property to define contextTypes instead.",J),D.contextType&&D.contextTypes&&!nM.has(D)&&(nM.add(D),k("%s declares both contextTypes and contextType static properties. The legacy contextTypes property will be ignored.",J)),typeof K.componentShouldUpdate=="function"&&k("%s has a method called componentShouldUpdate(). Did you mean shouldComponentUpdate()? The name is phrased as a question because the function is expected to return a value.",J),D.prototype&&D.prototype.isPureReactComponent&&typeof K.shouldComponentUpdate<"u"&&k("%s has a method called shouldComponentUpdate(). shouldComponentUpdate should not be used when extending React.PureComponent. Please extend React.Component if shouldComponentUpdate is used.",wi(D)||"A pure component"),typeof K.componentDidUnmount=="function"&&k("%s has a method called componentDidUnmount(). But there is no such lifecycle method. Did you mean componentWillUnmount()?",J),typeof K.componentDidReceiveProps=="function"&&k("%s has a method called componentDidReceiveProps(). But there is no such lifecycle method. If you meant to update the state in response to changing props, use componentWillReceiveProps(). If you meant to fetch data or run side-effects or mutations after React has updated the UI, use componentDidUpdate().",J),typeof K.componentWillRecieveProps=="function"&&k("%s has a method called componentWillRecieveProps(). Did you mean componentWillReceiveProps()?",J),typeof K.UNSAFE_componentWillRecieveProps=="function"&&k("%s has a method called UNSAFE_componentWillRecieveProps(). Did you mean UNSAFE_componentWillReceiveProps()?",J);var _e=K.props!==L;K.props!==void 0&&_e&&k("%s(...): When calling super() in `%s`, make sure to pass up the same props that your component's constructor was passed.",J,J),K.defaultProps&&k("Setting defaultProps as an instance property on %s is not supported and will be ignored. Instead, define defaultProps as a static property on %s.",J,J),typeof K.getSnapshotBeforeUpdate=="function"&&typeof K.componentDidUpdate!="function"&&!J7.has(D)&&(J7.add(D),k("%s: getSnapshotBeforeUpdate() should be used with componentDidUpdate(). This component defines getSnapshotBeforeUpdate() only.",wi(D))),typeof K.getDerivedStateFromProps=="function"&&k("%s: getDerivedStateFromProps() is defined as an instance method and will be ignored. Instead, declare it as a static method.",J),typeof K.getDerivedStateFromError=="function"&&k("%s: getDerivedStateFromError() is defined as an instance method and will be ignored. Instead, declare it as a static method.",J),typeof D.getSnapshotBeforeUpdate=="function"&&k("%s: getSnapshotBeforeUpdate() is defined as a static method and will be ignored. Instead, declare it as an instance method.",J);var Oe=K.state;Oe&&(typeof Oe!="object"||FQ(Oe))&&k("%s.state: must be set to an object or null",J),typeof K.getChildContext=="function"&&typeof D.childContextTypes!="object"&&k("%s.getChildContext(): childContextTypes must be defined in order to use getChildContext().",J)}}function AH(R,D){D.updater=iM,R.stateNode=D,Q0(D,R),D._reactInternalInstance=Y7}function $H(R,D,L){var K=!1,J=lm,ue=lm,_e=D.contextType;if("contextType"in D){var Oe=_e===null||_e!==void 0&&_e.$$typeof===ru&&_e._context===void 0;if(!Oe&&!rM.has(D)){rM.add(D);var He="";_e===void 0?He=" However, it is set to undefined. This can be caused by a typo or by mixing up named and default imports. This can also happen due to a circular dependency, so try moving the createContext() call to a separate file.":typeof _e!="object"?He=" However, it is set to a "+typeof _e+".":_e.$$typeof===yo?He=" Did you accidentally pass the Context.Provider instead?":_e._context!==void 0?He=" Did you accidentally pass the Context.Consumer instead?":He=" However, it is set to an object with keys {"+Object.keys(_e).join(", ")+"}.",k("%s defines an invalid contextType. contextType should point to the Context object returned by React.createContext().%s",wi(D)||"Component",He)}}if(typeof _e=="object"&&_e!==null)ue=Lh(_e);else{J=Ek(R,D,!0);var kt=D.contextTypes;K=kt!=null,ue=K?_k(R,J):lm}if(R.mode&ud){Ui();try{new D(L,ue)}finally{To()}}var jt=new D(L,ue),Ln=R.memoizedState=jt.state!==null&&jt.state!==void 0?jt.state:null;AH(R,jt);{if(typeof D.getDerivedStateFromProps=="function"&&Ln===null){var Jt=wi(D)||"Component";Q7.has(Jt)||(Q7.add(Jt),k("`%s` uses `getDerivedStateFromProps` but its initial state is %s. This is not recommended. Instead, define the initial state by assigning an object to `this.state` in the constructor of `%s`. This ensures that `getDerivedStateFromProps` arguments have a consistent shape.",Jt,jt.state===null?"null":"undefined",Jt))}if(typeof D.getDerivedStateFromProps=="function"||typeof jt.getSnapshotBeforeUpdate=="function"){var Kn=null,qr=null,Ji=null;if(typeof jt.componentWillMount=="function"&&jt.componentWillMount.__suppressDeprecationWarning!==!0?Kn="componentWillMount":typeof jt.UNSAFE_componentWillMount=="function"&&(Kn="UNSAFE_componentWillMount"),typeof jt.componentWillReceiveProps=="function"&&jt.componentWillReceiveProps.__suppressDeprecationWarning!==!0?qr="componentWillReceiveProps":typeof jt.UNSAFE_componentWillReceiveProps=="function"&&(qr="UNSAFE_componentWillReceiveProps"),typeof jt.componentWillUpdate=="function"&&jt.componentWillUpdate.__suppressDeprecationWarning!==!0?Ji="componentWillUpdate":typeof jt.UNSAFE_componentWillUpdate=="function"&&(Ji="UNSAFE_componentWillUpdate"),Kn!==null||qr!==null||Ji!==null){var Ss=wi(D)||"Component",Ns=typeof D.getDerivedStateFromProps=="function"?"getDerivedStateFromProps()":"getSnapshotBeforeUpdate()";Z7.has(Ss)||(Z7.add(Ss),k(`Unsafe legacy lifecycles will not be called for components using new component APIs.
%s uses %s but also contains the following legacy lifecycles:%s%s%s
The above lifecycles should be removed. Learn more about this warning here:
https://reactjs.org/link/unsafe-component-lifecycles`,Ss,Ns,Kn!==null?`
`+Kn:"",qr!==null?`
`+qr:"",Ji!==null?`
`+Ji:""))}}}return K&&B7(R,J,ue),jt}function MQ(R,D){var L=D.state;typeof D.componentWillMount=="function"&&D.componentWillMount(),typeof D.UNSAFE_componentWillMount=="function"&&D.UNSAFE_componentWillMount(),L!==D.state&&(k("%s.componentWillMount(): Assigning directly to this.state is deprecated (except inside a component's constructor). Use setState instead.",wi(R.type)||"Component"),iM.enqueueReplaceState(D,D.state,null))}function PH(R,D,L,K){var J=D.state;if(typeof D.componentWillReceiveProps=="function"&&D.componentWillReceiveProps(L,K),typeof D.UNSAFE_componentWillReceiveProps=="function"&&D.UNSAFE_componentWillReceiveProps(L,K),D.state!==J){{var ue=wi(R.type)||"Component";X7.has(ue)||(X7.add(ue),k("%s.componentWillReceiveProps(): Assigning directly to this.state is deprecated (except inside a component's constructor). Use setState instead.",ue))}iM.enqueueReplaceState(D,D.state,null)}}function oM(R,D,L,K){jQ(R,D,L);var J=R.stateNode;J.props=L,J.state=R.memoizedState,J.refs=RH,K7(R);var ue=D.contextType;if(typeof ue=="object"&&ue!==null)J.context=Lh(ue);else{var _e=Ek(R,D,!0);J.context=_k(R,_e)}{if(J.state===L){var Oe=wi(D)||"Component";tM.has(Oe)||(tM.add(Oe),k("%s: It is not recommended to assign props directly to state because updates to props won't be reflected in state. In most cases, it is better to use props directly.",Oe))}R.mode&ud&&Ee.recordLegacyContextWarning(R,J),Ee.recordUnsafeLifecycleWarnings(R,J)}cD(R,L,J,K),J.state=R.memoizedState;var He=D.getDerivedStateFromProps;typeof He=="function"&&(EP(R,D,He,L),J.state=R.memoizedState),typeof D.getDerivedStateFromProps!="function"&&typeof J.getSnapshotBeforeUpdate!="function"&&(typeof J.UNSAFE_componentWillMount=="function"||typeof J.componentWillMount=="function")&&(MQ(R,J),cD(R,L,J,K),J.state=R.memoizedState),typeof J.componentDidMount=="function"&&(R.flags|=Ps)}function NQ(R,D,L,K){var J=R.stateNode,ue=R.memoizedProps;J.props=ue;var _e=J.context,Oe=D.contextType,He=lm;if(typeof Oe=="object"&&Oe!==null)He=Lh(Oe);else{var kt=Ek(R,D,!0);He=_k(R,kt)}var jt=D.getDerivedStateFromProps,Ln=typeof jt=="function"||typeof J.getSnapshotBeforeUpdate=="function";!Ln&&(typeof J.UNSAFE_componentWillReceiveProps=="function"||typeof J.componentWillReceiveProps=="function")&&(ue!==L||_e!==He)&&PH(R,J,L,He),TH();var Jt=R.memoizedState,Kn=J.state=Jt;if(cD(R,L,J,K),Kn=R.memoizedState,ue===L&&Jt===Kn&&!EO()&&!wP())return typeof J.componentDidMount=="function"&&(R.flags|=Ps),!1;typeof jt=="function"&&(EP(R,D,jt,L),Kn=R.memoizedState);var qr=wP()||DH(R,D,ue,L,Jt,Kn,He);return qr?(!Ln&&(typeof J.UNSAFE_componentWillMount=="function"||typeof J.componentWillMount=="function")&&(typeof J.componentWillMount=="function"&&J.componentWillMount(),typeof J.UNSAFE_componentWillMount=="function"&&J.UNSAFE_componentWillMount()),typeof J.componentDidMount=="function"&&(R.flags|=Ps)):(typeof J.componentDidMount=="function"&&(R.flags|=Ps),R.memoizedProps=L,R.memoizedState=Kn),J.props=L,J.state=Kn,J.context=He,qr}function LQ(R,D,L,K,J){var ue=D.stateNode;xH(R,D);var _e=D.memoizedProps,Oe=D.type===D.elementType?_e:Ms(D.type,_e);ue.props=Oe;var He=D.pendingProps,kt=ue.context,jt=L.contextType,Ln=lm;if(typeof jt=="object"&&jt!==null)Ln=Lh(jt);else{var Jt=Ek(D,L,!0);Ln=_k(D,Jt)}var Kn=L.getDerivedStateFromProps,qr=typeof Kn=="function"||typeof ue.getSnapshotBeforeUpdate=="function";!qr&&(typeof ue.UNSAFE_componentWillReceiveProps=="function"||typeof ue.componentWillReceiveProps=="function")&&(_e!==He||kt!==Ln)&&PH(D,ue,K,Ln),TH();var Ji=D.memoizedState,Ss=ue.state=Ji;if(cD(D,K,ue,J),Ss=D.memoizedState,_e===He&&Ji===Ss&&!EO()&&!wP())return typeof ue.componentDidUpdate=="function"&&(_e!==R.memoizedProps||Ji!==R.memoizedState)&&(D.flags|=Ps),typeof ue.getSnapshotBeforeUpdate=="function"&&(_e!==R.memoizedProps||Ji!==R.memoizedState)&&(D.flags|=k1),!1;typeof Kn=="function"&&(EP(D,L,Kn,K),Ss=D.memoizedState);var Ns=wP()||DH(D,L,Oe,K,Ji,Ss,Ln);return Ns?(!qr&&(typeof ue.UNSAFE_componentWillUpdate=="function"||typeof ue.componentWillUpdate=="function")&&(typeof ue.componentWillUpdate=="function"&&ue.componentWillUpdate(K,Ss,Ln),typeof ue.UNSAFE_componentWillUpdate=="function"&&ue.UNSAFE_componentWillUpdate(K,Ss,Ln)),typeof ue.componentDidUpdate=="function"&&(D.flags|=Ps),typeof ue.getSnapshotBeforeUpdate=="function"&&(D.flags|=k1)):(typeof ue.componentDidUpdate=="function"&&(_e!==R.memoizedProps||Ji!==R.memoizedState)&&(D.flags|=Ps),typeof ue.getSnapshotBeforeUpdate=="function"&&(_e!==R.memoizedProps||Ji!==R.memoizedState)&&(D.flags|=k1),D.memoizedProps=K,D.memoizedState=Ss),ue.props=K,ue.state=Ss,ue.context=Ln,Ns}var sM,aM,uM,cM,lM,FH=function(R,D){};sM=!1,aM=!1,uM={},cM={},lM={},FH=function(R,D){if(!(R===null||typeof R!="object")&&!(!R._store||R._store.validated||R.key!=null)){if(typeof R._store!="object")throw Error("React Component in warnForMissingKey should have a _store. This error is likely caused by a bug in React. Please file an issue.");R._store.validated=!0;var L=wi(D.type)||"Component";cM[L]||(cM[L]=!0,k('Each child in a list should have a unique "key" prop. See https://reactjs.org/link/warning-keys for more information.'))}};var _P=Array.isArray;function lD(R,D,L){var K=L.ref;if(K!==null&&typeof K!="function"&&typeof K!="object"){if((R.mode&ud||Fe)&&!(L._owner&&L._self&&L._owner.stateNode!==L._self)){var J=wi(R.type)||"Component";uM[J]||(k('A string ref, "%s", has been found within a strict mode tree. String refs are a source of potential bugs and should be avoided. We recommend using useRef() or createRef() instead. Learn more about using refs safely here: https://reactjs.org/link/strict-mode-string-ref',K),uM[J]=!0)}if(L._owner){var ue=L._owner,_e;if(ue){var Oe=ue;if(Oe.tag!==P)throw Error("Function components cannot have string refs. We recommend using useRef() instead. Learn more about using refs safely here: https://reactjs.org/link/strict-mode-string-ref");_e=Oe.stateNode}if(!_e)throw Error("Missing owner for string ref "+K+". This error is likely caused by a bug in React. Please file an issue.");var He=""+K;if(D!==null&&D.ref!==null&&typeof D.ref=="function"&&D.ref._stringRef===He)return D.ref;var kt=function(jt){var Ln=_e.refs;Ln===RH&&(Ln=_e.refs={}),jt===null?delete Ln[He]:Ln[He]=jt};return kt._stringRef=He,kt}else{if(typeof K!="string")throw Error("Expected ref to be a function, a string, an object returned by React.createRef(), or null.");if(!L._owner)throw Error("Element ref was specified as a string ("+K+`) but no owner was set. This could happen for one of the following reasons:
1. You may be adding a ref to a function component
2. You may be adding a ref to a component that was not created inside a component's render method
3. You have multiple copies of React loaded
See https://reactjs.org/link/refs-must-have-owner for more information.`)}}return K}function SP(R,D){if(R.type!=="textarea")throw Error("Objects are not valid as a React child (found: "+(Object.prototype.toString.call(D)==="[object Object]"?"object with keys {"+Object.keys(D).join(", ")+"}":D)+"). If you meant to render a collection of children, use an array instead.")}function xP(R){{var D=wi(R.type)||"Component";if(lM[D])return;lM[D]=!0,k("Functions are not valid as a React child. This may happen if you return a Component instead of <Component /> from render. Or maybe you meant to call this function rather than return it.")}}function jH(R){function D(Mn,Er){if(R){var Rn=Mn.lastEffect;Rn!==null?(Rn.nextEffect=Er,Mn.lastEffect=Er):Mn.firstEffect=Mn.lastEffect=Er,Er.nextEffect=null,Er.flags=Jc}}function L(Mn,Er){if(!R)return null;for(var Rn=Er;Rn!==null;)D(Mn,Rn),Rn=Rn.sibling;return null}function K(Mn,Er){for(var Rn=new Map,Ur=Er;Ur!==null;)Ur.key!==null?Rn.set(Ur.key,Ur):Rn.set(Ur.index,Ur),Ur=Ur.sibling;return Rn}function J(Mn,Er){var Rn=Vk(Mn,Er);return Rn.index=0,Rn.sibling=null,Rn}function ue(Mn,Er,Rn){if(Mn.index=Rn,!R)return Er;var Ur=Mn.alternate;if(Ur!==null){var ro=Ur.index;return ro<Er?(Mn.flags=ia,Er):ro}else return Mn.flags=ia,Er}function _e(Mn){return R&&Mn.alternate===null&&(Mn.flags=ia),Mn}function Oe(Mn,Er,Rn,Ur){if(Er===null||Er.tag!==Z){var ro=sN(Rn,Mn.mode,Ur);return ro.return=Mn,ro}else{var Wr=J(Er,Rn);return Wr.return=Mn,Wr}}function He(Mn,Er,Rn,Ur){if(Er!==null&&(Er.elementType===Rn.type||NU(Er,Rn))){var ro=J(Er,Rn.props);return ro.ref=lD(Mn,Er,Rn),ro.return=Mn,ro._debugSource=Rn._source,ro._debugOwner=Rn._owner,ro}var Wr=iN(Rn,Mn.mode,Ur);return Wr.ref=lD(Mn,Er,Rn),Wr.return=Mn,Wr}function kt(Mn,Er,Rn,Ur){if(Er===null||Er.tag!==G||Er.stateNode.containerInfo!==Rn.containerInfo||Er.stateNode.implementation!==Rn.implementation){var ro=si(Rn,Mn.mode,Ur);return ro.return=Mn,ro}else{var Wr=J(Er,Rn.children||[]);return Wr.return=Mn,Wr}}function jt(Mn,Er,Rn,Ur,ro){if(Er===null||Er.tag!==ne){var Wr=qk(Rn,Mn.mode,Ur,ro);return Wr.return=Mn,Wr}else{var Cu=J(Er,Rn);return Cu.return=Mn,Cu}}function Ln(Mn,Er,Rn){if(typeof Er=="string"||typeof Er=="number"){var Ur=sN(""+Er,Mn.mode,Rn);return Ur.return=Mn,Ur}if(typeof Er=="object"&&Er!==null){switch(Er.$$typeof){case ma:{var ro=iN(Er,Mn.mode,Rn);return ro.ref=lD(Mn,null,Er),ro.return=Mn,ro}case Yi:{var Wr=si(Er,Mn.mode,Rn);return Wr.return=Mn,Wr}}if(_P(Er)||dt(Er)){var Cu=qk(Er,Mn.mode,Rn,null);return Cu.return=Mn,Cu}SP(Mn,Er)}return typeof Er=="function"&&xP(Mn),null}function Jt(Mn,Er,Rn,Ur){var ro=Er!==null?Er.key:null;if(typeof Rn=="string"||typeof Rn=="number")return ro!==null?null:Oe(Mn,Er,""+Rn,Ur);if(typeof Rn=="object"&&Rn!==null){switch(Rn.$$typeof){case ma:return Rn.key===ro?Rn.type===so?jt(Mn,Er,Rn.props.children,Ur,ro):He(Mn,Er,Rn,Ur):null;case Yi:return Rn.key===ro?kt(Mn,Er,Rn,Ur):null}if(_P(Rn)||dt(Rn))return ro!==null?null:jt(Mn,Er,Rn,Ur,null);SP(Mn,Rn)}return typeof Rn=="function"&&xP(Mn),null}function Kn(Mn,Er,Rn,Ur,ro){if(typeof Ur=="string"||typeof Ur=="number"){var Wr=Mn.get(Rn)||null;return Oe(Er,Wr,""+Ur,ro)}if(typeof Ur=="object"&&Ur!==null){switch(Ur.$$typeof){case ma:{var Cu=Mn.get(Ur.key===null?Rn:Ur.key)||null;return Ur.type===so?jt(Er,Cu,Ur.props.children,ro,Ur.key):He(Er,Cu,Ur,ro)}case Yi:{var Ql=Mn.get(Ur.key===null?Rn:Ur.key)||null;return kt(Er,Ql,Ur,ro)}}if(_P(Ur)||dt(Ur)){var ec=Mn.get(Rn)||null;return jt(Er,ec,Ur,ro,null)}SP(Er,Ur)}return typeof Ur=="function"&&xP(Er),null}function qr(Mn,Er,Rn){{if(typeof Mn!="object"||Mn===null)return Er;switch(Mn.$$typeof){case ma:case Yi:FH(Mn,Rn);var Ur=Mn.key;if(typeof Ur!="string")break;if(Er===null){Er=new Set,Er.add(Ur);break}if(!Er.has(Ur)){Er.add(Ur);break}k("Encountered two children with the same key, `%s`. Keys should be unique so that components maintain their identity across updates. Non-unique keys may cause children to be duplicated and/or omitted — the behavior is unsupported and could change in a future version.",Ur);break}}return Er}function Ji(Mn,Er,Rn,Ur){for(var ro=null,Wr=0;Wr<Rn.length;Wr++){var Cu=Rn[Wr];ro=qr(Cu,ro,Mn)}for(var Ql=null,ec=null,gl=Er,hh=0,uc=0,Pl=null;gl!==null&&uc<Rn.length;uc++){gl.index>uc?(Pl=gl,gl=null):Pl=gl.sibling;var e1=Jt(Mn,gl,Rn[uc],Ur);if(e1===null){gl===null&&(gl=Pl);break}R&&gl&&e1.alternate===null&&D(Mn,gl),hh=ue(e1,hh,uc),ec===null?Ql=e1:ec.sibling=e1,ec=e1,gl=Pl}if(uc===Rn.length)return L(Mn,gl),Ql;if(gl===null){for(;uc<Rn.length;uc++){var ph=Ln(Mn,Rn[uc],Ur);ph!==null&&(hh=ue(ph,hh,uc),ec===null?Ql=ph:ec.sibling=ph,ec=ph)}return Ql}for(var Bv=K(Mn,gl);uc<Rn.length;uc++){var Ef=Kn(Bv,Mn,uc,Rn[uc],Ur);Ef!==null&&(R&&Ef.alternate!==null&&Bv.delete(Ef.key===null?uc:Ef.key),hh=ue(Ef,hh,uc),ec===null?Ql=Ef:ec.sibling=Ef,ec=Ef)}return R&&Bv.forEach(function(fS){return D(Mn,fS)}),Ql}function Ss(Mn,Er,Rn,Ur){var ro=dt(Rn);if(typeof ro!="function")throw Error("An object is not an iterable. This error is likely caused by a bug in React. Please file an issue.");{typeof Symbol=="function"&&Rn[Symbol.toStringTag]==="Generator"&&(aM||k("Using Generators as children is unsupported and will likely yield unexpected results because enumerating a generator mutates it. You may convert it to an array with `Array.from()` or the `[...spread]` operator before rendering. Keep in mind you might need to polyfill these features for older browsers."),aM=!0),Rn.entries===ro&&(sM||k("Using Maps as children is not supported. Use an array of keyed ReactElements instead."),sM=!0);var Wr=ro.call(Rn);if(Wr)for(var Cu=null,Ql=Wr.next();!Ql.done;Ql=Wr.next()){var ec=Ql.value;Cu=qr(ec,Cu,Mn)}}var gl=ro.call(Rn);if(gl==null)throw Error("An iterable object provided no iterator.");for(var hh=null,uc=null,Pl=Er,e1=0,ph=0,Bv=null,Ef=gl.next();Pl!==null&&!Ef.done;ph++,Ef=gl.next()){Pl.index>ph?(Bv=Pl,Pl=null):Bv=Pl.sibling;var fS=Jt(Mn,Pl,Ef.value,Ur);if(fS===null){Pl===null&&(Pl=Bv);break}R&&Pl&&fS.alternate===null&&D(Mn,Pl),e1=ue(fS,e1,ph),uc===null?hh=fS:uc.sibling=fS,uc=fS,Pl=Bv}if(Ef.done)return L(Mn,Pl),hh;if(Pl===null){for(;!Ef.done;ph++,Ef=gl.next()){var Yk=Ln(Mn,Ef.value,Ur);Yk!==null&&(e1=ue(Yk,e1,ph),uc===null?hh=Yk:uc.sibling=Yk,uc=Yk)}return hh}for(var R8=K(Mn,Pl);!Ef.done;ph++,Ef=gl.next()){var wy=Kn(R8,Mn,ph,Ef.value,Ur);wy!==null&&(R&&wy.alternate!==null&&R8.delete(wy.key===null?ph:wy.key),e1=ue(wy,e1,ph),uc===null?hh=wy:uc.sibling=wy,uc=wy)}return R&&R8.forEach(function(efe){return D(Mn,efe)}),hh}function Ns(Mn,Er,Rn,Ur){if(Er!==null&&Er.tag===Z){L(Mn,Er.sibling);var ro=J(Er,Rn);return ro.return=Mn,ro}L(Mn,Er);var Wr=sN(Rn,Mn.mode,Ur);return Wr.return=Mn,Wr}function ea(Mn,Er,Rn,Ur){for(var ro=Rn.key,Wr=Er;Wr!==null;){if(Wr.key===ro){switch(Wr.tag){case ne:{if(Rn.type===so){L(Mn,Wr.sibling);var Cu=J(Wr,Rn.props.children);return Cu.return=Mn,Cu._debugSource=Rn._source,Cu._debugOwner=Rn._owner,Cu}break}case xe:default:{if(Wr.elementType===Rn.type||NU(Wr,Rn)){L(Mn,Wr.sibling);var Ql=J(Wr,Rn.props);return Ql.ref=lD(Mn,Wr,Rn),Ql.return=Mn,Ql._debugSource=Rn._source,Ql._debugOwner=Rn._owner,Ql}break}}L(Mn,Wr);break}else D(Mn,Wr);Wr=Wr.sibling}if(Rn.type===so){var ec=qk(Rn.props.children,Mn.mode,Ur,Rn.key);return ec.return=Mn,ec}else{var gl=iN(Rn,Mn.mode,Ur);return gl.ref=lD(Mn,Er,Rn),gl.return=Mn,gl}}function vc(Mn,Er,Rn,Ur){for(var ro=Rn.key,Wr=Er;Wr!==null;){if(Wr.key===ro)if(Wr.tag===G&&Wr.stateNode.containerInfo===Rn.containerInfo&&Wr.stateNode.implementation===Rn.implementation){L(Mn,Wr.sibling);var Cu=J(Wr,Rn.children||[]);return Cu.return=Mn,Cu}else{L(Mn,Wr);break}else D(Mn,Wr);Wr=Wr.sibling}var Ql=si(Rn,Mn.mode,Ur);return Ql.return=Mn,Ql}function $l(Mn,Er,Rn,Ur){var ro=typeof Rn=="object"&&Rn!==null&&Rn.type===so&&Rn.key===null;ro&&(Rn=Rn.props.children);var Wr=typeof Rn=="object"&&Rn!==null;if(Wr)switch(Rn.$$typeof){case ma:return _e(ea(Mn,Er,Rn,Ur));case Yi:return _e(vc(Mn,Er,Rn,Ur))}if(typeof Rn=="string"||typeof Rn=="number")return _e(Ns(Mn,Er,""+Rn,Ur));if(_P(Rn))return Ji(Mn,Er,Rn,Ur);if(dt(Rn))return Ss(Mn,Er,Rn,Ur);if(Wr&&SP(Mn,Rn),typeof Rn=="function"&&xP(Mn),typeof Rn>"u"&&!ro)switch(Mn.tag){case P:{var Cu=Mn.stateNode;if(Cu.render._isMockFunction)break}case xe:case $:case ge:case Le:throw Error((wi(Mn.type)||"Component")+"(...): Nothing was returned from render. This usually means a return statement is missing. Or, to render nothing, return null.")}return L(Mn,Er)}return $l}var CP=jH(!0),MH=jH(!1);function BQ(R,D){if(!(R===null||D.child===R.child))throw Error("Resuming work not yet implemented.");if(D.child!==null){var L=D.child,K=Vk(L,L.pendingProps);for(D.child=K,K.return=D;L.sibling!==null;)L=L.sibling,K=K.sibling=Vk(L,L.pendingProps),K.return=D;K.sibling=null}}function g0(R,D){for(var L=R.child;L!==null;)HJ(L,D),L=L.sibling}var Tv={},OC=W_(Tv),fD=W_(Tv),TP=W_(Tv);function kP(R){if(R===Tv)throw Error("Expected host context to exist. This error is likely caused by a bug in React. Please file an issue.");return R}function NH(){var R=kP(TP.current);return R}function fM(R,D){F1(TP,D,R),F1(fD,R,R),F1(OC,Tv,R);var L=dO(D);P1(OC,R),F1(OC,L,R)}function TO(R){P1(OC,R),P1(fD,R),P1(TP,R)}function dM(){var R=kP(OC.current);return R}function LH(R){kP(TP.current);var D=kP(OC.current),L=_7(D,R.type);D!==L&&(F1(fD,R,R),F1(OC,L,R))}function hM(R){fD.current===R&&(P1(OC,R),P1(fD,R))}var zQ=0,BH=1,pM=1,dD=2,sy=W_(zQ);function RP(R,D){return(R&D)!==0}function IC(R){return R&BH}function gM(R,D){return R&BH|D}function HQ(R,D){return R|D}function Ok(R,D){F1(sy,D,R)}function kO(R){P1(sy,R)}function UQ(R,D){var L=R.memoizedState;if(L!==null)return L.dehydrated!==null;var K=R.memoizedProps;return K.fallback===void 0?!1:K.unstable_avoidThisFallback!==!0?!0:!D}function OP(R){for(var D=R;D!==null;){if(D.tag===me){var L=D.memoizedState;if(L!==null){var K=L.dehydrated;if(K===null||D7(K)||A7(K))return D}}else if(D.tag===gt&&D.memoizedProps.revealOrder!==void 0){var J=(D.flags&Ke)!==Lc;if(J)return D}else if(D.child!==null){D.child.return=D,D=D.child;continue}if(D===R)return null;for(;D.sibling===null;){if(D.return===null||D.return===R)return null;D=D.return}D.sibling.return=D.return,D=D.sibling}return null}var bM=0,RO=1,OO=2,hD=4,kv=null,Ik=null,DC=!1;function VQ(R){var D=R.stateNode.containerInfo;return Ik=YI(D),kv=R,DC=!0,!0}function zH(R,D){switch(R.tag){case U:tP(R.stateNode.containerInfo,D);break;case X:nP(R.type,R.memoizedProps,R.stateNode,D);break}var L=KJ();L.stateNode=D,L.return=R,L.flags=Jc,R.lastEffect!==null?(R.lastEffect.nextEffect=L,R.lastEffect=L):R.firstEffect=R.lastEffect=L}function HH(R,D){switch(D.flags=D.flags&~ig|ia,R.tag){case U:{var L=R.stateNode.containerInfo;switch(D.tag){case X:var K=D.type;D.pendingProps,mH(L,K);break;case Z:var J=D.pendingProps;vH(L,J);break}break}case X:{var ue=R.type,_e=R.memoizedProps,Oe=R.stateNode;switch(D.tag){case X:var He=D.type;D.pendingProps,fp(ue,_e,Oe,He);break;case Z:var kt=D.pendingProps;sb(ue,_e,Oe,kt);break;case me:wH(ue,_e);break}break}default:return}}function UH(R,D){switch(R.tag){case X:{var L=R.type;R.pendingProps;var K=O7(D,L);return K!==null?(R.stateNode=K,!0):!1}case Z:{var J=R.pendingProps,ue=I7(D,J);return ue!==null?(R.stateNode=ue,!0):!1}case me:return!1;default:return!1}}function mM(R){if(DC){var D=Ik;if(!D){HH(kv,R),DC=!1,kv=R;return}var L=D;if(!UH(R,D)){if(D=bO(L),!D||!UH(R,D)){HH(kv,R),DC=!1,kv=R;return}zH(kv,L)}kv=R,Ik=YI(D)}}function qQ(R,D,L){var K=R.stateNode,J=Z$(K,R.type,R.memoizedProps,D,L,R);return R.updateQueue=J,J!==null}function WQ(R){var D=R.stateNode,L=R.memoizedProps,K=mO(D,L,R);if(K){var J=kv;if(J!==null)switch(J.tag){case U:{var ue=J.stateNode.containerInfo;eP(ue,D,L);break}case X:{var _e=J.type,Oe=J.memoizedProps,He=J.stateNode;bH(_e,Oe,He,D,L);break}}}return K}function GQ(R){var D=R.memoizedState,L=D!==null?D.dehydrated:null;if(!L)throw Error("Expected to have a hydrated suspense instance. This error is likely caused by a bug in React. Please file an issue.");return vk(L)}function VH(R){for(var D=R.return;D!==null&&D.tag!==X&&D.tag!==U&&D.tag!==me;)D=D.return;kv=D}function IP(R){if(R!==kv)return!1;if(!DC)return VH(R),DC=!0,!1;var D=R.type;if(R.tag!==X||D!=="head"&&D!=="body"&&!pO(D,R.memoizedProps))for(var L=Ik;L;)zH(R,L),L=bO(L);return VH(R),R.tag===me?Ik=GQ(R):Ik=kv?bO(R.stateNode):null,!0}function vM(){kv=null,Ik=null,DC=!1}function wM(){return DC}var pD=[],yM;yM={};function KQ(R){pD.push(R)}function DP(){for(var R=0;R<pD.length;R++){var D=pD[R];D._workInProgressVersionPrimary=null}pD.length=0}function ko(R){return R._workInProgressVersionPrimary}function qH(R,D){R._workInProgressVersionPrimary=D,pD.push(R)}function WH(R){R._currentPrimaryRenderer==null?R._currentPrimaryRenderer=yM:R._currentPrimaryRenderer!==yM&&k("Detected multiple renderers concurrently rendering the same mutable source. This is currently unsupported.")}var po=_.ReactCurrentDispatcher,Rv=_.ReactCurrentBatchConfig,EM,_M;_M={},EM=new Set;var gD=Dr,Gl=null,pg=null,Jp=null,AC=!1,bD=!1,YQ=25,Kr=null,cb=null,$C=-1,IO=!1;function Zc(){{var R=Kr;cb===null?cb=[R]:cb.push(R)}}function wo(){{var R=Kr;cb!==null&&($C++,cb[$C]!==R&&XQ(R))}}function mD(R){R!=null&&!Array.isArray(R)&&k("%s received a final argument that is not an array (instead, received `%s`). When specified, the final argument must be an array.",Kr,typeof R)}function XQ(R){{var D=wi(Gl.type);if(!EM.has(D)&&(EM.add(D),cb!==null)){for(var L="",K=30,J=0;J<=$C;J++){for(var ue=cb[J],_e=J===$C?R:ue,Oe=J+1+". "+ue;Oe.length<K;)Oe+=" ";Oe+=_e+`
`,L+=Oe}k(`React has detected a change in the order of Hooks called by %s. This will lead to bugs and errors if not fixed. For more information, read the Rules of Hooks: https://reactjs.org/link/rules-of-hooks
Previous render Next render
------------------------------------------------------
%s ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
`,D,L)}}}function lb(){throw Error(`Invalid hook call. Hooks can only be called inside of the body of a function component. This could happen for one of the following reasons:
1. You might have mismatching versions of React and the renderer (such as React DOM)
2. You might be breaking the Rules of Hooks
3. You might have more than one copy of React in the same app
See https://reactjs.org/link/invalid-hook-call for tips about how to debug and fix this problem.`)}function AP(R,D){if(IO)return!1;if(D===null)return k("%s received a final argument during this render, but not during the previous render. Even though the final argument is optional, its type cannot change between renders.",Kr),!1;R.length!==D.length&&k(`The final argument passed to %s changed size between renders. The order and size of this array must remain constant.
Previous: %s
Incoming: %s`,Kr,"["+D.join(", ")+"]","["+R.join(", ")+"]");for(var L=0;L<D.length&&L<R.length;L++)if(!B(R[L],D[L]))return!1;return!0}function gg(R,D,L,K,J,ue){gD=ue,Gl=D,cb=R!==null?R._debugHookTypes:null,$C=-1,IO=R!==null&&R.type!==D.type,D.memoizedState=null,D.updateQueue=null,D.lanes=Dr,R!==null&&R.memoizedState!==null?po.current=ZQ:cb!==null?po.current=xD:po.current=tU;var _e=L(K,J);if(bD){var Oe=0;do{if(bD=!1,!(Oe<YQ))throw Error("Too many re-renders. React limits the number of renders to prevent an infinite loop.");Oe+=1,IO=!1,pg=null,Jp=null,D.updateQueue=null,$C=-1,po.current=eJ,_e=L(K,J)}while(bD)}po.current=SD,D._debugHookTypes=cb;var He=pg!==null&&pg.next!==null;if(gD=Dr,Gl=null,pg=null,Jp=null,Kr=null,cb=null,$C=-1,AC=!1,He)throw Error("Rendered fewer hooks than expected. This may be caused by an accidental early return statement.");return _e}function QQ(R,D,L){D.updateQueue=R.updateQueue,D.flags&=~(uh|Ps),R.lanes=Yw(R.lanes,L)}function YE(){if(po.current=SD,AC){for(var R=Gl.memoizedState;R!==null;){var D=R.queue;D!==null&&(D.pending=null),R=R.next}AC=!1}gD=Dr,Gl=null,pg=null,Jp=null,cb=null,$C=-1,Kr=null,LP=!1,bD=!1}function vt(){var R={memoizedState:null,baseState:null,baseQueue:null,queue:null,next:null};return Jp===null?Gl.memoizedState=Jp=R:Jp=Jp.next=R,Jp}function jr(){var R;if(pg===null){var D=Gl.alternate;D!==null?R=D.memoizedState:R=null}else R=pg.next;var L;if(Jp===null?L=Gl.memoizedState:L=Jp.next,L!==null)Jp=L,L=Jp.next,pg=R;else{if(R===null)throw Error("Rendered more hooks than during the previous render.");pg=R;var K={memoizedState:pg.memoizedState,baseState:pg.baseState,baseQueue:pg.baseQueue,queue:pg.queue,next:null};Jp===null?Gl.memoizedState=Jp=K:Jp=Jp.next=K}return Jp}function SM(){return{lastEffect:null}}function $P(R,D){return typeof D=="function"?D(R):D}function b0(R,D,L){var K=vt(),J;L!==void 0?J=L(D):J=D,K.memoizedState=K.baseState=J;var ue=K.queue={pending:null,dispatch:null,lastRenderedReducer:R,lastRenderedState:J},_e=ue.dispatch=BP.bind(null,Gl,ue);return[K.memoizedState,_e]}function GH(R,D,L){var K=jr(),J=K.queue;if(J===null)throw Error("Should have a queue. This is likely a bug in React. Please file an issue.");J.lastRenderedReducer=R;var ue=pg,_e=ue.baseQueue,Oe=J.pending;if(Oe!==null){if(_e!==null){var He=_e.next,kt=Oe.next;_e.next=kt,Oe.next=He}ue.baseQueue!==_e&&k("Internal error: Expected work-in-progress queue to be a clone. This is a bug in React."),ue.baseQueue=_e=Oe,J.pending=null}if(_e!==null){var jt=_e.next,Ln=ue.baseState,Jt=null,Kn=null,qr=null,Ji=jt;do{var Ss=Ji.lane;if(lh(gD,Ss)){if(qr!==null){var ea={lane:hf,action:Ji.action,eagerReducer:Ji.eagerReducer,eagerState:Ji.eagerState,next:null};qr=qr.next=ea}if(Ji.eagerReducer===R)Ln=Ji.eagerState;else{var vc=Ji.action;Ln=R(Ln,vc)}}else{var Ns={lane:Ss,action:Ji.action,eagerReducer:Ji.eagerReducer,eagerState:Ji.eagerState,next:null};qr===null?(Kn=qr=Ns,Jt=Ln):qr=qr.next=Ns,Gl.lanes=Ja(Gl.lanes,Ss),an(Ss)}Ji=Ji.next}while(Ji!==null&&Ji!==jt);qr===null?Jt=Ln:qr.next=Kn,B(Ln,K.memoizedState)||t8(),K.memoizedState=Ln,K.baseState=Jt,K.baseQueue=qr,J.lastRenderedState=Ln}var $l=J.dispatch;return[K.memoizedState,$l]}function xM(R,D,L){var K=jr(),J=K.queue;if(J===null)throw Error("Should have a queue. This is likely a bug in React. Please file an issue.");J.lastRenderedReducer=R;var ue=J.dispatch,_e=J.pending,Oe=K.memoizedState;if(_e!==null){J.pending=null;var He=_e.next,kt=He;do{var jt=kt.action;Oe=R(Oe,jt),kt=kt.next}while(kt!==He);B(Oe,K.memoizedState)||t8(),K.memoizedState=Oe,K.baseQueue===null&&(K.baseState=Oe),J.lastRenderedState=Oe}return[Oe,ue]}function KH(R,D,L){WH(D);var K=D._getVersion,J=K(D._source),ue=!1,_e=ko(D);if(_e!==null?ue=_e===J:(ue=lh(gD,R.mutableReadLanes),ue&&qH(D,J)),ue){var Oe=L(D._source);return typeof Oe=="function"&&k("Mutable source should not return a function as the snapshot value. Functions may close over mutable values and cause tearing."),Oe}else throw KQ(D),Error("Cannot read from mutable source during the current render without tearing. This is a bug in React. Please file an issue.")}function de(R,D,L,K){var J=Hle();if(J===null)throw Error("Expected a work-in-progress root. This is a bug in React. Please file an issue.");var ue=D._getVersion,_e=ue(D._source),Oe=po.current,He=Oe.useState(function(){return KH(J,D,L)}),kt=He[0],jt=He[1],Ln=kt,Jt=Jp,Kn=R.memoizedState,qr=Kn.refs,Ji=qr.getSnapshot,Ss=Kn.source,Ns=Kn.subscribe,ea=Gl;if(R.memoizedState={refs:qr,source:D,subscribe:K},Oe.useEffect(function(){qr.getSnapshot=L,qr.setSnapshot=jt;var $l=ue(D._source);if(!B(_e,$l)){var Mn=L(D._source);if(typeof Mn=="function"&&k("Mutable source should not return a function as the snapshot value. Functions may close over mutable values and cause tearing."),!B(Ln,Mn)){jt(Mn);var Er=Mk(ea);YR(J,Er)}tC(J,J.mutableReadLanes)}},[L,D,K]),Oe.useEffect(function(){var $l=function(){var Er=qr.getSnapshot,Rn=qr.setSnapshot;try{Rn(Er(D._source));var Ur=Mk(ea);YR(J,Ur)}catch(ro){Rn(function(){throw ro})}},Mn=K(D._source,$l);return typeof Mn!="function"&&k("Mutable source subscribe function must return an unsubscribe function."),Mn},[D,K]),!B(Ji,L)||!B(Ss,D)||!B(Ns,K)){var vc={pending:null,dispatch:null,lastRenderedReducer:$P,lastRenderedState:Ln};vc.dispatch=jt=BP.bind(null,Gl,vc),Jt.queue=vc,Jt.baseQueue=null,Ln=KH(J,D,L),Jt.memoizedState=Jt.baseState=Ln}return Ln}function YH(R,D,L){var K=vt();return K.memoizedState={refs:{getSnapshot:D,setSnapshot:null},source:R,subscribe:L},de(K,R,D,L)}function CM(R,D,L){var K=jr();return de(K,R,D,L)}function DO(R){var D=vt();typeof R=="function"&&(R=R()),D.memoizedState=D.baseState=R;var L=D.queue={pending:null,dispatch:null,lastRenderedReducer:$P,lastRenderedState:R},K=L.dispatch=BP.bind(null,Gl,L);return[D.memoizedState,K]}function PP(R){return GH($P)}function FP(R){return xM($P)}function TM(R,D,L,K){var J={tag:R,create:D,destroy:L,deps:K,next:null},ue=Gl.updateQueue;if(ue===null)ue=SM(),Gl.updateQueue=ue,ue.lastEffect=J.next=J;else{var _e=ue.lastEffect;if(_e===null)ue.lastEffect=J.next=J;else{var Oe=_e.next;_e.next=J,J.next=Oe,ue.lastEffect=J}}return J}function kM(R){var D=vt(),L={current:R};return Object.seal(L),D.memoizedState=L,L}function vD(R){var D=jr();return D.memoizedState}function XH(R,D,L,K){var J=vt(),ue=K===void 0?null:K;Gl.flags|=R,J.memoizedState=TM(RO|D,L,void 0,ue)}function PC(R,D,L,K){var J=jr(),ue=K===void 0?null:K,_e=void 0;if(pg!==null){var Oe=pg.memoizedState;if(_e=Oe.destroy,ue!==null){var He=Oe.deps;if(AP(ue,He)){TM(D,L,_e,ue);return}}}Gl.flags|=R,J.memoizedState=TM(RO|D,L,_e,ue)}function eS(R,D){return typeof jest<"u"&&gb(Gl),XH(Ps|uh,hD,R,D)}function AO(R,D){return typeof jest<"u"&&gb(Gl),PC(Ps|uh,hD,R,D)}function QH(R,D){return XH(Ps,OO,R,D)}function RM(R,D){return PC(Ps,OO,R,D)}function $O(R,D){if(typeof D=="function"){var L=D,K=R();return L(K),function(){L(null)}}else if(D!=null){var J=D;J.hasOwnProperty("current")||k("Expected useImperativeHandle() first argument to either be a ref callback or React.createRef() object. Instead received: %s.","an object with keys {"+Object.keys(J).join(", ")+"}");var ue=R();return J.current=ue,function(){J.current=null}}}function jP(R,D,L){typeof D!="function"&&k("Expected useImperativeHandle() second argument to be a function that creates a handle. Instead received: %s.",D!==null?typeof D:"null");var K=L!=null?L.concat([R]):null;return XH(Ps,OO,$O.bind(null,D,R),K)}function MP(R,D,L){typeof D!="function"&&k("Expected useImperativeHandle() second argument to be a function that creates a handle. Instead received: %s.",D!==null?typeof D:"null");var K=L!=null?L.concat([R]):null;return PC(Ps,OO,$O.bind(null,D,R),K)}function JQ(R,D){}var wD=JQ;function OM(R,D){var L=vt(),K=D===void 0?null:D;return L.memoizedState=[R,K],R}function fb(R,D){var L=jr(),K=D===void 0?null:D,J=L.memoizedState;if(J!==null&&K!==null){var ue=J[1];if(AP(K,ue))return J[0]}return L.memoizedState=[R,K],R}function NP(R,D){var L=vt(),K=D===void 0?null:D,J=R();return L.memoizedState=[J,K],J}function yD(R,D){var L=jr(),K=D===void 0?null:D,J=L.memoizedState;if(J!==null&&K!==null){var ue=J[1];if(AP(K,ue))return J[0]}var _e=R();return L.memoizedState=[_e,K],_e}function ED(R){var D=DO(R),L=D[0],K=D[1];return eS(function(){var J=Rv.transition;Rv.transition=1;try{K(R)}finally{Rv.transition=J}},[R]),L}function JH(R){var D=PP(),L=D[0],K=D[1];return AO(function(){var J=Rv.transition;Rv.transition=1;try{K(R)}finally{Rv.transition=J}},[R]),L}function PO(R){var D=FP(),L=D[0],K=D[1];return AO(function(){var J=Rv.transition;Rv.transition=1;try{K(R)}finally{Rv.transition=J}},[R]),L}function Kl(R,D){var L=CC();Q_(L<GE?GE:L,function(){R(!0)}),Q_(L>iy?iy:L,function(){var K=Rv.transition;Rv.transition=1;try{R(!1),D()}finally{Rv.transition=K}})}function FC(){var R=DO(!1),D=R[0],L=R[1],K=Kl.bind(null,L);return kM(K),[K,D]}function Yr(){var R=PP(),D=R[0],L=vD(),K=L.current;return[K,D]}function Td(){var R=FP(),D=R[0],L=vD(),K=L.current;return[K,D]}var LP=!1;function mc(){return LP}function ZH(R){{var D=wi(R.type)||"Unknown";eg()&&!_M[D]&&(k("The object passed back from useOpaqueIdentifier is meant to be passed through to attributes only. Do not read the value directly."),_M[D]=!0)}}function IM(){var R=cm.bind(null,ZH.bind(null,Gl));if(wM()){var D=!1,L=Gl,K=function(){throw D||(D=!0,LP=!0,ue(R()),LP=!1,ZH(L)),Error("The object passed back from useOpaqueIdentifier is meant to be passed through to attributes only. Do not read the value directly.")},J=rP(K),ue=DO(J)[1];return(Gl.mode&dp)===vf&&(Gl.flags|=Ps|uh,TM(RO|hD,function(){ue(R())},void 0,null)),J}else{var _e=R();return DO(_e),_e}}function _D(){var R=PP()[0];return R}function eU(){var R=FP()[0];return R}function BP(R,D,L){typeof arguments[3]=="function"&&k("State updates from the useState() and useReducer() Hooks don't support the second callback argument. To execute a side effect after rendering, declare it in the component body with useEffect().");var K=Dv(),J=Mk(R),ue={lane:J,action:L,eagerReducer:null,eagerState:null,next:null},_e=D.pending;_e===null?ue.next=ue:(ue.next=_e.next,_e.next=ue),D.pending=ue;var Oe=R.alternate;if(R===Gl||Oe!==null&&Oe===Gl)bD=AC=!0;else{if(R.lanes===Dr&&(Oe===null||Oe.lanes===Dr)){var He=D.lastRenderedReducer;if(He!==null){var kt;kt=po.current,po.current=XE;try{var jt=D.lastRenderedState,Ln=He(jt,L);if(ue.eagerReducer=He,ue.eagerState=Ln,B(Ln,jt))return}catch{}finally{po.current=kt}}}typeof jest<"u"&&(_8(R),qO(R)),pb(R,J,K)}}var SD={readContext:Lh,useCallback:lb,useContext:lb,useEffect:lb,useImperativeHandle:lb,useLayoutEffect:lb,useMemo:lb,useReducer:lb,useRef:lb,useState:lb,useDebugValue:lb,useDeferredValue:lb,useTransition:lb,useMutableSource:lb,useOpaqueIdentifier:lb,unstable_isNewReconciler:st},tU=null,xD=null,ZQ=null,eJ=null,tS=null,XE=null,QE=null;{var JE=function(){k("Context can only be read while React is rendering. In classes, you can read it in the render method or getDerivedStateFromProps. In function components, you can read it directly in the function body, but not inside Hooks like useReducer() or useMemo().")},au=function(){k("Do not call Hooks inside useEffect(...), useMemo(...), or other built-in Hooks. You can only call Hooks at the top level of your React function. For more information, see https://reactjs.org/link/rules-of-hooks")};tU={readContext:function(R,D){return Lh(R,D)},useCallback:function(R,D){return Kr="useCallback",Zc(),mD(D),OM(R,D)},useContext:function(R,D){return Kr="useContext",Zc(),Lh(R,D)},useEffect:function(R,D){return Kr="useEffect",Zc(),mD(D),eS(R,D)},useImperativeHandle:function(R,D,L){return Kr="useImperativeHandle",Zc(),mD(L),jP(R,D,L)},useLayoutEffect:function(R,D){return Kr="useLayoutEffect",Zc(),mD(D),QH(R,D)},useMemo:function(R,D){Kr="useMemo",Zc(),mD(D);var L=po.current;po.current=tS;try{return NP(R,D)}finally{po.current=L}},useReducer:function(R,D,L){Kr="useReducer",Zc();var K=po.current;po.current=tS;try{return b0(R,D,L)}finally{po.current=K}},useRef:function(R){return Kr="useRef",Zc(),kM(R)},useState:function(R){Kr="useState",Zc();var D=po.current;po.current=tS;try{return DO(R)}finally{po.current=D}},useDebugValue:function(R,D){return Kr="useDebugValue",Zc(),void 0},useDeferredValue:function(R){return Kr="useDeferredValue",Zc(),ED(R)},useTransition:function(){return Kr="useTransition",Zc(),FC()},useMutableSource:function(R,D,L){return Kr="useMutableSource",Zc(),YH(R,D,L)},useOpaqueIdentifier:function(){return Kr="useOpaqueIdentifier",Zc(),IM()},unstable_isNewReconciler:st},xD={readContext:function(R,D){return Lh(R,D)},useCallback:function(R,D){return Kr="useCallback",wo(),OM(R,D)},useContext:function(R,D){return Kr="useContext",wo(),Lh(R,D)},useEffect:function(R,D){return Kr="useEffect",wo(),eS(R,D)},useImperativeHandle:function(R,D,L){return Kr="useImperativeHandle",wo(),jP(R,D,L)},useLayoutEffect:function(R,D){return Kr="useLayoutEffect",wo(),QH(R,D)},useMemo:function(R,D){Kr="useMemo",wo();var L=po.current;po.current=tS;try{return NP(R,D)}finally{po.current=L}},useReducer:function(R,D,L){Kr="useReducer",wo();var K=po.current;po.current=tS;try{return b0(R,D,L)}finally{po.current=K}},useRef:function(R){return Kr="useRef",wo(),kM(R)},useState:function(R){Kr="useState",wo();var D=po.current;po.current=tS;try{return DO(R)}finally{po.current=D}},useDebugValue:function(R,D){return Kr="useDebugValue",wo(),void 0},useDeferredValue:function(R){return Kr="useDeferredValue",wo(),ED(R)},useTransition:function(){return Kr="useTransition",wo(),FC()},useMutableSource:function(R,D,L){return Kr="useMutableSource",wo(),YH(R,D,L)},useOpaqueIdentifier:function(){return Kr="useOpaqueIdentifier",wo(),IM()},unstable_isNewReconciler:st},ZQ={readContext:function(R,D){return Lh(R,D)},useCallback:function(R,D){return Kr="useCallback",wo(),fb(R,D)},useContext:function(R,D){return Kr="useContext",wo(),Lh(R,D)},useEffect:function(R,D){return Kr="useEffect",wo(),AO(R,D)},useImperativeHandle:function(R,D,L){return Kr="useImperativeHandle",wo(),MP(R,D,L)},useLayoutEffect:function(R,D){return Kr="useLayoutEffect",wo(),RM(R,D)},useMemo:function(R,D){Kr="useMemo",wo();var L=po.current;po.current=XE;try{return yD(R,D)}finally{po.current=L}},useReducer:function(R,D,L){Kr="useReducer",wo();var K=po.current;po.current=XE;try{return GH(R,D,L)}finally{po.current=K}},useRef:function(R){return Kr="useRef",wo(),vD()},useState:function(R){Kr="useState",wo();var D=po.current;po.current=XE;try{return PP(R)}finally{po.current=D}},useDebugValue:function(R,D){return Kr="useDebugValue",wo(),wD()},useDeferredValue:function(R){return Kr="useDeferredValue",wo(),JH(R)},useTransition:function(){return Kr="useTransition",wo(),Yr()},useMutableSource:function(R,D,L){return Kr="useMutableSource",wo(),CM(R,D,L)},useOpaqueIdentifier:function(){return Kr="useOpaqueIdentifier",wo(),_D()},unstable_isNewReconciler:st},eJ={readContext:function(R,D){return Lh(R,D)},useCallback:function(R,D){return Kr="useCallback",wo(),fb(R,D)},useContext:function(R,D){return Kr="useContext",wo(),Lh(R,D)},useEffect:function(R,D){return Kr="useEffect",wo(),AO(R,D)},useImperativeHandle:function(R,D,L){return Kr="useImperativeHandle",wo(),MP(R,D,L)},useLayoutEffect:function(R,D){return Kr="useLayoutEffect",wo(),RM(R,D)},useMemo:function(R,D){Kr="useMemo",wo();var L=po.current;po.current=QE;try{return yD(R,D)}finally{po.current=L}},useReducer:function(R,D,L){Kr="useReducer",wo();var K=po.current;po.current=QE;try{return xM(R,D,L)}finally{po.current=K}},useRef:function(R){return Kr="useRef",wo(),vD()},useState:function(R){Kr="useState",wo();var D=po.current;po.current=QE;try{return FP(R)}finally{po.current=D}},useDebugValue:function(R,D){return Kr="useDebugValue",wo(),wD()},useDeferredValue:function(R){return Kr="useDeferredValue",wo(),PO(R)},useTransition:function(){return Kr="useTransition",wo(),Td()},useMutableSource:function(R,D,L){return Kr="useMutableSource",wo(),CM(R,D,L)},useOpaqueIdentifier:function(){return Kr="useOpaqueIdentifier",wo(),eU()},unstable_isNewReconciler:st},tS={readContext:function(R,D){return JE(),Lh(R,D)},useCallback:function(R,D){return Kr="useCallback",au(),Zc(),OM(R,D)},useContext:function(R,D){return Kr="useContext",au(),Zc(),Lh(R,D)},useEffect:function(R,D){return Kr="useEffect",au(),Zc(),eS(R,D)},useImperativeHandle:function(R,D,L){return Kr="useImperativeHandle",au(),Zc(),jP(R,D,L)},useLayoutEffect:function(R,D){return Kr="useLayoutEffect",au(),Zc(),QH(R,D)},useMemo:function(R,D){Kr="useMemo",au(),Zc();var L=po.current;po.current=tS;try{return NP(R,D)}finally{po.current=L}},useReducer:function(R,D,L){Kr="useReducer",au(),Zc();var K=po.current;po.current=tS;try{return b0(R,D,L)}finally{po.current=K}},useRef:function(R){return Kr="useRef",au(),Zc(),kM(R)},useState:function(R){Kr="useState",au(),Zc();var D=po.current;po.current=tS;try{return DO(R)}finally{po.current=D}},useDebugValue:function(R,D){return Kr="useDebugValue",au(),Zc(),void 0},useDeferredValue:function(R){return Kr="useDeferredValue",au(),Zc(),ED(R)},useTransition:function(){return Kr="useTransition",au(),Zc(),FC()},useMutableSource:function(R,D,L){return Kr="useMutableSource",au(),Zc(),YH(R,D,L)},useOpaqueIdentifier:function(){return Kr="useOpaqueIdentifier",au(),Zc(),IM()},unstable_isNewReconciler:st},XE={readContext:function(R,D){return JE(),Lh(R,D)},useCallback:function(R,D){return Kr="useCallback",au(),wo(),fb(R,D)},useContext:function(R,D){return Kr="useContext",au(),wo(),Lh(R,D)},useEffect:function(R,D){return Kr="useEffect",au(),wo(),AO(R,D)},useImperativeHandle:function(R,D,L){return Kr="useImperativeHandle",au(),wo(),MP(R,D,L)},useLayoutEffect:function(R,D){return Kr="useLayoutEffect",au(),wo(),RM(R,D)},useMemo:function(R,D){Kr="useMemo",au(),wo();var L=po.current;po.current=XE;try{return yD(R,D)}finally{po.current=L}},useReducer:function(R,D,L){Kr="useReducer",au(),wo();var K=po.current;po.current=XE;try{return GH(R,D,L)}finally{po.current=K}},useRef:function(R){return Kr="useRef",au(),wo(),vD()},useState:function(R){Kr="useState",au(),wo();var D=po.current;po.current=XE;try{return PP(R)}finally{po.current=D}},useDebugValue:function(R,D){return Kr="useDebugValue",au(),wo(),wD()},useDeferredValue:function(R){return Kr="useDeferredValue",au(),wo(),JH(R)},useTransition:function(){return Kr="useTransition",au(),wo(),Yr()},useMutableSource:function(R,D,L){return Kr="useMutableSource",au(),wo(),CM(R,D,L)},useOpaqueIdentifier:function(){return Kr="useOpaqueIdentifier",au(),wo(),_D()},unstable_isNewReconciler:st},QE={readContext:function(R,D){return JE(),Lh(R,D)},useCallback:function(R,D){return Kr="useCallback",au(),wo(),fb(R,D)},useContext:function(R,D){return Kr="useContext",au(),wo(),Lh(R,D)},useEffect:function(R,D){return Kr="useEffect",au(),wo(),AO(R,D)},useImperativeHandle:function(R,D,L){return Kr="useImperativeHandle",au(),wo(),MP(R,D,L)},useLayoutEffect:function(R,D){return Kr="useLayoutEffect",au(),wo(),RM(R,D)},useMemo:function(R,D){Kr="useMemo",au(),wo();var L=po.current;po.current=XE;try{return yD(R,D)}finally{po.current=L}},useReducer:function(R,D,L){Kr="useReducer",au(),wo();var K=po.current;po.current=XE;try{return xM(R,D,L)}finally{po.current=K}},useRef:function(R){return Kr="useRef",au(),wo(),vD()},useState:function(R){Kr="useState",au(),wo();var D=po.current;po.current=XE;try{return FP(R)}finally{po.current=D}},useDebugValue:function(R,D){return Kr="useDebugValue",au(),wo(),wD()},useDeferredValue:function(R){return Kr="useDeferredValue",au(),wo(),PO(R)},useTransition:function(){return Kr="useTransition",au(),wo(),Td()},useMutableSource:function(R,D,L){return Kr="useMutableSource",au(),wo(),CM(R,D,L)},useOpaqueIdentifier:function(){return Kr="useOpaqueIdentifier",au(),wo(),eU()},unstable_isNewReconciler:st}}var CD=m.unstable_now,vs=0,TD=-1;function zP(){return vs}function HP(){vs=CD()}function UP(R){TD=CD(),R.actualStartTime<0&&(R.actualStartTime=CD())}function Wd(R){TD=-1}function db(R,D){if(TD>=0){var L=CD()-TD;R.actualDuration+=L,D&&(R.selfBaseDuration=L),TD=-1}}function VP(R){for(var D=R.child;D;)R.actualDuration+=D.actualDuration,D=D.sibling}var FO=_.ReactCurrentOwner,ZE=!1,qP,jO,DM,WP,AM,Dk,$M,GP;qP={},jO={},DM={},WP={},AM={},Dk=!1,$M={},GP={};function dm(R,D,L,K){R===null?D.child=MH(D,null,L,K):D.child=CP(D,R.child,L,K)}function tJ(R,D,L,K){D.child=CP(D,R.child,null,K),D.child=CP(D,null,L,K)}function nU(R,D,L,K,J){if(D.type!==D.elementType){var ue=L.propTypes;ue&&p0(ue,K,"prop",wi(L))}var _e=L.render,Oe=D.ref,He;CO(D,J);{if(FO.current=D,Yu(!0),He=gg(R,D,_e,K,Oe,J),D.mode&ud){Ui();try{He=gg(R,D,_e,K,Oe,J)}finally{To()}}Yu(!1)}return R!==null&&!ZE?(QQ(R,D,J),e2(R,D,J)):(D.flags|=lp,dm(R,D,He,J),D.child)}function PM(R,D,L,K,J,ue){if(R===null){var _e=L.type;if(Uk(_e)&&L.compare===null&&L.defaultProps===void 0){var Oe=_e;return Oe=GO(_e),D.tag=Le,D.type=Oe,XP(D,_e),rU(R,D,Oe,K,J,ue)}{var He=_e.propTypes;He&&p0(He,K,"prop",wi(_e))}var kt=rN(L.type,null,K,D,D.mode,ue);return kt.ref=D.ref,kt.return=D,D.child=kt,kt}{var jt=L.type,Ln=jt.propTypes;Ln&&p0(Ln,K,"prop",wi(jt))}var Jt=R.child;if(!Pa(J,ue)){var Kn=Jt.memoizedProps,qr=L.compare;if(qr=qr!==null?qr:ae,qr(Kn,K)&&R.ref===D.ref)return e2(R,D,ue)}D.flags|=lp;var Ji=Vk(Jt,K);return Ji.ref=D.ref,Ji.return=D,D.child=Ji,Ji}function rU(R,D,L,K,J,ue){if(D.type!==D.elementType){var _e=D.elementType;if(_e.$$typeof===za){var Oe=_e,He=Oe._payload,kt=Oe._init;try{_e=kt(He)}catch{_e=null}var jt=_e&&_e.propTypes;jt&&p0(jt,K,"prop",wi(_e))}}if(R!==null){var Ln=R.memoizedProps;if(ae(Ln,K)&&R.ref===D.ref&&D.type===R.type)if(ZE=!1,Pa(ue,J))(R.flags&h_)!==Lc&&(ZE=!0);else return D.lanes=R.lanes,e2(R,D,ue)}return jC(R,D,L,K,ue)}function FM(R,D,L){var K=D.pendingProps,J=K.children,ue=R!==null?R.memoizedState:null;if(K.mode==="hidden"||K.mode==="unstable-defer-without-hiding")if((D.mode&J_)===vf){var _e={baseLanes:Dr};D.memoizedState=_e,aS(D,L)}else if(Pa(L,sg)){var jt={baseLanes:Dr};D.memoizedState=jt;var Ln=ue!==null?ue.baseLanes:L;aS(D,Ln)}else{var Oe;if(ue!==null){var He=ue.baseLanes;Oe=Ja(He,L)}else Oe=L;x8(sg),D.lanes=D.childLanes=sg;var kt={baseLanes:Oe};return D.memoizedState=kt,aS(D,Oe),null}else{var Jt;ue!==null?(Jt=Ja(ue.baseLanes,L),D.memoizedState=null):Jt=L,aS(D,Jt)}return dm(R,D,J,L),D.child}var nJ=FM;function iU(R,D,L){var K=D.pendingProps;return dm(R,D,K,L),D.child}function rJ(R,D,L){var K=D.pendingProps.children;return dm(R,D,K,L),D.child}function iJ(R,D,L){{D.flags|=Ps;var K=D.stateNode;K.effectDuration=0,K.passiveEffectDuration=0}var J=D.pendingProps,ue=J.children;return dm(R,D,ue,L),D.child}function KP(R,D){var L=D.ref;(R===null&&L!==null||R!==null&&R.ref!==L)&&(D.flags|=ff)}function jC(R,D,L,K,J){if(D.type!==D.elementType){var ue=L.propTypes;ue&&p0(ue,K,"prop",wi(L))}var _e;{var Oe=Ek(D,L,!0);_e=_k(D,Oe)}var He;CO(D,J);{if(FO.current=D,Yu(!0),He=gg(R,D,L,K,_e,J),D.mode&ud){Ui();try{He=gg(R,D,L,K,_e,J)}finally{To()}}Yu(!1)}return R!==null&&!ZE?(QQ(R,D,J),e2(R,D,J)):(D.flags|=lp,dm(R,D,He,J),D.child)}function nS(R,D,L,K,J){if(D.type!==D.elementType){var ue=L.propTypes;ue&&p0(ue,K,"prop",wi(L))}var _e;Sv(L)?(_e=!0,Nh(D)):_e=!1,CO(D,J);var Oe=D.stateNode,He;Oe===null?(R!==null&&(R.alternate=null,D.alternate=null,D.flags|=ia),$H(D,L,K),oM(D,L,K,J),He=!0):R===null?He=NQ(D,L,K,J):He=LQ(R,D,L,K,J);var kt=YP(R,D,L,He,_e,J);{var jt=D.stateNode;He&&jt.props!==K&&(Dk||k("It looks like %s is reassigning its own `this.props` while rendering. This is not supported and can lead to confusing bugs.",wi(D.type)||"a component"),Dk=!0)}return kt}function YP(R,D,L,K,J,ue){KP(R,D);var _e=(D.flags&Ke)!==Lc;if(!K&&!_e)return J&&_C(D,L,!1),e2(R,D,ue);var Oe=D.stateNode;FO.current=D;var He;if(_e&&typeof L.getDerivedStateFromError!="function")He=null,Wd();else{if(Yu(!0),He=Oe.render(),D.mode&ud){Ui();try{Oe.render()}finally{To()}}Yu(!1)}return D.flags|=lp,R!==null&&_e?tJ(R,D,He,ue):dm(R,D,He,ue),D.memoizedState=Oe.state,J&&_C(D,L,!0),D.child}function oU(R){var D=R.stateNode;D.pendingContext?WE(R,D.pendingContext,D.pendingContext!==D.context):D.context&&WE(R,D.context,!1),fM(R,D.containerInfo)}function oJ(R,D,L){oU(D);var K=D.updateQueue;if(!(R!==null&&K!==null))throw Error("If the root does not have an updateQueue, we should have already bailed out. This error is likely caused by a bug in React. Please file an issue.");var J=D.pendingProps,ue=D.memoizedState,_e=ue!==null?ue.element:null;xH(R,D),cD(D,J,null,L);var Oe=D.memoizedState,He=Oe.element;if(He===_e)return vM(),e2(R,D,L);var kt=D.stateNode;if(kt.hydrate&&VQ(D)){{var jt=kt.mutableSourceEagerHydrationData;if(jt!=null)for(var Ln=0;Ln<jt.length;Ln+=2){var Jt=jt[Ln],Kn=jt[Ln+1];qH(Jt,Kn)}}var qr=MH(D,null,He,L);D.child=qr;for(var Ji=qr;Ji;)Ji.flags=Ji.flags&~ia|ig,Ji=Ji.sibling}else dm(R,D,He,L),vM();return D.child}function sJ(R,D,L){LH(D),R===null&&mM(D);var K=D.type,J=D.pendingProps,ue=R!==null?R.memoizedProps:null,_e=J.children,Oe=pO(K,J);return Oe?_e=null:ue!==null&&pO(K,ue)&&(D.flags|=Bf),KP(R,D),dm(R,D,_e,L),D.child}function aJ(R,D){return R===null&&mM(D),null}function uJ(R,D,L,K,J){R!==null&&(R.alternate=null,D.alternate=null,D.flags|=ia);var ue=D.pendingProps,_e=L,Oe=_e._payload,He=_e._init,kt=He(Oe);D.type=kt;var jt=D.tag=zU(kt),Ln=Ms(kt,ue),Jt;switch(jt){case $:return XP(D,kt),D.type=kt=GO(kt),Jt=jC(null,D,kt,Ln,J),Jt;case P:return D.type=kt=tN(kt),Jt=nS(null,D,kt,Ln,J),Jt;case ge:return D.type=kt=nN(kt),Jt=nU(null,D,kt,Ln,J),Jt;case De:{if(D.type!==D.elementType){var Kn=kt.propTypes;Kn&&p0(Kn,Ln,"prop",wi(kt))}return Jt=PM(null,D,kt,Ms(kt.type,Ln),K,J),Jt}}var qr="";throw kt!==null&&typeof kt=="object"&&kt.$$typeof===za&&(qr=" Did you wrap a component in React.lazy() more than once?"),Error("Element type is invalid. Received a promise that resolves to: "+kt+". Lazy element type must resolve to a class or function."+qr)}function cJ(R,D,L,K,J){R!==null&&(R.alternate=null,D.alternate=null,D.flags|=ia),D.tag=P;var ue;return Sv(L)?(ue=!0,Nh(D)):ue=!1,CO(D,J),$H(D,L,K),oM(D,L,K,J),YP(null,D,L,!0,ue,J)}function Yl(R,D,L,K){R!==null&&(R.alternate=null,D.alternate=null,D.flags|=ia);var J=D.pendingProps,ue;{var _e=Ek(D,L,!1);ue=_k(D,_e)}CO(D,K);var Oe;{if(L.prototype&&typeof L.prototype.render=="function"){var He=wi(L)||"Unknown";qP[He]||(k("The <%s /> component appears to have a render method, but doesn't extend React.Component. This is likely to cause errors. Change %s to extend React.Component instead.",He,He),qP[He]=!0)}D.mode&ud&&Ee.recordLegacyContextWarning(D,null),Yu(!0),FO.current=D,Oe=gg(null,D,L,J,ue,K),Yu(!1)}if(D.flags|=lp,typeof Oe=="object"&&Oe!==null&&typeof Oe.render=="function"&&Oe.$$typeof===void 0){var kt=wi(L)||"Unknown";jO[kt]||(k("The <%s /> component appears to be a function component that returns a class instance. Change %s to a class that extends React.Component instead. If you can't use a class try assigning the prototype on the function as a workaround. `%s.prototype = React.Component.prototype`. Don't use an arrow function since it cannot be called with `new` by React.",kt,kt,kt),jO[kt]=!0)}if(typeof Oe=="object"&&Oe!==null&&typeof Oe.render=="function"&&Oe.$$typeof===void 0){{var jt=wi(L)||"Unknown";jO[jt]||(k("The <%s /> component appears to be a function component that returns a class instance. Change %s to a class that extends React.Component instead. If you can't use a class try assigning the prototype on the function as a workaround. `%s.prototype = React.Component.prototype`. Don't use an arrow function since it cannot be called with `new` by React.",jt,jt,jt),jO[jt]=!0)}D.tag=P,D.memoizedState=null,D.updateQueue=null;var Ln=!1;Sv(L)?(Ln=!0,Nh(D)):Ln=!1,D.memoizedState=Oe.state!==null&&Oe.state!==void 0?Oe.state:null,K7(D);var Jt=L.getDerivedStateFromProps;return typeof Jt=="function"&&EP(D,L,Jt,J),AH(D,Oe),oM(D,L,J,K),YP(null,D,L,!0,Ln,K)}else{if(D.tag=$,D.mode&ud){Ui();try{Oe=gg(null,D,L,J,ue,K)}finally{To()}}return dm(null,D,Oe,K),XP(D,L),D.child}}function XP(R,D){{if(D&&D.childContextTypes&&k("%s(...): childContextTypes cannot be defined on a function component.",D.displayName||D.name||"Component"),R.ref!==null){var L="",K=vd();K&&(L+=`
Check the render method of \``+K+"`.");var J=K||R._debugID||"",ue=R._debugSource;ue&&(J=ue.fileName+":"+ue.lineNumber),AM[J]||(AM[J]=!0,k("Function components cannot be given refs. Attempts to access this ref will fail. Did you mean to use React.forwardRef()?%s",L))}if(typeof D.getDerivedStateFromProps=="function"){var _e=wi(D)||"Unknown";WP[_e]||(k("%s: Function components do not support getDerivedStateFromProps.",_e),WP[_e]=!0)}if(typeof D.contextType=="object"&&D.contextType!==null){var Oe=wi(D)||"Unknown";DM[Oe]||(k("%s: Function components do not support contextType.",Oe),DM[Oe]=!0)}}}var kD={dehydrated:null,retryLane:hf};function QP(R){return{baseLanes:R}}function sU(R,D){return{baseLanes:Ja(R.baseLanes,D)}}function lJ(R,D,L,K){if(D!==null){var J=D.memoizedState;if(J===null)return!1}return RP(R,dD)}function aU(R,D){return Yw(R.childLanes,D)}function uU(R,D,L){var K=D.pendingProps;JJ(D)&&(D.flags|=Ke);var J=sy.current,ue=!1,_e=(D.flags&Ke)!==Lc;if(_e||lJ(J,R)?(ue=!0,D.flags&=~Ke):(R===null||R.memoizedState!==null)&&K.fallback!==void 0&&K.unstable_avoidThisFallback!==!0&&(J=HQ(J,pM)),J=IC(J),Ok(D,J),R===null){K.fallback!==void 0&&mM(D);var Oe=K.children,He=K.fallback;if(ue){var kt=JP(D,Oe,He,L),jt=D.child;return jt.memoizedState=QP(L),D.memoizedState=kD,kt}else if(typeof K.unstable_expectedLoadTime=="number"){var Ln=JP(D,Oe,He,L),Jt=D.child;return Jt.memoizedState=QP(L),D.memoizedState=kD,D.lanes=Sd,x8(Sd),Ln}else return fJ(D,Oe,L)}else{var Kn=R.memoizedState;if(Kn!==null)if(ue){var qr=K.fallback,Ji=K.children,Ss=e8(R,D,Ji,qr,L),Ns=D.child,ea=R.child.memoizedState;return Ns.memoizedState=ea===null?QP(L):sU(ea,L),Ns.childLanes=aU(R,L),D.memoizedState=kD,Ss}else{var vc=K.children,$l=ZP(R,D,vc,L);return D.memoizedState=null,$l}else if(ue){var Mn=K.fallback,Er=K.children,Rn=e8(R,D,Er,Mn,L),Ur=D.child,ro=R.child.memoizedState;return Ur.memoizedState=ro===null?QP(L):sU(ro,L),Ur.childLanes=aU(R,L),D.memoizedState=kD,Rn}else{var Wr=K.children,Cu=ZP(R,D,Wr,L);return D.memoizedState=null,Cu}}}function fJ(R,D,L){var K=R.mode,J={mode:"visible",children:D},ue=oN(J,K,L,null);return ue.return=R,R.child=ue,ue}function JP(R,D,L,K){var J=R.mode,ue=R.child,_e={mode:"hidden",children:D},Oe,He;return(J&dp)===vf&&ue!==null?(Oe=ue,Oe.childLanes=Dr,Oe.pendingProps=_e,R.mode&ub&&(Oe.actualDuration=0,Oe.actualStartTime=-1,Oe.selfBaseDuration=0,Oe.treeBaseDuration=0),He=qk(L,J,K,null)):(Oe=oN(_e,J,Dr,null),He=qk(L,J,K,null)),Oe.return=R,He.return=R,Oe.sibling=He,R.child=Oe,He}function cU(R,D){return Vk(R,D)}function ZP(R,D,L,K){var J=R.child,ue=J.sibling,_e=cU(J,{mode:"visible",children:L});return(D.mode&dp)===vf&&(_e.lanes=K),_e.return=D,_e.sibling=null,ue!==null&&(ue.nextEffect=null,ue.flags=Jc,D.firstEffect=D.lastEffect=ue),D.child=_e,_e}function e8(R,D,L,K,J){var ue=D.mode,_e=R.child,Oe=_e.sibling,He={mode:"hidden",children:L},kt;if((ue&dp)===vf&&D.child!==_e){var jt=D.child;kt=jt,kt.childLanes=Dr,kt.pendingProps=He,D.mode&ub&&(kt.actualDuration=0,kt.actualStartTime=-1,kt.selfBaseDuration=_e.selfBaseDuration,kt.treeBaseDuration=_e.treeBaseDuration);var Ln=kt.lastEffect;Ln!==null?(D.firstEffect=kt.firstEffect,D.lastEffect=Ln,Ln.nextEffect=null):D.firstEffect=D.lastEffect=null}else kt=cU(_e,He);var Jt;return Oe!==null?Jt=Vk(Oe,K):(Jt=qk(K,ue,J,null),Jt.flags|=ia),Jt.return=D,kt.return=D,kt.sibling=Jt,D.child=kt,Jt}function jM(R,D){R.lanes=Ja(R.lanes,D);var L=R.alternate;L!==null&&(L.lanes=Ja(L.lanes,D)),EH(R.return,D)}function MM(R,D,L){for(var K=D;K!==null;){if(K.tag===me){var J=K.memoizedState;J!==null&&jM(K,L)}else if(K.tag===gt)jM(K,L);else if(K.child!==null){K.child.return=K,K=K.child;continue}if(K===R)return;for(;K.sibling===null;){if(K.return===null||K.return===R)return;K=K.return}K.sibling.return=K.return,K=K.sibling}}function dJ(R){for(var D=R,L=null;D!==null;){var K=D.alternate;K!==null&&OP(K)===null&&(L=D),D=D.sibling}return L}function lU(R){if(R!==void 0&&R!=="forwards"&&R!=="backwards"&&R!=="together"&&!$M[R])if($M[R]=!0,typeof R=="string")switch(R.toLowerCase()){case"together":case"forwards":case"backwards":{k('"%s" is not a valid value for revealOrder on <SuspenseList />. Use lowercase "%s" instead.',R,R.toLowerCase());break}case"forward":case"backward":{k('"%s" is not a valid value for revealOrder on <SuspenseList />. React uses the -s suffix in the spelling. Use "%ss" instead.',R,R.toLowerCase());break}default:k('"%s" is not a supported revealOrder on <SuspenseList />. Did you mean "together", "forwards" or "backwards"?',R);break}else k('%s is not a supported value for revealOrder on <SuspenseList />. Did you mean "together", "forwards" or "backwards"?',R)}function hJ(R,D){R!==void 0&&!GP[R]&&(R!=="collapsed"&&R!=="hidden"?(GP[R]=!0,k('"%s" is not a supported value for tail on <SuspenseList />. Did you mean "collapsed" or "hidden"?',R)):D!=="forwards"&&D!=="backwards"&&(GP[R]=!0,k('<SuspenseList tail="%s" /> is only valid if revealOrder is "forwards" or "backwards". Did you mean to specify revealOrder="forwards"?',R)))}function fU(R,D){{var L=Array.isArray(R),K=!L&&typeof dt(R)=="function";if(L||K){var J=L?"array":"iterable";return k("A nested %s was passed to row #%s in <SuspenseList />. Wrap it in an additional SuspenseList to configure its revealOrder: <SuspenseList revealOrder=...> ... <SuspenseList revealOrder=...>{%s}</SuspenseList> ... </SuspenseList>",J,D,J),!1}}return!0}function pJ(R,D){if((D==="forwards"||D==="backwards")&&R!==void 0&&R!==null&&R!==!1)if(Array.isArray(R)){for(var L=0;L<R.length;L++)if(!fU(R[L],L))return}else{var K=dt(R);if(typeof K=="function"){var J=K.call(R);if(J)for(var ue=J.next(),_e=0;!ue.done;ue=J.next()){if(!fU(ue.value,_e))return;_e++}}else k('A single row was passed to a <SuspenseList revealOrder="%s" />. This is not useful since it needs multiple rows. Did you mean to pass multiple children or an array?',D)}}function NM(R,D,L,K,J,ue){var _e=R.memoizedState;_e===null?R.memoizedState={isBackwards:D,rendering:null,renderingStartTime:0,last:K,tail:L,tailMode:J,lastEffect:ue}:(_e.isBackwards=D,_e.rendering=null,_e.renderingStartTime=0,_e.last=K,_e.tail=L,_e.tailMode=J,_e.lastEffect=ue)}function dU(R,D,L){var K=D.pendingProps,J=K.revealOrder,ue=K.tail,_e=K.children;lU(J),hJ(ue,J),pJ(_e,J),dm(R,D,_e,L);var Oe=sy.current,He=RP(Oe,dD);if(He)Oe=gM(Oe,dD),D.flags|=Ke;else{var kt=R!==null&&(R.flags&Ke)!==Lc;kt&&MM(D,D.child,L),Oe=IC(Oe)}if(Ok(D,Oe),(D.mode&dp)===vf)D.memoizedState=null;else switch(J){case"forwards":{var jt=dJ(D.child),Ln;jt===null?(Ln=D.child,D.child=null):(Ln=jt.sibling,jt.sibling=null),NM(D,!1,Ln,jt,ue,D.lastEffect);break}case"backwards":{var Jt=null,Kn=D.child;for(D.child=null;Kn!==null;){var qr=Kn.alternate;if(qr!==null&&OP(qr)===null){D.child=Kn;break}var Ji=Kn.sibling;Kn.sibling=Jt,Jt=Kn,Kn=Ji}NM(D,!0,Jt,null,ue,D.lastEffect);break}case"together":{NM(D,!1,null,null,void 0,D.lastEffect);break}default:D.memoizedState=null}return D.child}function hU(R,D,L){fM(D,D.stateNode.containerInfo);var K=D.pendingProps;return R===null?D.child=CP(D,null,K,L):dm(R,D,K,L),D.child}var LM=!1;function Ale(R,D,L){var K=D.type,J=K._context,ue=D.pendingProps,_e=D.memoizedProps,Oe=ue.value;{"value"in ue||LM||(LM=!0,k("The `value` prop is required for the `<Context.Provider>`. Did you misspell it or forget to pass it?"));var He=D.type.propTypes;He&&p0(He,ue,"prop","Context.Provider")}if(V7(D,Oe),_e!==null){var kt=_e.value,jt=DQ(J,Oe,kt);if(jt===0){if(_e.children===ue.children&&!EO())return e2(R,D,L)}else AQ(D,J,jt,L)}var Ln=ue.children;return dm(R,D,Ln,L),D.child}var gJ=!1;function Ak(R,D,L){var K=D.type;K._context===void 0?K!==K.Consumer&&(gJ||(gJ=!0,k("Rendering <Context> directly is not supported and will be removed in a future major release. Did you mean to render <Context.Consumer> instead?"))):K=K._context;var J=D.pendingProps,ue=J.children;typeof ue!="function"&&k("A context consumer was rendered with multiple children, or a child that isn't a function. A context consumer expects a single child that is a function. If you did pass a function, make sure there is no trailing or leading whitespace around it."),CO(D,L);var _e=Lh(K,J.unstable_observedBits),Oe;return FO.current=D,Yu(!0),Oe=ue(_e),Yu(!1),D.flags|=lp,dm(R,D,Oe,L),D.child}function t8(){ZE=!0}function e2(R,D,L){return R!==null&&(D.dependencies=R.dependencies),Wd(),an(D.lanes),Pa(L,D.childLanes)?(BQ(R,D),D.child):null}function bJ(R,D,L){{var K=D.return;if(K===null)throw new Error("Cannot swap the root fiber.");if(R.alternate=null,D.alternate=null,L.index=D.index,L.sibling=D.sibling,L.return=D.return,L.ref=D.ref,D===K.child)K.child=L;else{var J=K.child;if(J===null)throw new Error("Expected parent to have a child.");for(;J.sibling!==D;)if(J=J.sibling,J===null)throw new Error("Expected to find the previous sibling.");J.sibling=L}var ue=K.lastEffect;return ue!==null?(ue.nextEffect=R,K.lastEffect=R):K.firstEffect=K.lastEffect=R,R.nextEffect=null,R.flags=Jc,L.flags|=ia,L}}function pU(R,D,L){var K=D.lanes;if(D._debugNeedsRemount&&R!==null)return bJ(R,D,rN(D.type,D.key,D.pendingProps,D._debugOwner||null,D.mode,D.lanes));if(R!==null){var J=R.memoizedProps,ue=D.pendingProps;if(J!==ue||EO()||D.type!==R.type)ZE=!0;else if(Pa(L,K))(R.flags&h_)!==Lc?ZE=!0:ZE=!1;else{switch(ZE=!1,D.tag){case U:oU(D),vM();break;case X:LH(D);break;case P:{var _e=D.type;Sv(_e)&&Nh(D);break}case G:fM(D,D.stateNode.containerInfo);break;case Se:{var Oe=D.memoizedProps.value;V7(D,Oe);break}case oe:{var He=Pa(L,D.childLanes);He&&(D.flags|=Ps);var kt=D.stateNode;kt.effectDuration=0,kt.passiveEffectDuration=0}break;case me:{var jt=D.memoizedState;if(jt!==null){var Ln=D.child,Jt=Ln.childLanes;if(Pa(L,Jt))return uU(R,D,L);Ok(D,IC(sy.current));var Kn=e2(R,D,L);return Kn!==null?Kn.sibling:null}else Ok(D,IC(sy.current));break}case gt:{var qr=(R.flags&Ke)!==Lc,Ji=Pa(L,D.childLanes);if(qr){if(Ji)return dU(R,D,L);D.flags|=Ke}var Ss=D.memoizedState;if(Ss!==null&&(Ss.rendering=null,Ss.tail=null,Ss.lastEffect=null),Ok(D,sy.current),Ji)break;return null}case Tn:case Rt:return D.lanes=Dr,FM(R,D,L)}return e2(R,D,L)}}else ZE=!1;switch(D.lanes=Dr,D.tag){case M:return Yl(R,D,D.type,L);case rt:{var Ns=D.elementType;return uJ(R,D,Ns,K,L)}case $:{var ea=D.type,vc=D.pendingProps,$l=D.elementType===ea?vc:Ms(ea,vc);return jC(R,D,ea,$l,L)}case P:{var Mn=D.type,Er=D.pendingProps,Rn=D.elementType===Mn?Er:Ms(Mn,Er);return nS(R,D,Mn,Rn,L)}case U:return oJ(R,D,L);case X:return sJ(R,D,L);case Z:return aJ(R,D);case me:return uU(R,D,L);case G:return hU(R,D,L);case ge:{var Ur=D.type,ro=D.pendingProps,Wr=D.elementType===Ur?ro:Ms(Ur,ro);return nU(R,D,Ur,Wr,L)}case ne:return iU(R,D,L);case re:return rJ(R,D,L);case oe:return iJ(R,D,L);case Se:return Ale(R,D,L);case ve:return Ak(R,D,L);case De:{var Cu=D.type,Ql=D.pendingProps,ec=Ms(Cu,Ql);if(D.type!==D.elementType){var gl=Cu.propTypes;gl&&p0(gl,ec,"prop",wi(Cu))}return ec=Ms(Cu.type,ec),PM(R,D,Cu,ec,K,L)}case Le:return rU(R,D,D.type,D.pendingProps,K,L);case Ue:{var hh=D.type,uc=D.pendingProps,Pl=D.elementType===hh?uc:Ms(hh,uc);return cJ(R,D,hh,Pl,L)}case gt:return dU(R,D,L);case $t:break;case Xe:break;case xe:break;case Tn:return FM(R,D,L);case Rt:return nJ(R,D,L)}throw Error("Unknown unit of work tag ("+D.tag+"). This error is likely caused by a bug in React. Please file an issue.")}function $k(R){R.flags|=Ps}function gU(R){R.flags|=ff}var bU,RD,n8,Pk;bU=function(R,D,L,K){for(var J=D.child;J!==null;){if(J.tag===X||J.tag===Z)mk(R,J.stateNode);else if(J.tag!==G){if(J.child!==null){J.child.return=J,J=J.child;continue}}if(J===D)return;for(;J.sibling===null;){if(J.return===null||J.return===D)return;J=J.return}J.sibling.return=J.return,J=J.sibling}},RD=function(R){},n8=function(R,D,L,K,J){var ue=R.memoizedProps;if(ue!==K){var _e=D.stateNode,Oe=dM(),He=G$(_e,L,ue,K,J,Oe);D.updateQueue=He,He&&$k(D)}},Pk=function(R,D,L,K){L!==K&&$k(D)};function MC(R,D){if(!wM())switch(R.tailMode){case"hidden":{for(var L=R.tail,K=null;L!==null;)L.alternate!==null&&(K=L),L=L.sibling;K===null?R.tail=null:K.sibling=null;break}case"collapsed":{for(var J=R.tail,ue=null;J!==null;)J.alternate!==null&&(ue=J),J=J.sibling;ue===null?!D&&R.tail!==null?R.tail.sibling=null:R.tail=null:ue.sibling=null;break}}}function mJ(R,D,L){var K=D.pendingProps;switch(D.tag){case M:case rt:case Le:case $:case ge:case ne:case re:case oe:case ve:case De:return null;case P:{var J=D.type;return Sv(J)&&ry(D),null}case U:{TO(D),dg(D),DP();var ue=D.stateNode;if(ue.pendingContext&&(ue.context=ue.pendingContext,ue.pendingContext=null),R===null||R.child===null){var _e=IP(D);_e?$k(D):ue.hydrate||(D.flags|=k1)}return RD(D),null}case X:{hM(D);var Oe=NH(),He=D.type;if(R!==null&&D.stateNode!=null)n8(R,D,He,K,Oe),R.ref!==D.ref&&gU(D);else{if(!K){if(D.stateNode===null)throw Error("We must have new props for new mounts. This error is likely caused by a bug in React. Please file an issue.");return null}var kt=dM(),jt=IP(D);if(jt)qQ(D,Oe,kt)&&$k(D);else{var Ln=W$(He,K,Oe,kt,D);bU(Ln,D,!1,!1),D.stateNode=Ln,hO(Ln,He,K,Oe)&&$k(D)}D.ref!==null&&gU(D)}return null}case Z:{var Jt=K;if(R&&D.stateNode!=null){var Kn=R.memoizedProps;Pk(R,D,Kn,Jt)}else{if(typeof Jt!="string"&&D.stateNode===null)throw Error("We must have new props for new mounts. This error is likely caused by a bug in React. Please file an issue.");var qr=NH(),Ji=dM(),Ss=IP(D);Ss?WQ(D)&&$k(D):D.stateNode=wC(Jt,qr,Ji,D)}return null}case me:{kO(D);var Ns=D.memoizedState;if((D.flags&Ke)!==Lc)return D.lanes=L,(D.mode&ub)!==vf&&VP(D),D;var ea=Ns!==null,vc=!1;if(R===null)D.memoizedProps.fallback!==void 0&&IP(D);else{var $l=R.memoizedState;vc=$l!==null}if(ea&&!vc&&(D.mode&dp)!==vf){var Mn=R===null&&D.memoizedProps.unstable_avoidThisFallback!==!0;Mn||RP(sy.current,pM)?dn():hn()}return(ea||vc)&&(D.flags|=Ps),null}case G:return TO(D),RD(D),R===null&&iP(D.stateNode.containerInfo),null;case Se:return q7(D),null;case Ue:{var Er=D.type;return Sv(Er)&&ry(D),null}case gt:{kO(D);var Rn=D.memoizedState;if(Rn===null)return null;var Ur=(D.flags&Ke)!==Lc,ro=Rn.rendering;if(ro===null)if(Ur)MC(Rn,!1);else{var Wr=Wle()&&(R===null||(R.flags&Ke)===Lc);if(!Wr)for(var Cu=D.child;Cu!==null;){var Ql=OP(Cu);if(Ql!==null){Ur=!0,D.flags|=Ke,MC(Rn,!1);var ec=Ql.updateQueue;return ec!==null&&(D.updateQueue=ec,D.flags|=Ps),Rn.lastEffect===null&&(D.firstEffect=null),D.lastEffect=Rn.lastEffect,g0(D,L),Ok(D,gM(sy.current,dD)),D.child}Cu=Cu.sibling}Rn.tail!==null&&Yp()>f8()&&(D.flags|=Ke,Ur=!0,MC(Rn,!1),D.lanes=Sd,x8(Sd))}else{if(!Ur){var gl=OP(ro);if(gl!==null){D.flags|=Ke,Ur=!0;var hh=gl.updateQueue;if(hh!==null&&(D.updateQueue=hh,D.flags|=Ps),MC(Rn,!0),Rn.tail===null&&Rn.tailMode==="hidden"&&!ro.alternate&&!wM()){var uc=D.lastEffect=Rn.lastEffect;return uc!==null&&(uc.nextEffect=null),null}}else Yp()*2-Rn.renderingStartTime>f8()&&L!==sg&&(D.flags|=Ke,Ur=!0,MC(Rn,!1),D.lanes=Sd,x8(Sd))}if(Rn.isBackwards)ro.sibling=D.child,D.child=ro;else{var Pl=Rn.last;Pl!==null?Pl.sibling=ro:D.child=ro,Rn.last=ro}}if(Rn.tail!==null){var e1=Rn.tail;Rn.rendering=e1,Rn.tail=e1.sibling,Rn.lastEffect=D.lastEffect,Rn.renderingStartTime=Yp(),e1.sibling=null;var ph=sy.current;return Ur?ph=gM(ph,dD):ph=IC(ph),Ok(D,ph),e1}return null}case $t:break;case Xe:break;case xe:break;case Tn:case Rt:{if(uS(D),R!==null){var Bv=D.memoizedState,Ef=R.memoizedState,fS=Ef!==null,Yk=Bv!==null;fS!==Yk&&K.mode!=="unstable-defer-without-hiding"&&(D.flags|=Ps)}return null}}throw Error("Unknown unit of work tag ("+D.tag+"). This error is likely caused by a bug in React. Please file an issue.")}function $le(R,D){switch(R.tag){case P:{var L=R.type;Sv(L)&&ry(R);var K=R.flags;return K&Zg?(R.flags=K&~Zg|Ke,(R.mode&ub)!==vf&&VP(R),R):null}case U:{TO(R),dg(R),DP();var J=R.flags;if((J&Ke)!==Lc)throw Error("The root failed to unmount after an error. This is likely a bug in React. Please file an issue.");return R.flags=J&~Zg|Ke,R}case X:return hM(R),null;case me:{kO(R);var ue=R.flags;return ue&Zg?(R.flags=ue&~Zg|Ke,(R.mode&ub)!==vf&&VP(R),R):null}case gt:return kO(R),null;case G:return TO(R),null;case Se:return q7(R),null;case Tn:case Rt:return uS(R),null;default:return null}}function mU(R){switch(R.tag){case P:{var D=R.type.childContextTypes;D!=null&&ry(R);break}case U:{TO(R),dg(R),DP();break}case X:{hM(R);break}case G:TO(R);break;case me:kO(R);break;case gt:kO(R);break;case Se:q7(R);break;case Tn:case Rt:uS(R);break}}function BM(R,D){return{value:R,source:D,stack:jc(D)}}function vJ(R,D){return!0}function OD(R,D){try{var L=vJ(R,D);if(L===!1)return;var K=D.value,J=D.source,ue=D.stack,_e=ue!==null?ue:"";if(K!=null&&K._suppressLogging){if(R.tag===P)return;console.error(K)}var Oe=J?wi(J.type):null,He=Oe?"The above error occurred in the <"+Oe+"> component:":"The above error occurred in one of your React components:",kt,jt=wi(R.type);jt?kt="React will try to recreate this component tree from scratch "+("using the error boundary you provided, "+jt+"."):kt=`Consider adding an error boundary to your tree to customize error handling behavior.
Visit https://reactjs.org/link/error-boundaries to learn more about error boundaries.`;var Ln=He+`
`+_e+`
`+(""+kt);console.error(Ln)}catch(Jt){setTimeout(function(){throw Jt})}}var ay=typeof WeakMap=="function"?WeakMap:Map;function Fk(R,D,L){var K=kC(gu,L);K.tag=W7,K.payload={element:null};var J=D.value;return K.callback=function(){v0(J),OD(R,D)},K}function zM(R,D,L){var K=kC(gu,L);K.tag=W7;var J=R.type.getDerivedStateFromError;if(typeof J=="function"){var ue=D.value;K.payload=function(){return OD(R,D),J(ue)}}var _e=R.stateNode;return _e!==null&&typeof _e.componentDidCatch=="function"?K.callback=function(){LU(R),typeof J!="function"&&(Yle(this),OD(R,D));var He=D.value,kt=D.stack;this.componentDidCatch(He,{componentStack:kt!==null?kt:""}),typeof J!="function"&&(Pa(R.lanes,Qa)||k("%s: Error boundaries should implement getDerivedStateFromError(). In that method, return a state update to display an error message or fallback UI.",wi(R.type)||"Unknown"))}:K.callback=function(){LU(R)},K}function wJ(R,D,L){var K=R.pingCache,J;if(K===null?(K=R.pingCache=new ay,J=new Set,K.set(D,J)):(J=K.get(D),J===void 0&&(J=new Set,K.set(D,J))),!J.has(L)){J.add(L);var ue=Lk.bind(null,R,D,L);D.then(ue,ue)}}function Zu(R,D,L,K,J){if(L.flags|=d_,L.firstEffect=L.lastEffect=null,K!==null&&typeof K=="object"&&typeof K.then=="function"){var ue=K;if((L.mode&dp)===vf){var _e=L.alternate;_e?(L.updateQueue=_e.updateQueue,L.memoizedState=_e.memoizedState,L.lanes=_e.lanes):(L.updateQueue=null,L.memoizedState=null)}var Oe=RP(sy.current,pM),He=D;do{if(He.tag===me&&UQ(He,Oe)){var kt=He.updateQueue;if(kt===null){var jt=new Set;jt.add(ue),He.updateQueue=jt}else kt.add(ue);if((He.mode&dp)===vf){if(He.flags|=Ke,L.flags|=h_,L.flags&=~(I3|d_),L.tag===P){var Ln=L.alternate;if(Ln===null)L.tag=Ue;else{var Jt=kC(gu,Qa);Jt.tag=bP,RC(L,Jt)}}L.lanes=Ja(L.lanes,Qa);return}wJ(R,ue,J),He.flags|=Zg,He.lanes=J;return}He=He.return}while(He!==null);K=new Error((wi(L.type)||"A React component")+` suspended while rendering, but no fallback UI was specified.
Add a <Suspense fallback=...> component higher in the tree to provide a loading indicator or placeholder to display.`)}xJ(),K=BM(K,L);var Kn=D;do{switch(Kn.tag){case U:{var qr=K;Kn.flags|=Zg;var Ji=Ud(J);Kn.lanes=Ja(Kn.lanes,Ji);var Ss=Fk(Kn,qr,Ji);CH(Kn,Ss);return}case P:var Ns=K,ea=Kn.type,vc=Kn.stateNode;if((Kn.flags&Ke)===Lc&&(typeof ea.getDerivedStateFromError=="function"||vc!==null&&typeof vc.componentDidCatch=="function"&&!ZM(vc))){Kn.flags|=Zg;var $l=Ud(J);Kn.lanes=Ja(Kn.lanes,$l);var Mn=zM(Kn,Ns,$l);CH(Kn,Mn);return}break}Kn=Kn.return}while(Kn!==null)}var vU=null;vU=new Set;var NC=typeof WeakSet=="function"?WeakSet:Set,r8=function(R,D){D.props=R.memoizedProps,D.state=R.memoizedState,D.componentWillUnmount()};function MO(R,D){if(ah(null,r8,null,R,D),zd()){var L=yd();HC(R,L)}}function yJ(R){var D=R.ref;if(D!==null)if(typeof D=="function"){if(ah(null,D,null,null),zd()){var L=yd();HC(R,L)}}else D.current=null}function Ple(R,D){if(ah(null,D,null),zd()){var L=yd();HC(R,L)}}function HM(R,D){switch(D.tag){case $:case ge:case Le:case xe:return;case P:{if(D.flags&k1&&R!==null){var L=R.memoizedProps,K=R.memoizedState,J=D.stateNode;D.type===D.elementType&&!Dk&&(J.props!==D.memoizedProps&&k("Expected %s props to match memoized props before getSnapshotBeforeUpdate. This might either be because of a bug in React, or because a component reassigns its own `this.props`. Please file an issue.",wi(D.type)||"instance"),J.state!==D.memoizedState&&k("Expected %s state to match memoized state before getSnapshotBeforeUpdate. This might either be because of a bug in React, or because a component reassigns its own `this.state`. Please file an issue.",wi(D.type)||"instance"));var ue=J.getSnapshotBeforeUpdate(D.elementType===D.type?L:Ms(D.type,L),K);{var _e=vU;ue===void 0&&!_e.has(D.type)&&(_e.add(D.type),k("%s.getSnapshotBeforeUpdate(): A snapshot value (or null) must be returned. You have returned undefined.",wi(D.type)))}J.__reactInternalSnapshotBeforeUpdate=ue}return}case U:{if(D.flags&k1){var Oe=D.stateNode;yC(Oe.containerInfo)}return}case X:case Z:case G:case Ue:return}throw Error("This unit of work tag should not have side-effects. This error is likely caused by a bug in React. Please file an issue.")}function Fle(R,D){var L=D.updateQueue,K=L!==null?L.lastEffect:null;if(K!==null){var J=K.next,ue=J;do{if((ue.tag&R)===R){var _e=ue.destroy;ue.destroy=void 0,_e!==void 0&&_e()}ue=ue.next}while(ue!==J)}}function jle(R,D){var L=D.updateQueue,K=L!==null?L.lastEffect:null;if(K!==null){var J=K.next,ue=J;do{if((ue.tag&R)===R){var _e=ue.create;ue.destroy=_e();{var Oe=ue.destroy;if(Oe!==void 0&&typeof Oe!="function"){var He=void 0;Oe===null?He=" You returned null. If your effect does not require clean up, return undefined (or nothing).":typeof Oe.then=="function"?He=`
It looks like you wrote useEffect(async () => ...) or returned a Promise. Instead, write the async function inside your effect and call it immediately:
useEffect(() => {
async function fetchData() {
// You can await here
const response = await MyAPI.getData(someId);
// ...
}
fetchData();
}, [someId]); // Or [] if effect doesn't need props or state
Learn more about data fetching with Hooks: https://reactjs.org/link/hooks-data-fetching`:He=" You returned: "+Oe,k("An effect function must not return anything besides a function, which is used for clean-up.%s",He)}}}ue=ue.next}while(ue!==J)}}function EJ(R){var D=R.updateQueue,L=D!==null?D.lastEffect:null;if(L!==null){var K=L.next,J=K;do{var ue=J,_e=ue.next,Oe=ue.tag;(Oe&hD)!==bM&&(Oe&RO)!==bM&&(IU(R,J),Kle(R,J)),J=_e}while(J!==K)}}function Mle(R,D,L,K){switch(L.tag){case $:case ge:case Le:case xe:{jle(OO|RO,L),EJ(L);return}case P:{var J=L.stateNode;if(L.flags&Ps)if(D===null)L.type===L.elementType&&!Dk&&(J.props!==L.memoizedProps&&k("Expected %s props to match memoized props before componentDidMount. This might either be because of a bug in React, or because a component reassigns its own `this.props`. Please file an issue.",wi(L.type)||"instance"),J.state!==L.memoizedState&&k("Expected %s state to match memoized state before componentDidMount. This might either be because of a bug in React, or because a component reassigns its own `this.state`. Please file an issue.",wi(L.type)||"instance")),J.componentDidMount();else{var ue=L.elementType===L.type?D.memoizedProps:Ms(L.type,D.memoizedProps),_e=D.memoizedState;L.type===L.elementType&&!Dk&&(J.props!==L.memoizedProps&&k("Expected %s props to match memoized props before componentDidUpdate. This might either be because of a bug in React, or because a component reassigns its own `this.props`. Please file an issue.",wi(L.type)||"instance"),J.state!==L.memoizedState&&k("Expected %s state to match memoized state before componentDidUpdate. This might either be because of a bug in React, or because a component reassigns its own `this.state`. Please file an issue.",wi(L.type)||"instance")),J.componentDidUpdate(ue,_e,J.__reactInternalSnapshotBeforeUpdate)}var Oe=L.updateQueue;Oe!==null&&(L.type===L.elementType&&!Dk&&(J.props!==L.memoizedProps&&k("Expected %s props to match memoized props before processing the update queue. This might either be because of a bug in React, or because a component reassigns its own `this.props`. Please file an issue.",wi(L.type)||"instance"),J.state!==L.memoizedState&&k("Expected %s state to match memoized state before processing the update queue. This might either be because of a bug in React, or because a component reassigns its own `this.state`. Please file an issue.",wi(L.type)||"instance")),kH(L,Oe,J));return}case U:{var He=L.updateQueue;if(He!==null){var kt=null;if(L.child!==null)switch(L.child.tag){case X:kt=L.child.stateNode;break;case P:kt=L.child.stateNode;break}kH(L,He,kt)}return}case X:{var jt=L.stateNode;if(D===null&&L.flags&Ps){var Ln=L.type,Jt=L.memoizedProps;KI(jt,Ln,Jt)}return}case Z:return;case G:return;case oe:{{var Kn=L.memoizedProps;Kn.onCommit;var qr=Kn.onRender;L.stateNode.effectDuration;var Ji=zP();typeof qr=="function"&&qr(L.memoizedProps.id,D===null?"mount":"update",L.actualDuration,L.treeBaseDuration,L.actualStartTime,Ji,R.memoizedInteractions)}return}case me:{Wt(R,L);return}case gt:case Ue:case $t:case Xe:case Tn:case Rt:return}throw Error("This unit of work tag should not have side-effects. This error is likely caused by a bug in React. Please file an issue.")}function wU(R,D){for(var L=R;;){if(L.tag===X){var K=L.stateNode;D?k7(K):R7(L.stateNode,L.memoizedProps)}else if(L.tag===Z){var J=L.stateNode;D?Bc(J):Q$(J,L.memoizedProps)}else if(!((L.tag===Tn||L.tag===Rt)&&L.memoizedState!==null&&L!==R)){if(L.child!==null){L.child.return=L,L=L.child;continue}}if(L===R)return;for(;L.sibling===null;){if(L.return===null||L.return===R)return;L=L.return}L.sibling.return=L.return,L=L.sibling}}function Nle(R){var D=R.ref;if(D!==null){var L=R.stateNode,K;switch(R.tag){case X:K=L;break;default:K=L}typeof D=="function"?D(K):(D.hasOwnProperty("current")||k("Unexpected ref object provided for %s. Use either a ref-setter function or React.createRef().",wi(R.type)),D.current=K)}}function Lle(R){var D=R.ref;D!==null&&(typeof D=="function"?D(null):D.current=null)}function ID(R,D,L){switch(K_(D),D.tag){case $:case ge:case De:case Le:case xe:{var K=D.updateQueue;if(K!==null){var J=K.lastEffect;if(J!==null){var ue=J.next,_e=ue;do{var Oe=_e,He=Oe.destroy,kt=Oe.tag;He!==void 0&&((kt&hD)!==bM?IU(D,_e):Ple(D,He)),_e=_e.next}while(_e!==ue)}}return}case P:{yJ(D);var jt=D.stateNode;typeof jt.componentWillUnmount=="function"&&MO(D,jt);return}case X:{yJ(D);return}case G:{Yn(R,D);return}case $t:return;case Ze:return;case Xe:return}}function xu(R,D,L){for(var K=D;;){if(ID(R,K),K.child!==null&&K.tag!==G){K.child.return=K,K=K.child;continue}if(K===D)return;for(;K.sibling===null;){if(K.return===null||K.return===D)return;K=K.return}K.sibling.return=K.return,K=K.sibling}}function yU(R){R.alternate=null,R.child=null,R.dependencies=null,R.firstEffect=null,R.lastEffect=null,R.memoizedProps=null,R.memoizedState=null,R.pendingProps=null,R.return=null,R.updateQueue=null,R._debugOwner=null}function UM(R){for(var D=R.return;D!==null;){if(i8(D))return D;D=D.return}throw Error("Expected to find a host parent. This error is likely caused by a bug in React. Please file an issue.")}function i8(R){return R.tag===X||R.tag===U||R.tag===G}function _J(R){var D=R;e:for(;;){for(;D.sibling===null;){if(D.return===null||i8(D.return))return null;D=D.return}for(D.sibling.return=D.return,D=D.sibling;D.tag!==X&&D.tag!==Z&&D.tag!==Ze;){if(D.flags&ia||D.child===null||D.tag===G)continue e;D.child.return=D,D=D.child}if(!(D.flags&ia))return D.stateNode}}function uy(R){var D=UM(R),L,K,J=D.stateNode;switch(D.tag){case X:L=J,K=!1;break;case U:L=J.containerInfo,K=!0;break;case G:L=J.containerInfo,K=!0;break;case $t:default:throw Error("Invalid host parent fiber. This error is likely caused by a bug in React. Please file an issue.")}D.flags&Bf&&(gO(L),D.flags&=~Bf);var ue=_J(R);K?DD(R,ue,L):rS(R,ue,L)}function DD(R,D,L){var K=R.tag,J=K===X||K===Z;if(J||en){var ue=J?R.stateNode:R.stateNode.instance;D?Y$(L,ue,D):ty(L,ue)}else if(K!==G){var _e=R.child;if(_e!==null){DD(_e,D,L);for(var Oe=_e.sibling;Oe!==null;)DD(Oe,D,L),Oe=Oe.sibling}}}function rS(R,D,L){var K=R.tag,J=K===X||K===Z;if(J||en){var ue=J?R.stateNode:R.stateNode.instance;D?Ua(L,ue,D):K$(L,ue)}else if(K!==G){var _e=R.child;if(_e!==null){rS(_e,D,L);for(var Oe=_e.sibling;Oe!==null;)rS(Oe,D,L),Oe=Oe.sibling}}}function Yn(R,D,L){for(var K=D,J=!1,ue,_e;;){if(!J){var Oe=K.return;e:for(;;){if(Oe===null)throw Error("Expected to find a host parent. This error is likely caused by a bug in React. Please file an issue.");var He=Oe.stateNode;switch(Oe.tag){case X:ue=He,_e=!1;break e;case U:ue=He.containerInfo,_e=!0;break e;case G:ue=He.containerInfo,_e=!0;break e}Oe=Oe.return}J=!0}if(K.tag===X||K.tag===Z)xu(R,K),_e?X$(ue,K.stateNode):um(ue,K.stateNode);else if(K.tag===G){if(K.child!==null){ue=K.stateNode.containerInfo,_e=!0,K.child.return=K,K=K.child;continue}}else if(ID(R,K),K.child!==null){K.child.return=K,K=K.child;continue}if(K===D)return;for(;K.sibling===null;){if(K.return===null||K.return===D)return;K=K.return,K.tag===G&&(J=!1)}K.sibling.return=K.return,K=K.sibling}}function zu(R,D,L){Yn(R,D);var K=D.alternate;yU(D),K!==null&&yU(K)}function VM(R,D){switch(D.tag){case $:case ge:case De:case Le:case xe:{Fle(OO|RO,D);return}case P:return;case X:{var L=D.stateNode;if(L!=null){var K=D.memoizedProps,J=R!==null?R.memoizedProps:K,ue=D.type,_e=D.updateQueue;D.updateQueue=null,_e!==null&&C7(L,_e,ue,J,K)}return}case Z:{if(D.stateNode===null)throw Error("This should have a text node initialized. This error is likely caused by a bug in React. Please file an issue.");var Oe=D.stateNode,He=D.memoizedProps,kt=R!==null?R.memoizedProps:He;T7(Oe,kt,He);return}case U:{{var jt=D.stateNode;jt.hydrate&&(jt.hydrate=!1,$7(jt.containerInfo))}return}case oe:return;case me:{LC(D),ot(D);return}case gt:{ot(D);return}case Ue:return;case $t:break;case Xe:break;case Tn:case Rt:{var Ln=D.memoizedState,Jt=Ln!==null;wU(D,Jt);return}}throw Error("This unit of work tag should not have side-effects. This error is likely caused by a bug in React. Please file an issue.")}function LC(R){var D=R.memoizedState;if(D!==null){fn();{var L=R.child;wU(L,!0)}}}function Wt(R,D){var L=D.memoizedState;if(L===null){var K=D.alternate;if(K!==null){var J=K.memoizedState;if(J!==null){var ue=J.dehydrated;ue!==null&&gH(ue)}}}}function ot(R){var D=R.updateQueue;if(D!==null){R.updateQueue=null;var L=R.stateNode;L===null&&(L=R.stateNode=new NC),D.forEach(function(K){var J=DU.bind(null,R,K);L.has(K)||(K.__reactDoNotTraceInteractions!==!0&&(J=w.unstable_wrap(J)),L.add(K),K.then(J,J))})}}function AD(R,D){if(R!==null){var L=R.memoizedState;if(L===null||L.dehydrated!==null){var K=D.memoizedState;return K!==null&&K.dehydrated===null}}return!1}function EU(R){gO(R.stateNode)}if(typeof Symbol=="function"&&Symbol.for){var o8=Symbol.for;o8("selector.component"),o8("selector.has_pseudo_class"),o8("selector.role"),o8("selector.test_id"),o8("selector.text")}var NO=[];function t2(){NO.forEach(function(R){return R()})}var Ble=Math.ceil,_U=_.ReactCurrentDispatcher,yf=_.ReactCurrentOwner,s8=_.IsSomeRendererActing,Xl=0,M1=1,N1=2,$D=4,cy=8,Zp=16,Hr=32,a8=64,ly=0,PD=1,u8=2,jk=3,c8=4,qM=5,Ks=Xl,hb=null,dh=null,hm=Dr,iS=Dr,FD=W_(Dr),cd=ly,l8=null,LO=Dr,WM=Dr,BC=Dr,Bh=Dr,bg=null,zC=0,pm=500,fy=1/0,SU=500;function Ov(){fy=Yp()+SU}function f8(){return fy}var Ao=null,d8=!1,GM=null,oS=null,sS=!1,BO=null,h8=Rk,xU=Dr,CU=[],TU=[],Iv=null,he=50,p8=0,KM=null,zle=50,g8=0,zO=null,HO=gu,n2=Dr,YM=Dr,b8=!1,m8=null,jD=!1;function Hle(){return hb}function Dv(){return(Ks&(Zp|Hr))!==Xl?Yp():(HO!==gu||(HO=Yp()),HO)}function Mk(R){var D=R.mode;if((D&dp)===vf)return Qa;if((D&J_)===vf)return CC()===ab?Qa:nb;n2===Dr&&(n2=LO);var L=te()!==W;if(L)return YM!==Dr&&(YM=bg!==null?bg.pendingLanes:Dr),AI(n2,YM);var K=CC(),J;if((Ks&$D)!==Xl&&K===GE)J=hv(RE,n2);else{var ue=AE(K);J=hv(ue,n2)}return J}function Ule(R){var D=R.mode;return(D&dp)===vf?Qa:(D&J_)===vf?CC()===ab?Qa:nb:(n2===Dr&&(n2=LO),z3(n2))}function pb(R,D,L){IJ(),FU(R);var K=XM(R,D);if(K===null)return AJ(R),null;Xw(K,D,L),K===hb&&(BC=Ja(BC,D),cd===c8&&UO(K,hm));var J=CC();D===Qa?(Ks&cy)!==Xl&&(Ks&(Zp|Hr))===Xl?(UC(K,D),kU(K)):(dy(K,L),UC(K,D),Ks===Xl&&(Ov(),xv())):((Ks&$D)!==Xl&&(J===GE||J===ab)&&(Iv===null?Iv=new Set([K]):Iv.add(K)),dy(K,L),UC(K,D)),bg=K}function XM(R,D){R.lanes=Ja(R.lanes,D);var L=R.alternate;L!==null&&(L.lanes=Ja(L.lanes,D)),L===null&&(R.flags&(ia|ig))!==Lc&&$U(R);for(var K=R,J=R.return;J!==null;)J.childLanes=Ja(J.childLanes,D),L=J.alternate,L!==null?L.childLanes=Ja(L.childLanes,D):(J.flags&(ia|ig))!==Lc&&$U(R),K=J,J=J.return;if(K.tag===U){var ue=K.stateNode;return ue}else return null}function dy(R,D){var L=R.callbackNode;L3(R,D);var K=o0(R,R===hb?hm:Dr),J=Up();if(K===Dr){L!==null&&(pP(L),R.callbackNode=null,R.callbackPriority=r0);return}if(L!==null){var ue=R.callbackPriority;if(ue===J)return;pP(L)}var _e;if(J===t0)_e=U7(kU.bind(null,R));else if(J===E_)_e=KE(ab,kU.bind(null,R));else{var Oe=Kw(J);_e=KE(Oe,SJ.bind(null,R))}R.callbackPriority=J,R.callbackNode=_e}function SJ(R){if(HO=gu,n2=Dr,YM=Dr,(Ks&(Zp|Hr))!==Xl)throw Error("Should not already be working.");var D=R.callbackNode,L=r2();if(L&&R.callbackNode!==D)return null;var K=o0(R,R===hb?hm:Dr);if(K===Dr)return null;var J=CJ(R,K);if(Pa(LO,BC))$v(R,Dr);else if(J!==ly){if(J===u8&&(Ks|=a8,R.hydrate&&(R.hydrate=!1,yC(R.containerInfo)),K=xd(R),K!==Dr&&(J=w8(R,K))),J===PD){var ue=l8;throw $v(R,Dr),UO(R,K),dy(R,Yp()),ue}var _e=R.current.alternate;R.finishedWork=_e,R.finishedLanes=K,Vle(R,J,K)}return dy(R,Yp()),R.callbackNode===D?SJ.bind(null,R):null}function Vle(R,D,L){switch(D){case ly:case PD:throw Error("Root did not complete. This is a bug in React.");case u8:{Nk(R);break}case jk:{if(UO(R,L),T_(L)&&!PJ()){var K=zC+pm-Yp();if(K>10){var J=o0(R,Dr);if(J!==Dr)break;var ue=R.suspendedLanes;if(!lh(ue,L)){Dv(),Zx(R,ue);break}R.timeoutHandle=fg(Nk.bind(null,R),K);break}}Nk(R);break}case c8:{if(UO(R,L),B3(L))break;{var _e=Xx(R,L),Oe=_e,He=Yp()-Oe,kt=AU(He)-He;if(kt>10){R.timeoutHandle=fg(Nk.bind(null,R),kt);break}}Nk(R);break}case qM:{Nk(R);break}default:throw Error("Unknown root exit status.")}}function UO(R,D){D=Yw(D,Bh),D=Yw(D,BC),KR(R,D)}function kU(R){if((Ks&(Zp|Hr))!==Xl)throw Error("Should not already be working.");r2();var D,L;if(R===hb&&Pa(R.expiredLanes,hm)?(D=hm,L=w8(R,D),Pa(LO,BC)&&(D=o0(R,D),L=w8(R,D))):(D=o0(R,Dr),L=w8(R,D)),R.tag!==_O&&L===u8&&(Ks|=a8,R.hydrate&&(R.hydrate=!1,yC(R.containerInfo)),D=xd(R),D!==Dr&&(L=w8(R,D))),L===PD){var K=l8;throw $v(R,Dr),UO(R,D),dy(R,Yp()),K}var J=R.current.alternate;return R.finishedWork=J,R.finishedLanes=D,Nk(R),dy(R,Yp()),null}function qle(){if((Ks&(M1|Zp|Hr))!==Xl){(Ks&Zp)!==Xl&&k("unstable_flushDiscreteUpdates: Cannot flush updates when React is already rendering.");return}hy(),r2()}function hy(){if(Iv!==null){var R=Iv;Iv=null,R.forEach(function(D){tm(D),dy(D,Yp())})}xv()}function MD(R,D){var L=Ks;Ks|=M1;try{return R(D)}finally{Ks=L,Ks===Xl&&(Ov(),xv())}}function py(R,D){var L=Ks;Ks|=N1;try{return R(D)}finally{Ks=L,Ks===Xl&&(Ov(),xv())}}function gy(R,D,L,K,J){var ue=Ks;Ks|=$D;try{return Q_(GE,R.bind(null,D,L,K,J))}finally{Ks=ue,Ks===Xl&&(Ov(),xv())}}function Av(R,D){var L=Ks;Ks&=~M1,Ks|=cy;try{return R(D)}finally{Ks=L,Ks===Xl&&(Ov(),xv())}}function v8(R,D){var L=Ks;if((L&(Zp|Hr))!==Xl)return k("flushSync was called from inside a lifecycle method. React cannot flush when React is already rendering. Consider moving this call to a scheduler task or micro task."),R(D);Ks|=M1;try{return R?Q_(ab,R.bind(null,D)):void 0}finally{Ks=L,xv()}}function aS(R,D){F1(FD,iS,R),iS=Ja(iS,D),LO=Ja(LO,D)}function uS(R){iS=FD.current,P1(FD,R)}function $v(R,D){R.finishedWork=null,R.finishedLanes=Dr;var L=R.timeoutHandle;if(L!==GI&&(R.timeoutHandle=GI,zE(L)),dh!==null)for(var K=dh.return;K!==null;)mU(K),K=K.return;hb=R,dh=Vk(R.current,null),hm=iS=LO=D,cd=ly,l8=null,WM=Dr,BC=Dr,Bh=Dr,zO=null,Ee.discardPendingWarnings()}function cn(R,D){do{var L=dh;try{if(hg(),YE(),Gc(),yf.current=null,L===null||L.return===null){cd=PD,l8=D,dh=null;return}mt&&L.mode&ub&&db(L,!0),Zu(R,L.return,L,D,hm),OU(L)}catch(K){D=K,dh===L&&L!==null?(L=L.return,dh=L):L=dh;continue}return}while(!0)}function Pn(){var R=_U.current;return _U.current=SD,R===null?SD:R}function ln(R){_U.current=R}function tn(R){{var D=w.__interactionsRef.current;return w.__interactionsRef.current=R.memoizedInteractions,D}}function QM(R){w.__interactionsRef.current=R}function fn(){zC=Yp()}function an(R){WM=Ja(R,WM)}function dn(){cd===ly&&(cd=jk)}function hn(){(cd===ly||cd===jk)&&(cd=c8),hb!==null&&(em(WM)||em(BC))&&UO(hb,hm)}function xJ(){cd!==qM&&(cd=u8)}function Wle(){return cd===ly}function w8(R,D){var L=Ks;Ks|=Zp;var K=Pn();(hb!==R||hm!==D)&&($v(R,D),BD(R,D));var J=tn(R);do try{Gle();break}catch(ue){cn(R,ue)}while(!0);if(hg(),QM(J),Ks=L,ln(K),dh!==null)throw Error("Cannot commit an incomplete root. This error is likely caused by a bug in React. Please file an issue.");return hb=null,hm=Dr,cd}function Gle(){for(;dh!==null;)ND(dh)}function CJ(R,D){var L=Ks;Ks|=Zp;var K=Pn();(hb!==R||hm!==D)&&(Ov(),$v(R,D),BD(R,D));var J=tn(R);do try{RU();break}catch(ue){cn(R,ue)}while(!0);return hg(),QM(J),ln(K),Ks=L,dh!==null?ly:(hb=null,hm=Dr,cd)}function RU(){for(;dh!==null&&!sD();)ND(dh)}function ND(R){var D=R.alternate;Eu(R);var L;(R.mode&ub)!==vf?(UP(R),L=VO(D,R,iS),db(R,!0)):L=VO(D,R,iS),Gc(),R.memoizedProps=R.pendingProps,L===null?OU(R):dh=L,yf.current=null}function OU(R){var D=R;do{var L=D.alternate,K=D.return;if((D.flags&d_)===Lc){Eu(D);var J=void 0;if((D.mode&ub)===vf?J=mJ(L,D,iS):(UP(D),J=mJ(L,D,iS),db(D,!1)),Gc(),J!==null){dh=J;return}if(m0(D),K!==null&&(K.flags&d_)===Lc){K.firstEffect===null&&(K.firstEffect=D.firstEffect),D.lastEffect!==null&&(K.lastEffect!==null&&(K.lastEffect.nextEffect=D.firstEffect),K.lastEffect=D.lastEffect);var ue=D.flags;ue>lp&&(K.lastEffect!==null?K.lastEffect.nextEffect=D:K.firstEffect=D,K.lastEffect=D)}}else{var _e=$le(D);if(_e!==null){_e.flags&=R1,dh=_e;return}if((D.mode&ub)!==vf){db(D,!1);for(var Oe=D.actualDuration,He=D.child;He!==null;)Oe+=He.actualDuration,He=He.sibling;D.actualDuration=Oe}K!==null&&(K.firstEffect=K.lastEffect=null,K.flags|=d_)}var kt=D.sibling;if(kt!==null){dh=kt;return}D=K,dh=D}while(D!==null);cd===ly&&(cd=qM)}function m0(R){if(!((R.tag===Rt||R.tag===Tn)&&R.memoizedState!==null&&!Pa(iS,sg)&&(R.mode&J_)!==Dr)){var D=Dr;if((R.mode&ub)!==vf){for(var L=R.actualDuration,K=R.selfBaseDuration,J=R.alternate===null||R.child!==R.alternate.child,ue=R.child;ue!==null;)D=Ja(D,Ja(ue.lanes,ue.childLanes)),J&&(L+=ue.actualDuration),K+=ue.treeBaseDuration,ue=ue.sibling;var _e=R.tag===me&&R.memoizedState!==null;if(_e){var Oe=R.child;Oe!==null&&(K-=Oe.treeBaseDuration)}R.actualDuration=L,R.treeBaseDuration=K}else for(var He=R.child;He!==null;)D=Ja(D,Ja(He.lanes,He.childLanes)),He=He.sibling;R.childLanes=D}}function Nk(R){var D=CC();return Q_(ab,TJ.bind(null,R,D)),null}function TJ(R,D){do r2();while(BO!==null);if(DJ(),(Ks&(Zp|Hr))!==Xl)throw Error("Should not already be working.");var L=R.finishedWork,K=R.finishedLanes;if(L===null)return null;if(R.finishedWork=null,R.finishedLanes=Dr,L===R.current)throw Error("Cannot commit the same tree as before. This error is likely caused by a bug in React. Please file an issue.");R.callbackNode=null;var J=Ja(L.lanes,L.childLanes);eC(R,J),Iv!==null&&!R_(J)&&Iv.has(R)&&Iv.delete(R),R===hb&&(hb=null,dh=null,hm=Dr);var ue;if(L.flags>lp?L.lastEffect!==null?(L.lastEffect.nextEffect=L,ue=L.firstEffect):ue=L:ue=L.firstEffect,ue!==null){var _e=Ks;Ks|=Hr;var Oe=tn(R);yf.current=null,m8=S7(R.containerInfo),jD=!1,Ao=ue;do if(ah(null,kJ,null),zd()){if(Ao===null)throw Error("Should be working on an effect.");var He=yd();HC(Ao,He),Ao=Ao.nextEffect}while(Ao!==null);m8=null,HP(),Ao=ue;do if(ah(null,ka,null,R,D),zd()){if(Ao===null)throw Error("Should be working on an effect.");var kt=yd();HC(Ao,kt),Ao=Ao.nextEffect}while(Ao!==null);x7(R.containerInfo),R.current=L,Ao=ue;do if(ah(null,RJ,null,R,K),zd()){if(Ao===null)throw Error("Should be working on an effect.");var jt=yd();HC(Ao,jt),Ao=Ao.nextEffect}while(Ao!==null);Ao=null,H7(),QM(Oe),Ks=_e}else R.current=L,HP();var Ln=sS;if(sS)sS=!1,BO=R,xU=K,h8=D;else for(Ao=ue;Ao!==null;){var Jt=Ao.nextEffect;Ao.nextEffect=null,Ao.flags&Jc&&MU(Ao),Ao=Jt}if(J=R.pendingLanes,J!==Dr){if(zO!==null){var Kn=zO;zO=null;for(var qr=0;qr<Kn.length;qr++)eN(R,Kn[qr],R.memoizedInteractions)}UC(R,J)}else oS=null;if(Ln||jU(R,K),J===Qa?R===KM?p8++:(p8=0,KM=R):p8=0,G_(L.stateNode,D),t2(),dy(R,Yp()),d8){d8=!1;var Ji=GM;throw GM=null,Ji}return(Ks&cy)!==Xl||xv(),null}function kJ(){for(;Ao!==null;){var R=Ao.alternate;!jD&&m8!==null&&((Ao.flags&Jc)!==Lc?qR(Ao,m8)&&(jD=!0):Ao.tag===me&&AD(R,Ao)&&qR(Ao,m8)&&(jD=!0));var D=Ao.flags;(D&k1)!==Lc&&(Eu(Ao),HM(R,Ao),Gc()),(D&uh)!==Lc&&(sS||(sS=!0,KE(iy,function(){return r2(),null}))),Ao=Ao.nextEffect}}function ka(R,D){for(;Ao!==null;){Eu(Ao);var L=Ao.flags;if(L&Bf&&EU(Ao),L&ff){var K=Ao.alternate;K!==null&&Lle(K)}var J=L&(ia|Ps|Jc|ig);switch(J){case ia:{uy(Ao),Ao.flags&=~ia;break}case J0:{uy(Ao),Ao.flags&=~ia;var ue=Ao.alternate;VM(ue,Ao);break}case ig:{Ao.flags&=~ig;break}case zR:{Ao.flags&=~ig;var _e=Ao.alternate;VM(_e,Ao);break}case Ps:{var Oe=Ao.alternate;VM(Oe,Ao);break}case Jc:{zu(R,Ao);break}}Gc(),Ao=Ao.nextEffect}}function RJ(R,D){for(;Ao!==null;){Eu(Ao);var L=Ao.flags;if(L&(Ps|Ym)){var K=Ao.alternate;Mle(R,K,Ao)}L&ff&&Nle(Ao),Gc(),Ao=Ao.nextEffect}}function r2(){if(h8!==Rk){var R=h8>iy?iy:h8;return h8=Rk,Q_(R,JM)}return!1}function Kle(R,D){CU.push(D,R),sS||(sS=!0,KE(iy,function(){return r2(),null}))}function IU(R,D){TU.push(D,R);{R.flags|=Aa;var L=R.alternate;L!==null&&(L.flags|=Aa)}sS||(sS=!0,KE(iy,function(){return r2(),null}))}function hp(R){var D=R.create;R.destroy=D()}function JM(){if(BO===null)return!1;var R=BO,D=xU;if(BO=null,xU=Dr,(Ks&(Zp|Hr))!==Xl)throw Error("Cannot flush passive effects while already rendering.");b8=!0;var L=Ks;Ks|=Hr;var K=tn(R),J=TU;TU=[];for(var ue=0;ue<J.length;ue+=2){var _e=J[ue],Oe=J[ue+1],He=_e.destroy;_e.destroy=void 0;{Oe.flags&=~Aa;var kt=Oe.alternate;kt!==null&&(kt.flags&=~Aa)}if(typeof He=="function"){if(Eu(Oe),ah(null,He,null),zd()){if(Oe===null)throw Error("Should be working on an effect.");var jt=yd();HC(Oe,jt)}Gc()}}var Ln=CU;CU=[];for(var Jt=0;Jt<Ln.length;Jt+=2){var Kn=Ln[Jt],qr=Ln[Jt+1];{if(Eu(qr),ah(null,hp,null,Kn),zd()){if(qr===null)throw Error("Should be working on an effect.");var Ji=yd();HC(qr,Ji)}Gc()}}for(var Ss=R.current.firstEffect;Ss!==null;){var Ns=Ss.nextEffect;Ss.nextEffect=null,Ss.flags&Jc&&MU(Ss),Ss=Ns}return QM(K),jU(R,D),b8=!1,Ks=L,xv(),g8=BO===null?0:g8+1,!0}function ZM(R){return oS!==null&&oS.has(R)}function Yle(R){oS===null?oS=new Set([R]):oS.add(R)}function Xle(R){d8||(d8=!0,GM=R)}var v0=Xle;function Pv(R,D,L){var K=BM(L,D),J=Fk(R,K,Qa);RC(R,J);var ue=Dv(),_e=XM(R,Qa);_e!==null&&(Xw(_e,Qa,ue),dy(_e,ue),UC(_e,Qa))}function HC(R,D){if(R.tag===U){Pv(R,R,D);return}for(var L=R.return;L!==null;){if(L.tag===U){Pv(L,R,D);return}else if(L.tag===P){var K=L.type,J=L.stateNode;if(typeof K.getDerivedStateFromError=="function"||typeof J.componentDidCatch=="function"&&!ZM(J)){var ue=BM(D,R),_e=zM(L,ue,Qa);RC(L,_e);var Oe=Dv(),He=XM(L,Qa);if(He!==null)Xw(He,Qa,Oe),dy(He,Oe),UC(He,Qa);else if(typeof J.componentDidCatch=="function"&&!ZM(J))try{J.componentDidCatch(D,ue)}catch{}return}}L=L.return}}function Lk(R,D,L){var K=R.pingCache;K!==null&&K.delete(D);var J=Dv();Zx(R,L),hb===R&&lh(hm,L)&&(cd===c8||cd===jk&&T_(hm)&&Yp()-zC<pm?$v(R,Dr):Bh=Ja(Bh,L)),dy(R,J),UC(R,L)}function OJ(R,D){D===hf&&(D=Ule(R));var L=Dv(),K=XM(R,D);K!==null&&(Xw(K,D,L),dy(K,L),UC(K,D))}function DU(R,D){var L=hf,K;K=R.stateNode,K!==null&&K.delete(D),OJ(R,L)}function AU(R){return R<120?120:R<480?480:R<1080?1080:R<1920?1920:R<3e3?3e3:R<4320?4320:Ble(R/1960)*1960}function IJ(){if(p8>he)throw p8=0,KM=null,Error("Maximum update depth exceeded. This can happen when a component repeatedly calls setState inside componentWillUpdate or componentDidUpdate. React limits the number of nested updates to prevent infinite loops.");g8>zle&&(g8=0,k("Maximum update depth exceeded. This can happen when a component calls setState inside useEffect, but useEffect either doesn't have a dependency array, or one of the dependencies changes on every render."))}function DJ(){Ee.flushLegacyContextWarning(),Ee.flushPendingUnsafeLifecycleWarnings()}var y8=null;function $U(R){{if((Ks&Zp)!==Xl||!(R.mode&(dp|J_)))return;var D=R.tag;if(D!==M&&D!==U&&D!==P&&D!==$&&D!==ge&&D!==De&&D!==Le&&D!==xe)return;var L=wi(R.type)||"ReactComponent";if(y8!==null){if(y8.has(L))return;y8.add(L)}else y8=new Set([L]);var K=Mc;try{Eu(R),k("Can't perform a React state update on a component that hasn't mounted yet. This indicates that you have a side-effect in your render function that asynchronously later calls tries to update the component. Move this work to useEffect instead.")}finally{K?Eu(R):Gc()}}}var E8=null;function AJ(R){{var D=R.tag;if(D!==U&&D!==P&&D!==$&&D!==ge&&D!==De&&D!==Le&&D!==xe||(R.flags&Aa)!==Lc)return;var L=wi(R.type)||"ReactComponent";if(E8!==null){if(E8.has(L))return;E8.add(L)}else E8=new Set([L]);if(!b8){var K=Mc;try{Eu(R),k("Can't perform a React state update on an unmounted component. This is a no-op, but it indicates a memory leak in your application. To fix, cancel all subscriptions and asynchronous tasks in %s.",D===P?"the componentWillUnmount method":"a useEffect cleanup function")}finally{K?Eu(R):Gc()}}}}var VO;{var PU=null;VO=function(R,D,L){var K=VC(PU,D);try{return pU(R,D,L)}catch(ue){if(ue!==null&&typeof ue=="object"&&typeof ue.then=="function")throw ue;if(hg(),YE(),mU(D),VC(D,K),D.mode&ub&&UP(D),ah(null,pU,null,R,D,L),zd()){var J=yd();throw J}else throw ue}}}var gm=!1,by;by=new Set;function FU(R){if(Lf&&(Ks&Zp)!==Xl&&!mc())switch(R.tag){case $:case ge:case Le:{var D=dh&&wi(dh.type)||"Unknown",L=D;if(!by.has(L)){by.add(L);var K=wi(R.type)||"Unknown";k("Cannot update a component (`%s`) while rendering a different component (`%s`). To locate the bad setState() call inside `%s`, follow the stack trace as described in https://reactjs.org/link/setstate-in-render",K,D,D)}break}case P:{gm||(k("Cannot update during an existing state transition (such as within `render`). Render methods should be a pure function of props and state."),gm=!0);break}}}var Fv={current:!1};function _8(R){if(s8.current===!0&&Fv.current!==!0){var D=Mc;try{Eu(R),k(`It looks like you're using the wrong act() around your test interactions.
Be sure to use the matching version of act() corresponding to your renderer:
// for react-dom:
import {act} from 'react-dom/test-utils';
// ...
act(() => ...);
// for react-test-renderer:
import TestRenderer from react-test-renderer';
const {act} = TestRenderer;
// ...
act(() => ...);`)}finally{D?Eu(R):Gc()}}}function gb(R){(R.mode&ud)!==vf&&s8.current===!1&&Fv.current===!1&&k(`An update to %s ran an effect, but was not wrapped in act(...).
When testing, code that causes React state updates should be wrapped into act(...):
act(() => {
/* fire events that update state */
});
/* assert on the output */
This ensures that you're testing the behavior the user would see in the browser. Learn more at https://reactjs.org/link/wrap-tests-with-act`,wi(R.type))}function my(R){if(Ks===Xl&&s8.current===!1&&Fv.current===!1){var D=Mc;try{Eu(R),k(`An update to %s inside a test was not wrapped in act(...).
When testing, code that causes React state updates should be wrapped into act(...):
act(() => {
/* fire events that update state */
});
/* assert on the output */
This ensures that you're testing the behavior the user would see in the browser. Learn more at https://reactjs.org/link/wrap-tests-with-act`,wi(R.type))}finally{D?Eu(R):Gc()}}}var qO=my,LD=!1;function $J(R){LD===!1&&m.unstable_flushAllWithoutAsserting===void 0&&(R.mode&dp||R.mode&J_)&&(LD=!0,k(`In Concurrent or Sync modes, the "scheduler" module needs to be mocked to guarantee consistent behaviour across tests and browsers. For example, with jest:
jest.mock('scheduler', () => require('scheduler/unstable_mock'));
For more info, visit https://reactjs.org/link/mock-scheduler`))}function S8(R,D){return D*1e3+R.interactionThreadID}function x8(R){zO===null?zO=[R]:zO.push(R)}function eN(R,D,L){if(L.size>0){var K=R.pendingInteractionMap,J=K.get(D);J!=null?L.forEach(function(Oe){J.has(Oe)||Oe.__count++,J.add(Oe)}):(K.set(D,new Set(L)),L.forEach(function(Oe){Oe.__count++}));var ue=w.__subscriberRef.current;if(ue!==null){var _e=S8(R,D);ue.onWorkScheduled(L,_e)}}}function UC(R,D){eN(R,D,w.__interactionsRef.current)}function BD(R,D){var L=new Set;if(R.pendingInteractionMap.forEach(function(ue,_e){Pa(D,_e)&&ue.forEach(function(Oe){return L.add(Oe)})}),R.memoizedInteractions=L,L.size>0){var K=w.__subscriberRef.current;if(K!==null){var J=S8(R,D);try{K.onWorkStarted(L,J)}catch(ue){KE(ab,function(){throw ue})}}}}function jU(R,D){var L=R.pendingLanes,K;try{if(K=w.__subscriberRef.current,K!==null&&R.memoizedInteractions.size>0){var J=S8(R,D);K.onWorkStopped(R.memoizedInteractions,J)}}catch(_e){KE(ab,function(){throw _e})}finally{var ue=R.pendingInteractionMap;ue.forEach(function(_e,Oe){Pa(L,Oe)||(ue.delete(Oe),_e.forEach(function(He){if(He.__count--,K!==null&&He.__count===0)try{K.onInteractionScheduledWorkCompleted(He)}catch(kt){KE(ab,function(){throw kt})}}))})}}function PJ(){return FJ>0}var FJ=0;function MU(R){R.sibling=null,R.stateNode=null}var jv=null,WO=null,jJ=function(R){jv=R};function GO(R){{if(jv===null)return R;var D=jv(R);return D===void 0?R:D.current}}function tN(R){return GO(R)}function nN(R){{if(jv===null)return R;var D=jv(R);if(D===void 0){if(R!=null&&typeof R.render=="function"){var L=GO(R.render);if(R.render!==L){var K={$$typeof:iu,render:L};return R.displayName!==void 0&&(K.displayName=R.displayName),K}}return R}return D.current}}function NU(R,D){{if(jv===null)return!1;var L=R.elementType,K=D.type,J=!1,ue=typeof K=="object"&&K!==null?K.$$typeof:null;switch(R.tag){case P:{typeof K=="function"&&(J=!0);break}case $:{(typeof K=="function"||ue===za)&&(J=!0);break}case ge:{(ue===iu||ue===za)&&(J=!0);break}case De:case Le:{(ue===yu||ue===za)&&(J=!0);break}default:return!1}if(J){var _e=jv(L);if(_e!==void 0&&_e===jv(K))return!0}return!1}}function LU(R){{if(jv===null||typeof WeakSet!="function")return;WO===null&&(WO=new WeakSet),WO.add(R)}}var MJ=function(R,D){{if(jv===null)return;var L=D.staleFamilies,K=D.updatedFamilies;r2(),v8(function(){BU(R.current,K,L)})}},NJ=function(R,D){{if(R.context!==lm)return;r2(),v8(function(){HD(D,R,null,null)})}};function BU(R,D,L){{var K=R.alternate,J=R.child,ue=R.sibling,_e=R.tag,Oe=R.type,He=null;switch(_e){case $:case Le:case P:He=Oe;break;case ge:He=Oe.render;break}if(jv===null)throw new Error("Expected resolveFamily to be set during hot reload.");var kt=!1,jt=!1;if(He!==null){var Ln=jv(He);Ln!==void 0&&(L.has(Ln)?jt=!0:D.has(Ln)&&(_e===P?jt=!0:kt=!0))}WO!==null&&(WO.has(R)||K!==null&&WO.has(K))&&(jt=!0),jt&&(R._debugNeedsRemount=!0),(jt||kt)&&pb(R,Qa,gu),J!==null&&!jt&&BU(J,D,L),ue!==null&&BU(ue,D,L)}}var Qle=function(R,D){{var L=new Set,K=new Set(D.map(function(J){return J.current}));return Bk(R.current,K,L),L}};function Bk(R,D,L){{var K=R.child,J=R.sibling,ue=R.tag,_e=R.type,Oe=null;switch(ue){case $:case Le:case P:Oe=_e;break;case ge:Oe=_e.render;break}var He=!1;Oe!==null&&D.has(Oe)&&(He=!0),He?LJ(R,L):K!==null&&Bk(K,D,L),J!==null&&Bk(J,D,L)}}function LJ(R,D){{var L=zD(R,D);if(L)return;for(var K=R;;){switch(K.tag){case X:D.add(K.stateNode);return;case G:D.add(K.stateNode.containerInfo);return;case U:D.add(K.stateNode.containerInfo);return}if(K.return===null)throw new Error("Expected to reach root first.");K=K.return}}}function zD(R,D){for(var L=R,K=!1;;){if(L.tag===X)K=!0,D.add(L.stateNode);else if(L.child!==null){L.child.return=L,L=L.child;continue}if(L===R)return K;for(;L.sibling===null;){if(L.return===null||L.return===R)return K;L=L.return}L.sibling.return=L.return,L=L.sibling}return!1}var zk;{zk=!1;try{var BJ=Object.preventExtensions({})}catch{zk=!0}}var zJ=1;function Jle(R,D,L,K){this.tag=R,this.key=L,this.elementType=null,this.type=null,this.stateNode=null,this.return=null,this.child=null,this.sibling=null,this.index=0,this.ref=null,this.pendingProps=D,this.memoizedProps=null,this.updateQueue=null,this.memoizedState=null,this.dependencies=null,this.mode=K,this.flags=Lc,this.nextEffect=null,this.firstEffect=null,this.lastEffect=null,this.lanes=Dr,this.childLanes=Dr,this.alternate=null,this.actualDuration=Number.NaN,this.actualStartTime=Number.NaN,this.selfBaseDuration=Number.NaN,this.treeBaseDuration=Number.NaN,this.actualDuration=0,this.actualStartTime=-1,this.selfBaseDuration=0,this.treeBaseDuration=0,this._debugID=zJ++,this._debugSource=null,this._debugOwner=null,this._debugNeedsRemount=!1,this._debugHookTypes=null,!zk&&typeof Object.preventExtensions=="function"&&Object.preventExtensions(this)}var Mv=function(R,D,L,K){return new Jle(R,D,L,K)};function Hk(R){var D=R.prototype;return!!(D&&D.isReactComponent)}function Uk(R){return typeof R=="function"&&!Hk(R)&&R.defaultProps===void 0}function zU(R){if(typeof R=="function")return Hk(R)?P:$;if(R!=null){var D=R.$$typeof;if(D===iu)return ge;if(D===yu)return De}return M}function Vk(R,D){var L=R.alternate;L===null?(L=Mv(R.tag,D,R.key,R.mode),L.elementType=R.elementType,L.type=R.type,L.stateNode=R.stateNode,L._debugID=R._debugID,L._debugSource=R._debugSource,L._debugOwner=R._debugOwner,L._debugHookTypes=R._debugHookTypes,L.alternate=R,R.alternate=L):(L.pendingProps=D,L.type=R.type,L.flags=Lc,L.nextEffect=null,L.firstEffect=null,L.lastEffect=null,L.actualDuration=0,L.actualStartTime=-1),L.childLanes=R.childLanes,L.lanes=R.lanes,L.child=R.child,L.memoizedProps=R.memoizedProps,L.memoizedState=R.memoizedState,L.updateQueue=R.updateQueue;var K=R.dependencies;switch(L.dependencies=K===null?null:{lanes:K.lanes,firstContext:K.firstContext},L.sibling=R.sibling,L.index=R.index,L.ref=R.ref,L.selfBaseDuration=R.selfBaseDuration,L.treeBaseDuration=R.treeBaseDuration,L._debugNeedsRemount=R._debugNeedsRemount,L.tag){case M:case $:case Le:L.type=GO(R.type);break;case P:L.type=tN(R.type);break;case ge:L.type=nN(R.type);break}return L}function HJ(R,D){R.flags&=ia,R.nextEffect=null,R.firstEffect=null,R.lastEffect=null;var L=R.alternate;if(L===null)R.childLanes=Dr,R.lanes=D,R.child=null,R.memoizedProps=null,R.memoizedState=null,R.updateQueue=null,R.dependencies=null,R.stateNode=null,R.selfBaseDuration=0,R.treeBaseDuration=0;else{R.childLanes=L.childLanes,R.lanes=L.lanes,R.child=L.child,R.memoizedProps=L.memoizedProps,R.memoizedState=L.memoizedState,R.updateQueue=L.updateQueue,R.type=L.type;var K=L.dependencies;R.dependencies=K===null?null:{lanes:K.lanes,firstContext:K.firstContext},R.selfBaseDuration=L.selfBaseDuration,R.treeBaseDuration=L.treeBaseDuration}return R}function UJ(R){var D;return R===Sk?D=J_|dp|ud:R===SC?D=dp|ud:D=vf,xk&&(D|=ub),Mv(U,null,null,D)}function rN(R,D,L,K,J,ue){var _e=M,Oe=R;if(typeof R=="function")Hk(R)?(_e=P,Oe=tN(Oe)):Oe=GO(Oe);else if(typeof R=="string")_e=X;else e:switch(R){case so:return qk(L.children,J,ue,D);case Ri:_e=re,J|=Z_;break;case hs:_e=re,J|=ud;break;case Qs:return VJ(L,J,ue,D);case Pu:return qJ(L,J,ue,D);case Js:return WJ(L,J,ue,D);case Do:return oN(L,J,ue,D);case Ds:return GJ(L,J,ue,D);case zt:default:{if(typeof R=="object"&&R!==null)switch(R.$$typeof){case yo:_e=Se;break e;case ru:_e=ve;break e;case iu:_e=ge,Oe=nN(Oe);break e;case yu:_e=De;break e;case za:_e=rt,Oe=null;break e;case Rl:_e=xe;break e}var He="";{(R===void 0||typeof R=="object"&&R!==null&&Object.keys(R).length===0)&&(He+=" You likely forgot to export your component from the file it's defined in, or you might have mixed up default and named imports.");var kt=K?wi(K.type):null;kt&&(He+=`
Check the render method of \``+kt+"`.")}throw Error("Element type is invalid: expected a string (for built-in components) or a class/function (for composite components) but got: "+(R==null?R:typeof R)+"."+He)}}var jt=Mv(_e,L,D,J);return jt.elementType=R,jt.type=Oe,jt.lanes=ue,jt._debugOwner=K,jt}function iN(R,D,L){var K=null;K=R._owner;var J=R.type,ue=R.key,_e=R.props,Oe=rN(J,ue,_e,K,D,L);return Oe._debugSource=R._source,Oe._debugOwner=R._owner,Oe}function qk(R,D,L,K){var J=Mv(ne,R,K,D);return J.lanes=L,J}function VJ(R,D,L,K){typeof R.id!="string"&&k('Profiler must specify an "id" as a prop');var J=Mv(oe,R,K,D|ub);return J.elementType=Qs,J.type=Qs,J.lanes=L,J.stateNode={effectDuration:0,passiveEffectDuration:0},J}function qJ(R,D,L,K){var J=Mv(me,R,K,D);return J.type=Pu,J.elementType=Pu,J.lanes=L,J}function WJ(R,D,L,K){var J=Mv(gt,R,K,D);return J.type=Js,J.elementType=Js,J.lanes=L,J}function oN(R,D,L,K){var J=Mv(Tn,R,K,D);return J.type=Do,J.elementType=Do,J.lanes=L,J}function GJ(R,D,L,K){var J=Mv(Rt,R,K,D);return J.type=Ds,J.elementType=Ds,J.lanes=L,J}function sN(R,D,L){var K=Mv(Z,R,null,D);return K.lanes=L,K}function KJ(){var R=Mv(X,null,null,vf);return R.elementType="DELETED",R.type="DELETED",R}function si(R,D,L){var K=R.children!==null?R.children:[],J=Mv(G,K,R.key,D);return J.lanes=L,J.stateNode={containerInfo:R.containerInfo,pendingChildren:null,implementation:R.implementation},J}function VC(R,D){return R===null&&(R=Mv(M,null,null,vf)),R.tag=D.tag,R.key=D.key,R.elementType=D.elementType,R.type=D.type,R.stateNode=D.stateNode,R.return=D.return,R.child=D.child,R.sibling=D.sibling,R.index=D.index,R.ref=D.ref,R.pendingProps=D.pendingProps,R.memoizedProps=D.memoizedProps,R.updateQueue=D.updateQueue,R.memoizedState=D.memoizedState,R.dependencies=D.dependencies,R.mode=D.mode,R.flags=D.flags,R.nextEffect=D.nextEffect,R.firstEffect=D.firstEffect,R.lastEffect=D.lastEffect,R.lanes=D.lanes,R.childLanes=D.childLanes,R.alternate=D.alternate,R.actualDuration=D.actualDuration,R.actualStartTime=D.actualStartTime,R.selfBaseDuration=D.selfBaseDuration,R.treeBaseDuration=D.treeBaseDuration,R._debugID=D._debugID,R._debugSource=D._debugSource,R._debugOwner=D._debugOwner,R._debugNeedsRemount=D._debugNeedsRemount,R._debugHookTypes=D._debugHookTypes,R}function vy(R,D,L){switch(this.tag=D,this.containerInfo=R,this.pendingChildren=null,this.current=null,this.pingCache=null,this.finishedWork=null,this.timeoutHandle=GI,this.context=null,this.pendingContext=null,this.hydrate=L,this.callbackNode=null,this.callbackPriority=r0,this.eventTimes=k_(Dr),this.expirationTimes=k_(gu),this.pendingLanes=Dr,this.suspendedLanes=Dr,this.pingedLanes=Dr,this.expiredLanes=Dr,this.mutableReadLanes=Dr,this.finishedLanes=Dr,this.entangledLanes=Dr,this.entanglements=k_(Dr),this.mutableSourceEagerHydrationData=null,this.interactionThreadID=w.unstable_getThreadID(),this.memoizedInteractions=new Set,this.pendingInteractionMap=new Map,D){case SC:this._debugRootType="createBlockingRoot()";break;case Sk:this._debugRootType="createRoot()";break;case _O:this._debugRootType="createLegacyRoot()";break}}function aN(R,D,L,K){var J=new vy(R,D,L),ue=UJ(D);return J.current=ue,ue.stateNode=J,K7(ue),J}function YJ(R,D){var L=D._getVersion,K=L(D._source);R.mutableSourceEagerHydrationData==null?R.mutableSourceEagerHydrationData=[D,K]:R.mutableSourceEagerHydrationData.push(D,K)}function XJ(R,D,L){var K=arguments.length>3&&arguments[3]!==void 0?arguments[3]:null;return{$$typeof:Yi,key:K==null?null:""+K,children:R,containerInfo:D,implementation:L}}var HU,uN;HU=!1,uN={};function cN(R){if(!R)return lm;var D=T1(R),L=z7(D);if(D.tag===P){var K=D.type;if(Sv(K))return eD(D,K,L)}return L}function QJ(R,D){{var L=T1(R);if(L===void 0)throw typeof R.render=="function"?Error("Unable to find node on an unmounted component."):Error("Argument appears to not be a ReactComponent. Keys: "+Object.keys(R));var K=eb(L);if(K===null)return null;if(K.mode&ud){var J=wi(L.type)||"Component";if(!uN[J]){uN[J]=!0;var ue=Mc;try{Eu(K),L.mode&ud?k("%s is deprecated in StrictMode. %s was passed an instance of %s which is inside StrictMode. Instead, add a ref directly to the element you want to reference. Learn more about using refs safely here: https://reactjs.org/link/strict-mode-find-node",D,D,J):k("%s is deprecated in StrictMode. %s was passed an instance of %s which renders StrictMode children. Instead, add a ref directly to the element you want to reference. Learn more about using refs safely here: https://reactjs.org/link/strict-mode-find-node",D,D,J)}finally{ue?Eu(ue):Gc()}}}return K.stateNode}}function C8(R,D,L,K){return aN(R,D,L)}function HD(R,D,L,K){SO(D,R);var J=D.current,ue=Dv();typeof jest<"u"&&($J(J),_8(J));var _e=Mk(J),Oe=cN(L);D.context===null?D.context=Oe:D.pendingContext=Oe,Lf&&Mc!==null&&!HU&&(HU=!0,k(`Render methods should be a pure function of props and state; triggering nested component updates from render is not allowed. If necessary, trigger nested updates in componentDidUpdate.
Check the render method of %s.`,wi(Mc.type)||"Unknown"));var He=kC(ue,_e);return He.payload={element:R},K=K===void 0?null:K,K!==null&&(typeof K!="function"&&k("render(...): Expected the last optional `callback` argument to be a function. Instead received: %s.",K),He.callback=K),RC(J,He),pb(J,_e,ue),_e}function Nv(R){var D=R.current;if(!D.child)return null;switch(D.child.tag){case X:return D.child.stateNode;default:return D.child.stateNode}}function UU(R,D){var L=R.memoizedState;L!==null&&L.dehydrated!==null&&(L.retryLane=Vp(L.retryLane,D))}function KO(R,D){UU(R,D);var L=R.alternate;L&&UU(L,D)}function T8(R){if(R.tag===me){var D=Dv(),L=qw;pb(R,L,D),KO(R,L)}}function mg(R){if(R.tag===me){var D=Dv(),L=Yx;pb(R,L,D),KO(R,L)}}function Wk(R){if(R.tag===me){var D=Dv(),L=Mk(R);pb(R,L,D),KO(R,L)}}function YO(R,D){try{return D()}finally{}}function XO(R){var D=$3(R);return D===null?null:D.tag===$t?D.stateNode.instance:D.stateNode}var VU=function(R){return!1};function JJ(R){return VU(R)}var qU=null,WU=null,vg=null,GU=null,KU=null,YU=null,ZJ=null,eZ=null;{var tZ=function(R,D,L){var K=D[L],J=Array.isArray(R)?R.slice():b({},R);return L+1===D.length?(Array.isArray(J)?J.splice(K,1):delete J[K],J):(J[K]=tZ(R[K],D,L+1),J)},cS=function(R,D){return tZ(R,D,0)},XU=function(R,D,L,K){var J=D[K],ue=Array.isArray(R)?R.slice():b({},R);if(K+1===D.length){var _e=L[K];ue[_e]=ue[J],Array.isArray(ue)?ue.splice(J,1):delete ue[J]}else ue[J]=XU(R[J],D,L,K+1);return ue},lN=function(R,D,L){if(D.length!==L.length){C("copyWithRename() expects paths of the same length");return}else for(var K=0;K<L.length-1;K++)if(D[K]!==L[K]){C("copyWithRename() expects paths to be the same except for the deepest key");return}return XU(R,D,L,0)},lS=function(R,D,L,K){if(L>=D.length)return K;var J=D[L],ue=Array.isArray(R)?R.slice():b({},R);return ue[J]=lS(R[J],D,L+1,K),ue},Po=function(R,D,L){return lS(R,D,0,L)},Bo=function(R,D){for(var L=R.memoizedState;L!==null&&D>0;)L=L.next,D--;return L};qU=function(R,D,L,K){var J=Bo(R,D);if(J!==null){var ue=Po(J.memoizedState,L,K);J.memoizedState=ue,J.baseState=ue,R.memoizedProps=b({},R.memoizedProps),pb(R,Qa,gu)}},WU=function(R,D,L){var K=Bo(R,D);if(K!==null){var J=cS(K.memoizedState,L);K.memoizedState=J,K.baseState=J,R.memoizedProps=b({},R.memoizedProps),pb(R,Qa,gu)}},vg=function(R,D,L,K){var J=Bo(R,D);if(J!==null){var ue=lN(J.memoizedState,L,K);J.memoizedState=ue,J.baseState=ue,R.memoizedProps=b({},R.memoizedProps),pb(R,Qa,gu)}},GU=function(R,D,L){R.pendingProps=Po(R.memoizedProps,D,L),R.alternate&&(R.alternate.pendingProps=R.pendingProps),pb(R,Qa,gu)},KU=function(R,D){R.pendingProps=cS(R.memoizedProps,D),R.alternate&&(R.alternate.pendingProps=R.pendingProps),pb(R,Qa,gu)},YU=function(R,D,L){R.pendingProps=lN(R.memoizedProps,D,L),R.alternate&&(R.alternate.pendingProps=R.pendingProps),pb(R,Qa,gu)},ZJ=function(R){pb(R,Qa,gu)},eZ=function(R){VU=R}}function nZ(R){var D=eb(R);return D===null?null:D.stateNode}function Zle(R){return null}function rZ(){return Mc}function iZ(R){var D=R.findFiberByHostInstance,L=_.ReactCurrentDispatcher;return Ck({bundleType:R.bundleType,version:R.version,rendererPackageName:R.rendererPackageName,rendererConfig:R.rendererConfig,overrideHookState:qU,overrideHookStateDeletePath:WU,overrideHookStateRenamePath:vg,overrideProps:GU,overridePropsDeletePath:KU,overridePropsRenamePath:YU,setSuspenseHandler:eZ,scheduleUpdate:ZJ,currentDispatcherRef:L,findHostInstanceByFiber:nZ,findFiberByHostInstance:D||Zle,findHostInstancesForRefresh:Qle,scheduleRefresh:MJ,scheduleRoot:NJ,setRefreshHandler:jJ,getCurrentFiber:rZ})}function fN(R,D,L){this._internalRoot=zh(R,D,L)}fN.prototype.render=function(R){var D=this._internalRoot;{typeof arguments[1]=="function"&&k("render(...): does not support the second callback argument. To execute a side effect after rendering, declare it in a component body with useEffect().");var L=D.containerInfo;if(L.nodeType!==sh){var K=XO(D.current);K&&K.parentNode!==L&&k("render(...): It looks like the React-rendered content of the root container was removed without using React. This is not supported and will cause errors. Instead, call root.unmount() to empty a root's container.")}}HD(R,D,null,null)},fN.prototype.unmount=function(){typeof arguments[0]=="function"&&k("unmount(...): does not support a callback argument. To execute a side effect after rendering, declare it in a component body with useEffect().");var R=this._internalRoot,D=R.containerInfo;HD(null,R,null,function(){j7(D)})};function zh(R,D,L){var K=L!=null&&L.hydrate===!0;L!=null&&L.hydrationOptions;var J=L!=null&&L.hydrationOptions!=null&&L.hydrationOptions.mutableSources||null,ue=C8(R,D,K);QI(ue.current,R),R.nodeType;{var _e=R.nodeType===sh?R.parentNode:R;qI(_e)}if(J)for(var Oe=0;Oe<J.length;Oe++){var He=J[Oe];YJ(ue,He)}return ue}function Hh(R,D){return new fN(R,_O,D)}function qf(R){return!!(R&&(R.nodeType===Bp||R.nodeType===G0||R.nodeType===TR||R.nodeType===sh&&R.nodeValue===" react-mount-point-unstable "))}var Uh=_.ReactCurrentOwner,QO,oZ=!1;QO=function(R){if(R._reactRootContainer&&R.nodeType!==sh){var D=XO(R._reactRootContainer._internalRoot.current);D&&D.parentNode!==R&&k("render(...): It looks like the React-rendered content of this container was removed without using React. This is not supported and will cause errors. Instead, call ReactDOM.unmountComponentAtNode to empty a container.")}var L=!!R._reactRootContainer,K=i2(R),J=!!(K&&UE(K));J&&!L&&k("render(...): Replacing React-rendered children with a new root component. If you intended to update the children of this node, you should instead have the existing children update their state and render the new components instead of calling ReactDOM.render."),R.nodeType===Bp&&R.tagName&&R.tagName.toUpperCase()==="BODY"&&k("render(): Rendering components directly into document.body is discouraged, since its children are often manipulated by third-party scripts and browser extensions. This may lead to subtle reconciliation issues. Try rendering into a container element created for your app.")};function i2(R){return R?R.nodeType===G0?R.documentElement:R.firstChild:null}function k8(R){var D=i2(R);return!!(D&&D.nodeType===Bp&&D.hasAttribute(Zi))}function Gk(R,D){var L=D||k8(R);if(!L)for(var K=!1,J;J=R.lastChild;)!K&&J.nodeType===Bp&&J.hasAttribute(Zi)&&(K=!0,k("render(): Target node has markup rendered by React, but there are unrelated nodes as well. This is most commonly caused by white-space inserted around server-rendered markup.")),R.removeChild(J);return L&&!D&&!oZ&&(oZ=!0,C("render(): Calling ReactDOM.render() to hydrate server-rendered markup will stop working in React v18. Replace the ReactDOM.render() call with ReactDOM.hydrate() if you want React to attach to the server HTML.")),Hh(R,L?{hydrate:!0}:void 0)}function sZ(R,D){R!==null&&typeof R!="function"&&k("%s(...): Expected the last optional `callback` argument to be a function. Instead received: %s.",D,R)}function Kk(R,D,L,K,J){QO(L),sZ(J===void 0?null:J,"render");var ue=L._reactRootContainer,_e;if(ue){if(_e=ue._internalRoot,typeof J=="function"){var He=J;J=function(){var kt=Nv(_e);He.call(kt)}}HD(D,_e,R,J)}else{if(ue=L._reactRootContainer=Gk(L,K),_e=ue._internalRoot,typeof J=="function"){var Oe=J;J=function(){var kt=Nv(_e);Oe.call(kt)}}Av(function(){HD(D,_e,R,J)})}return Nv(_e)}function Lv(R){{var D=Uh.current;if(D!==null&&D.stateNode!==null){var L=D.stateNode._warnedAboutRefsInRender;L||k("%s is accessing findDOMNode inside its render(). render() should be a pure function of props and state. It should never access something that requires stale data from the previous render, such as refs. Move this logic to componentDidMount and componentDidUpdate instead.",wi(D.type)||"A component"),D.stateNode._warnedAboutRefsInRender=!0}}return R==null?null:R.nodeType===Bp?R:QJ(R,"findDOMNode")}function JO(R,D,L){if(!qf(D))throw Error("Target container is not a DOM element.");{var K=JI(D)&&D._reactRootContainer===void 0;K&&k("You are calling ReactDOM.hydrate() on a container that was previously passed to ReactDOM.createRoot(). This is not supported. Did you mean to call createRoot(container, {hydrate: true}).render(element)?")}return Kk(null,R,D,!0,L)}function aZ(R,D,L){if(!qf(D))throw Error("Target container is not a DOM element.");{var K=JI(D)&&D._reactRootContainer===void 0;K&&k("You are calling ReactDOM.render() on a container that was previously passed to ReactDOM.createRoot(). This is not supported. Did you mean to call root.render(element)?")}return Kk(null,R,D,!1,L)}function QU(R,D,L,K){if(!qf(L))throw Error("Target container is not a DOM element.");if(!(R!=null&&f_(R)))throw Error("parentComponent must be a valid React Component");return Kk(R,D,L,!1,K)}function UD(R){if(!qf(R))throw Error("unmountComponentAtNode(...): Target container is not a DOM element.");{var D=JI(R)&&R._reactRootContainer===void 0;D&&k("You are calling ReactDOM.unmountComponentAtNode() on a container that was previously passed to ReactDOM.createRoot(). This is not supported. Did you mean to call root.unmount()?")}if(R._reactRootContainer){{var L=i2(R),K=L&&!UE(L);K&&k("unmountComponentAtNode(): The node you're attempting to unmount was rendered by another copy of React.")}return Av(function(){Kk(null,null,R,!1,function(){R._reactRootContainer=null,j7(R)})}),!0}else{{var J=i2(R),ue=!!(J&&UE(J)),_e=R.nodeType===Bp&&qf(R.parentNode)&&!!R.parentNode._reactRootContainer;ue&&k("unmountComponentAtNode(): The node you're attempting to unmount was rendered by React and is not a top-level container. %s",_e?"You may have accidentally passed in a React root node instead of its container.":"Instead, have the parent component update its state and rerender in order to remove this component.")}return!1}}qx(T8),ev(mg),CE(Wk),Fw(YO);var JU=!1;(typeof Map!="function"||Map.prototype==null||typeof Map.prototype.forEach!="function"||typeof Set!="function"||Set.prototype==null||typeof Set.prototype.clear!="function"||typeof Set.prototype.forEach!="function")&&k("React depends on Map and Set built-in types. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills"),k3(Fa),Bx(MD,gy,qle,py);function dN(R,D){var L=arguments.length>2&&arguments[2]!==void 0?arguments[2]:null;if(!qf(D))throw Error("Target container is not a DOM element.");return XJ(R,D,null,L)}function ZU(R,D,L,K){return QU(R,D,L,K)}function VD(R,D){var L=arguments.length>2&&arguments[2]!==void 0?arguments[2]:null;return JU||(JU=!0,C('The ReactDOM.unstable_createPortal() alias has been deprecated, and will be removed in React 18+. Update your code to use ReactDOM.createPortal() instead. It has the exact same API, but without the "unstable_" prefix.')),dN(R,D,L)}var uZ={Events:[UE,_v,yk,EE,Ub,r2,Fv]},ZO=iZ({findFiberByHostInstance:EC,bundleType:1,version:TC,rendererPackageName:"react-dom"});if(!ZO&&We&&window.top===window.self&&(navigator.userAgent.indexOf("Chrome")>-1&&navigator.userAgent.indexOf("Edge")===-1||navigator.userAgent.indexOf("Firefox")>-1)){var qD=window.location.protocol;/^(https?|file):$/.test(qD)&&console.info("%cDownload the React DevTools for a better development experience: https://reactjs.org/link/react-devtools"+(qD==="file:"?`
You might need to use a local HTTP server (instead of file://): https://reactjs.org/link/react-devtools-faq`:""),"font-weight:bold")}reactDom_development.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED=uZ,reactDom_development.createPortal=dN,reactDom_development.findDOMNode=Lv,reactDom_development.flushSync=v8,reactDom_development.hydrate=JO,reactDom_development.render=aZ,reactDom_development.unmountComponentAtNode=UD,reactDom_development.unstable_batchedUpdates=MD,reactDom_development.unstable_createPortal=VD,reactDom_development.unstable_renderSubtreeIntoContainer=ZU,reactDom_development.version=TC}()),reactDom_development}function checkDCE(){if(!(typeof __REACT_DEVTOOLS_GLOBAL_HOOK__>"u"||typeof __REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE!="function")){if({}.NODE_ENV!=="production")throw new Error("^_^");try{__REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE(checkDCE)}catch(g){console.error(g)}}}({}).NODE_ENV==="production"?(checkDCE(),reactDom.exports=requireReactDom_production_min()):reactDom.exports=requireReactDom_development();var reactDomExports=reactDom.exports;const ReactDOM=getDefaultExportFromCjs(reactDomExports);var getClassNames$8=classNamesFunction(),getFabricTheme=memoizeFunction(function(g,b){return createTheme(__assign$1(__assign$1({},g),{rtl:b}))}),getDir=function(g){var b=g.theme,m=g.dir,w=getRTL$1(b)?"rtl":"ltr",_=getRTL$1()?"rtl":"ltr",C=m||w;return{rootDir:C!==w||C!==_?C:m,needsTheme:C!==w}},FabricBase=reactExports.forwardRef(function(g,b){var m=g.className,w=g.theme,_=g.applyTheme,C=g.applyThemeToBody,k=g.styles,I=getClassNames$8(k,{theme:w,applyTheme:_,className:m}),$=reactExports.useRef(null);return useApplyThemeToBody(C,I,$),useFocusRects($),reactExports.createElement(reactExports.Fragment,null,useRenderedContent(g,I,$,b))});FabricBase.displayName="FabricBase";function useRenderedContent(g,b,m,w){var _=b.root,C=g.as,k=C===void 0?"div":C,I=g.dir,$=g.theme,P=getNativeProps$1(g,divProperties,["dir"]),M=getDir(g),U=M.rootDir,G=M.needsTheme,X=reactExports.createElement(k,__assign$1({dir:U},P,{className:_,ref:useMergedRefs$1(m,w)}));return G&&(X=reactExports.createElement(Customizer,{settings:{theme:getFabricTheme($,I==="rtl")}},X)),X}function useApplyThemeToBody(g,b,m){var w=b.bodyThemed;return reactExports.useEffect(function(){if(g){var _=getDocument(m.current);if(_)return _.body.classList.add(w),function(){_.body.classList.remove(w)}}},[w,g,m]),m}var inheritFont={fontFamily:"inherit"},GlobalClassNames$6={root:"ms-Fabric",bodyThemed:"ms-Fabric-bodyThemed"},getStyles$8=function(g){var b=g.theme,m=g.className,w=g.applyTheme,_=getGlobalClassNames(GlobalClassNames$6,b);return{root:[_.root,b.fonts.medium,{color:b.palette.neutralPrimary,selectors:{"& button":inheritFont,"& input":inheritFont,"& textarea":inheritFont}},w&&{color:b.semanticColors.bodyText,backgroundColor:b.semanticColors.bodyBackground},m],bodyThemed:[{backgroundColor:b.semanticColors.bodyBackground}]}},Fabric=styled(FabricBase,getStyles$8,void 0,{scope:"Fabric"}),_layersByHostId={},_defaultHostSelector;function registerLayer(g,b){_layersByHostId[g]||(_layersByHostId[g]=[]),_layersByHostId[g].push(b)}function unregisterLayer(g,b){if(_layersByHostId[g]){var m=_layersByHostId[g].indexOf(b);m>=0&&(_layersByHostId[g].splice(m,1),_layersByHostId[g].length===0&&delete _layersByHostId[g])}}function getDefaultTarget(){return _defaultHostSelector}var getClassNames$7=classNamesFunction(),LayerBase=reactExports.forwardRef(function(g,b){var m=reactExports.useRef(null),w=useMergedRefs$1(m,b),_=reactExports.useRef(),C=reactExports.useState(!1),k=C[0],I=C[1],$=useDocument(),P=g.eventBubblingEnabled,M=g.styles,U=g.theme,G=g.className,X=g.children,Z=g.hostId,ne=g.onLayerDidMount,re=ne===void 0?function(){}:ne,ve=g.onLayerMounted,Se=ve===void 0?function(){}:ve,ge=g.onLayerWillUnmount,oe=g.insertFirst,me=getClassNames$7(M,{theme:U,className:G,isNotHost:!Z}),De=function(){if($){if(Z)return $.getElementById(Z);var Ue=getDefaultTarget();return Ue?$.querySelector(Ue):$.body}},Le=function(){ge==null||ge();var Ue=_.current;_.current=void 0,Ue&&Ue.parentNode&&Ue.parentNode.removeChild(Ue)},rt=function(){var Ue=De();if(!(!$||!Ue)){Le();var Ze=$.createElement("div");Ze.className=me.root,setPortalAttribute(Ze),setVirtualParent(Ze,m.current),oe?Ue.insertBefore(Ze,Ue.firstChild):Ue.appendChild(Ze),_.current=Ze,I(!0)}};return useIsomorphicLayoutEffect$1(function(){return rt(),Z&®isterLayer(Z,rt),function(){Le(),Z&&unregisterLayer(Z,rt)}},[Z]),reactExports.useEffect(function(){_.current&&k&&(Se==null||Se(),re==null||re(),I(!1))},[k,Se,re]),useDebugWarnings$1(g),reactExports.createElement("span",{className:"ms-layer",ref:w},_.current&&reactDomExports.createPortal(reactExports.createElement(Fabric,__assign$1({},!P&&getFilteredEvents(),{className:me.content}),X),_.current))});LayerBase.displayName="LayerBase";var filteredEventProps,onFilterEvent=function(g){g.eventPhase===Event.BUBBLING_PHASE&&g.type!=="mouseenter"&&g.type!=="mouseleave"&&g.type!=="touchstart"&&g.type!=="touchend"&&g.stopPropagation()};function getFilteredEvents(){return filteredEventProps||(filteredEventProps={},["onClick","onContextMenu","onDoubleClick","onDrag","onDragEnd","onDragEnter","onDragExit","onDragLeave","onDragOver","onDragStart","onDrop","onMouseDown","onMouseEnter","onMouseLeave","onMouseMove","onMouseOver","onMouseOut","onMouseUp","onTouchMove","onTouchStart","onTouchCancel","onTouchEnd","onKeyDown","onKeyPress","onKeyUp","onFocus","onBlur","onChange","onInput","onInvalid","onSubmit"].forEach(function(g){return filteredEventProps[g]=onFilterEvent})),filteredEventProps}function useDebugWarnings$1(g){({}).NODE_ENV!=="production"&&useWarnings({name:"Layer",props:g,deprecations:{onLayerMounted:"onLayerDidMount"}})}var GlobalClassNames$5={root:"ms-Layer",rootNoHost:"ms-Layer--fixed",content:"ms-Layer-content"},getStyles$7=function(g){var b=g.className,m=g.isNotHost,w=g.theme,_=getGlobalClassNames(GlobalClassNames$5,w);return{root:[_.root,w.fonts.medium,m&&[_.rootNoHost,{position:"fixed",zIndex:ZIndexes.Layer,top:0,left:0,bottom:0,right:0,visibility:"hidden"}],b],content:[_.content,{visibility:"visible"}]}},Layer=styled(LayerBase,getStyles$7,void 0,{scope:"Layer",fields:["hostId","theme","styles"]}),Callout=reactExports.forwardRef(function(g,b){var m=g.layerProps,w=g.doNotLayer,_=__rest$1(g,["layerProps","doNotLayer"]),C=reactExports.createElement(CalloutContent,__assign$1({},_,{doNotLayer:w,ref:b}));return w?C:reactExports.createElement(Layer,__assign$1({},m),C)});Callout.displayName="Callout";var COMPONENT_NAME="FocusTrapZone",useComponentRef$1=function(g,b,m){reactExports.useImperativeHandle(g,function(){return{get previouslyFocusedElement(){return b},focus:m}},[b,m])},FocusTrapZone=reactExports.forwardRef(function(g,b){var m=reactExports.useRef(null),w=reactExports.useRef(null),_=reactExports.useRef(null),C=useMergedRefs$1(m,b),k=useId(void 0,g.id),I=useDocument(),$=getNativeProps$1(g,divProperties),P=useConst$1(function(){return{previouslyFocusedElementOutsideTrapZone:void 0,previouslyFocusedElementInTrapZone:void 0,disposeFocusHandler:void 0,disposeClickHandler:void 0,hasFocus:!1,unmodalize:void 0}}),M=g.ariaLabelledBy,U=g.className,G=g.children,X=g.componentRef,Z=g.disabled,ne=g.disableFirstFocus,re=ne===void 0?!1:ne,ve=g.disabled,Se=ve===void 0?!1:ve,ge=g.elementToFocusOnDismiss,oe=g.forceFocusInsideTrap,me=oe===void 0?!0:oe,De=g.focusPreviouslyFocusedInnerElement,Le=g.firstFocusableSelector,rt=g.firstFocusableTarget,Ue=g.ignoreExternalFocusing,Ze=g.isClickableOutsideFocusTrap,gt=Ze===void 0?!1:Ze,$t=g.onFocus,Xe=g.onBlur,xe=g.onFocusCapture,Tn=g.onBlurCapture,Rt=g.enableAriaHiddenSiblings,mt={"aria-hidden":!0,style:{pointerEvents:"none",position:"fixed"},tabIndex:Z?-1:0,"data-is-visible":!0,"data-is-focus-trap-zone-bumper":!0},en=reactExports.useCallback(function(){if(De&&P.previouslyFocusedElementInTrapZone&&elementContains(m.current,P.previouslyFocusedElementInTrapZone)){focusAsync(P.previouslyFocusedElementInTrapZone);return}var We=typeof Le=="string"?Le:Le&&Le(),lt=null;m.current&&(typeof rt=="string"?lt=m.current.querySelector(rt):rt?lt=rt(m.current):We&&(lt=m.current.querySelector("."+We)),lt||(lt=getNextElement(m.current,m.current.firstChild,!1,!1,!1,!0))),lt&&focusAsync(lt)},[Le,rt,De,P]),st=reactExports.useCallback(function(We){if(!Z){var lt=We===P.hasFocus?_.current:w.current;if(m.current){var Tt=We===P.hasFocus?getLastTabbable(m.current,lt,!0,!1):getFirstTabbable(m.current,lt,!0,!1);Tt&&(Tt===w.current||Tt===_.current?en():Tt.focus())}}},[Z,en,P]),Fe=reactExports.useCallback(function(We){Tn==null||Tn(We);var lt=We.relatedTarget;We.relatedTarget===null&&(lt=I.activeElement),elementContains(m.current,lt)||(P.hasFocus=!1)},[I,P,Tn]),Re=reactExports.useCallback(function(We){xe==null||xe(We),We.target===w.current?st(!0):We.target===_.current&&st(!1),P.hasFocus=!0,We.target!==We.currentTarget&&!(We.target===w.current||We.target===_.current)&&(P.previouslyFocusedElementInTrapZone=We.target)},[xe,P,st]),Ae=reactExports.useCallback(function(){if(FocusTrapZone.focusStack=FocusTrapZone.focusStack.filter(function(lt){return k!==lt}),I){var We=I.activeElement;!Ue&&P.previouslyFocusedElementOutsideTrapZone&&typeof P.previouslyFocusedElementOutsideTrapZone.focus=="function"&&(elementContains(m.current,We)||We===I.body)&&(P.previouslyFocusedElementOutsideTrapZone===w.current||P.previouslyFocusedElementOutsideTrapZone===_.current||focusAsync(P.previouslyFocusedElementOutsideTrapZone))}},[I,k,Ue,P]),je=reactExports.useCallback(function(We){if(!Z&&FocusTrapZone.focusStack.length&&k===FocusTrapZone.focusStack[FocusTrapZone.focusStack.length-1]){var lt=We.target;elementContains(m.current,lt)||(en(),P.hasFocus=!0,We.preventDefault(),We.stopPropagation())}},[Z,k,en,P]),Ge=reactExports.useCallback(function(We){if(!Z&&FocusTrapZone.focusStack.length&&k===FocusTrapZone.focusStack[FocusTrapZone.focusStack.length-1]){var lt=We.target;lt&&!elementContains(m.current,lt)&&(en(),P.hasFocus=!0,We.preventDefault(),We.stopPropagation())}},[Z,k,en,P]),Be=reactExports.useCallback(function(){me&&!P.disposeFocusHandler?P.disposeFocusHandler=on(window,"focus",je,!0):!me&&P.disposeFocusHandler&&(P.disposeFocusHandler(),P.disposeFocusHandler=void 0),!gt&&!P.disposeClickHandler?P.disposeClickHandler=on(window,"click",Ge,!0):gt&&P.disposeClickHandler&&(P.disposeClickHandler(),P.disposeClickHandler=void 0)},[Ge,je,me,gt,P]);return reactExports.useEffect(function(){var We=m.current;return Be(),function(){(!Z||me||!elementContains(We,I==null?void 0:I.activeElement))&&Ae()}},[Be]),reactExports.useEffect(function(){var We=me!==void 0?me:!0,lt=Z!==void 0?Z:!1;if(!lt||We){if(Se)return;FocusTrapZone.focusStack.push(k),P.previouslyFocusedElementOutsideTrapZone=ge||I.activeElement,!re&&!elementContains(m.current,P.previouslyFocusedElementOutsideTrapZone)&&en(),!P.unmodalize&&m.current&&Rt&&(P.unmodalize=modalize(m.current))}else(!We||lt)&&(Ae(),P.unmodalize&&P.unmodalize());ge&&P.previouslyFocusedElementOutsideTrapZone!==ge&&(P.previouslyFocusedElementOutsideTrapZone=ge)},[ge,me,Z]),useUnmount(function(){P.disposeClickHandler&&(P.disposeClickHandler(),P.disposeClickHandler=void 0),P.disposeFocusHandler&&(P.disposeFocusHandler(),P.disposeFocusHandler=void 0),P.unmodalize&&P.unmodalize(),delete P.previouslyFocusedElementInTrapZone,delete P.previouslyFocusedElementOutsideTrapZone}),useComponentRef$1(X,P.previouslyFocusedElementInTrapZone,en),reactExports.createElement("div",__assign$1({},$,{className:U,ref:C,"aria-labelledby":M,onFocusCapture:Re,onFocus:$t,onBlur:Xe,onBlurCapture:Fe}),reactExports.createElement("div",__assign$1({},mt,{ref:w})),G,reactExports.createElement("div",__assign$1({},mt,{ref:_})))});FocusTrapZone.displayName=COMPONENT_NAME,FocusTrapZone.focusStack=[];var getClassNames$6=classNamesFunction(),TooltipBase=function(g){__extends$1(b,g);function b(){var m=g!==null&&g.apply(this,arguments)||this;return m._onRenderContent=function(w){return typeof w.content=="string"?reactExports.createElement("p",{className:m._classNames.subText},w.content):reactExports.createElement("div",{className:m._classNames.subText},w.content)},m}return b.prototype.render=function(){var m=this.props,w=m.className,_=m.calloutProps,C=m.directionalHint,k=m.directionalHintForRTL,I=m.styles,$=m.id,P=m.maxWidth,M=m.onRenderContent,U=M===void 0?this._onRenderContent:M,G=m.targetElement,X=m.theme;return this._classNames=getClassNames$6(I,{theme:X,className:w||_&&_.className,beakWidth:_&&_.beakWidth,gapSpace:_&&_.gapSpace,maxWidth:P}),reactExports.createElement(Callout,__assign$1({target:G,directionalHint:C,directionalHintForRTL:k},_,getNativeProps$1(this.props,divProperties,["id"]),{className:this._classNames.root}),reactExports.createElement("div",{className:this._classNames.content,id:$,onMouseEnter:this.props.onMouseEnter,onMouseLeave:this.props.onMouseLeave},U(this.props,this._onRenderContent)))},b.defaultProps={directionalHint:DirectionalHint.topCenter,maxWidth:"364px",calloutProps:{isBeakVisible:!0,beakWidth:16,gapSpace:0,setInitialFocus:!0,doNotLayer:!1}},b}(reactExports.Component),getStyles$6=function(g){var b=g.className,m=g.beakWidth,w=m===void 0?16:m,_=g.gapSpace,C=_===void 0?0:_,k=g.maxWidth,I=g.theme,$=I.semanticColors,P=I.fonts,M=I.effects,U=-(Math.sqrt(w*w/2)+C)+1/window.devicePixelRatio;return{root:["ms-Tooltip",I.fonts.medium,AnimationClassNames.fadeIn200,{background:$.menuBackground,boxShadow:M.elevation8,padding:"8px",maxWidth:k,selectors:{":after":{content:"''",position:"absolute",bottom:U,left:U,right:U,top:U,zIndex:0}}},b],content:["ms-Tooltip-content",P.small,{position:"relative",zIndex:1,color:$.menuItemText,wordWrap:"break-word",overflowWrap:"break-word",overflow:"hidden"}],subText:["ms-Tooltip-subtext",{fontSize:"inherit",fontWeight:"inherit",color:"inherit",margin:0}]}},Tooltip=styled(TooltipBase,getStyles$6,void 0,{scope:"Tooltip"}),TooltipDelay;(function(g){g[g.zero=0]="zero",g[g.medium=1]="medium",g[g.long=2]="long"})(TooltipDelay||(TooltipDelay={}));var TooltipOverflowMode;(function(g){g[g.Parent=0]="Parent",g[g.Self=1]="Self"})(TooltipOverflowMode||(TooltipOverflowMode={}));var getClassNames$5=classNamesFunction(),TooltipHostBase=function(g){__extends$1(b,g);function b(m){var w=g.call(this,m)||this;return w._tooltipHost=reactExports.createRef(),w._defaultTooltipId=getId("tooltip"),w.show=function(){w._toggleTooltip(!0)},w.dismiss=function(){w._hideTooltip()},w._getTargetElement=function(){if(w._tooltipHost.current){var _=w.props.overflowMode;if(_!==void 0)switch(_){case TooltipOverflowMode.Parent:return w._tooltipHost.current.parentElement;case TooltipOverflowMode.Self:return w._tooltipHost.current}return w._tooltipHost.current}},w._onTooltipFocus=function(_){if(w._ignoreNextFocusEvent){w._ignoreNextFocusEvent=!1;return}w._onTooltipMouseEnter(_)},w._onTooltipBlur=function(_){w._ignoreNextFocusEvent=(document==null?void 0:document.activeElement)===_.target,w._hideTooltip()},w._onTooltipMouseEnter=function(_){var C=w.props,k=C.overflowMode,I=C.delay;if(b._currentVisibleTooltip&&b._currentVisibleTooltip!==w&&b._currentVisibleTooltip.dismiss(),b._currentVisibleTooltip=w,k!==void 0){var $=w._getTargetElement();if($&&!hasOverflow($))return}if(!(_.target&&portalContainsElement(_.target,w._getTargetElement())))if(w._clearDismissTimer(),w._clearOpenTimer(),I!==TooltipDelay.zero){w.setState({isAriaPlaceholderRendered:!0});var P=w._getDelayTime(I);w._openTimerId=w._async.setTimeout(function(){w._toggleTooltip(!0)},P)}else w._toggleTooltip(!0)},w._onTooltipMouseLeave=function(_){var C=w.props.closeDelay;w._clearDismissTimer(),w._clearOpenTimer(),C?w._dismissTimerId=w._async.setTimeout(function(){w._toggleTooltip(!1)},C):w._toggleTooltip(!1),b._currentVisibleTooltip===w&&(b._currentVisibleTooltip=void 0)},w._onTooltipKeyDown=function(_){(_.which===KeyCodes$1.escape||_.ctrlKey)&&w.state.isTooltipVisible&&(w._hideTooltip(),_.stopPropagation())},w._clearDismissTimer=function(){w._async.clearTimeout(w._dismissTimerId)},w._clearOpenTimer=function(){w._async.clearTimeout(w._openTimerId)},w._hideTooltip=function(){w._clearOpenTimer(),w._clearDismissTimer(),w._toggleTooltip(!1)},w._toggleTooltip=function(_){w.state.isAriaPlaceholderRendered&&w.setState({isAriaPlaceholderRendered:!1}),w.state.isTooltipVisible!==_&&w.setState({isTooltipVisible:_},function(){return w.props.onTooltipToggle&&w.props.onTooltipToggle(_)})},w._getDelayTime=function(_){switch(_){case TooltipDelay.medium:return 300;case TooltipDelay.long:return 500;default:return 0}},initializeComponentRef(w),w.state={isAriaPlaceholderRendered:!1,isTooltipVisible:!1},w._async=new Async(w),w}return b.prototype.render=function(){var m=this.props,w=m.calloutProps,_=m.children,C=m.content,k=m.directionalHint,I=m.directionalHintForRTL,$=m.hostClassName,P=m.id,M=m.setAriaDescribedBy,U=M===void 0?!0:M,G=m.tooltipProps,X=m.styles,Z=m.theme;this._classNames=getClassNames$5(X,{theme:Z,className:$});var ne=this.state,re=ne.isAriaPlaceholderRendered,ve=ne.isTooltipVisible,Se=P||this._defaultTooltipId,ge=!!(C||G&&G.onRenderContent&&G.onRenderContent()),oe=ve&&ge,me=U&&ve&&ge?Se:void 0;return reactExports.createElement("div",__assign$1({className:this._classNames.root,ref:this._tooltipHost},{onFocusCapture:this._onTooltipFocus},{onBlurCapture:this._onTooltipBlur},{onMouseEnter:this._onTooltipMouseEnter,onMouseLeave:this._onTooltipMouseLeave,onKeyDown:this._onTooltipKeyDown,role:"none","aria-describedby":me}),_,oe&&reactExports.createElement(Tooltip,__assign$1({id:Se,content:C,targetElement:this._getTargetElement(),directionalHint:k,directionalHintForRTL:I,calloutProps:assign$2({},w,{onDismiss:this._hideTooltip,onMouseEnter:this._onTooltipMouseEnter,onMouseLeave:this._onTooltipMouseLeave}),onMouseEnter:this._onTooltipMouseEnter,onMouseLeave:this._onTooltipMouseLeave},getNativeProps$1(this.props,divProperties),G)),re&&reactExports.createElement("div",{id:Se,role:"none",style:hiddenContentStyle},C))},b.prototype.componentWillUnmount=function(){b._currentVisibleTooltip&&b._currentVisibleTooltip===this&&(b._currentVisibleTooltip=void 0),this._async.dispose()},b.defaultProps={delay:TooltipDelay.medium},b}(reactExports.Component),GlobalClassNames$4={root:"ms-TooltipHost",ariaPlaceholder:"ms-TooltipHost-aria-placeholder"},getStyles$5=function(g){var b=g.className,m=g.theme,w=getGlobalClassNames(GlobalClassNames$4,m);return{root:[w.root,{display:"inline"},b]}},TooltipHost=styled(TooltipHostBase,getStyles$5,void 0,{scope:"TooltipHost"}),IconType;(function(g){g[g.default=0]="default",g[g.image=1]="image",g[g.Default=1e5]="Default",g[g.Image=100001]="Image"})(IconType||(IconType={}));var ImageFit;(function(g){g[g.center=0]="center",g[g.contain=1]="contain",g[g.cover=2]="cover",g[g.none=3]="none",g[g.centerCover=4]="centerCover",g[g.centerContain=5]="centerContain"})(ImageFit||(ImageFit={}));var ImageCoverStyle;(function(g){g[g.landscape=0]="landscape",g[g.portrait=1]="portrait"})(ImageCoverStyle||(ImageCoverStyle={}));var ImageLoadState;(function(g){g[g.notLoaded=0]="notLoaded",g[g.loaded=1]="loaded",g[g.error=2]="error",g[g.errorLoaded=3]="errorLoaded"})(ImageLoadState||(ImageLoadState={}));var getClassNames$4=classNamesFunction(),SVG_REGEX=/\.svg$/i,KEY_PREFIX="fabricImage";function useLoadState(g,b){var m=g.onLoadingStateChange,w=g.onLoad,_=g.onError,C=g.src,k=reactExports.useState(ImageLoadState.notLoaded),I=k[0],$=k[1];useIsomorphicLayoutEffect$1(function(){$(ImageLoadState.notLoaded)},[C]),reactExports.useEffect(function(){if(I===ImageLoadState.notLoaded){var U=b.current?C&&b.current.naturalWidth>0&&b.current.naturalHeight>0||b.current.complete&&SVG_REGEX.test(C):!1;U&&$(ImageLoadState.loaded)}}),reactExports.useEffect(function(){m==null||m(I)},[I]);var P=reactExports.useCallback(function(U){w==null||w(U),C&&$(ImageLoadState.loaded)},[C,w]),M=reactExports.useCallback(function(U){_==null||_(U),$(ImageLoadState.error)},[_]);return[I,P,M]}var ImageBase=reactExports.forwardRef(function(g,b){var m=reactExports.useRef(),w=reactExports.useRef(),_=useLoadState(g,w),C=_[0],k=_[1],I=_[2],$=getNativeProps$1(g,imgProperties$1,["width","height"]),P=g.src,M=g.alt,U=g.width,G=g.height,X=g.shouldFadeIn,Z=X===void 0?!0:X,ne=g.shouldStartVisible,re=g.className,ve=g.imageFit,Se=g.role,ge=g.maximizeFrame,oe=g.styles,me=g.theme,De=g.loading,Le=useCoverStyle(g,C,w,m),rt=getClassNames$4(oe,{theme:me,className:re,width:U,height:G,maximizeFrame:ge,shouldFadeIn:Z,shouldStartVisible:ne,isLoaded:C===ImageLoadState.loaded||C===ImageLoadState.notLoaded&&g.shouldStartVisible,isLandscape:Le===ImageCoverStyle.landscape,isCenter:ve===ImageFit.center,isCenterContain:ve===ImageFit.centerContain,isCenterCover:ve===ImageFit.centerCover,isContain:ve===ImageFit.contain,isCover:ve===ImageFit.cover,isNone:ve===ImageFit.none,isError:C===ImageLoadState.error,isNotImageFit:ve===void 0});return reactExports.createElement("div",{className:rt.root,style:{width:U,height:G},ref:m},reactExports.createElement("img",__assign$1({},$,{onLoad:k,onError:I,key:KEY_PREFIX+g.src||"",className:rt.image,ref:useMergedRefs$1(w,b),src:P,alt:M,role:Se,loading:De})))});ImageBase.displayName="ImageBase";function useCoverStyle(g,b,m,w){var _=reactExports.useRef(b),C=reactExports.useRef();return(C===void 0||_.current===ImageLoadState.notLoaded&&b===ImageLoadState.loaded)&&(C.current=computeCoverStyle(g,b,m,w)),_.current=b,C.current}function computeCoverStyle(g,b,m,w){var _=g.imageFit,C=g.width,k=g.height;if(g.coverStyle!==void 0)return g.coverStyle;if(b===ImageLoadState.loaded&&(_===ImageFit.cover||_===ImageFit.contain||_===ImageFit.centerContain||_===ImageFit.centerCover)&&m.current&&w.current){var I=void 0;typeof C=="number"&&typeof k=="number"&&_!==ImageFit.centerContain&&_!==ImageFit.centerCover?I=C/k:I=w.current.clientWidth/w.current.clientHeight;var $=m.current.naturalWidth/m.current.naturalHeight;if($>I)return ImageCoverStyle.landscape}return ImageCoverStyle.portrait}var GlobalClassNames$3={root:"ms-Image",rootMaximizeFrame:"ms-Image--maximizeFrame",image:"ms-Image-image",imageCenter:"ms-Image-image--center",imageContain:"ms-Image-image--contain",imageCover:"ms-Image-image--cover",imageCenterContain:"ms-Image-image--centerContain",imageCenterCover:"ms-Image-image--centerCover",imageNone:"ms-Image-image--none",imageLandscape:"ms-Image-image--landscape",imagePortrait:"ms-Image-image--portrait"},getStyles$4=function(g){var b=g.className,m=g.width,w=g.height,_=g.maximizeFrame,C=g.isLoaded,k=g.shouldFadeIn,I=g.shouldStartVisible,$=g.isLandscape,P=g.isCenter,M=g.isContain,U=g.isCover,G=g.isCenterContain,X=g.isCenterCover,Z=g.isNone,ne=g.isError,re=g.isNotImageFit,ve=g.theme,Se=getGlobalClassNames(GlobalClassNames$3,ve),ge={position:"absolute",left:"50% /* @noflip */",top:"50%",transform:"translate(-50%,-50%)"},oe=getWindow(),me=oe!==void 0&&oe.navigator.msMaxTouchPoints===void 0,De=M&&$||U&&!$?{width:"100%",height:"auto"}:{width:"auto",height:"100%"};return{root:[Se.root,ve.fonts.medium,{overflow:"hidden"},_&&[Se.rootMaximizeFrame,{height:"100%",width:"100%"}],C&&k&&!I&&AnimationClassNames.fadeIn400,(P||M||U||G||X)&&{position:"relative"},b],image:[Se.image,{display:"block",opacity:0},C&&["is-loaded",{opacity:1}],P&&[Se.imageCenter,ge],M&&[Se.imageContain,me&&{width:"100%",height:"100%",objectFit:"contain"},!me&&De,!me&&ge],U&&[Se.imageCover,me&&{width:"100%",height:"100%",objectFit:"cover"},!me&&De,!me&&ge],G&&[Se.imageCenterContain,$&&{maxWidth:"100%"},!$&&{maxHeight:"100%"},ge],X&&[Se.imageCenterCover,$&&{maxHeight:"100%"},!$&&{maxWidth:"100%"},ge],Z&&[Se.imageNone,{width:"auto",height:"auto"}],re&&[!!m&&!w&&{height:"auto",width:"100%"},!m&&!!w&&{height:"100%",width:"auto"},!!m&&!!w&&{height:"100%",width:"100%"}],$&&Se.imageLandscape,!$&&Se.imagePortrait,!C&&"is-notLoaded",k&&"is-fadeIn",ne&&"is-error"]}},Image=styled(ImageBase,getStyles$4,void 0,{scope:"Image"},!0);Image.displayName="Image";var classNames=mergeStyleSets$1({root:{display:"inline-block"},placeholder:["ms-Icon-placeHolder",{width:"1em"}],image:["ms-Icon-imageContainer",{overflow:"hidden"}]}),MS_ICON="ms-Icon",getStyles$3=function(g){var b=g.className,m=g.iconClassName,w=g.isPlaceholder,_=g.isImage,C=g.styles;return{root:[w&&classNames.placeholder,classNames.root,_&&classNames.image,m,b,C&&C.root,C&&C.imageContainer]}},getIconContent=memoizeFunction(function(g){var b=getIcon(g)||{subset:{},code:void 0},m=b.code,w=b.subset;return m?{children:m,iconClassName:w.className,fontFamily:w.fontFace&&w.fontFace.fontFamily,mergeImageProps:w.mergeImageProps}:null},void 0,!0),FontIcon=function(g){var b=g.iconName,m=g.className,w=g.style,_=w===void 0?{}:w,C=getIconContent(b)||{},k=C.iconClassName,I=C.children,$=C.fontFamily,P=C.mergeImageProps,M=getNativeProps$1(g,htmlElementProperties$1),U=g["aria-label"]||g.title,G=g["aria-label"]||g["aria-labelledby"]||g.title?{role:P?void 0:"img"}:{"aria-hidden":!0},X=I;return P&&typeof I=="object"&&typeof I.props=="object"&&U&&(X=reactExports.cloneElement(I,{alt:U})),reactExports.createElement("i",__assign$1({"data-icon-name":b},G,M,P?{title:void 0,"aria-label":void 0}:{},{className:css$2(MS_ICON,classNames.root,k,!b&&classNames.placeholder,m),style:__assign$1({fontFamily:$},_)}),X)};memoizeFunction(function(g,b,m){return FontIcon({iconName:g,className:b,"aria-label":m})});var getClassNames$3=classNamesFunction({cacheSize:100}),IconBase=function(g){__extends$1(b,g);function b(m){var w=g.call(this,m)||this;return w._onImageLoadingStateChange=function(_){w.props.imageProps&&w.props.imageProps.onLoadingStateChange&&w.props.imageProps.onLoadingStateChange(_),_===ImageLoadState.error&&w.setState({imageLoadError:!0})},w.state={imageLoadError:!1},w}return b.prototype.render=function(){var m=this.props,w=m.children,_=m.className,C=m.styles,k=m.iconName,I=m.imageErrorAs,$=m.theme,P=typeof k=="string"&&k.length===0,M=!!this.props.imageProps||this.props.iconType===IconType.image||this.props.iconType===IconType.Image,U=getIconContent(k)||{},G=U.iconClassName,X=U.children,Z=U.mergeImageProps,ne=getClassNames$3(C,{theme:$,className:_,iconClassName:G,isImage:M,isPlaceholder:P}),re=M?"span":"i",ve=getNativeProps$1(this.props,htmlElementProperties$1,["aria-label"]),Se=this.state.imageLoadError,ge=__assign$1(__assign$1({},this.props.imageProps),{onLoadingStateChange:this._onImageLoadingStateChange}),oe=Se&&I||Image,me=this.props["aria-label"]||this.props.ariaLabel,De=ge.alt||me||this.props.title,Le=!!(De||this.props["aria-labelledby"]||ge["aria-label"]||ge["aria-labelledby"]),rt=Le?{role:M||Z?void 0:"img","aria-label":M||Z?void 0:De}:{"aria-hidden":!0},Ue=X;return Z&&X&&typeof X=="object"&&De&&(Ue=reactExports.cloneElement(X,{alt:De})),reactExports.createElement(re,__assign$1({"data-icon-name":k},rt,ve,Z?{title:void 0,"aria-label":void 0}:{},{className:ne.root}),M?reactExports.createElement(oe,__assign$1({},ge)):w||Ue)},b}(reactExports.Component),Icon=styled(IconBase,getStyles$3,void 0,{scope:"Icon"},!0);Icon.displayName="Icon";var ResponsiveMode;(function(g){g[g.small=0]="small",g[g.medium=1]="medium",g[g.large=2]="large",g[g.xLarge=3]="xLarge",g[g.xxLarge=4]="xxLarge",g[g.xxxLarge=5]="xxxLarge",g[g.unknown=999]="unknown"})(ResponsiveMode||(ResponsiveMode={}));var RESPONSIVE_MAX_CONSTRAINT=[479,639,1023,1365,1919,99999999],_defaultMode,_lastMode;function getInitialResponsiveMode(){var g;return(g=_defaultMode??_lastMode)!==null&&g!==void 0?g:ResponsiveMode.large}function getResponsiveMode(g){var b=ResponsiveMode.small;if(g){try{for(;g.innerWidth>RESPONSIVE_MAX_CONSTRAINT[b];)b++}catch{b=getInitialResponsiveMode()}_lastMode=b}else throw new Error("Content was rendered in a server environment without providing a default responsive mode. Call setResponsiveMode to define what the responsive mode is.");return b}var useResponsiveMode=function(g,b){var m=reactExports.useState(getInitialResponsiveMode()),w=m[0],_=m[1],C=reactExports.useCallback(function(){var I=getResponsiveMode(getWindow(g.current));w!==I&&_(I)},[g,w]),k=useWindow();return useOnEvent(k,"resize",C),reactExports.useEffect(function(){b===void 0&&C()},[b]),b??w},animationDuration=AnimationVariables.durationValue2,globalClassNames={root:"ms-Modal",main:"ms-Dialog-main",scrollableContent:"ms-Modal-scrollableContent",isOpen:"is-open",layer:"ms-Modal-Layer"},getStyles$2=function(g){var b,m=g.className,w=g.containerClassName,_=g.scrollableContentClassName,C=g.isOpen,k=g.isVisible,I=g.hasBeenOpened,$=g.modalRectangleTop,P=g.theme,M=g.topOffsetFixed,U=g.isModeless,G=g.layerClassName,X=g.isDefaultDragHandle,Z=g.windowInnerHeight,ne=P.palette,re=P.effects,ve=P.fonts,Se=getGlobalClassNames(globalClassNames,P);return{root:[Se.root,ve.medium,{backgroundColor:"transparent",position:U?"absolute":"fixed",height:"100%",width:"100%",display:"flex",alignItems:"center",justifyContent:"center",opacity:0,pointerEvents:"none",transition:"opacity "+animationDuration},M&&typeof $=="number"&&I&&{alignItems:"flex-start"},C&&Se.isOpen,k&&{opacity:1,pointerEvents:"auto"},m],main:[Se.main,{boxShadow:re.elevation64,borderRadius:re.roundedCorner2,backgroundColor:ne.white,boxSizing:"border-box",position:"relative",textAlign:"left",outline:"3px solid transparent",maxHeight:"calc(100% - 32px)",maxWidth:"calc(100% - 32px)",minHeight:"176px",minWidth:"288px",overflowY:"auto",zIndex:U?ZIndexes.Layer:void 0},M&&typeof $=="number"&&I&&{top:$},X&&{cursor:"move"},w],scrollableContent:[Se.scrollableContent,{overflowY:"auto",flexGrow:1,maxHeight:"100vh",selectors:(b={},b["@supports (-webkit-overflow-scrolling: touch)"]={maxHeight:Z},b)},_],layer:U&&[G,Se.layer,{position:"static",width:"unset",height:"unset"}],keyboardMoveIconContainer:{position:"absolute",display:"flex",justifyContent:"center",width:"100%",padding:"3px 0px"},keyboardMoveIcon:{fontSize:ve.xLargePlus.fontSize,width:"24px"}}},getClassNames$2=classNamesFunction(),OverlayBase=function(g){__extends$1(b,g);function b(m){var w=g.call(this,m)||this;initializeComponentRef(w);var _=w.props.allowTouchBodyScroll,C=_===void 0?!1:_;return w._allowTouchBodyScroll=C,w}return b.prototype.componentDidMount=function(){!this._allowTouchBodyScroll&&disableBodyScroll()},b.prototype.componentWillUnmount=function(){!this._allowTouchBodyScroll&&enableBodyScroll()},b.prototype.render=function(){var m=this.props,w=m.isDarkThemed,_=m.className,C=m.theme,k=m.styles,I=getNativeProps$1(this.props,divProperties),$=getClassNames$2(k,{theme:C,className:_,isDark:w});return reactExports.createElement("div",__assign$1({},I,{className:$.root}))},b}(reactExports.Component),GlobalClassNames$2={root:"ms-Overlay",rootDark:"ms-Overlay--dark"},getStyles$1=function(g){var b,m=g.className,w=g.theme,_=g.isNone,C=g.isDark,k=w.palette,I=getGlobalClassNames(GlobalClassNames$2,w);return{root:[I.root,w.fonts.medium,{backgroundColor:k.whiteTranslucent40,top:0,right:0,bottom:0,left:0,position:"absolute",selectors:(b={},b[HighContrastSelector]={border:"1px solid WindowText",opacity:0},b)},_&&{visibility:"hidden"},C&&[I.rootDark,{backgroundColor:k.blackTranslucent40}],m]}},Overlay=styled(OverlayBase,getStyles$1,void 0,{scope:"Overlay"}),getClassNames$1=memoizeFunction(function(g,b){return{root:mergeStyles(g,b&&{touchAction:"none",selectors:{"& *":{userSelect:"none"}}})}}),eventMapping={touch:{start:"touchstart",move:"touchmove",stop:"touchend"},mouse:{start:"mousedown",move:"mousemove",stop:"mouseup"}},DraggableZone=function(g){__extends$1(b,g);function b(m){var w=g.call(this,m)||this;return w._currentEventType=eventMapping.mouse,w._events=[],w._onMouseDown=function(_){var C=reactExports.Children.only(w.props.children).props.onMouseDown;return C&&C(_),w._currentEventType=eventMapping.mouse,w._onDragStart(_)},w._onMouseUp=function(_){var C=reactExports.Children.only(w.props.children).props.onMouseUp;return C&&C(_),w._currentEventType=eventMapping.mouse,w._onDragStop(_)},w._onTouchStart=function(_){var C=reactExports.Children.only(w.props.children).props.onTouchStart;return C&&C(_),w._currentEventType=eventMapping.touch,w._onDragStart(_)},w._onTouchEnd=function(_){var C=reactExports.Children.only(w.props.children).props.onTouchEnd;C&&C(_),w._currentEventType=eventMapping.touch,w._onDragStop(_)},w._onDragStart=function(_){if(typeof _.button=="number"&&_.button!==0)return!1;if(!(w.props.handleSelector&&!w._matchesSelector(_.target,w.props.handleSelector)||w.props.preventDragSelector&&w._matchesSelector(_.target,w.props.preventDragSelector))){w._touchId=w._getTouchId(_);var C=w._getControlPosition(_);if(C!==void 0){var k=w._createDragDataFromPosition(C);w.props.onStart&&w.props.onStart(_,k),w.setState({isDragging:!0,lastPosition:C}),w._events=[on(document.body,w._currentEventType.move,w._onDrag,!0),on(document.body,w._currentEventType.stop,w._onDragStop,!0)]}}},w._onDrag=function(_){_.type==="touchmove"&&_.preventDefault();var C=w._getControlPosition(_);if(C){var k=w._createUpdatedDragData(w._createDragDataFromPosition(C)),I=k.position;w.props.onDragChange&&w.props.onDragChange(_,k),w.setState({position:I,lastPosition:C})}},w._onDragStop=function(_){if(w.state.isDragging){var C=w._getControlPosition(_);if(C){var k=w._createDragDataFromPosition(C);w.setState({isDragging:!1,lastPosition:void 0}),w.props.onStop&&w.props.onStop(_,k),w.props.position&&w.setState({position:w.props.position}),w._events.forEach(function(I){return I()})}}},w.state={isDragging:!1,position:w.props.position||{x:0,y:0},lastPosition:void 0},w}return b.prototype.componentDidUpdate=function(m){this.props.position&&(!m.position||this.props.position!==m.position)&&this.setState({position:this.props.position})},b.prototype.componentWillUnmount=function(){this._events.forEach(function(m){return m()})},b.prototype.render=function(){var m=reactExports.Children.only(this.props.children),w=m.props,_=this.props.position,C=this.state,k=C.position,I=C.isDragging,$=k.x,P=k.y;return _&&!I&&($=_.x,P=_.y),reactExports.cloneElement(m,{style:__assign$1(__assign$1({},w.style),{transform:"translate("+$+"px, "+P+"px)"}),className:getClassNames$1(w.className,this.state.isDragging).root,onMouseDown:this._onMouseDown,onMouseUp:this._onMouseUp,onTouchStart:this._onTouchStart,onTouchEnd:this._onTouchEnd})},b.prototype._getControlPosition=function(m){var w=this._getActiveTouch(m);if(!(this._touchId!==void 0&&!w)){var _=w||m;return{x:_.clientX,y:_.clientY}}},b.prototype._getActiveTouch=function(m){return m.targetTouches&&this._findTouchInTouchList(m.targetTouches)||m.changedTouches&&this._findTouchInTouchList(m.changedTouches)},b.prototype._getTouchId=function(m){var w=m.targetTouches&&m.targetTouches[0]||m.changedTouches&&m.changedTouches[0];if(w)return w.identifier},b.prototype._matchesSelector=function(m,w){if(!m||m===document.body)return!1;var _=m.matches||m.webkitMatchesSelector||m.msMatchesSelector;return _?_.call(m,w)||this._matchesSelector(m.parentElement,w):!1},b.prototype._findTouchInTouchList=function(m){if(this._touchId!==void 0){for(var w=0;w<m.length;w++)if(m[w].identifier===this._touchId)return m[w]}},b.prototype._createDragDataFromPosition=function(m){var w=this.state.lastPosition;return w===void 0?{delta:{x:0,y:0},lastPosition:m,position:m}:{delta:{x:m.x-w.x,y:m.y-w.y},lastPosition:w,position:m}},b.prototype._createUpdatedDragData=function(m){var w=this.state.position;return{position:{x:w.x+m.delta.x,y:w.y+m.delta.y},delta:m.delta,lastPosition:w}},b}(reactExports.Component),ZERO={x:0,y:0},DEFAULT_PROPS={isOpen:!1,isDarkOverlay:!0,className:"",containerClassName:"",enableAriaHiddenSiblings:!0},getClassNames=classNamesFunction(),getMoveDelta=function(g){var b=10;return g.shiftKey?g.ctrlKey||(b=50):g.ctrlKey&&(b=1),b},useComponentRef=function(g,b){reactExports.useImperativeHandle(g.componentRef,function(){return{focus:function(){b.current&&b.current.focus()}}},[b])},ModalBase=reactExports.forwardRef(function(g,b){var m=getPropsWithDefaults(DEFAULT_PROPS,g),w=m.allowTouchBodyScroll,_=m.className,C=m.children,k=m.containerClassName,I=m.scrollableContentClassName,$=m.elementToFocusOnDismiss,P=m.firstFocusableSelector,M=m.forceFocusInsideTrap,U=m.ignoreExternalFocusing,G=m.isBlocking,X=m.isAlert,Z=m.isClickableOutsideFocusTrap,ne=m.isDarkOverlay,re=m.onDismiss,ve=m.layerProps,Se=m.overlay,ge=m.isOpen,oe=m.titleAriaId,me=m.styles,De=m.subtitleAriaId,Le=m.theme,rt=m.topOffsetFixed,Ue=m.responsiveMode,Ze=m.onLayerDidMount,gt=m.isModeless,$t=m.dragOptions,Xe=m.onDismissed,xe=m.enableAriaHiddenSiblings,Tn=reactExports.useRef(null),Rt=reactExports.useRef(null),mt=reactExports.useRef(null),en=useMergedRefs$1(Tn,b),st=useResponsiveMode(en),Fe=useId("ModalFocusTrapZone"),Re=useWindow(),Ae=useSetTimeout(),je=Ae.setTimeout,Ge=Ae.clearTimeout,Be=reactExports.useState(ge),We=Be[0],lt=Be[1],Tt=reactExports.useState(ge),Je=Tt[0],qt=Tt[1],Pt=reactExports.useState(ZERO),_t=Pt[0],lr=Pt[1],jn=reactExports.useState(),ii=jn[0],Zi=jn[1],No=useBoolean(!1),Is=No[0],Ca=No[1],Xs=Ca.toggle,Io=Ca.setFalse,pi=useConst$1(function(){return{onModalCloseTimer:0,allowTouchBodyScroll:w,scrollableContent:null,lastSetCoordinates:ZERO,events:new EventGroup({})}}),Es=($t||{}).keepInBounds,$u=X??(G&&!gt),ir=ve===void 0?"":ve.className,rn=getClassNames(me,{theme:Le,className:_,containerClassName:k,scrollableContentClassName:I,isOpen:ge,isVisible:Je,hasBeenOpened:pi.hasBeenOpened,modalRectangleTop:ii,topOffsetFixed:rt,isModeless:gt,layerClassName:ir,windowInnerHeight:Re==null?void 0:Re.innerHeight,isDefaultDragHandle:$t&&!$t.dragHandleSelector}),sn=__assign$1(__assign$1({eventBubblingEnabled:!1},ve),{onLayerDidMount:ve&&ve.onLayerDidMount?ve.onLayerDidMount:Ze,insertFirst:gt,className:rn.layer}),Zn=reactExports.useCallback(function(Yi){Yi?pi.allowTouchBodyScroll?allowOverscrollOnElement(Yi,pi.events):allowScrollOnElement(Yi,pi.events):pi.events.off(pi.scrollableContent),pi.scrollableContent=Yi},[pi]),oi=function(){var Yi=mt.current,so=Yi==null?void 0:Yi.getBoundingClientRect();so&&(rt&&Zi(so.top),Es&&(pi.minPosition={x:-so.left,y:-so.top},pi.maxPosition={x:so.left,y:so.top}))},li=reactExports.useCallback(function(Yi,so){var hs=pi.minPosition,Qs=pi.maxPosition;return Es&&hs&&Qs&&(so=Math.max(hs[Yi],so),so=Math.min(Qs[Yi],so)),so},[Es,pi]),ur=function(){var Yi;pi.lastSetCoordinates=ZERO,Io(),pi.isInKeyboardMoveMode=!1,lt(!1),lr(ZERO),(Yi=pi.disposeOnKeyUp)===null||Yi===void 0||Yi.call(pi),Xe==null||Xe()},Sr=reactExports.useCallback(function(){Io(),pi.isInKeyboardMoveMode=!1},[pi,Io]),ki=reactExports.useCallback(function(Yi,so){lr(function(hs){return{x:li("x",hs.x+so.delta.x),y:li("y",hs.y+so.delta.y)}})},[li]),co=reactExports.useCallback(function(){Rt.current&&Rt.current.focus()},[]),xo=function(){var Yi=function(so){if(so.altKey&&so.ctrlKey&&so.keyCode===KeyCodes$1.space){so.preventDefault(),so.stopPropagation();return}if(Is&&(so.altKey||so.keyCode===KeyCodes$1.escape)&&Io(),pi.isInKeyboardMoveMode&&(so.keyCode===KeyCodes$1.escape||so.keyCode===KeyCodes$1.enter)&&(pi.isInKeyboardMoveMode=!1,so.preventDefault(),so.stopPropagation()),pi.isInKeyboardMoveMode){var hs=!0,Qs=getMoveDelta(so);switch(so.keyCode){case KeyCodes$1.escape:lr(pi.lastSetCoordinates);case KeyCodes$1.enter:{pi.lastSetCoordinates=ZERO;break}case KeyCodes$1.up:{lr(function(yo){return{x:yo.x,y:li("y",yo.y-Qs)}});break}case KeyCodes$1.down:{lr(function(yo){return{x:yo.x,y:li("y",yo.y+Qs)}});break}case KeyCodes$1.left:{lr(function(yo){return{x:li("x",yo.x-Qs),y:yo.y}});break}case KeyCodes$1.right:{lr(function(yo){return{x:li("x",yo.x+Qs),y:yo.y}});break}default:hs=!1}hs&&(so.preventDefault(),so.stopPropagation())}};pi.lastSetCoordinates=_t,Io(),pi.isInKeyboardMoveMode=!0,pi.events.on(Re,"keydown",Yi,!0),pi.disposeOnKeyDown=function(){pi.events.off(Re,"keydown",Yi,!0),pi.disposeOnKeyDown=void 0}},Ho=function(){var Yi;pi.lastSetCoordinates=ZERO,pi.isInKeyboardMoveMode=!1,(Yi=pi.disposeOnKeyDown)===null||Yi===void 0||Yi.call(pi)},Co=function(){var Yi=function(so){so.altKey&&so.ctrlKey&&so.keyCode===KeyCodes$1.space&&elementContains(pi.scrollableContent,so.target)&&(Xs(),so.preventDefault(),so.stopPropagation())};pi.disposeOnKeyUp||(pi.events.on(Re,"keyup",Yi,!0),pi.disposeOnKeyUp=function(){pi.events.off(Re,"keyup",Yi,!0),pi.disposeOnKeyUp=void 0})};reactExports.useEffect(function(){Ge(pi.onModalCloseTimer),ge&&(requestAnimationFrame(function(){return je(oi,0)}),lt(!0),$t&&Co(),pi.hasBeenOpened=!0,qt(!0)),!ge&&We&&(pi.onModalCloseTimer=je(ur,parseFloat(animationDuration)*1e3),qt(!1))},[We,ge]),useUnmount(function(){pi.events.dispose()}),useComponentRef(m,Rt),useDebugWarnings(m);var ma=reactExports.createElement(FocusTrapZone,{id:Fe,ref:mt,componentRef:Rt,className:rn.main,elementToFocusOnDismiss:$,isClickableOutsideFocusTrap:gt||Z||!G,ignoreExternalFocusing:U,forceFocusInsideTrap:M&&!gt,firstFocusableSelector:P,focusPreviouslyFocusedInnerElement:!0,onBlur:pi.isInKeyboardMoveMode?Ho:void 0},$t&&pi.isInKeyboardMoveMode&&reactExports.createElement("div",{className:rn.keyboardMoveIconContainer},$t.keyboardMoveIconProps?reactExports.createElement(Icon,__assign$1({},$t.keyboardMoveIconProps)):reactExports.createElement(Icon,{iconName:"move",className:rn.keyboardMoveIcon})),reactExports.createElement("div",{ref:Zn,className:rn.scrollableContent,"data-is-scrollable":!0},$t&&Is&&reactExports.createElement($t.menu,{items:[{key:"move",text:$t.moveMenuItemText,onClick:xo},{key:"close",text:$t.closeMenuItemText,onClick:ur}],onDismiss:Io,alignTargetEdge:!0,coverTarget:!0,directionalHint:DirectionalHint.topLeftEdge,directionalHintFixed:!0,shouldFocusOnMount:!0,target:pi.scrollableContent}),C));return We&&st>=(Ue||ResponsiveMode.small)&&reactExports.createElement(Layer,__assign$1({ref:en},sn),reactExports.createElement(Popup,{role:$u?"alertdialog":"dialog",ariaLabelledBy:oe,ariaDescribedBy:De,onDismiss:re,shouldRestoreFocus:!U,enableAriaHiddenSiblings:xe,"aria-modal":!gt},reactExports.createElement("div",{className:rn.root,role:gt?void 0:"document"},!gt&&reactExports.createElement(Overlay,__assign$1({"aria-hidden":!0,isDarkThemed:ne,onClick:G?void 0:re,allowTouchBodyScroll:w},Se)),$t?reactExports.createElement(DraggableZone,{handleSelector:$t.dragHandleSelector||"#"+Fe,preventDragSelector:"button",onStart:Sr,onDragChange:ki,onStop:co,position:_t},ma):ma)))||null});ModalBase.displayName="Modal";function useDebugWarnings(g){({}).NODE_ENV!=="production"&&useWarnings({name:"Modal",props:g,deprecations:{onLayerDidMount:"layerProps.onLayerDidMount"}})}var Modal=styled(ModalBase,getStyles$2,void 0,{scope:"Modal",fields:["theme","styles","enableAriaHiddenSiblings"]});Modal.displayName="Modal";function initializeIcons$j(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons"',src:"url('"+g+"fabric-icons-a13498cf.woff') format('woff')"},icons:{GlobalNavButton:"",ChevronDown:"",ChevronUp:"",Edit:"",Add:"",Cancel:"",More:"",Settings:"",Mail:"",Filter:"",Search:"",Share:"",BlockedSite:"",FavoriteStar:"",FavoriteStarFill:"",CheckMark:"",Delete:"",ChevronLeft:"",ChevronRight:"",Calendar:"",Megaphone:"",Undo:"",Flag:"",Page:"",Pinned:"",View:"",Clear:"",Download:"",Upload:"",Folder:"",Sort:"",AlignRight:"",AlignLeft:"",Tag:"",AddFriend:"",Info:"",SortLines:"",List:"",CircleRing:"",Heart:"",HeartFill:"",Tiles:"",Embed:"",Glimmer:"",Ascending:"",Descending:"",SortUp:"",SortDown:"",SyncToPC:"",LargeGrid:"",SkypeCheck:"",SkypeClock:"",SkypeMinus:"",ClearFilter:"",Flow:"",StatusCircleCheckmark:"",MoreVertical:""}};registerIcons(m,b)}function initializeIcons$i(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-0"',src:"url('"+g+"fabric-icons-0-467ee27f.woff') format('woff')"},icons:{PageLink:"",CommentSolid:"",ChangeEntitlements:"",Installation:"",WebAppBuilderModule:"",WebAppBuilderFragment:"",WebAppBuilderSlot:"",BullseyeTargetEdit:"",WebAppBuilderFragmentCreate:"",PageData:"",PageHeaderEdit:"",ProductList:"",UnpublishContent:"",DependencyAdd:"",DependencyRemove:"",EntitlementPolicy:"",EntitlementRedemption:"",SchoolDataSyncLogo:"",PinSolid12:"",PinSolidOff12:"",AddLink:"",SharepointAppIcon16:"",DataflowsLink:"",TimePicker:"",UserWarning:"",ComplianceAudit:"",InternetSharing:"",Brightness:"",MapPin:"",Airplane:"",Tablet:"",QuickNote:"",Video:"",People:"",Phone:"",Pin:"",Shop:"",Stop:"",Link:"",AllApps:"",Zoom:"",ZoomOut:"",Microphone:"",Camera:"",Attach:"",Send:"",FavoriteList:"",PageSolid:"",Forward:"",Back:"",Refresh:"",Lock:"",ReportHacked:"",EMI:"",MiniLink:"",Blocked:"",ReadingMode:"",Favicon:"",Remove:"",Checkbox:"",CheckboxComposite:"",CheckboxFill:"",CheckboxIndeterminate:"",CheckboxCompositeReversed:"",BackToWindow:"",FullScreen:"",Print:"",Up:"",Down:"",OEM:"",Save:"",ReturnKey:"",Cloud:"",Flashlight:"",CommandPrompt:"",Sad:"",RealEstate:"",SIPMove:"",EraseTool:"",GripperTool:"",Dialpad:"",PageLeft:"",PageRight:"",MultiSelect:"",KeyboardClassic:"",Play:"",Pause:"",InkingTool:"",Emoji2:"",GripperBarHorizontal:"",System:"",Personalize:"",SearchAndApps:"",Globe:"",EaseOfAccess:"",ContactInfo:"",Unpin:"",Contact:"",Memo:"",IncomingCall:""}};registerIcons(m,b)}function initializeIcons$h(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-1"',src:"url('"+g+"fabric-icons-1-4d521695.woff') format('woff')"},icons:{Paste:"",WindowsLogo:"",Error:"",GripperBarVertical:"",Unlock:"",Slideshow:"",Trim:"",AutoEnhanceOn:"",AutoEnhanceOff:"",Color:"",SaveAs:"",Light:"",Filters:"",AspectRatio:"",Contrast:"",Redo:"",Crop:"",PhotoCollection:"",Album:"",Rotate:"",PanoIndicator:"",Translate:"",RedEye:"",ViewOriginal:"",ThumbnailView:"",Package:"",Telemarketer:"",Warning:"",Financial:"",Education:"",ShoppingCart:"",Train:"",Move:"",TouchPointer:"",Merge:"",TurnRight:"",Ferry:"",Highlight:"",PowerButton:"",Tab:"",Admin:"",TVMonitor:"",Speakers:"",Game:"",HorizontalTabKey:"",UnstackSelected:"",StackIndicator:"",Nav2DMapView:"",StreetsideSplitMinimize:"",Car:"",Bus:"",EatDrink:"",SeeDo:"",LocationCircle:"",Home:"",SwitcherStartEnd:"",ParkingLocation:"",IncidentTriangle:"",Touch:"",MapDirections:"",CaretHollow:"",CaretSolid:"",History:"",Location:"",MapLayers:"",SearchNearby:"",Work:"",Recent:"",Hotel:"",Bank:"",LocationDot:"",Dictionary:"",ChromeBack:"",FolderOpen:"",PinnedFill:"",RevToggleKey:"",USB:"",Previous:"",Next:"",Sync:"",Help:"",Emoji:"",MailForward:"",ClosePane:"",OpenPane:"",PreviewLink:"",ZoomIn:"",Bookmarks:"",Document:"",ProtectedDocument:"",OpenInNewWindow:"",MailFill:"",ViewAll:"",Switch:"",Rename:"",Go:"",Remote:"",SelectAll:"",Orientation:"",Import:""}};registerIcons(m,b)}function initializeIcons$g(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-2"',src:"url('"+g+"fabric-icons-2-63c99abf.woff') format('woff')"},icons:{Picture:"",ChromeClose:"",ShowResults:"",Message:"",CalendarDay:"",CalendarWeek:"",MailReplyAll:"",Read:"",Cut:"",PaymentCard:"",Copy:"",Important:"",MailReply:"",GotoToday:"",Font:"",FontColor:"",FolderFill:"",Permissions:"",DisableUpdates:"",Unfavorite:"",Italic:"",Underline:"",Bold:"",MoveToFolder:"",Dislike:"",Like:"",AlignCenter:"",OpenFile:"",ClearSelection:"",FontDecrease:"",FontIncrease:"",FontSize:"",CellPhone:"",RepeatOne:"",RepeatAll:"",Calculator:"",Library:"",PostUpdate:"",NewFolder:"",CalendarReply:"",UnsyncFolder:"",SyncFolder:"",BlockContact:"",Accept:"",BulletedList:"",Preview:"",News:"",Chat:"",Group:"",World:"",Comment:"",DockLeft:"",DockRight:"",Repair:"",Accounts:"",Street:"",RadioBullet:"",Stopwatch:"",Clock:"",WorldClock:"",AlarmClock:"",Photo:"",ActionCenter:"",Hospital:"",Timer:"",FullCircleMask:"",LocationFill:"",ChromeMinimize:"",ChromeRestore:"",Annotation:"",Fingerprint:"",Handwriting:"",ChromeFullScreen:"",Completed:"",Label:"",FlickDown:"",FlickUp:"",FlickLeft:"",FlickRight:"",MiniExpand:"",MiniContract:"",Streaming:"",MusicInCollection:"",OneDriveLogo:"",CompassNW:"",Code:"",LightningBolt:"",CalculatorMultiply:"",CalculatorAddition:"",CalculatorSubtract:"",CalculatorPercentage:"",CalculatorEqualTo:"",PrintfaxPrinterFile:"",StorageOptical:"",Communications:"",Headset:"",Health:"",Webcam2:"",FrontCamera:"",ChevronUpSmall:""}};registerIcons(m,b)}function initializeIcons$f(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-3"',src:"url('"+g+"fabric-icons-3-089e217a.woff') format('woff')"},icons:{ChevronDownSmall:"",ChevronLeftSmall:"",ChevronRightSmall:"",ChevronUpMed:"",ChevronDownMed:"",ChevronLeftMed:"",ChevronRightMed:"",Devices2:"",PC1:"",PresenceChickletVideo:"",Reply:"",HalfAlpha:"",ConstructionCone:"",DoubleChevronLeftMed:"",Volume0:"",Volume1:"",Volume2:"",Volume3:"",Chart:"",Robot:"",Manufacturing:"",LockSolid:"",FitPage:"",FitWidth:"",BidiLtr:"",BidiRtl:"",RightDoubleQuote:"",Sunny:"",CloudWeather:"",Cloudy:"",PartlyCloudyDay:"",PartlyCloudyNight:"",ClearNight:"",RainShowersDay:"",Rain:"",Thunderstorms:"",RainSnow:"",Snow:"",BlowingSnow:"",Frigid:"",Fog:"",Squalls:"",Duststorm:"",Unknown:"",Precipitation:"",Ribbon:"",AreaChart:"",Assign:"",FlowChart:"",CheckList:"",Diagnostic:"",Generate:"",LineChart:"",Equalizer:"",BarChartHorizontal:"",BarChartVertical:"",Freezing:"",FunnelChart:"",Processing:"",Quantity:"",ReportDocument:"",StackColumnChart:"",SnowShowerDay:"",HailDay:"",WorkFlow:"",HourGlass:"",StoreLogoMed20:"",TimeSheet:"",TriangleSolid:"",UpgradeAnalysis:"",VideoSolid:"",RainShowersNight:"",SnowShowerNight:"",Teamwork:"",HailNight:"",PeopleAdd:"",Glasses:"",DateTime2:"",Shield:"",Header1:"",PageAdd:"",NumberedList:"",PowerBILogo:"",Info2:"",MusicInCollectionFill:"",Asterisk:"",ErrorBadge:"",CircleFill:"",Record2:"",AllAppsMirrored:"",BookmarksMirrored:"",BulletedListMirrored:"",CaretHollowMirrored:"",CaretSolidMirrored:"",ChromeBackMirrored:"",ClearSelectionMirrored:"",ClosePaneMirrored:"",DockLeftMirrored:"",DoubleChevronLeftMedMirrored:"",GoMirrored:""}};registerIcons(m,b)}function initializeIcons$e(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-4"',src:"url('"+g+"fabric-icons-4-a656cc0a.woff') format('woff')"},icons:{HelpMirrored:"",ImportMirrored:"",ImportAllMirrored:"",ListMirrored:"",MailForwardMirrored:"",MailReplyMirrored:"",MailReplyAllMirrored:"",MiniContractMirrored:"",MiniExpandMirrored:"",OpenPaneMirrored:"",ParkingLocationMirrored:"",SendMirrored:"",ShowResultsMirrored:"",ThumbnailViewMirrored:"",Media:"",Devices3:"",Focus:"",VideoLightOff:"",Lightbulb:"",StatusTriangle:"",VolumeDisabled:"",Puzzle:"",EmojiNeutral:"",EmojiDisappointed:"",HomeSolid:"",Ringer:"",PDF:"",HeartBroken:"",StoreLogo16:"",MultiSelectMirrored:"",Broom:"",AddToShoppingList:"",Cocktails:"",Wines:"",Articles:"",Cycling:"",DietPlanNotebook:"",Pill:"",ExerciseTracker:"",HandsFree:"",Medical:"",Running:"",Weights:"",Trackers:"",AddNotes:"",AllCurrency:"",BarChart4:"",CirclePlus:"",Coffee:"",Cotton:"",Market:"",Money:"",PieDouble:"",PieSingle:"",RemoveFilter:"",Savings:"",Sell:"",StockDown:"",StockUp:"",Lamp:"",Source:"",MSNVideos:"",Cricket:"",Golf:"",Baseball:"",Soccer:"",MoreSports:"",AutoRacing:"",CollegeHoops:"",CollegeFootball:"",ProFootball:"",ProHockey:"",Rugby:"",SubstitutionsIn:"",Tennis:"",Arrivals:"",Design:"",Website:"",Drop:"",HistoricalWeather:"",SkiResorts:"",Snowflake:"",BusSolid:"",FerrySolid:"",AirplaneSolid:"",TrainSolid:"",Ticket:"",WifiWarning4:"",Devices4:"",AzureLogo:"",BingLogo:"",MSNLogo:"",OutlookLogoInverse:"",OfficeLogo:"",SkypeLogo:"",Door:"",EditMirrored:"",GiftCard:"",DoubleBookmark:"",StatusErrorFull:""}};registerIcons(m,b)}function initializeIcons$d(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-5"',src:"url('"+g+"fabric-icons-5-f95ba260.woff') format('woff')"},icons:{Certificate:"",FastForward:"",Rewind:"",Photo2:"",OpenSource:"",Movers:"",CloudDownload:"",Family:"",WindDirection:"",Bug:"",SiteScan:"",BrowserScreenShot:"",F12DevTools:"",CSS:"",JS:"",DeliveryTruck:"",ReminderPerson:"",ReminderGroup:"",ReminderTime:"",TabletMode:"",Umbrella:"",NetworkTower:"",CityNext:"",CityNext2:"",Section:"",OneNoteLogoInverse:"",ToggleFilled:"",ToggleBorder:"",SliderThumb:"",ToggleThumb:"",Documentation:"",Badge:"",Giftbox:"",VisualStudioLogo:"",HomeGroup:"",ExcelLogoInverse:"",WordLogoInverse:"",PowerPointLogoInverse:"",Cafe:"",SpeedHigh:"",Commitments:"",ThisPC:"",MusicNote:"",MicOff:"",PlaybackRate1x:"",EdgeLogo:"",CompletedSolid:"",AlbumRemove:"",MessageFill:"",TabletSelected:"",MobileSelected:"",LaptopSelected:"",TVMonitorSelected:"",DeveloperTools:"",Shapes:"",InsertTextBox:"",LowerBrightness:"",WebComponents:"",OfflineStorage:"",DOM:"",CloudUpload:"",ScrollUpDown:"",DateTime:"",Event:"",Cake:"",Org:"",PartyLeader:"",DRM:"",CloudAdd:"",AppIconDefault:"",Photo2Add:"",Photo2Remove:"",Calories:"",POI:"",AddTo:"",RadioBtnOff:"",RadioBtnOn:"",ExploreContent:"",Product:"",ProgressLoopInner:"",ProgressLoopOuter:"",Blocked2:"",FangBody:"",Toolbox:"",PageHeader:"",ChatInviteFriend:"",Brush:"",Shirt:"",Crown:"",Diamond:"",ScaleUp:"",QRCode:"",Feedback:"",SharepointLogoInverse:"",YammerLogo:"",Hide:"",Uneditable:"",ReturnToSession:"",OpenFolderHorizontal:"",CalendarMirrored:""}};registerIcons(m,b)}function initializeIcons$c(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-6"',src:"url('"+g+"fabric-icons-6-ef6fd590.woff') format('woff')"},icons:{SwayLogoInverse:"",OutOfOffice:"",Trophy:"",ReopenPages:"",EmojiTabSymbols:"",AADLogo:"",AccessLogo:"",AdminALogoInverse32:"",AdminCLogoInverse32:"",AdminDLogoInverse32:"",AdminELogoInverse32:"",AdminLLogoInverse32:"",AdminMLogoInverse32:"",AdminOLogoInverse32:"",AdminPLogoInverse32:"",AdminSLogoInverse32:"",AdminYLogoInverse32:"",DelveLogoInverse:"",ExchangeLogoInverse:"",LyncLogo:"",OfficeVideoLogoInverse:"",SocialListeningLogo:"",VisioLogoInverse:"",Balloons:"",Cat:"",MailAlert:"",MailCheck:"",MailLowImportance:"",MailPause:"",MailRepeat:"",SecurityGroup:"",Table:"",VoicemailForward:"",VoicemailReply:"",Waffle:"",RemoveEvent:"",EventInfo:"",ForwardEvent:"",WipePhone:"",AddOnlineMeeting:"",JoinOnlineMeeting:"",RemoveLink:"",PeopleBlock:"",PeopleRepeat:"",PeopleAlert:"",PeoplePause:"",TransferCall:"",AddPhone:"",UnknownCall:"",NoteReply:"",NoteForward:"",NotePinned:"",RemoveOccurrence:"",Timeline:"",EditNote:"",CircleHalfFull:"",Room:"",Unsubscribe:"",Subscribe:"",HardDrive:"",RecurringTask:"",TaskManager:"",TaskManagerMirrored:"",Combine:"",Split:"",DoubleChevronUp:"",DoubleChevronLeft:"",DoubleChevronRight:"",TextBox:"",TextField:"",NumberField:"",Dropdown:"",PenWorkspace:"",BookingsLogo:"",ClassNotebookLogoInverse:"",DelveAnalyticsLogo:"",DocsLogoInverse:"",Dynamics365Logo:"",DynamicSMBLogo:"",OfficeAssistantLogo:"",OfficeStoreLogo:"",OneNoteEduLogoInverse:"",PlannerLogo:"",PowerApps:"",Suitcase:"",ProjectLogoInverse:"",CaretLeft8:"",CaretRight8:"",CaretUp8:"",CaretDown8:"",CaretLeftSolid8:"",CaretRightSolid8:"",CaretUpSolid8:"",CaretDownSolid8:"",ClearFormatting:"",Superscript:"",Subscript:"",Strikethrough:"",Export:"",ExportMirrored:""}};registerIcons(m,b)}function initializeIcons$b(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-7"',src:"url('"+g+"fabric-icons-7-2b97bb99.woff') format('woff')"},icons:{SingleBookmark:"",SingleBookmarkSolid:"",DoubleChevronDown:"",FollowUser:"",ReplyAll:"",WorkforceManagement:"",RecruitmentManagement:"",Questionnaire:"",ManagerSelfService:"",ProductionFloorManagement:"",ProductRelease:"",ProductVariant:"",ReplyMirrored:"",ReplyAllMirrored:"",Medal:"",AddGroup:"",QuestionnaireMirrored:"",CloudImportExport:"",TemporaryUser:"",CaretSolid16:"",GroupedDescending:"",GroupedAscending:"",AwayStatus:"",MyMoviesTV:"",GenericScan:"",AustralianRules:"",WifiEthernet:"",TrackersMirrored:"",DateTimeMirrored:"",StopSolid:"",DoubleChevronUp12:"",DoubleChevronDown12:"",DoubleChevronLeft12:"",DoubleChevronRight12:"",CalendarAgenda:"",ConnectVirtualMachine:"",AddEvent:"",AssetLibrary:"",DataConnectionLibrary:"",DocLibrary:"",FormLibrary:"",FormLibraryMirrored:"",ReportLibrary:"",ReportLibraryMirrored:"",ContactCard:"",CustomList:"",CustomListMirrored:"",IssueTracking:"",IssueTrackingMirrored:"",PictureLibrary:"",OfficeAddinsLogo:"",OfflineOneDriveParachute:"",OfflineOneDriveParachuteDisabled:"",TriangleSolidUp12:"",TriangleSolidDown12:"",TriangleSolidLeft12:"",TriangleSolidRight12:"",TriangleUp12:"",TriangleDown12:"",TriangleLeft12:"",TriangleRight12:"",ArrowUpRight8:"",ArrowDownRight8:"",DocumentSet:"",GoToDashboard:"",DelveAnalytics:"",ArrowUpRightMirrored8:"",ArrowDownRightMirrored8:"",CompanyDirectory:"",OpenEnrollment:"",CompanyDirectoryMirrored:"",OneDriveAdd:"",ProfileSearch:"",Header2:"",Header3:"",Header4:"",RingerSolid:"",Eyedropper:"",MarketDown:"",CalendarWorkWeek:"",SidePanel:"",GlobeFavorite:"",CaretTopLeftSolid8:"",CaretTopRightSolid8:"",ViewAll2:"",DocumentReply:"",PlayerSettings:"",ReceiptForward:"",ReceiptReply:"",ReceiptCheck:"",Fax:"",RecurringEvent:"",ReplyAlt:"",ReplyAllAlt:"",EditStyle:"",EditMail:"",Lifesaver:"",LifesaverLock:"",InboxCheck:"",FolderSearch:""}};registerIcons(m,b)}function initializeIcons$a(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-8"',src:"url('"+g+"fabric-icons-8-6fdf1528.woff') format('woff')"},icons:{CollapseMenu:"",ExpandMenu:"",Boards:"",SunAdd:"",SunQuestionMark:"",LandscapeOrientation:"",DocumentSearch:"",PublicCalendar:"",PublicContactCard:"",PublicEmail:"",PublicFolder:"",WordDocument:"",PowerPointDocument:"",ExcelDocument:"",GroupedList:"",ClassroomLogo:"",Sections:"",EditPhoto:"",Starburst:"",ShareiOS:"",AirTickets:"",PencilReply:"",Tiles2:"",SkypeCircleCheck:"",SkypeCircleClock:"",SkypeCircleMinus:"",SkypeMessage:"",ClosedCaption:"",ATPLogo:"",OfficeFormsLogoInverse:"",RecycleBin:"",EmptyRecycleBin:"",Hide2:"",Breadcrumb:"",BirthdayCake:"",TimeEntry:"",CRMProcesses:"",PageEdit:"",PageArrowRight:"",PageRemove:"",Database:"",DataManagementSettings:"",CRMServices:"",EditContact:"",ConnectContacts:"",AppIconDefaultAdd:"",AppIconDefaultList:"",ActivateOrders:"",DeactivateOrders:"",ProductCatalog:"",ScatterChart:"",AccountActivity:"",DocumentManagement:"",CRMReport:"",KnowledgeArticle:"",Relationship:"",HomeVerify:"",ZipFolder:"",SurveyQuestions:"",TextDocument:"",TextDocumentShared:"",PageCheckedOut:"",PageShared:"",SaveAndClose:"",Script:"",Archive:"",ActivityFeed:"",Compare:"",EventDate:"",ArrowUpRight:"",CaretRight:"",SetAction:"",ChatBot:"",CaretSolidLeft:"",CaretSolidDown:"",CaretSolidRight:"",CaretSolidUp:"",PowerAppsLogo:"",PowerApps2Logo:"",SearchIssue:"",SearchIssueMirrored:"",FabricAssetLibrary:"",FabricDataConnectionLibrary:"",FabricDocLibrary:"",FabricFormLibrary:"",FabricFormLibraryMirrored:"",FabricReportLibrary:"",FabricReportLibraryMirrored:"",FabricPublicFolder:"",FabricFolderSearch:"",FabricMovetoFolder:"",FabricUnsyncFolder:"",FabricSyncFolder:"",FabricOpenFolderHorizontal:"",FabricFolder:"",FabricFolderFill:"",FabricNewFolder:"",FabricPictureLibrary:"",PhotoVideoMedia:"",AddFavorite:""}};registerIcons(m,b)}function initializeIcons$9(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-9"',src:"url('"+g+"fabric-icons-9-c6162b42.woff') format('woff')"},icons:{AddFavoriteFill:"",BufferTimeBefore:"",BufferTimeAfter:"",BufferTimeBoth:"",PublishContent:"",ClipboardList:"",ClipboardListMirrored:"",CannedChat:"",SkypeForBusinessLogo:"",TabCenter:"",PageCheckedin:"",PageList:"",ReadOutLoud:"",CaretBottomLeftSolid8:"",CaretBottomRightSolid8:"",FolderHorizontal:"",MicrosoftStaffhubLogo:"",GiftboxOpen:"",StatusCircleOuter:"",StatusCircleInner:"",StatusCircleRing:"",StatusTriangleOuter:"",StatusTriangleInner:"",StatusTriangleExclamation:"",StatusCircleExclamation:"",StatusCircleErrorX:"",StatusCircleInfo:"",StatusCircleBlock:"",StatusCircleBlock2:"",StatusCircleQuestionMark:"",StatusCircleSync:"",Toll:"",ExploreContentSingle:"",CollapseContent:"",CollapseContentSingle:"",InfoSolid:"",GroupList:"",ProgressRingDots:"",CaloriesAdd:"",BranchFork:"",MuteChat:"",AddHome:"",AddWork:"",MobileReport:"",ScaleVolume:"",HardDriveGroup:"",FastMode:"",ToggleLeft:"",ToggleRight:"",TriangleShape:"",RectangleShape:"",CubeShape:"",Trophy2:"",BucketColor:"",BucketColorFill:"",Taskboard:"",SingleColumn:"",DoubleColumn:"",TripleColumn:"",ColumnLeftTwoThirds:"",ColumnRightTwoThirds:"",AccessLogoFill:"",AnalyticsLogo:"",AnalyticsQuery:"",NewAnalyticsQuery:"",AnalyticsReport:"",WordLogo:"",WordLogoFill:"",ExcelLogo:"",ExcelLogoFill:"",OneNoteLogo:"",OneNoteLogoFill:"",OutlookLogo:"",OutlookLogoFill:"",PowerPointLogo:"",PowerPointLogoFill:"",PublisherLogo:"",PublisherLogoFill:"",ScheduleEventAction:"",FlameSolid:"",ServerProcesses:"",Server:"",SaveAll:"",LinkedInLogo:"",Decimals:"",SidePanelMirrored:"",ProtectRestrict:"",Blog:"",UnknownMirrored:"",PublicContactCardMirrored:"",GridViewSmall:"",GridViewMedium:"",GridViewLarge:"",Step:"",StepInsert:"",StepShared:"",StepSharedAdd:"",StepSharedInsert:"",ViewDashboard:"",ViewList:""}};registerIcons(m,b)}function initializeIcons$8(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-10"',src:"url('"+g+"fabric-icons-10-c4ded8e4.woff') format('woff')"},icons:{ViewListGroup:"",ViewListTree:"",TriggerAuto:"",TriggerUser:"",PivotChart:"",StackedBarChart:"",StackedLineChart:"",BuildQueue:"",BuildQueueNew:"",UserFollowed:"",ContactLink:"",Stack:"",Bullseye:"",VennDiagram:"",FiveTileGrid:"",FocalPoint:"",Insert:"",RingerRemove:"",TeamsLogoInverse:"",TeamsLogo:"",TeamsLogoFill:"",SkypeForBusinessLogoFill:"",SharepointLogo:"",SharepointLogoFill:"",DelveLogo:"",DelveLogoFill:"",OfficeVideoLogo:"",OfficeVideoLogoFill:"",ExchangeLogo:"",ExchangeLogoFill:"",Signin:"",DocumentApproval:"",CloneToDesktop:"",InstallToDrive:"",Blur:"",Build:"",ProcessMetaTask:"",BranchFork2:"",BranchLocked:"",BranchCommit:"",BranchCompare:"",BranchMerge:"",BranchPullRequest:"",BranchSearch:"",BranchShelveset:"",RawSource:"",MergeDuplicate:"",RowsGroup:"",RowsChild:"",Deploy:"",Redeploy:"",ServerEnviroment:"",VisioDiagram:"",HighlightMappedShapes:"",TextCallout:"",IconSetsFlag:"",VisioLogo:"",VisioLogoFill:"",VisioDocument:"",TimelineProgress:"",TimelineDelivery:"",Backlog:"",TeamFavorite:"",TaskGroup:"",TaskGroupMirrored:"",ScopeTemplate:"",AssessmentGroupTemplate:"",NewTeamProject:"",CommentAdd:"",CommentNext:"",CommentPrevious:"",ShopServer:"",LocaleLanguage:"",QueryList:"",UserSync:"",UserPause:"",StreamingOff:"",ArrowTallUpLeft:"",ArrowTallUpRight:"",ArrowTallDownLeft:"",ArrowTallDownRight:"",FieldEmpty:"",FieldFilled:"",FieldChanged:"",FieldNotChanged:"",RingerOff:"",PlayResume:"",BulletedList2:"",BulletedList2Mirrored:"",ImageCrosshair:"",GitGraph:"",Repo:"",RepoSolid:"",FolderQuery:"",FolderList:"",FolderListMirrored:"",LocationOutline:"",POISolid:"",CalculatorNotEqualTo:"",BoxSubtractSolid:""}};registerIcons(m,b)}function initializeIcons$7(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-11"',src:"url('"+g+"fabric-icons-11-2a8393d6.woff') format('woff')"},icons:{BoxAdditionSolid:"",BoxMultiplySolid:"",BoxPlaySolid:"",BoxCheckmarkSolid:"",CirclePauseSolid:"",CirclePause:"",MSNVideosSolid:"",CircleStopSolid:"",CircleStop:"",NavigateBack:"",NavigateBackMirrored:"",NavigateForward:"",NavigateForwardMirrored:"",UnknownSolid:"",UnknownMirroredSolid:"",CircleAddition:"",CircleAdditionSolid:"",FilePDB:"",FileTemplate:"",FileSQL:"",FileJAVA:"",FileASPX:"",FileCSS:"",FileSass:"",FileLess:"",FileHTML:"",JavaScriptLanguage:"",CSharpLanguage:"",CSharp:"",VisualBasicLanguage:"",VB:"",CPlusPlusLanguage:"",CPlusPlus:"",FSharpLanguage:"",FSharp:"",TypeScriptLanguage:"",PythonLanguage:"",PY:"",CoffeeScript:"",MarkDownLanguage:"",FullWidth:"",FullWidthEdit:"",Plug:"",PlugSolid:"",PlugConnected:"",PlugDisconnected:"",UnlockSolid:"",Variable:"",Parameter:"",CommentUrgent:"",Storyboard:"",DiffInline:"",DiffSideBySide:"",ImageDiff:"",ImagePixel:"",FileBug:"",FileCode:"",FileComment:"",BusinessHoursSign:"",FileImage:"",FileSymlink:"",AutoFillTemplate:"",WorkItem:"",WorkItemBug:"",LogRemove:"",ColumnOptions:"",Packages:"",BuildIssue:"",AssessmentGroup:"",VariableGroup:"",FullHistory:"",Wheelchair:"",SingleColumnEdit:"",DoubleColumnEdit:"",TripleColumnEdit:"",ColumnLeftTwoThirdsEdit:"",ColumnRightTwoThirdsEdit:"",StreamLogo:"",PassiveAuthentication:"",AlertSolid:"",MegaphoneSolid:"",TaskSolid:"",ConfigurationSolid:"",BugSolid:"",CrownSolid:"",Trophy2Solid:"",QuickNoteSolid:"",ConstructionConeSolid:"",PageListSolid:"",PageListMirroredSolid:"",StarburstSolid:"",ReadingModeSolid:"",SadSolid:"",HealthSolid:"",ShieldSolid:"",GiftBoxSolid:"",ShoppingCartSolid:"",MailSolid:"",ChatSolid:"",RibbonSolid:""}};registerIcons(m,b)}function initializeIcons$6(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-12"',src:"url('"+g+"fabric-icons-12-7e945a1e.woff') format('woff')"},icons:{FinancialSolid:"",FinancialMirroredSolid:"",HeadsetSolid:"",PermissionsSolid:"",ParkingSolid:"",ParkingMirroredSolid:"",DiamondSolid:"",AsteriskSolid:"",OfflineStorageSolid:"",BankSolid:"",DecisionSolid:"",Parachute:"",ParachuteSolid:"",FiltersSolid:"",ColorSolid:"",ReviewSolid:"",ReviewRequestSolid:"",ReviewRequestMirroredSolid:"",ReviewResponseSolid:"",FeedbackRequestSolid:"",FeedbackRequestMirroredSolid:"",FeedbackResponseSolid:"",WorkItemBar:"",WorkItemBarSolid:"",Separator:"",NavigateExternalInline:"",PlanView:"",TimelineMatrixView:"",EngineeringGroup:"",ProjectCollection:"",CaretBottomRightCenter8:"",CaretBottomLeftCenter8:"",CaretTopRightCenter8:"",CaretTopLeftCenter8:"",DonutChart:"",ChevronUnfold10:"",ChevronFold10:"",DoubleChevronDown8:"",DoubleChevronUp8:"",DoubleChevronLeft8:"",DoubleChevronRight8:"",ChevronDownEnd6:"",ChevronUpEnd6:"",ChevronLeftEnd6:"",ChevronRightEnd6:"",ContextMenu:"",AzureAPIManagement:"",AzureServiceEndpoint:"",VSTSLogo:"",VSTSAltLogo1:"",VSTSAltLogo2:"",FileTypeSolution:"",WordLogoInverse16:"",WordLogo16:"",WordLogoFill16:"",PowerPointLogoInverse16:"",PowerPointLogo16:"",PowerPointLogoFill16:"",ExcelLogoInverse16:"",ExcelLogo16:"",ExcelLogoFill16:"",OneNoteLogoInverse16:"",OneNoteLogo16:"",OneNoteLogoFill16:"",OutlookLogoInverse16:"",OutlookLogo16:"",OutlookLogoFill16:"",PublisherLogoInverse16:"",PublisherLogo16:"",PublisherLogoFill16:"",VisioLogoInverse16:"",VisioLogo16:"",VisioLogoFill16:"",TestBeaker:"",TestBeakerSolid:"",TestExploreSolid:"",TestAutoSolid:"",TestUserSolid:"",TestImpactSolid:"",TestPlan:"",TestStep:"",TestParameter:"",TestSuite:"",TestCase:"",Sprint:"",SignOut:"",TriggerApproval:"",Rocket:"",AzureKeyVault:"",Onboarding:"",Transition:"",LikeSolid:"",DislikeSolid:"",CRMCustomerInsightsApp:"",EditCreate:"",PlayReverseResume:"",PlayReverse:"",SearchData:"",UnSetColor:"",DeclineCall:""}};registerIcons(m,b)}function initializeIcons$5(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-13"',src:"url('"+g+"fabric-icons-13-c3989a02.woff') format('woff')"},icons:{RectangularClipping:"",TeamsLogo16:"",TeamsLogoFill16:"",Spacer:"",SkypeLogo16:"",SkypeForBusinessLogo16:"",SkypeForBusinessLogoFill16:"",FilterSolid:"",MailUndelivered:"",MailTentative:"",MailTentativeMirrored:"",MailReminder:"",ReceiptUndelivered:"",ReceiptTentative:"",ReceiptTentativeMirrored:"",Inbox:"",IRMReply:"",IRMReplyMirrored:"",IRMForward:"",IRMForwardMirrored:"",VoicemailIRM:"",EventAccepted:"",EventTentative:"",EventTentativeMirrored:"",EventDeclined:"",IDBadge:"",BackgroundColor:"",OfficeFormsLogoInverse16:"",OfficeFormsLogo:"",OfficeFormsLogoFill:"",OfficeFormsLogo16:"",OfficeFormsLogoFill16:"",OfficeFormsLogoInverse24:"",OfficeFormsLogo24:"",OfficeFormsLogoFill24:"",PageLock:"",NotExecuted:"",NotImpactedSolid:"",FieldReadOnly:"",FieldRequired:"",BacklogBoard:"",ExternalBuild:"",ExternalTFVC:"",ExternalXAML:"",IssueSolid:"",DefectSolid:"",LadybugSolid:"",NugetLogo:"",TFVCLogo:"",ProjectLogo32:"",ProjectLogoFill32:"",ProjectLogo16:"",ProjectLogoFill16:"",SwayLogo32:"",SwayLogoFill32:"",SwayLogo16:"",SwayLogoFill16:"",ClassNotebookLogo32:"",ClassNotebookLogoFill32:"",ClassNotebookLogo16:"",ClassNotebookLogoFill16:"",ClassNotebookLogoInverse32:"",ClassNotebookLogoInverse16:"",StaffNotebookLogo32:"",StaffNotebookLogoFill32:"",StaffNotebookLogo16:"",StaffNotebookLogoFill16:"",StaffNotebookLogoInverted32:"",StaffNotebookLogoInverted16:"",KaizalaLogo:"",TaskLogo:"",ProtectionCenterLogo32:"",GallatinLogo:"",Globe2:"",Guitar:"",Breakfast:"",Brunch:"",BeerMug:"",Vacation:"",Teeth:"",Taxi:"",Chopsticks:"",SyncOccurence:"",UnsyncOccurence:"",GIF:"",PrimaryCalendar:"",SearchCalendar:"",VideoOff:"",MicrosoftFlowLogo:"",BusinessCenterLogo:"",ToDoLogoBottom:"",ToDoLogoTop:"",EditSolid12:"",EditSolidMirrored12:"",UneditableSolid12:"",UneditableSolidMirrored12:"",UneditableMirrored:"",AdminALogo32:"",AdminALogoFill32:"",ToDoLogoInverse:""}};registerIcons(m,b)}function initializeIcons$4(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-14"',src:"url('"+g+"fabric-icons-14-5cf58db8.woff') format('woff')"},icons:{Snooze:"",WaffleOffice365:"",ImageSearch:"",NewsSearch:"",VideoSearch:"",R:"",FontColorA:"",FontColorSwatch:"",LightWeight:"",NormalWeight:"",SemiboldWeight:"",GroupObject:"",UngroupObject:"",AlignHorizontalLeft:"",AlignHorizontalCenter:"",AlignHorizontalRight:"",AlignVerticalTop:"",AlignVerticalCenter:"",AlignVerticalBottom:"",HorizontalDistributeCenter:"",VerticalDistributeCenter:"",Ellipse:"",Line:"",Octagon:"",Hexagon:"",Pentagon:"",RightTriangle:"",HalfCircle:"",QuarterCircle:"",ThreeQuarterCircle:"","6PointStar":"","12PointStar":"",ArrangeBringToFront:"",ArrangeSendToBack:"",ArrangeSendBackward:"",ArrangeBringForward:"",BorderDash:"",BorderDot:"",LineStyle:"",LineThickness:"",WindowEdit:"",HintText:"",MediaAdd:"",AnchorLock:"",AutoHeight:"",ChartSeries:"",ChartXAngle:"",ChartYAngle:"",Combobox:"",LineSpacing:"",Padding:"",PaddingTop:"",PaddingBottom:"",PaddingLeft:"",PaddingRight:"",NavigationFlipper:"",AlignJustify:"",TextOverflow:"",VisualsFolder:"",VisualsStore:"",PictureCenter:"",PictureFill:"",PicturePosition:"",PictureStretch:"",PictureTile:"",Slider:"",SliderHandleSize:"",DefaultRatio:"",NumberSequence:"",GUID:"",ReportAdd:"",DashboardAdd:"",MapPinSolid:"",WebPublish:"",PieSingleSolid:"",BlockedSolid:"",DrillDown:"",DrillDownSolid:"",DrillExpand:"",DrillShow:"",SpecialEvent:"",OneDriveFolder16:"",FunctionalManagerDashboard:"",BIDashboard:"",CodeEdit:"",RenewalCurrent:"",RenewalFuture:"",SplitObject:"",BulkUpload:"",DownloadDocument:"",GreetingCard:"",Flower:"",WaitlistConfirm:"",WaitlistConfirmMirrored:"",LaptopSecure:"",DragObject:"",EntryView:"",EntryDecline:"",ContactCardSettings:"",ContactCardSettingsMirrored:""}};registerIcons(m,b)}function initializeIcons$3(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-15"',src:"url('"+g+"fabric-icons-15-3807251b.woff') format('woff')"},icons:{CalendarSettings:"",CalendarSettingsMirrored:"",HardDriveLock:"",HardDriveUnlock:"",AccountManagement:"",ReportWarning:"",TransitionPop:"",TransitionPush:"",TransitionEffect:"",LookupEntities:"",ExploreData:"",AddBookmark:"",SearchBookmark:"",DrillThrough:"",MasterDatabase:"",CertifiedDatabase:"",MaximumValue:"",MinimumValue:"",VisualStudioIDELogo32:"",PasteAsText:"",PasteAsCode:"",BrowserTab:"",BrowserTabScreenshot:"",DesktopScreenshot:"",FileYML:"",ClipboardSolid:"",FabricUserFolder:"",FabricNetworkFolder:"",BullseyeTarget:"",AnalyticsView:"",Video360Generic:"",Untag:"",Leave:"",Trending12:"",Blocked12:"",Warning12:"",CheckedOutByOther12:"",CheckedOutByYou12:"",CircleShapeSolid:"",SquareShapeSolid:"",TriangleShapeSolid:"",DropShapeSolid:"",RectangleShapeSolid:"",ZoomToFit:"",InsertColumnsLeft:"",InsertColumnsRight:"",InsertRowsAbove:"",InsertRowsBelow:"",DeleteColumns:"",DeleteRows:"",DeleteRowsMirrored:"",DeleteTable:"",AccountBrowser:"",VersionControlPush:"",StackedColumnChart2:"",TripleColumnWide:"",QuadColumn:"",WhiteBoardApp16:"",WhiteBoardApp32:"",PinnedSolid:"",InsertSignatureLine:"",ArrangeByFrom:"",Phishing:"",CreateMailRule:"",PublishCourse:"",DictionaryRemove:"",UserRemove:"",UserEvent:"",Encryption:"",PasswordField:"",OpenInNewTab:"",Hide3:"",VerifiedBrandSolid:"",MarkAsProtected:"",AuthenticatorApp:"",WebTemplate:"",DefenderTVM:"",MedalSolid:"",D365TalentLearn:"",D365TalentInsight:"",D365TalentHRCore:"",BacklogList:"",ButtonControl:"",TableGroup:"",MountainClimbing:"",TagUnknown:"",TagUnknownMirror:"",TagUnknown12:"",TagUnknown12Mirror:"",Link12:"",Presentation:"",Presentation12:"",Lock12:"",BuildDefinition:"",ReleaseDefinition:"",SaveTemplate:"",UserGauge:"",BlockedSiteSolid12:"",TagSolid:"",OfficeChat:""}};registerIcons(m,b)}function initializeIcons$2(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-16"',src:"url('"+g+"fabric-icons-16-9cf93f3b.woff') format('woff')"},icons:{OfficeChatSolid:"",MailSchedule:"",WarningSolid:"",Blocked2Solid:"",SkypeCircleArrow:"",SkypeArrow:"",SyncStatus:"",SyncStatusSolid:"",ProjectDocument:"",ToDoLogoOutline:"",VisioOnlineLogoFill32:"",VisioOnlineLogo32:"",VisioOnlineLogoCloud32:"",VisioDiagramSync:"",Event12:"",EventDateMissed12:"",UserOptional:"",ResponsesMenu:"",DoubleDownArrow:"",DistributeDown:"",BookmarkReport:"",FilterSettings:"",GripperDotsVertical:"",MailAttached:"",AddIn:"",LinkedDatabase:"",TableLink:"",PromotedDatabase:"",BarChartVerticalFilter:"",BarChartVerticalFilterSolid:"",MicOff2:"",MicrosoftTranslatorLogo:"",ShowTimeAs:"",FileRequest:"",WorkItemAlert:"",PowerBILogo16:"",PowerBILogoBackplate16:"",BulletedListText:"",BulletedListBullet:"",BulletedListTextMirrored:"",BulletedListBulletMirrored:"",NumberedListText:"",NumberedListNumber:"",NumberedListTextMirrored:"",NumberedListNumberMirrored:"",RemoveLinkChain:"",RemoveLinkX:"",FabricTextHighlight:"",ClearFormattingA:"",ClearFormattingEraser:"",Photo2Fill:"",IncreaseIndentText:"",IncreaseIndentArrow:"",DecreaseIndentText:"",DecreaseIndentArrow:"",IncreaseIndentTextMirrored:"",IncreaseIndentArrowMirrored:"",DecreaseIndentTextMirrored:"",DecreaseIndentArrowMirrored:"",CheckListText:"",CheckListCheck:"",CheckListTextMirrored:"",CheckListCheckMirrored:"",NumberSymbol:"",Coupon:"",VerifiedBrand:"",ReleaseGate:"",ReleaseGateCheck:"",ReleaseGateError:"",M365InvoicingLogo:"",RemoveFromShoppingList:"",ShieldAlert:"",FabricTextHighlightComposite:"",Dataflows:"",GenericScanFilled:"",DiagnosticDataBarTooltip:"",SaveToMobile:"",Orientation2:"",ScreenCast:"",ShowGrid:"",SnapToGrid:"",ContactList:"",NewMail:"",EyeShadow:"",FabricFolderConfirm:"",InformationBarriers:"",CommentActive:"",ColumnVerticalSectionEdit:"",WavingHand:"",ShakeDevice:"",SmartGlassRemote:"",Rotate90Clockwise:"",Rotate90CounterClockwise:"",CampaignTemplate:"",ChartTemplate:"",PageListFilter:"",SecondaryNav:"",ColumnVerticalSection:"",SkypeCircleSlash:"",SkypeSlash:""}};registerIcons(m,b)}function initializeIcons$1(g,b){g===void 0&&(g="");var m={style:{MozOsxFontSmoothing:"grayscale",WebkitFontSmoothing:"antialiased",fontStyle:"normal",fontWeight:"normal",speak:"none"},fontFace:{fontFamily:'"FabricMDL2Icons-17"',src:"url('"+g+"fabric-icons-17-0c4ed701.woff') format('woff')"},icons:{CustomizeToolbar:"",DuplicateRow:"",RemoveFromTrash:"",MailOptions:"",Childof:"",Footer:"",Header:"",BarChartVerticalFill:"",StackedColumnChart2Fill:"",PlainText:"",AccessibiltyChecker:"",DatabaseSync:"",ReservationOrders:"",TabOneColumn:"",TabTwoColumn:"",TabThreeColumn:"",BulletedTreeList:"",MicrosoftTranslatorLogoGreen:"",MicrosoftTranslatorLogoBlue:"",InternalInvestigation:"",AddReaction:"",ContactHeart:"",VisuallyImpaired:"",EventToDoLogo:"",Variable2:"",ModelingView:"",DisconnectVirtualMachine:"",ReportLock:"",Uneditable2:"",Uneditable2Mirrored:"",BarChartVerticalEdit:"",GlobalNavButtonActive:"",PollResults:"",Rerun:"",QandA:"",QandAMirror:"",BookAnswers:"",AlertSettings:"",TrimStart:"",TrimEnd:"",TableComputed:"",DecreaseIndentLegacy:"",IncreaseIndentLegacy:"",SizeLegacy:""}};registerIcons(m,b)}var registerIconAliases=function(){registerIconAlias("trash","delete"),registerIconAlias("onedrive","onedrivelogo"),registerIconAlias("alertsolid12","eventdatemissed12"),registerIconAlias("sixpointstar","6pointstar"),registerIconAlias("twelvepointstar","12pointstar"),registerIconAlias("toggleon","toggleleft"),registerIconAlias("toggleoff","toggleright")};setVersion("@fluentui/font-icons-mdl2","8.2.0");var DEFAULT_BASE_URL="https://spoppe-b.azureedge.net/files/fabric-cdn-prod_20210407.001/assets/icons/";function initializeIcons(g,b){g===void 0&&(g=DEFAULT_BASE_URL),[initializeIcons$j,initializeIcons$i,initializeIcons$h,initializeIcons$g,initializeIcons$f,initializeIcons$e,initializeIcons$d,initializeIcons$c,initializeIcons$b,initializeIcons$a,initializeIcons$9,initializeIcons$8,initializeIcons$7,initializeIcons$6,initializeIcons$5,initializeIcons$4,initializeIcons$3,initializeIcons$2,initializeIcons$1].forEach(function(m){return m(g,b)}),registerIconAliases()}var assign$1=__assign$1;function withSlots(g,b){for(var m=[],w=2;w<arguments.length;w++)m[w-2]=arguments[w];var _=g;return _.isSlot?(m=reactExports.Children.toArray(m),m.length===0?_(b):_(__assign$1(__assign$1({},b),{children:m}))):reactExports.createElement.apply(React$8,__spreadArray([g,b],m))}function createFactory(g,b){b===void 0&&(b={});var m=b.defaultProp,w=m===void 0?"children":m,_=function(C,k,I,$,P){if(reactExports.isValidElement(k))return k;var M=_translateShorthand(w,k),U=_constructFinalProps($,P,C,M);if(I){if(I.component){var G=I.component;return reactExports.createElement(G,__assign$1({},U))}if(I.render)return I.render(U,g)}return reactExports.createElement(g,__assign$1({},U))};return _}var defaultFactory=memoizeFunction(function(g){return createFactory(g)});function getSlots$1(g,b){var m={},w=g,_=function(k){if(b.hasOwnProperty(k)){var I=function($){for(var P=[],M=1;M<arguments.length;M++)P[M-1]=arguments[M];if(P.length>0)throw new Error("Any module using getSlots must use withSlots. Please see withSlots javadoc for more info.");return _renderSlot(b[k],$,w[k],w.slots&&w.slots[k],w._defaultStyles&&w._defaultStyles[k],w.theme)};I.isSlot=!0,m[k]=I}};for(var C in b)_(C);return m}function _translateShorthand(g,b){var m,w;return typeof b=="string"||typeof b=="number"||typeof b=="boolean"?w=(m={},m[g]=b,m):w=b,w}function _constructFinalProps(g,b){for(var m=[],w=2;w<arguments.length;w++)m[w-2]=arguments[w];for(var _={},C=[],k=0,I=m;k<I.length;k++){var $=I[k];C.push($&&$.className),assign$1(_,$)}return _.className=mergeCss([g,C],{rtl:getRTL$1(b)}),_}function _renderSlot(g,b,m,w,_,C){return g.create!==void 0?g.create(b,m,w,_):defaultFactory(g)(b,m,w,_,C)}function createComponent(g,b){b===void 0&&(b={});var m=b.factoryOptions,w=m===void 0?{}:m,_=w.defaultProp,C=function(k){var I=_getCustomizations(b.displayName,reactExports.useContext(CustomizerContext),b.fields),$=b.state;$&&(k=__assign$1(__assign$1({},k),$(k)));var P=k.theme||I.theme,M=_resolveTokens(k,P,b.tokens,I.tokens,k.tokens),U=_resolveStyles(k,P,M,b.styles,I.styles,k.styles),G=__assign$1(__assign$1({},k),{styles:U,tokens:M,_defaultStyles:U,theme:P});return g(G)};return C.displayName=b.displayName||g.name,_&&(C.create=createFactory(C,{defaultProp:_})),assign$1(C,b.statics),C}function _resolveStyles(g,b,m){for(var w=[],_=3;_<arguments.length;_++)w[_-3]=arguments[_];return concatStyleSets$1.apply(void 0,w.map(function(C){return typeof C=="function"?C(g,b,m):C}))}function _resolveTokens(g,b){for(var m=[],w=2;w<arguments.length;w++)m[w-2]=arguments[w];for(var _={},C=0,k=m;C<k.length;C++){var I=k[C];I&&(I=typeof I=="function"?I(g,b):I,Array.isArray(I)&&(I=_resolveTokens.apply(void 0,__spreadArray([g,b],I))),assign$1(_,I))}return _}function _getCustomizations(g,b,m){var w=["theme","styles","tokens"];return Customizations.getSettings(m||w,g,b.customizations)}var GlobalClassNames$1={root:"ms-StackItem"},alignMap={start:"flex-start",end:"flex-end"},StackItemStyles=function(g,b,m){var w=g.grow,_=g.shrink,C=g.disableShrink,k=g.align,I=g.verticalFill,$=g.order,P=g.className,M=getGlobalClassNames(GlobalClassNames$1,b);return{root:[b.fonts.medium,M.root,{margin:m.margin,padding:m.padding,height:I?"100%":"auto",width:"auto"},w&&{flexGrow:w===!0?1:w},(C||!w&&!_)&&{flexShrink:0},_&&!C&&{flexShrink:1},k&&{alignSelf:alignMap[k]||k},$&&{order:$},P]}},StackItemView=function(g){var b=g.children,m=getNativeProps$1(g,htmlElementProperties$1);if(b==null)return null;var w=getSlots$1(g,{root:"div"});return withSlots(w.root,__assign$1({},m),b)},StackItem=createComponent(StackItemView,{displayName:"StackItem",styles:StackItemStyles}),_getThemedSpacing=function(g,b){return b.spacing.hasOwnProperty(g)?b.spacing[g]:g},_getValueUnitGap=function(g){var b=parseFloat(g),m=isNaN(b)?0:b,w=isNaN(b)?"":b.toString(),_=g.substring(w.toString().length);return{value:m,unit:_||"px"}},parseGap=function(g,b){if(g===void 0||g==="")return{rowGap:{value:0,unit:"px"},columnGap:{value:0,unit:"px"}};if(typeof g=="number")return{rowGap:{value:g,unit:"px"},columnGap:{value:g,unit:"px"}};var m=g.split(" ");if(m.length>2)return{rowGap:{value:0,unit:"px"},columnGap:{value:0,unit:"px"}};if(m.length===2)return{rowGap:_getValueUnitGap(_getThemedSpacing(m[0],b)),columnGap:_getValueUnitGap(_getThemedSpacing(m[1],b))};var w=_getValueUnitGap(_getThemedSpacing(g,b));return{rowGap:w,columnGap:w}},parsePadding=function(g,b){if(g===void 0||typeof g=="number"||g==="")return g;var m=g.split(" ");return m.length<2?_getThemedSpacing(g,b):m.reduce(function(w,_){return _getThemedSpacing(w,b)+" "+_getThemedSpacing(_,b)})},nameMap={start:"flex-start",end:"flex-end"},GlobalClassNames={root:"ms-Stack",inner:"ms-Stack-inner"},styles$1=function(g,b,m){var w,_,C,k,I,$,P,M=g.verticalFill,U=g.horizontal,G=g.reversed,X=g.grow,Z=g.wrap,ne=g.horizontalAlign,re=g.verticalAlign,ve=g.disableShrink,Se=g.className,ge=getGlobalClassNames(GlobalClassNames,b),oe=m&&m.childrenGap?m.childrenGap:g.gap,me=m&&m.maxHeight?m.maxHeight:g.maxHeight,De=m&&m.maxWidth?m.maxWidth:g.maxWidth,Le=m&&m.padding?m.padding:g.padding,rt=parseGap(oe,b),Ue=rt.rowGap,Ze=rt.columnGap,gt=""+-.5*Ze.value+Ze.unit,$t=""+-.5*Ue.value+Ue.unit,Xe={textOverflow:"ellipsis"},xe={"> *:not(.ms-StackItem)":{flexShrink:ve?0:1}};return Z?{root:[ge.root,{flexWrap:"wrap",maxWidth:De,maxHeight:me,width:"auto",overflow:"visible",height:"100%"},ne&&(w={},w[U?"justifyContent":"alignItems"]=nameMap[ne]||ne,w),re&&(_={},_[U?"alignItems":"justifyContent"]=nameMap[re]||re,_),Se,{display:"flex"},U&&{height:M?"100%":"auto"}],inner:[ge.inner,{display:"flex",flexWrap:"wrap",marginLeft:gt,marginRight:gt,marginTop:$t,marginBottom:$t,overflow:"visible",boxSizing:"border-box",padding:parsePadding(Le,b),width:Ze.value===0?"100%":"calc(100% + "+Ze.value+Ze.unit+")",maxWidth:"100vw",selectors:__assign$1({"> *":__assign$1({margin:""+.5*Ue.value+Ue.unit+" "+.5*Ze.value+Ze.unit},Xe)},xe)},ne&&(C={},C[U?"justifyContent":"alignItems"]=nameMap[ne]||ne,C),re&&(k={},k[U?"alignItems":"justifyContent"]=nameMap[re]||re,k),U&&{flexDirection:G?"row-reverse":"row",height:Ue.value===0?"100%":"calc(100% + "+Ue.value+Ue.unit+")",selectors:{"> *":{maxWidth:Ze.value===0?"100%":"calc(100% - "+Ze.value+Ze.unit+")"}}},!U&&{flexDirection:G?"column-reverse":"column",height:"calc(100% + "+Ue.value+Ue.unit+")",selectors:{"> *":{maxHeight:Ue.value===0?"100%":"calc(100% - "+Ue.value+Ue.unit+")"}}}]}:{root:[ge.root,{display:"flex",flexDirection:U?G?"row-reverse":"row":G?"column-reverse":"column",flexWrap:"nowrap",width:"auto",height:M?"100%":"auto",maxWidth:De,maxHeight:me,padding:parsePadding(Le,b),boxSizing:"border-box",selectors:__assign$1((I={"> *":Xe},I[G?"> *:not(:last-child)":"> *:not(:first-child)"]=[U&&{marginLeft:""+Ze.value+Ze.unit},!U&&{marginTop:""+Ue.value+Ue.unit}],I),xe)},X&&{flexGrow:X===!0?1:X},ne&&($={},$[U?"justifyContent":"alignItems"]=nameMap[ne]||ne,$),re&&(P={},P[U?"alignItems":"justifyContent"]=nameMap[re]||re,P),Se]}},StackView=function(g){var b=g.as,m=b===void 0?"div":b,w=g.disableShrink,_=g.wrap,C=__rest$1(g,["as","disableShrink","wrap"]);warnDeprecations("Stack",g,{gap:"tokens.childrenGap",maxHeight:"tokens.maxHeight",maxWidth:"tokens.maxWidth",padding:"tokens.padding"});var k=reactExports.Children.toArray(g.children);k.length===1&&reactExports.isValidElement(k[0])&&k[0].type===reactExports.Fragment&&(k=k[0].props.children),k=reactExports.Children.map(k,function(P,M){if(!P)return null;if(_isStackItem(P)){var U={shrink:!w};return reactExports.cloneElement(P,__assign$1(__assign$1({},U),P.props))}return P});var I=getNativeProps$1(C,htmlElementProperties$1),$=getSlots$1(g,{root:m,inner:"div"});return _?withSlots($.root,__assign$1({},I),withSlots($.inner,null,k)):withSlots($.root,__assign$1({},I),k)};function _isStackItem(g){return!!g&&typeof g=="object"&&!!g.type&&g.type.displayName===StackItem.displayName}var StackStatics={Item:StackItem},Stack$1=createComponent(StackView,{displayName:"Stack",styles:styles$1,statics:StackStatics}),ThemeContext$1=reactExports.createContext(void 0);function useCompatTheme(){return useCustomizationSettings(["theme"]).theme}var useTheme=function(){var g=reactExports.useContext(ThemeContext$1),b=useCompatTheme();return g||b||createTheme({})},_seed=0,mergeStylesRenderer={reset:function(){Stylesheet$1.getInstance().onReset(function(){return _seed++})},getId:function(){return _seed},renderStyles:function(g,b){return mergeCssSets$1(Array.isArray(g)?g:[g],b)},renderFontFace:function(g,b){return fontFace(g)},renderKeyframes:function(g){return keyframes(g)}},graphGet=function(g,b){for(var m=0,w=b;m<w.length;m++){var _=w[m];if(g=g.get(_),!g)return}return g},graphSet=function(g,b,m){for(var w=0;w<b.length-1;w++){var _=b[w],C=g.get(_);C||(C=new Map,g.set(_,C)),g=C}g.set(b[b.length-1],m)};function makeStyles$2(g){var b=new Map;return function(m){m===void 0&&(m={});var w=m.theme,_=useWindow(),C=useTheme();w=w||C;var k=mergeStylesRenderer,I=k.getId(),$=typeof g=="function",P=$?[I,_,w]:[I,_],M=graphGet(b,P);if(!M){var U=$?g(w):g;M=mergeStylesRenderer.renderStyles(U,{targetWindow:_,rtl:!!w.rtl}),graphSet(b,P,M)}return M}}var useThemeProviderStyles=makeStyles$2(function(g){var b=g.semanticColors,m=g.fonts;return{body:[{color:b.bodyText,background:b.bodyBackground,fontFamily:m.medium.fontFamily,fontWeight:m.medium.fontWeight,fontSize:m.medium.fontSize,MozOsxFontSmoothing:m.medium.MozOsxFontSmoothing,WebkitFontSmoothing:m.medium.WebkitFontSmoothing}]}});function useApplyClassToBody(g,b){var m,w=g.applyTo,_=w==="body",C=(m=useDocument())===null||m===void 0?void 0:m.body;reactExports.useEffect(function(){if(!(!_||!C)){for(var k=0,I=b;k<I.length;k++){var $=I[k];$&&C.classList.add($)}return function(){if(!(!_||!C))for(var P=0,M=b;P<M.length;P++){var U=M[P];U&&C.classList.remove(U)}}}},[_,C,b])}function useThemeProviderClasses(g){var b=useThemeProviderStyles(g),m=g.className,w=g.applyTo;useApplyClassToBody(g,[b.root,b.body]),g.className=css$2(m,b.root,w==="element"&&b.body)}var renderThemeProvider=function(g){var b=g.theme,m=g.customizerContext,w=g.as||"div",_=typeof g.as=="string"?getNativeElementProps$1(g.as,g):omit$1(g,["as"]);return reactExports.createElement(ThemeContext$1.Provider,{value:b},reactExports.createElement(CustomizerContext.Provider,{value:m},reactExports.createElement(w,__assign$1({},_))))},themeToIdMap=new Map,getThemeId=function(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];for(var m=[],w=0,_=g;w<_.length;w++){var C=_[w];if(C){var k=C.id||themeToIdMap.get(C);k||(k=getId(""),themeToIdMap.set(C,k)),m.push(k)}}return m.join("-")},useThemeProviderState=function(g){var b=g.theme,m=useTheme(),w=g.theme=reactExports.useMemo(function(){var _=mergeThemes(m,b);return _.id=getThemeId(m,b),_},[m,b]);g.customizerContext=reactExports.useMemo(function(){return{customizations:{inCustomizerContext:!0,settings:{theme:w},scopedSettings:w.components||{}}}},[w]),g.theme.rtl!==m.rtl&&(g.dir=g.theme.rtl?"rtl":"ltr")},useThemeProvider=function(g,b){var m=getPropsWithDefaults(b,g);return useThemeProviderState(m),{state:m,render:renderThemeProvider}},ThemeProvider=reactExports.forwardRef(function(g,b){var m=useMergedRefs$1(b,reactExports.useRef(null)),w=useThemeProvider(g,{ref:m,as:"div",applyTo:"element"}),_=w.render,C=w.state;return useThemeProviderClasses(C),useFocusRects(C.ref),_(C)});ThemeProvider.displayName="ThemeProvider";var rngBrowser={exports:{}},getRandomValues$1=typeof crypto<"u"&&crypto.getRandomValues&&crypto.getRandomValues.bind(crypto)||typeof msCrypto<"u"&&typeof window.msCrypto.getRandomValues=="function"&&msCrypto.getRandomValues.bind(msCrypto);if(getRandomValues$1){var rnds8$1=new Uint8Array(16);rngBrowser.exports=function(){return getRandomValues$1(rnds8$1),rnds8$1}}else{var rnds=new Array(16);rngBrowser.exports=function(){for(var b=0,m;b<16;b++)b&3||(m=Math.random()*4294967296),rnds[b]=m>>>((b&3)<<3)&255;return rnds}}for(var rngBrowserExports=rngBrowser.exports,byteToHex$1=[],i$1=0;i$1<256;++i$1)byteToHex$1[i$1]=(i$1+256).toString(16).substr(1);function bytesToUuid$3(g,b){var m=b||0,w=byteToHex$1;return[w[g[m++]],w[g[m++]],w[g[m++]],w[g[m++]],"-",w[g[m++]],w[g[m++]],"-",w[g[m++]],w[g[m++]],"-",w[g[m++]],w[g[m++]],"-",w[g[m++]],w[g[m++]],w[g[m++]],w[g[m++]],w[g[m++]],w[g[m++]]].join("")}var bytesToUuid_1=bytesToUuid$3,rng$2=rngBrowserExports,bytesToUuid$2=bytesToUuid_1,_nodeId,_clockseq,_lastMSecs=0,_lastNSecs=0;function v1$1(g,b,m){var w=b&&m||0,_=b||[];g=g||{};var C=g.node||_nodeId,k=g.clockseq!==void 0?g.clockseq:_clockseq;if(C==null||k==null){var I=rng$2();C==null&&(C=_nodeId=[I[0]|1,I[1],I[2],I[3],I[4],I[5]]),k==null&&(k=_clockseq=(I[6]<<8|I[7])&16383)}var $=g.msecs!==void 0?g.msecs:new Date().getTime(),P=g.nsecs!==void 0?g.nsecs:_lastNSecs+1,M=$-_lastMSecs+(P-_lastNSecs)/1e4;if(M<0&&g.clockseq===void 0&&(k=k+1&16383),(M<0||$>_lastMSecs)&&g.nsecs===void 0&&(P=0),P>=1e4)throw new Error("uuid.v1(): Can't create more than 10M uuids/sec");_lastMSecs=$,_lastNSecs=P,_clockseq=k,$+=122192928e5;var U=(($&268435455)*1e4+P)%4294967296;_[w++]=U>>>24&255,_[w++]=U>>>16&255,_[w++]=U>>>8&255,_[w++]=U&255;var G=$/4294967296*1e4&268435455;_[w++]=G>>>8&255,_[w++]=G&255,_[w++]=G>>>24&15|16,_[w++]=G>>>16&255,_[w++]=k>>>8|128,_[w++]=k&255;for(var X=0;X<6;++X)_[w+X]=C[X];return b||bytesToUuid$2(_)}var v1_1=v1$1,rng$1=rngBrowserExports,bytesToUuid$1=bytesToUuid_1;function v4$2(g,b,m){var w=b&&m||0;typeof g=="string"&&(b=g==="binary"?new Array(16):null,g=null),g=g||{};var _=g.random||(g.rng||rng$1)();if(_[6]=_[6]&15|64,_[8]=_[8]&63|128,b)for(var C=0;C<16;++C)b[w+C]=_[C];return b||bytesToUuid$1(_)}var v4_1=v4$2,v1=v1_1,v4$1=v4_1,uuid=v4$1;uuid.v1=v1,uuid.v4=v4$1;var uuid_1=uuid;const BASELINE_VARIANT_ID="variant_0",DEFAULT_CHAT_INPUT_NAME="chat_input",DEFAULT_CHAT_HISTORY_NAME="chat_history",DEFAULT_CHAT_OUTPUT_NAME="chat_output";var ConnectionType=(g=>(g.OpenAI="OpenAI",g.AzureOpenAI="AzureOpenAI",g.Serp="Serp",g.Bing="Bing",g.AzureContentModerator="AzureContentModerator",g.Custom="Custom",g.AzureContentSafety="AzureContentSafety",g.CognitiveSearch="CognitiveSearch",g.SubstrateLLM="SubstrateLLM",g.Pinecone="Pinecone",g.Qdrant="Qdrant",g.Weaviate="Weaviate",g.FormRecognizer="FormRecognizer",g))(ConnectionType||{}),FlowType=(g=>(g.Default="Default",g.Evaluation="Evaluation",g.Chat="Chat",g.Rag="Rag",g))(FlowType||{}),InputType=(g=>(g.default="default",g.uionly_hidden="uionly_hidden",g))(InputType||{}),Orientation$1=(g=>(g.Horizontal="Horizontal",g.Vertical="Vertical",g))(Orientation$1||{}),ToolType=(g=>(g.llm="llm",g.python="python",g.action="action",g.prompt="prompt",g.custom_llm="custom_llm",g.typescript="typescript",g.javascript="javascript",g))(ToolType||{}),ValueType=(g=>(g.int="int",g.double="double",g.bool="bool",g.string="string",g.secret="secret",g.prompt_template="prompt_template",g.object="object",g.list="list",g.BingConnection="BingConnection",g.OpenAIConnection="OpenAIConnection",g.AzureOpenAIConnection="AzureOpenAIConnection",g.AzureContentModeratorConnection="AzureContentModeratorConnection",g.CustomConnection="CustomConnection",g.AzureContentSafetyConnection="AzureContentSafetyConnection",g.SerpConnection="SerpConnection",g.CognitiveSearchConnection="CognitiveSearchConnection",g.SubstrateLLMConnection="SubstrateLLMConnection",g.PineconeConnection="PineconeConnection",g.QdrantConnection="QdrantConnection",g.WeaviateConnection="WeaviateConnection",g.function_list="function_list",g.function_str="function_str",g.FormRecognizerConnection="FormRecognizerConnection",g.file_path="file_path",g.image="image",g))(ValueType||{}),Language=(g=>(g.Python="python",g.TypeScript="typescript",g))(Language||{}),ValidationErrorType=(g=>(g.CircularDependency="CircularDependency",g.InputDependencyNotFound="InputDependencyNotFound",g.InputGenerateError="InputGenerateError",g.InputSelfReference="InputSelfReference",g.InputEmpty="InputEmpty",g.InputInvalidType="InputInvalidType",g.NodeConfigInvalid="NodeConfigInvalid",g.UnparsedCode="UnparsedCode",g.EmptyCode="EmptyCode",g.MissingTool="MissingTool",g.AutoParseInputError="AutoParseInputError",g.RuntimeNameEmpty="RuntimeNameEmpty",g))(ValidationErrorType||{}),Status=(g=>(g.Canceled="Canceled",g.Cancelled="Cancelled",g.CancelRequested="CancelRequested",g.Completed="Completed",g.Deleting="Deleting",g.Failed="Failed",g.NotStarted="NotStarted",g.Bypassed="Bypassed",g.Running="Running",g.Preparing="Preparing",g))(Status||{});const statusIconNameLookUp={Canceled:"StatusCancelled",Cancelled:"StatusCancelled",CancelRequested:"StatusPending",Completed:"StatusSuccess",Deleting:"StatusPending",Failed:"StatusFailed",NotStarted:"StatusNone",Bypassed:"StatusNone",Running:"StatusRunning",Preparing:"StatusPending"};var Theme$1=(g=>(g.Light="light",g.Dark="dark",g))(Theme$1||{});const revValueRegex=/^\$\{(\S+)\}$/,getRefValueFromRaw=g=>{var b,m;return(m=(b=`${g??""}`)==null?void 0:b.match(revValueRegex))==null?void 0:m[1]},FLOW_INPUT_NODE_ID="flow-input-node",FLOW_OUTPUT_NODE_ID="flow-output-node",NODE_INPUT_PORT_ID="node-input-port",NODE_OUTPUT_PORT_ID="node-output-port",FLOW_INPUT_REF_NAME_FLOW="flow",FLOW_INPUT_REF_NAME_INPUT="inputs",FLOW_INPUT_NODE_NAME="inputs",FLOW_OUTPUT_NODE_NAME="outputs",FlowInputNodeHeight=40,FlowInputNodeWidth=60,FlowNodeWidth=220,FlowNodeBaseHeight=50,isFlowInput=g=>[FLOW_INPUT_REF_NAME_FLOW,FLOW_INPUT_REF_NAME_INPUT].includes(g),fromDagNodeToCanvasNode=(g,b=Orientation$1.Horizontal)=>{const m=b===Orientation$1.Horizontal;return{id:g.name??"",name:g.name,x:0,y:0,ports:[{id:NODE_INPUT_PORT_ID,name:"input",isInputDisabled:!1,isOutputDisabled:!0,position:m?[0,.5]:[.5,0]},{id:NODE_OUTPUT_PORT_ID,name:"output",isInputDisabled:!0,isOutputDisabled:!1,position:m?[1,.5]:[.5,1]}],data:{type:g.type}}},fromDagToCanvasDataUnlayouted=(g,b=Orientation$1.Horizontal)=>{const m=b===Orientation$1.Horizontal,C=[{id:FLOW_INPUT_NODE_ID,name:FLOW_INPUT_NODE_NAME,x:0,y:0,ports:[{id:NODE_OUTPUT_PORT_ID,name:"output",isInputDisabled:!0,isOutputDisabled:!1,position:m?[1,.5]:[.5,1]}]},{id:FLOW_OUTPUT_NODE_ID,name:FLOW_OUTPUT_NODE_NAME,x:0,y:0,ports:[{id:NODE_INPUT_PORT_ID,name:"input",isInputDisabled:!1,isOutputDisabled:!0,position:m?[0,.5]:[.5,0]}]}],k=[],I=g.nodes||[],$=g.outputs||{},P=g.node_variants;return I.forEach(M=>{var X;let U=M;if(U!=null&&U.use_variants){const Z=(P==null?void 0:P[U.name??""])??{},{default_variant_id:ne,variants:re}=Z;U=(re==null?void 0:re[ne??""].node)??U,U={...U,name:M.name}}const G=Z=>{const ne=getRefValueFromRaw(Z),[re]=(ne==null?void 0:ne.split("."))??[];if(I.find(Se=>Se.name===re)){const Se={id:`${re}-${U.name}`,source:re,sourcePortId:NODE_OUTPUT_PORT_ID,target:U.name??"",targetPortId:NODE_INPUT_PORT_ID};k.filter(ge=>ge.id===Se.id).length===0&&k.push(Se)}else if(isFlowInput(re)){const Se={id:`${FLOW_INPUT_NODE_ID}-${U.name}`,source:FLOW_INPUT_NODE_ID,sourcePortId:NODE_OUTPUT_PORT_ID,target:U.name??"",targetPortId:NODE_INPUT_PORT_ID};k.filter(ge=>ge.id===Se.id).length===0&&k.push(Se)}};Object.keys(U.inputs??{}).forEach(Z=>{var re;const ne=(re=U.inputs)==null?void 0:re[Z];G(ne)}),G((X=U==null?void 0:U.activate)==null?void 0:X.when),C.push(fromDagNodeToCanvasNode(U,b))}),Object.keys($).forEach(M=>{const U=$[M],G=getRefValueFromRaw(U.reference),[X]=(G==null?void 0:G.split("."))??[];X&&C.find(Z=>Z.id===X)&&k.push({id:`${X}-${FLOW_OUTPUT_NODE_ID}`,source:X,sourcePortId:NODE_OUTPUT_PORT_ID,target:FLOW_OUTPUT_NODE_ID,targetPortId:NODE_INPUT_PORT_ID})}),{nodes:C,edges:k}},isInitFlow=g=>g.length!==2?!1:g.some(b=>b.id===FLOW_INPUT_NODE_ID)&&g.some(b=>b.id===FLOW_OUTPUT_NODE_ID);let elkInstance;const getElk=async()=>(elkInstance||(elkInstance=await Promise.resolve().then(()=>main$1).then(({default:g})=>new g)),elkInstance);async function autoLayout(g,b,m=!0){const w=b===Orientation$1.Horizontal,_=[],C=[];g.nodes.forEach(P=>{var ve;const M=[],U=[],G=[],X=[],Z=[];(ve=P.ports)==null||ve.forEach(Se=>{w?Se.position[0]===1?M.push(Se):Se.position[0]===0?U.push(Se):Z.push(Se):Se.position[1]===1?G.push(Se):Se.position[1]===0?X.push(Se):Z.push(Se)});const ne=[];M.forEach((Se,ge)=>{const oe={"elk.port.side":"EAST","elk.port.index":`${ge}`};ne.push({id:`${P.id}:${Se.id}`,width:5,height:5,layoutOptions:oe})}),G.forEach((Se,ge)=>{const oe={"elk.port.side":"SOUTH","elk.port.index":`${ge}`};ne.push({id:`${P.id}:${Se.id}`,width:5,height:5,layoutOptions:oe})}),U.forEach((Se,ge)=>{const oe={"elk.port.side":"WEST","elk.port.index":`${U.length-1-ge}`};ne.push({id:`${P.id}:${Se.id}`,width:5,height:5,layoutOptions:oe})}),X.forEach((Se,ge)=>{const oe={"elk.port.side":"NORTH","elk.port.index":`${ge}`};ne.push({id:`${P.id}:${Se.id}`,width:5,height:5,layoutOptions:oe})}),Z.forEach((Se,ge)=>{const oe={"elk.port.side":"UNDEFINED","elk.port.index":`${ge}`};ne.push({id:`${P.id}:${Se.id}`,width:5,height:5,layoutOptions:oe})});const re={id:P.id,width:P.width??200,height:m?40:200,ports:ne,layoutOptions:{"elk.portConstraints":"FIXED_ORDER"}};_.push(re)}),g.edges.forEach(P=>{C.push({id:`edge_${P.id}`,sources:[`${P.source}:${P.sourcePortId}`],targets:[`${P.target}:${P.targetPortId}`],sections:[]})}),isInitFlow(g.nodes)&&C.push({id:`edge_${FLOW_INPUT_NODE_ID}-${FLOW_OUTPUT_NODE_ID}`,sources:[`${FLOW_INPUT_NODE_ID}:${NODE_OUTPUT_PORT_ID}`],targets:[`${FLOW_OUTPUT_NODE_ID}:${NODE_INPUT_PORT_ID}`],sections:[]});const k={id:"root",children:_,edges:C,layoutOptions:{"elk.algorithm":"layered","elk.direction":w?"RIGHT":"DOWN","elk.edgeRouting":"SPLINES","elk.spacing.nodeNode":"150","elk.layered.spacing.nodeNodeBetweenLayers":"60"}},$=await(await getElk()).layout(k);return{...g,nodes:g.nodes.map(P=>{var U;const M=(U=$.children)==null?void 0:U.find(G=>G.id===P.id);return!M||!M.x||!M.y?P:{...P,x:M.x,y:M.y+50}})}}const convertToBool=g=>g==="true"||g==="True"||g===!0;var ChatMessageFrom=(g=>(g.System="system",g.ErrorHandler="error",g.Chatbot="chatbot",g.User="user",g))(ChatMessageFrom||{}),ChatMessageType=(g=>(g.Text="text",g.Typing="typing",g.SessionSplit="session-split",g))(ChatMessageType||{});const basicValueTypeDetector=g=>Array.isArray(g)?ValueType.list:typeof g=="boolean"?ValueType.bool:typeof g=="string"?ValueType.string:typeof g=="number"?Number.isInteger(g)?ValueType.int:ValueType.double:ValueType.object;function valueStringify(g){if(g==null)return;switch(basicValueTypeDetector(g)){case ValueType.string:return g;case ValueType.int:case ValueType.double:return g.toString();case ValueType.bool:return g?"True":"False";case ValueType.object:case ValueType.list:return JSON.stringify(g);default:return String(g)}}var lodash={exports:{}};/**
* @license
* Lodash <https://lodash.com/>
* Copyright OpenJS Foundation and other contributors <https://openjsf.org/>
* Released under MIT license <https://lodash.com/license>
* Based on Underscore.js 1.8.3 <http://underscorejs.org/LICENSE>
* Copyright Jeremy Ashkenas, DocumentCloud and Investigative Reporters & Editors
*/lodash.exports,function(g,b){(function(){var m,w="4.17.21",_=200,C="Unsupported core-js use. Try https://npms.io/search?q=ponyfill.",k="Expected a function",I="Invalid `variable` option passed into `_.template`",$="__lodash_hash_undefined__",P=500,M="__lodash_placeholder__",U=1,G=2,X=4,Z=1,ne=2,re=1,ve=2,Se=4,ge=8,oe=16,me=32,De=64,Le=128,rt=256,Ue=512,Ze=30,gt="...",$t=800,Xe=16,xe=1,Tn=2,Rt=3,mt=1/0,en=9007199254740991,st=17976931348623157e292,Fe=0/0,Re=4294967295,Ae=Re-1,je=Re>>>1,Ge=[["ary",Le],["bind",re],["bindKey",ve],["curry",ge],["curryRight",oe],["flip",Ue],["partial",me],["partialRight",De],["rearg",rt]],Be="[object Arguments]",We="[object Array]",lt="[object AsyncFunction]",Tt="[object Boolean]",Je="[object Date]",qt="[object DOMException]",Pt="[object Error]",_t="[object Function]",lr="[object GeneratorFunction]",jn="[object Map]",ii="[object Number]",Zi="[object Null]",No="[object Object]",Is="[object Promise]",Ca="[object Proxy]",Xs="[object RegExp]",Io="[object Set]",pi="[object String]",Es="[object Symbol]",$u="[object Undefined]",ir="[object WeakMap]",rn="[object WeakSet]",sn="[object ArrayBuffer]",Zn="[object DataView]",oi="[object Float32Array]",li="[object Float64Array]",ur="[object Int8Array]",Sr="[object Int16Array]",ki="[object Int32Array]",co="[object Uint8Array]",xo="[object Uint8ClampedArray]",Ho="[object Uint16Array]",Co="[object Uint32Array]",ma=/\b__p \+= '';/g,Yi=/\b(__p \+=) '' \+/g,so=/(__e\(.*?\)|\b__t\)) \+\n'';/g,hs=/&(?:amp|lt|gt|quot|#39);/g,Qs=/[&<>"']/g,yo=RegExp(hs.source),ru=RegExp(Qs.source),iu=/<%-([\s\S]+?)%>/g,Pu=/<%([\s\S]+?)%>/g,Js=/<%=([\s\S]+?)%>/g,yu=/\.|\[(?:[^[\]]*|(["'])(?:(?!\1)[^\\]|\\.)*?\1)\]/,za=/^\w*$/,Rl=/[^.[\]]+|\[(?:(-?\d+(?:\.\d+)?)|(["'])((?:(?!\2)[^\\]|\\.)*?)\2)\]|(?=(?:\.|\[\])(?:\.|\[\]|$))/g,zt=/[\\^$.*+?()[\]{}|]/g,hr=RegExp(zt.source),Ri=/^\s+/,Do=/\s/,Ds=/\{(?:\n\/\* \[wrapped with .+\] \*\/)?\n?/,eo=/\{\n\/\* \[wrapped with (.+)\] \*/,As=/,? & /,ps=/[^\x00-\x2f\x3a-\x40\x5b-\x60\x7b-\x7f]+/g,dt=/[()=,{}\[\]\/\s]/,ht=/\\(\\)?/g,qe=/\$\{([^\\}]*(?:\\.[^\\}]*)*)\}/g,it=/\w*$/,pt=/^[-+]0x[0-9a-f]+$/i,Sn=/^0b[01]+$/i,Hn=/^\[object .+?Constructor\]$/,Un=/^0o[0-7]+$/i,mn=/^(?:0|[1-9]\d*)$/,wr=/[\xc0-\xd6\xd8-\xf6\xf8-\xff\u0100-\u017f]/g,Ui=/($^)/,To=/['\n\r\u2028\u2029\\]/g,$s="\\ud800-\\udfff",Ia="\\u0300-\\u036f",Vo="\\ufe20-\\ufe2f",qs="\\u20d0-\\u20ff",ou=Ia+Vo+qs,rs="\\u2700-\\u27bf",Da="a-z\\xdf-\\xf6\\xf8-\\xff",Ol="\\xac\\xb1\\xd7\\xf7",uf="\\x00-\\x2f\\x3a-\\x40\\x5b-\\x60\\x7b-\\xbf",Nd="\\u2000-\\u206f",gc=" \\t\\x0b\\f\\xa0\\ufeff\\n\\r\\u2028\\u2029\\u1680\\u180e\\u2000\\u2001\\u2002\\u2003\\u2004\\u2005\\u2006\\u2007\\u2008\\u2009\\u200a\\u202f\\u205f\\u3000",Nf="A-Z\\xc0-\\xd6\\xd8-\\xde",jc="\\ufe0e\\ufe0f",Ka=Ol+uf+Nd+gc,Wc="['’]",wi="["+$s+"]",cf="["+Ka+"]",Mc="["+ou+"]",Lf="\\d+",vd="["+rs+"]",wd="["+Da+"]",Gc="[^"+$s+Ka+Lf+rs+Da+Nf+"]",Eu="\\ud83c[\\udffb-\\udfff]",Yu="(?:"+Mc+"|"+Eu+")",eg="[^"+$s+"]",lf="(?:\\ud83c[\\udde6-\\uddff]){2}",Il="[\\ud800-\\udbff][\\udc00-\\udfff]",Ld="["+Nf+"]",_1="\\u200d",up="(?:"+wd+"|"+Gc+")",nh="(?:"+Ld+"|"+Gc+")",Kg="(?:"+Wc+"(?:d|ll|m|re|s|t|ve))?",Yg="(?:"+Wc+"(?:D|LL|M|RE|S|T|VE))?",Xg=Yu+"?",Ve="["+jc+"]?",ut="(?:"+_1+"(?:"+[eg,lf,Il].join("|")+")"+Ve+Xg+")*",Mt="\\d*(?:1st|2nd|3rd|(?![123])\\dth)(?=\\b|[A-Z_])",An="\\d*(?:1ST|2ND|3RD|(?![123])\\dTH)(?=\\b|[a-z_])",Xn=Ve+Xg+ut,Fi="(?:"+[vd,lf,Il].join("|")+")"+Xn,yi="(?:"+[eg+Mc+"?",Mc,lf,Il,wi].join("|")+")",_i=RegExp(Wc,"g"),Oi=RegExp(Mc,"g"),lo=RegExp(Eu+"(?="+Eu+")|"+yi+Xn,"g"),va=RegExp([Ld+"?"+wd+"+"+Kg+"(?="+[cf,Ld,"$"].join("|")+")",nh+"+"+Yg+"(?="+[cf,Ld+up,"$"].join("|")+")",Ld+"?"+up+"+"+Kg,Ld+"+"+Yg,An,Mt,Lf,Fi].join("|"),"g"),ac=RegExp("["+_1+$s+ou+jc+"]"),Zs=/[a-z][A-Z]|[A-Z]{2}[a-z]|[0-9][a-zA-Z]|[a-zA-Z][0-9]|[^a-zA-Z0-9 ]/,fl=["Array","Buffer","DataView","Date","Error","Float32Array","Float64Array","Function","Int8Array","Int16Array","Int32Array","Map","Math","Object","Promise","RegExp","Set","String","Symbol","TypeError","Uint8Array","Uint8ClampedArray","Uint16Array","Uint32Array","WeakMap","_","clearTimeout","isFinite","parseInt","setTimeout"],sl=-1,wa={};wa[oi]=wa[li]=wa[ur]=wa[Sr]=wa[ki]=wa[co]=wa[xo]=wa[Ho]=wa[Co]=!0,wa[Be]=wa[We]=wa[sn]=wa[Tt]=wa[Zn]=wa[Je]=wa[Pt]=wa[_t]=wa[jn]=wa[ii]=wa[No]=wa[Xs]=wa[Io]=wa[pi]=wa[ir]=!1;var Ha={};Ha[Be]=Ha[We]=Ha[sn]=Ha[Zn]=Ha[Tt]=Ha[Je]=Ha[oi]=Ha[li]=Ha[ur]=Ha[Sr]=Ha[ki]=Ha[jn]=Ha[ii]=Ha[No]=Ha[Xs]=Ha[Io]=Ha[pi]=Ha[Es]=Ha[co]=Ha[xo]=Ha[Ho]=Ha[Co]=!0,Ha[Pt]=Ha[_t]=Ha[ir]=!1;var xt={À:"A",Á:"A",Â:"A",Ã:"A",Ä:"A",Å:"A",à:"a",á:"a",â:"a",ã:"a",ä:"a",å:"a",Ç:"C",ç:"c",Ð:"D",ð:"d",È:"E",É:"E",Ê:"E",Ë:"E",è:"e",é:"e",ê:"e",ë:"e",Ì:"I",Í:"I",Î:"I",Ï:"I",ì:"i",í:"i",î:"i",ï:"i",Ñ:"N",ñ:"n",Ò:"O",Ó:"O",Ô:"O",Õ:"O",Ö:"O",Ø:"O",ò:"o",ó:"o",ô:"o",õ:"o",ö:"o",ø:"o",Ù:"U",Ú:"U",Û:"U",Ü:"U",ù:"u",ú:"u",û:"u",ü:"u",Ý:"Y",ý:"y",ÿ:"y",Æ:"Ae",æ:"ae",Þ:"Th",þ:"th",ß:"ss",Ā:"A",Ă:"A",Ą:"A",ā:"a",ă:"a",ą:"a",Ć:"C",Ĉ:"C",Ċ:"C",Č:"C",ć:"c",ĉ:"c",ċ:"c",č:"c",Ď:"D",Đ:"D",ď:"d",đ:"d",Ē:"E",Ĕ:"E",Ė:"E",Ę:"E",Ě:"E",ē:"e",ĕ:"e",ė:"e",ę:"e",ě:"e",Ĝ:"G",Ğ:"G",Ġ:"G",Ģ:"G",ĝ:"g",ğ:"g",ġ:"g",ģ:"g",Ĥ:"H",Ħ:"H",ĥ:"h",ħ:"h",Ĩ:"I",Ī:"I",Ĭ:"I",Į:"I",İ:"I",ĩ:"i",ī:"i",ĭ:"i",į:"i",ı:"i",Ĵ:"J",ĵ:"j",Ķ:"K",ķ:"k",ĸ:"k",Ĺ:"L",Ļ:"L",Ľ:"L",Ŀ:"L",Ł:"L",ĺ:"l",ļ:"l",ľ:"l",ŀ:"l",ł:"l",Ń:"N",Ņ:"N",Ň:"N",Ŋ:"N",ń:"n",ņ:"n",ň:"n",ŋ:"n",Ō:"O",Ŏ:"O",Ő:"O",ō:"o",ŏ:"o",ő:"o",Ŕ:"R",Ŗ:"R",Ř:"R",ŕ:"r",ŗ:"r",ř:"r",Ś:"S",Ŝ:"S",Ş:"S",Š:"S",ś:"s",ŝ:"s",ş:"s",š:"s",Ţ:"T",Ť:"T",Ŧ:"T",ţ:"t",ť:"t",ŧ:"t",Ũ:"U",Ū:"U",Ŭ:"U",Ů:"U",Ű:"U",Ų:"U",ũ:"u",ū:"u",ŭ:"u",ů:"u",ű:"u",ų:"u",Ŵ:"W",ŵ:"w",Ŷ:"Y",ŷ:"y",Ÿ:"Y",Ź:"Z",Ż:"Z",Ž:"Z",ź:"z",ż:"z",ž:"z",IJ:"IJ",ij:"ij",Œ:"Oe",œ:"oe",ʼn:"'n",ſ:"s"},vn={"&":"&","<":"<",">":">",'"':""","'":"'"},Ir={"&":"&","<":"<",">":">",""":'"',"'":"'"},fo={"\\":"\\","'":"'","\n":"n","\r":"r","\u2028":"u2028","\u2029":"u2029"},Xu=parseFloat,Ws=parseInt,al=typeof commonjsGlobal=="object"&&commonjsGlobal&&commonjsGlobal.Object===Object&&commonjsGlobal,Dl=typeof self=="object"&&self&&self.Object===Object&&self,_u=al||Dl||Function("return this")(),Qu=b&&!b.nodeType&&b,dl=Qu&&!0&&g&&!g.nodeType&&g,rh=dl&&dl.exports===Qu,Kc=rh&&al.process,Yc=function(){try{var En=dl&&dl.require&&dl.require("util").types;return En||Kc&&Kc.binding&&Kc.binding("util")}catch{}}(),Bd=Yc&&Yc.isArrayBuffer,S1=Yc&&Yc.isDate,ih=Yc&&Yc.isMap,Lp=Yc&&Yc.isRegExp,_w=Yc&&Yc.isSet,rd=Yc&&Yc.isTypedArray;function Hl(En,br,er){switch(er.length){case 0:return En.call(br);case 1:return En.call(br,er[0]);case 2:return En.call(br,er[0],er[1]);case 3:return En.call(br,er[0],er[1],er[2])}return En.apply(br,er)}function vE(En,br,er,Bi){for(var fa=-1,Ju=En==null?0:En.length;++fa<Ju;){var bc=En[fa];br(Bi,bc,er(bc),En)}return Bi}function oh(En,br){for(var er=-1,Bi=En==null?0:En.length;++er<Bi&&br(En[er],er,En)!==!1;);return En}function v3(En,br){for(var er=En==null?0:En.length;er--&&br(En[er],er,En)!==!1;);return En}function i_(En,br){for(var er=-1,Bi=En==null?0:En.length;++er<Bi;)if(!br(En[er],er,En))return!1;return!0}function tg(En,br){for(var er=-1,Bi=En==null?0:En.length,fa=0,Ju=[];++er<Bi;){var bc=En[er];br(bc,er,En)&&(Ju[fa++]=bc)}return Ju}function Bb(En,br){var er=En==null?0:En.length;return!!er&&Sw(En,br,0)>-1}function wE(En,br,er){for(var Bi=-1,fa=En==null?0:En.length;++Bi<fa;)if(er(br,En[Bi]))return!0;return!1}function Nc(En,br){for(var er=-1,Bi=En==null?0:En.length,fa=Array(Bi);++er<Bi;)fa[er]=br(En[er],er,En);return fa}function Bm(En,br){for(var er=-1,Bi=br.length,fa=En.length;++er<Bi;)En[fa+er]=br[er];return En}function Bp(En,br,er,Bi){var fa=-1,Ju=En==null?0:En.length;for(Bi&&Ju&&(er=En[++fa]);++fa<Ju;)er=br(er,En[fa],fa,En);return er}function zm(En,br,er,Bi){var fa=En==null?0:En.length;for(Bi&&fa&&(er=En[--fa]);fa--;)er=br(er,En[fa],fa,En);return er}function sh(En,br){for(var er=-1,Bi=En==null?0:En.length;++er<Bi;)if(br(En[er],er,En))return!0;return!1}var G0=w3("length");function TR(En){return En.split("")}function $x(En){return En.match(ps)||[]}function kR(En,br,er){var Bi;return er(En,function(fa,Ju,bc){if(br(fa,Ju,bc))return Bi=Ju,!1}),Bi}function K0(En,br,er,Bi){for(var fa=En.length,Ju=er+(Bi?1:-1);Bi?Ju--:++Ju<fa;)if(br(En[Ju],Ju,En))return Ju;return-1}function Sw(En,br,er){return br===br?Nx(En,br,er):K0(En,Px,er)}function kI(En,br,er,Bi){for(var fa=er-1,Ju=En.length;++fa<Ju;)if(Bi(En[fa],br))return fa;return-1}function Px(En){return En!==En}function RR(En,br){var er=En==null?0:En.length;return er?E3(En,br)/er:Fe}function w3(En){return function(br){return br==null?m:br[En]}}function o_(En){return function(br){return En==null?m:En[br]}}function y3(En,br,er,Bi,fa){return fa(En,function(Ju,bc,Xc){er=Bi?(Bi=!1,Ju):br(er,Ju,bc,Xc)}),er}function RI(En,br){var er=En.length;for(En.sort(br);er--;)En[er]=En[er].value;return En}function E3(En,br){for(var er,Bi=-1,fa=En.length;++Bi<fa;){var Ju=br(En[Bi]);Ju!==m&&(er=er===m?Ju:er+Ju)}return er}function Fx(En,br){for(var er=-1,Bi=Array(En);++er<En;)Bi[er]=br(er);return Bi}function OR(En,br){return Nc(br,function(er){return[er,En[er]]})}function xw(En){return En&&En.slice(0,zb(En)+1).replace(Ri,"")}function cp(En){return function(br){return En(br)}}function jx(En,br){return Nc(br,function(er){return En[er]})}function yE(En,br){return En.has(br)}function IR(En,br){for(var er=-1,Bi=En.length;++er<Bi&&Sw(br,En[er],0)>-1;);return er}function DR(En,br){for(var er=En.length;er--&&Sw(br,En[er],0)>-1;);return er}function _3(En,br){for(var er=En.length,Bi=0;er--;)En[er]===br&&++Bi;return Bi}var s_=o_(xt),OI=o_(vn);function AR(En){return"\\"+fo[En]}function $R(En,br){return En==null?m:En[br]}function Cw(En){return ac.test(En)}function S3(En){return Zs.test(En)}function PR(En){for(var br,er=[];!(br=En.next()).done;)er.push(br.value);return er}function Hm(En){var br=-1,er=Array(En.size);return En.forEach(function(Bi,fa){er[++br]=[fa,Bi]}),er}function FR(En,br){return function(er){return En(br(er))}}function Y0(En,br){for(var er=-1,Bi=En.length,fa=0,Ju=[];++er<Bi;){var bc=En[er];(bc===br||bc===M)&&(En[er]=M,Ju[fa++]=er)}return Ju}function Mx(En){var br=-1,er=Array(En.size);return En.forEach(function(Bi){er[++br]=Bi}),er}function jR(En){var br=-1,er=Array(En.size);return En.forEach(function(Bi){er[++br]=[Bi,Bi]}),er}function Nx(En,br,er){for(var Bi=er-1,fa=En.length;++Bi<fa;)if(En[Bi]===br)return Bi;return-1}function Qg(En,br,er){for(var Bi=er+1;Bi--;)if(En[Bi]===br)return Bi;return Bi}function x1(En){return Cw(En)?MR(En):G0(En)}function ng(En){return Cw(En)?x3(En):TR(En)}function zb(En){for(var br=En.length;br--&&Do.test(En.charAt(br)););return br}var II=o_(Ir);function MR(En){for(var br=lo.lastIndex=0;lo.test(En);)++br;return br}function x3(En){return En.match(lo)||[]}function C3(En){return En.match(va)||[]}var NR=function En(br){br=br==null?_u:Tw.defaults(_u.Object(),br,Tw.pick(_u,fl));var er=br.Array,Bi=br.Date,fa=br.Error,Ju=br.Function,bc=br.Math,Xc=br.Object,kw=br.RegExp,LR=br.String,C1=br.TypeError,Rw=er.prototype,a_=Ju.prototype,rg=Xc.prototype,u_=br["__core-js_shared__"],Um=a_.toString,Bu=rg.hasOwnProperty,Ow=0,Vm=function(){var N=/[^.]+$/.exec(u_&&u_.keys&&u_.keys.IE_PROTO||"");return N?"Symbol(src)_1."+N:""}(),Hb=rg.toString,T3=Um.call(Xc),k3=_u._,EE=kw("^"+Um.call(Bu).replace(zt,"\\$&").replace(/hasOwnProperty|(function).*?(?=\\\()| for .+?(?=\\\])/g,"$1.*?")+"$"),c_=rh?br.Buffer:m,Ub=br.Symbol,Iw=br.Uint8Array,Qc=c_?c_.allocUnsafe:m,Dw=FR(Xc.getPrototypeOf,Xc),Lx=Xc.create,Vb=rg.propertyIsEnumerable,Aw=Rw.splice,l_=Ub?Ub.isConcatSpreadable:m,qm=Ub?Ub.iterator:m,qb=Ub?Ub.toStringTag:m,Wm=function(){try{var N=pl(Xc,"defineProperty");return N({},"",{}),N}catch{}}(),BR=br.clearTimeout!==_u.clearTimeout&&br.clearTimeout,Bx=Bi&&Bi.now!==_u.Date.now&&Bi.now,R3=br.setTimeout!==_u.setTimeout&&br.setTimeout,_E=bc.ceil,Gm=bc.floor,$w=Xc.getOwnPropertySymbols,SE=c_?c_.isBuffer:m,O3=br.isFinite,zx=Rw.join,X0=FR(Xc.keys,Xc),id=bc.max,Ul=bc.min,Hx=Bi.now,Pw=br.parseInt,Jg=bc.random,Ux=Rw.reverse,ah=pl(br,"DataView"),xE=pl(br,"Map"),Km=pl(br,"Promise"),zd=pl(br,"Set"),yd=pl(br,"WeakMap"),T1=pl(Xc,"create"),f_=yd&&new yd,Q0={},Lc=$1(ah),lp=$1(xE),ia=$1(Km),Ps=$1(zd),J0=$1(yd),Jc=Ub?Ub.prototype:m,Bf=Jc?Jc.valueOf:m,Ym=Jc?Jc.toString:m;function Ke(N){if(mf(N)&&!Fa(N)&&!(N instanceof Aa)){if(N instanceof uh)return N;if(Bu.call(N,"__wrapped__"))return Zw(N)}return new uh(N)}var ff=function(){function N(){}return function(W){if(!bf(W))return{};if(Lx)return Lx(W);N.prototype=W;var te=new N;return N.prototype=m,te}}();function k1(){}function uh(N,W){this.__wrapped__=N,this.__actions__=[],this.__chain__=!!W,this.__index__=0,this.__values__=m}Ke.templateSettings={escape:iu,evaluate:Pu,interpolate:Js,variable:"",imports:{_:Ke}},Ke.prototype=k1.prototype,Ke.prototype.constructor=Ke,uh.prototype=ff(k1.prototype),uh.prototype.constructor=uh;function Aa(N){this.__wrapped__=N,this.__actions__=[],this.__dir__=1,this.__filtered__=!1,this.__iteratees__=[],this.__takeCount__=Re,this.__views__=[]}function ig(){var N=new Aa(this.__wrapped__);return N.__actions__=Pa(this.__actions__),N.__dir__=this.__dir__,N.__filtered__=this.__filtered__,N.__iteratees__=Pa(this.__iteratees__),N.__takeCount__=this.__takeCount__,N.__views__=Pa(this.__views__),N}function zR(){if(this.__filtered__){var N=new Aa(this);N.__dir__=-1,N.__filtered__=!0}else N=this.clone(),N.__dir__*=-1;return N}function I3(){var N=this.__wrapped__.value(),W=this.__dir__,te=Fa(N),Ee=W<0,Me=te?N.length:0,tt=$_(0,Me,this.__views__),Nt=tt.start,Yt=tt.end,Cn=Yt-Nt,yr=Ee?Yt:Nt-1,xr=this.__iteratees__,Pr=xr.length,Wi=0,vo=Ul(Cn,this.__takeCount__);if(!te||!Ee&&Me==Cn&&vo==Cn)return Kw(N,this.__actions__);var bs=[];e:for(;Cn--&&Wi<vo;){yr+=W;for(var Ms=-1,us=N[yr];++Ms<Pr;){var su=xr[Ms],Su=su.iteratee,Xp=su.type,qd=Su(us);if(Xp==Tn)us=qd;else if(!qd){if(Xp==xe)continue e;break e}}bs[Wi++]=us}return bs}Aa.prototype=ff(k1.prototype),Aa.prototype.constructor=Aa;function R1(N){var W=-1,te=N==null?0:N.length;for(this.clear();++W<te;){var Ee=N[W];this.set(Ee[0],Ee[1])}}function d_(){this.__data__=T1?T1(null):{},this.size=0}function Zg(N){var W=this.has(N)&&delete this.__data__[N];return this.size-=W?1:0,W}function h_(N){var W=this.__data__;if(T1){var te=W[N];return te===$?m:te}return Bu.call(W,N)?W[N]:m}function HR(N){var W=this.__data__;return T1?W[N]!==m:Bu.call(W,N)}function Z0(N,W){var te=this.__data__;return this.size+=this.has(N)?0:1,te[N]=T1&&W===m?$:W,this}R1.prototype.clear=d_,R1.prototype.delete=Zg,R1.prototype.get=h_,R1.prototype.has=HR,R1.prototype.set=Z0;function og(N){var W=-1,te=N==null?0:N.length;for(this.clear();++W<te;){var Ee=N[W];this.set(Ee[0],Ee[1])}}function UR(){this.__data__=[],this.size=0}function Vx(N){var W=this.__data__,te=iv(W,N);if(te<0)return!1;var Ee=W.length-1;return te==Ee?W.pop():Aw.call(W,te,1),--this.size,!0}function VR(N){var W=this.__data__,te=iv(W,N);return te<0?m:W[te][1]}function D3(N){return iv(this.__data__,N)>-1}function A3(N,W){var te=this.__data__,Ee=iv(te,N);return Ee<0?(++this.size,te.push([N,W])):te[Ee][1]=W,this}og.prototype.clear=UR,og.prototype.delete=Vx,og.prototype.get=VR,og.prototype.has=D3,og.prototype.set=A3;function eb(N){var W=-1,te=N==null?0:N.length;for(this.clear();++W<te;){var Ee=N[W];this.set(Ee[0],Ee[1])}}function $3(){this.size=0,this.__data__={hash:new R1,map:new(xE||og),string:new R1}}function qR(N){var W=u0(this,N).delete(N);return this.size-=W?1:0,W}function Wb(N){return u0(this,N).get(N)}function qx(N){return u0(this,N).has(N)}function p_(N,W){var te=u0(this,N),Ee=te.size;return te.set(N,W),this.size+=te.size==Ee?0:1,this}eb.prototype.clear=$3,eb.prototype.delete=qR,eb.prototype.get=Wb,eb.prototype.has=qx,eb.prototype.set=p_;function ev(N){var W=-1,te=N==null?0:N.length;for(this.__data__=new eb;++W<te;)this.add(N[W])}function ch(N){return this.__data__.set(N,$),this}function CE(N){return this.__data__.has(N)}ev.prototype.add=ev.prototype.push=ch,ev.prototype.has=CE;function O1(N){var W=this.__data__=new og(N);this.size=W.size}function Fw(){this.__data__=new og,this.size=0}function jw(N){var W=this.__data__,te=W.delete(N);return this.size=W.size,te}function Hd(N){return this.__data__.get(N)}function Gb(N){return this.__data__.has(N)}function tv(N,W){var te=this.__data__;if(te instanceof og){var Ee=te.__data__;if(!xE||Ee.length<_-1)return Ee.push([N,W]),this.size=++te.size,this;te=this.__data__=new eb(Ee)}return te.set(N,W),this.size=te.size,this}O1.prototype.clear=Fw,O1.prototype.delete=jw,O1.prototype.get=Hd,O1.prototype.has=Gb,O1.prototype.set=tv;function Ed(N,W){var te=Fa(N),Ee=!te&&LE(N),Me=!te&&!Ee&&BE(N),tt=!te&&!Ee&&!Me&&zE(N),Nt=te||Ee||Me||tt,Yt=Nt?Fx(N.length,LR):[],Cn=Yt.length;for(var yr in N)(W||Bu.call(N,yr))&&!(Nt&&(yr=="length"||Me&&(yr=="offset"||yr=="parent")||tt&&(yr=="buffer"||yr=="byteLength"||yr=="byteOffset")||jh(yr,Cn)))&&Yt.push(yr);return Yt}function Xm(N){var W=N.length;return W?N[nb(0,W-1)]:m}function nv(N,W){return ib(Pa(N),ov(W,0,N.length))}function Kb(N){return ib(Pa(N))}function TE(N,W,te){(te!==m&&!am(N[W],te)||te===m&&!(W in N))&&od(N,W,te)}function rv(N,W,te){var Ee=N[W];(!(Bu.call(N,W)&&am(Ee,te))||te===m&&!(W in N))&&od(N,W,te)}function iv(N,W){for(var te=N.length;te--;)if(am(N[te][0],W))return te;return-1}function P3(N,W,te,Ee){return tb(N,function(Me,tt,Nt){W(Ee,Me,te(Me),Nt)}),Ee}function Qm(N,W){return N&&lh(W,fp(W),N)}function zp(N,W){return N&&lh(W,sb(W),N)}function od(N,W,te){W=="__proto__"&&Wm?Wm(N,W,{configurable:!0,enumerable:!0,value:te,writable:!0}):N[W]=te}function g_(N,W){for(var te=-1,Ee=W.length,Me=er(Ee),tt=N==null;++te<Ee;)Me[te]=tt?m:eP(N,W[te]);return Me}function ov(N,W,te){return N===N&&(te!==m&&(N=N<=te?N:te),W!==m&&(N=N>=W?N:W)),N}function df(N,W,te,Ee,Me,tt){var Nt,Yt=W&U,Cn=W&G,yr=W&X;if(te&&(Nt=Me?te(N,Ee,Me,tt):te(N)),Nt!==m)return Nt;if(!bf(N))return N;var xr=Fa(N);if(xr){if(Nt=FE(N),!Yt)return Pa(N,Nt)}else{var Pr=Uf(N),Wi=Pr==_t||Pr==lr;if(BE(N))return B3(N,Yt);if(Pr==No||Pr==Be||Wi&&!Me){if(Nt=Cn||Wi?{}:ho(N),!Yt)return Cn?Yw(N,zp(Nt,N)):Ja(N,Qm(Nt,N))}else{if(!Ha[Pr])return Me?N:{};Nt=F_(N,Pr,Yt)}}tt||(tt=new O1);var vo=tt.get(N);if(vo)return vo;tt.set(N,Nt),pO(N)?N.forEach(function(us){Nt.add(df(us,W,te,us,N,tt))}):bk(N)&&N.forEach(function(us,su){Nt.set(su,df(us,W,te,su,N,tt))});var bs=yr?Cn?gs:a0:Cn?sb:fp,Ms=xr?m:bs(N);return oh(Ms||N,function(us,su){Ms&&(su=us,us=N[su]),rv(Nt,su,df(us,W,te,su,N,tt))}),Nt}function Jm(N){var W=fp(N);return function(te){return F3(te,N,W)}}function F3(N,W,te){var Ee=te.length;if(N==null)return!Ee;for(N=Xc(N);Ee--;){var Me=te[Ee],tt=W[Me],Nt=N[Me];if(Nt===m&&!(Me in N)||!tt(Nt))return!1}return!0}function Yb(N,W,te){if(typeof N!="function")throw new C1(k);return om(function(){N.apply(m,te)},W)}function Mw(N,W,te,Ee){var Me=-1,tt=Bb,Nt=!0,Yt=N.length,Cn=[],yr=W.length;if(!Yt)return Cn;te&&(W=Nc(W,cp(te))),Ee?(tt=wE,Nt=!1):W.length>=_&&(tt=yE,Nt=!1,W=new ev(W));e:for(;++Me<Yt;){var xr=N[Me],Pr=te==null?xr:te(xr);if(xr=Ee||xr!==0?xr:0,Nt&&Pr===Pr){for(var Wi=yr;Wi--;)if(W[Wi]===Pr)continue e;Cn.push(xr)}else tt(W,Pr,Ee)||Cn.push(xr)}return Cn}var tb=k_(Hp),Nw=k_(m_,!0);function kE(N,W){var te=!0;return tb(N,function(Ee,Me,tt){return te=!!W(Ee,Me,tt),te}),te}function sv(N,W,te){for(var Ee=-1,Me=N.length;++Ee<Me;){var tt=N[Ee],Nt=W(tt);if(Nt!=null&&(Yt===m?Nt===Nt&&!fg(Nt):te(Nt,Yt)))var Yt=Nt,Cn=tt}return Cn}function Lw(N,W,te,Ee){var Me=N.length;for(te=Ua(te),te<0&&(te=-te>Me?0:Me+te),Ee=Ee===m||Ee>Me?Me:Ua(Ee),Ee<0&&(Ee+=Me),Ee=te>Ee?0:Y$(Ee);te<Ee;)N[te++]=W;return N}function b_(N,W){var te=[];return tb(N,function(Ee,Me,tt){W(Ee,Me,tt)&&te.push(Ee)}),te}function sd(N,W,te,Ee,Me){var tt=-1,Nt=N.length;for(te||(te=nm),Me||(Me=[]);++tt<Nt;){var Yt=N[tt];W>0&&te(Yt)?W>1?sd(Yt,W-1,te,Ee,Me):Bm(Me,Yt):Ee||(Me[Me.length]=Yt)}return Me}var Zm=Xw(),Bw=Xw(!0);function Hp(N,W){return N&&Zm(N,W,fp)}function m_(N,W){return N&&Bw(N,W,fp)}function av(N,W){return tg(W,function(te){return Ev(N[te])})}function e0(N,W){W=xd(W,N);for(var te=0,Ee=W.length;N!=null&&te<Ee;)N=N[ug(W[te++])];return te&&te==Ee?N:m}function uv(N,W,te){var Ee=W(N);return Fa(N)?Ee:Bm(Ee,te(N))}function Al(N){return N==null?N===m?$u:Zi:qb&&qb in Xc(N)?Wp(N):A1(N)}function zw(N,W){return N>W}function v_(N,W){return N!=null&&Bu.call(N,W)}function Hw(N,W){return N!=null&&W in Xc(N)}function w_(N,W,te){return N>=Ul(W,te)&&N<id(W,te)}function cv(N,W,te){for(var Ee=te?wE:Bb,Me=N[0].length,tt=N.length,Nt=tt,Yt=er(tt),Cn=1/0,yr=[];Nt--;){var xr=N[Nt];Nt&&W&&(xr=Nc(xr,cp(W))),Cn=Ul(xr.length,Cn),Yt[Nt]=!te&&(W||Me>=120&&xr.length>=120)?new ev(Nt&&xr):m}xr=N[0];var Pr=-1,Wi=Yt[0];e:for(;++Pr<Me&&yr.length<Cn;){var vo=xr[Pr],bs=W?W(vo):vo;if(vo=te||vo!==0?vo:0,!(Wi?yE(Wi,bs):Ee(yr,bs,te))){for(Nt=tt;--Nt;){var Ms=Yt[Nt];if(!(Ms?yE(Ms,bs):Ee(N[Nt],bs,te)))continue e}Wi&&Wi.push(bs),yr.push(vo)}}return yr}function WR(N,W,te,Ee){return Hp(N,function(Me,tt,Nt){W(Ee,te(Me),tt,Nt)}),Ee}function Uw(N,W,te){W=xd(W,N),N=d0(N,W);var Ee=N==null?N:N[ug(Vd(W))];return Ee==null?m:Hl(Ee,N,te)}function Vl(N){return mf(N)&&Al(N)==Be}function y_(N){return mf(N)&&Al(N)==sn}function Xb(N){return mf(N)&&Al(N)==Je}function I1(N,W,te,Ee,Me){return N===W?!0:N==null||W==null||!mf(N)&&!mf(W)?N!==N&&W!==W:Qb(N,W,te,Ee,I1,Me)}function Qb(N,W,te,Ee,Me,tt){var Nt=Fa(N),Yt=Fa(W),Cn=Nt?We:Uf(N),yr=Yt?We:Uf(W);Cn=Cn==Be?No:Cn,yr=yr==Be?No:yr;var xr=Cn==No,Pr=yr==No,Wi=Cn==yr;if(Wi&&BE(N)){if(!BE(W))return!1;Nt=!0,xr=!1}if(Wi&&!xr)return tt||(tt=new O1),Nt||zE(N)?X3(N,W,te,Ee,Me,tt):PI(N,W,Cn,te,Ee,Me,tt);if(!(te&Z)){var vo=xr&&Bu.call(N,"__wrapped__"),bs=Pr&&Bu.call(W,"__wrapped__");if(vo||bs){var Ms=vo?N.value():N,us=bs?W.value():W;return tt||(tt=new O1),Me(Ms,us,te,Ee,tt)}}return Wi?(tt||(tt=new O1),A_(N,W,te,Ee,Me,tt)):!1}function j3(N){return mf(N)&&Uf(N)==jn}function Wx(N,W,te,Ee){var Me=te.length,tt=Me,Nt=!Ee;if(N==null)return!tt;for(N=Xc(N);Me--;){var Yt=te[Me];if(Nt&&Yt[2]?Yt[1]!==N[Yt[0]]:!(Yt[0]in N))return!1}for(;++Me<tt;){Yt=te[Me];var Cn=Yt[0],yr=N[Cn],xr=Yt[1];if(Nt&&Yt[2]){if(yr===m&&!(Cn in N))return!1}else{var Pr=new O1;if(Ee)var Wi=Ee(yr,xr,Cn,N,W,Pr);if(!(Wi===m?I1(xr,yr,Z|ne,Ee,Pr):Wi))return!1}}return!0}function t0(N){if(!bf(N)||l0(N))return!1;var W=Ev(N)?EE:Hn;return W.test($1(N))}function E_(N){return mf(N)&&Al(N)==Xs}function __(N){return mf(N)&&Uf(N)==Io}function RE(N){return mf(N)&&gf(N.length)&&!!wa[Al(N)]}function lv(N){return typeof N=="function"?N:N==null?Kp:typeof N=="object"?Fa(N)?_d(N[0],N[1]):hl(N):GE(N)}function Jb(N){if(!f0(N))return X0(N);var W=[];for(var te in Xc(N))Bu.call(N,te)&&te!="constructor"&&W.push(te);return W}function OE(N){if(!bf(N))return J3(N);var W=f0(N),te=[];for(var Ee in N)Ee=="constructor"&&(W||!Bu.call(N,Ee))||te.push(Ee);return te}function ad(N,W){return N<W}function Vw(N,W){var te=-1,Ee=Mh(N)?er(N.length):[];return tb(N,function(Me,tt,Nt){Ee[++te]=W(Me,tt,Nt)}),Ee}function hl(N){var W=Hf(N);return W.length==1&&W[0][2]?im(W[0][0],W[0][1]):function(te){return te===N||Wx(te,N,W)}}function _d(N,W){return rm(N)&&j_(W)?im(ug(N),W):function(te){var Ee=eP(te,N);return Ee===m&&Ee===W?tP(te,N):I1(W,Ee,Z|ne)}}function zf(N,W,te,Ee,Me){N!==W&&Zm(W,function(tt,Nt){if(Me||(Me=new O1),bf(tt))S_(N,W,Nt,te,zf,Ee,Me);else{var Yt=Ee?Ee(Gp(N,Nt),tt,Nt+"",N,W,Me):m;Yt===m&&(Yt=tt),TE(N,Nt,Yt)}},sb)}function S_(N,W,te,Ee,Me,tt,Nt){var Yt=Gp(N,te),Cn=Gp(W,te),yr=Nt.get(Cn);if(yr){TE(N,te,yr);return}var xr=tt?tt(Yt,Cn,te+"",N,W,Nt):m,Pr=xr===m;if(Pr){var Wi=Fa(Cn),vo=!Wi&&BE(Cn),bs=!Wi&&!vo&&zE(Cn);xr=Cn,Wi||vo||bs?Fa(Yt)?xr=Yt:Cd(Yt)?xr=Pa(Yt):vo?(Pr=!1,xr=B3(Cn,!0)):bs?(Pr=!1,xr=Qx(Cn,!0)):xr=[]:mk(Cn)||LE(Cn)?(xr=Yt,LE(Yt)?xr=X$(Yt):(!bf(Yt)||Ev(Yt))&&(xr=ho(Cn))):Pr=!1}Pr&&(Nt.set(Cn,xr),Me(xr,Cn,Ee,tt,Nt),Nt.delete(Cn)),TE(N,te,xr)}function n0(N,W){var te=N.length;if(te)return W+=W<0?te:0,jh(W,te)?N[W]:m}function Fh(N,W,te){W.length?W=Nc(W,function(tt){return Fa(tt)?function(Nt){return e0(Nt,tt.length===1?tt[0]:tt)}:tt}):W=[Kp];var Ee=-1;W=Nc(W,cp(jo()));var Me=Vw(N,function(tt,Nt,Yt){var Cn=Nc(W,function(yr){return yr(tt)});return{criteria:Cn,index:++Ee,value:tt}});return RI(Me,function(tt,Nt){return Ud(tt,Nt,te)})}function r0(N,W){return Gx(N,W,function(te,Ee){return tP(N,Ee)})}function Gx(N,W,te){for(var Ee=-1,Me=W.length,tt={};++Ee<Me;){var Nt=W[Ee],Yt=e0(N,Nt);te(Yt,Nt)&&Zb(tt,xd(Nt,N),Yt)}return tt}function Dr(N){return function(W){return e0(W,N)}}function hf(N,W,te,Ee){var Me=Ee?kI:Sw,tt=-1,Nt=W.length,Yt=N;for(N===W&&(W=Pa(W)),te&&(Yt=Nc(N,cp(te)));++tt<Nt;)for(var Cn=0,yr=W[tt],xr=te?te(yr):yr;(Cn=Me(Yt,xr,Cn,Ee))>-1;)Yt!==N&&Aw.call(Yt,Cn,1),Aw.call(N,Cn,1);return N}function Qa(N,W){for(var te=N?W.length:0,Ee=te-1;te--;){var Me=W[te];if(te==Ee||Me!==tt){var tt=Me;jh(Me)?Aw.call(N,Me,1):kc(N,Me)}}return N}function nb(N,W){return N+Gm(Jg()*(W-N+1))}function qw(N,W,te,Ee){for(var Me=-1,tt=id(_E((W-N)/(te||1)),0),Nt=er(tt);tt--;)Nt[Ee?tt:++Me]=N,N+=te;return Nt}function Ww(N,W){var te="";if(!N||W<1||W>en)return te;do W%2&&(te+=N),W=Gm(W/2),W&&(N+=N);while(W);return te}function $a(N,W){return N_(rb(N,W,Kp),N+"")}function M3(N){return Xm(_v(N))}function IE(N,W){var te=_v(N);return ib(te,ov(W,0,te.length))}function Zb(N,W,te,Ee){if(!bf(N))return N;W=xd(W,N);for(var Me=-1,tt=W.length,Nt=tt-1,Yt=N;Yt!=null&&++Me<tt;){var Cn=ug(W[Me]),yr=te;if(Cn==="__proto__"||Cn==="constructor"||Cn==="prototype")return N;if(Me!=Nt){var xr=Yt[Cn];yr=Ee?Ee(xr,Cn,Yt):m,yr===m&&(yr=bf(xr)?xr:jh(W[Me+1])?[]:{})}rv(Yt,Cn,yr),Yt=Yt[Cn]}return N}var Kx=f_?function(N,W){return f_.set(N,W),N}:Kp,i0=Wm?function(N,W){return Wm(N,"toString",{configurable:!0,enumerable:!1,value:SO(W),writable:!0})}:Kp;function DE(N){return ib(_v(N))}function Sd(N,W,te){var Ee=-1,Me=N.length;W<0&&(W=-W>Me?0:Me+W),te=te>Me?Me:te,te<0&&(te+=Me),Me=W>te?0:te-W>>>0,W>>>=0;for(var tt=er(Me);++Ee<Me;)tt[Ee]=N[Ee+W];return tt}function Yx(N,W){var te;return tb(N,function(Ee,Me,tt){return te=W(Ee,Me,tt),!te}),!!te}function fv(N,W,te){var Ee=0,Me=N==null?Ee:N.length;if(typeof W=="number"&&W===W&&Me<=je){for(;Ee<Me;){var tt=Ee+Me>>>1,Nt=N[tt];Nt!==null&&!fg(Nt)&&(te?Nt<=W:Nt<W)?Ee=tt+1:Me=tt}return Me}return x_(N,W,Kp,te)}function x_(N,W,te,Ee){var Me=0,tt=N==null?0:N.length;if(tt===0)return 0;W=te(W);for(var Nt=W!==W,Yt=W===null,Cn=fg(W),yr=W===m;Me<tt;){var xr=Gm((Me+tt)/2),Pr=te(N[xr]),Wi=Pr!==m,vo=Pr===null,bs=Pr===Pr,Ms=fg(Pr);if(Nt)var us=Ee||bs;else yr?us=bs&&(Ee||Wi):Yt?us=bs&&Wi&&(Ee||!vo):Cn?us=bs&&Wi&&!vo&&(Ee||!Ms):vo||Ms?us=!1:us=Ee?Pr<=W:Pr<W;us?Me=xr+1:tt=xr}return Ul(tt,Ae)}function C_(N,W){for(var te=-1,Ee=N.length,Me=0,tt=[];++te<Ee;){var Nt=N[te],Yt=W?W(Nt):Nt;if(!te||!am(Yt,Cn)){var Cn=Yt;tt[Me++]=Nt===0?0:Nt}}return tt}function sg(N){return typeof N=="number"?N:fg(N)?Fe:+N}function gu(N){if(typeof N=="string")return N;if(Fa(N))return Nc(N,gu)+"";if(fg(N))return Ym?Ym.call(N):"";var W=N+"";return W=="0"&&1/N==-mt?"-0":W}function dv(N,W,te){var Ee=-1,Me=Bb,tt=N.length,Nt=!0,Yt=[],Cn=Yt;if(te)Nt=!1,Me=wE;else if(tt>=_){var yr=W?null:Zt(N);if(yr)return Mx(yr);Nt=!1,Me=yE,Cn=new ev}else Cn=W?[]:Yt;e:for(;++Ee<tt;){var xr=N[Ee],Pr=W?W(xr):xr;if(xr=te||xr!==0?xr:0,Nt&&Pr===Pr){for(var Wi=Cn.length;Wi--;)if(Cn[Wi]===Pr)continue e;W&&Cn.push(Pr),Yt.push(xr)}else Me(Cn,Pr,te)||(Cn!==Yt&&Cn.push(Pr),Yt.push(xr))}return Yt}function kc(N,W){return W=xd(W,N),N=d0(N,W),N==null||delete N[ug(Vd(W))]}function Gw(N,W,te,Ee){return Zb(N,W,te(e0(N,W)),Ee)}function AE(N,W,te,Ee){for(var Me=N.length,tt=Ee?Me:-1;(Ee?tt--:++tt<Me)&&W(N[tt],tt,N););return te?Sd(N,Ee?0:tt,Ee?tt+1:Me):Sd(N,Ee?tt+1:0,Ee?Me:tt)}function Kw(N,W){var te=N;return te instanceof Aa&&(te=te.value()),Bp(W,function(Ee,Me){return Me.func.apply(Me.thisArg,Bm([Ee],Me.args))},te)}function o0(N,W,te){var Ee=N.length;if(Ee<2)return Ee?dv(N[0]):[];for(var Me=-1,tt=er(Ee);++Me<Ee;)for(var Nt=N[Me],Yt=-1;++Yt<Ee;)Yt!=Me&&(tt[Me]=Mw(tt[Me]||Nt,N[Yt],W,te));return dv(sd(tt,1),W,te)}function Xx(N,W,te){for(var Ee=-1,Me=N.length,tt=W.length,Nt={};++Ee<Me;){var Yt=Ee<tt?W[Ee]:m;te(Nt,N[Ee],Yt)}return Nt}function N3(N){return Cd(N)?N:[]}function L3(N){return typeof N=="function"?N:Kp}function xd(N,W){return Fa(N)?N:rm(N,W)?[N]:Jw(Bc(N))}var Up=$a;function em(N,W,te){var Ee=N.length;return te=te===m?Ee:te,!W&&te>=Ee?N:Sd(N,W,te)}var T_=BR||function(N){return _u.clearTimeout(N)};function B3(N,W){if(W)return N.slice();var te=N.length,Ee=Qc?Qc(te):new N.constructor(te);return N.copy(Ee),Ee}function hv(N){var W=new N.constructor(N.byteLength);return new Iw(W).set(new Iw(N)),W}function AI(N,W){var te=W?hv(N.buffer):N.buffer;return new N.constructor(te,N.byteOffset,N.byteLength)}function z3(N){var W=new N.constructor(N.source,it.exec(N));return W.lastIndex=N.lastIndex,W}function GR(N){return Bf?Xc(Bf.call(N)):{}}function Qx(N,W){var te=W?hv(N.buffer):N.buffer;return new N.constructor(te,N.byteOffset,N.length)}function H3(N,W){if(N!==W){var te=N!==m,Ee=N===null,Me=N===N,tt=fg(N),Nt=W!==m,Yt=W===null,Cn=W===W,yr=fg(W);if(!Yt&&!yr&&!tt&&N>W||tt&&Nt&&Cn&&!Yt&&!yr||Ee&&Nt&&Cn||!te&&Cn||!Me)return 1;if(!Ee&&!tt&&!yr&&N<W||yr&&te&&Me&&!Ee&&!tt||Yt&&te&&Me||!Nt&&Me||!Cn)return-1}return 0}function Ud(N,W,te){for(var Ee=-1,Me=N.criteria,tt=W.criteria,Nt=Me.length,Yt=te.length;++Ee<Nt;){var Cn=H3(Me[Ee],tt[Ee]);if(Cn){if(Ee>=Yt)return Cn;var yr=te[Ee];return Cn*(yr=="desc"?-1:1)}}return N.index-W.index}function s0(N,W,te,Ee){for(var Me=-1,tt=N.length,Nt=te.length,Yt=-1,Cn=W.length,yr=id(tt-Nt,0),xr=er(Cn+yr),Pr=!Ee;++Yt<Cn;)xr[Yt]=W[Yt];for(;++Me<Nt;)(Pr||Me<tt)&&(xr[te[Me]]=N[Me]);for(;yr--;)xr[Yt++]=N[Me++];return xr}function U3(N,W,te,Ee){for(var Me=-1,tt=N.length,Nt=-1,Yt=te.length,Cn=-1,yr=W.length,xr=id(tt-Yt,0),Pr=er(xr+yr),Wi=!Ee;++Me<xr;)Pr[Me]=N[Me];for(var vo=Me;++Cn<yr;)Pr[vo+Cn]=W[Cn];for(;++Nt<Yt;)(Wi||Me<tt)&&(Pr[vo+te[Nt]]=N[Me++]);return Pr}function Pa(N,W){var te=-1,Ee=N.length;for(W||(W=er(Ee));++te<Ee;)W[te]=N[te];return W}function lh(N,W,te,Ee){var Me=!te;te||(te={});for(var tt=-1,Nt=W.length;++tt<Nt;){var Yt=W[tt],Cn=Ee?Ee(te[Yt],N[Yt],Yt,te,N):m;Cn===m&&(Cn=N[Yt]),Me?od(te,Yt,Cn):rv(te,Yt,Cn)}return te}function Ja(N,W){return lh(N,c0(N),W)}function Yw(N,W){return lh(N,ag(N),W)}function Jx(N,W){return function(te,Ee){var Me=Fa(te)?vE:P3,tt=W?W():{};return Me(te,N,jo(Ee,2),tt)}}function Vp(N){return $a(function(W,te){var Ee=-1,Me=te.length,tt=Me>1?te[Me-1]:m,Nt=Me>2?te[2]:m;for(tt=N.length>3&&typeof tt=="function"?(Me--,tt):m,Nt&&Vf(te[0],te[1],Nt)&&(tt=Me<3?m:tt,Me=1),W=Xc(W);++Ee<Me;){var Yt=te[Ee];Yt&&N(W,Yt,Ee,tt)}return W})}function k_(N,W){return function(te,Ee){if(te==null)return te;if(!Mh(te))return N(te,Ee);for(var Me=te.length,tt=W?Me:-1,Nt=Xc(te);(W?tt--:++tt<Me)&&Ee(Nt[tt],tt,Nt)!==!1;);return te}}function Xw(N){return function(W,te,Ee){for(var Me=-1,tt=Xc(W),Nt=Ee(W),Yt=Nt.length;Yt--;){var Cn=Nt[N?Yt:++Me];if(te(tt[Cn],Cn,tt)===!1)break}return W}}function KR(N,W,te){var Ee=W&re,Me=R_(N);function tt(){var Nt=this&&this!==_u&&this instanceof tt?Me:N;return Nt.apply(Ee?te:this,arguments)}return tt}function Zx(N){return function(W){W=Bc(W);var te=Cw(W)?ng(W):m,Ee=te?te[0]:W.charAt(0),Me=te?em(te,1).join(""):W.slice(1);return Ee[N]()+Me}}function tm(N){return function(W){return Bp(xC(p0(W).replace(_i,"")),N,"")}}function R_(N){return function(){var W=arguments;switch(W.length){case 0:return new N;case 1:return new N(W[0]);case 2:return new N(W[0],W[1]);case 3:return new N(W[0],W[1],W[2]);case 4:return new N(W[0],W[1],W[2],W[3]);case 5:return new N(W[0],W[1],W[2],W[3],W[4]);case 6:return new N(W[0],W[1],W[2],W[3],W[4],W[5]);case 7:return new N(W[0],W[1],W[2],W[3],W[4],W[5],W[6])}var te=ff(N.prototype),Ee=N.apply(te,W);return bf(Ee)?Ee:te}}function YR(N,W,te){var Ee=R_(N);function Me(){for(var tt=arguments.length,Nt=er(tt),Yt=tt,Cn=pf(Me);Yt--;)Nt[Yt]=arguments[Yt];var yr=tt<3&&Nt[0]!==Cn&&Nt[tt-1]!==Cn?[]:Y0(Nt,Cn);if(tt-=yr.length,tt<te)return W3(N,W,O_,Me.placeholder,m,Nt,yr,m,m,te-tt);var xr=this&&this!==_u&&this instanceof Me?Ee:N;return Hl(xr,this,Nt)}return Me}function eC(N){return function(W,te,Ee){var Me=Xc(W);if(!Mh(W)){var tt=jo(te,3);W=fp(W),te=function(Yt){return tt(Me[Yt],Yt,Me)}}var Nt=N(W,te,Ee);return Nt>-1?Me[tt?W[Nt]:Nt]:m}}function tC(N){return qp(function(W){var te=W.length,Ee=te,Me=uh.prototype.thru;for(N&&W.reverse();Ee--;){var tt=W[Ee];if(typeof tt!="function")throw new C1(k);if(Me&&!Nt&&ql(tt)=="wrapper")var Nt=new uh([],!0)}for(Ee=Nt?Ee:te;++Ee<te;){tt=W[Ee];var Yt=ql(tt),Cn=Yt=="wrapper"?fh(tt):m;Cn&&ME(Cn[0])&&Cn[1]==(Le|ge|me|rt)&&!Cn[4].length&&Cn[9]==1?Nt=Nt[ql(Cn[0])].apply(Nt,Cn[3]):Nt=tt.length==1&&ME(tt)?Nt[Yt]():Nt.thru(tt)}return function(){var yr=arguments,xr=yr[0];if(Nt&&yr.length==1&&Fa(xr))return Nt.plant(xr).value();for(var Pr=0,Wi=te?W[Pr].apply(this,yr):xr;++Pr<te;)Wi=W[Pr].call(this,Wi);return Wi}})}function O_(N,W,te,Ee,Me,tt,Nt,Yt,Cn,yr){var xr=W&Le,Pr=W&re,Wi=W&ve,vo=W&(ge|oe),bs=W&Ue,Ms=Wi?m:R_(N);function us(){for(var su=arguments.length,Su=er(su),Xp=su;Xp--;)Su[Xp]=arguments[Xp];if(vo)var qd=pf(us),Qp=_3(Su,qd);if(Ee&&(Su=s0(Su,Ee,Me,vo)),tt&&(Su=U3(Su,tt,Nt,vo)),su-=Qp,vo&&su<yr){var wf=Y0(Su,qd);return W3(N,W,O_,us.placeholder,te,Su,wf,Yt,Cn,yr-su)}var hg=Pr?te:this,Cv=Wi?hg[N]:N;return su=Su.length,Yt?Su=oC(Su,Yt):bs&&su>1&&Su.reverse(),xr&&Cn<su&&(Su.length=Cn),this&&this!==_u&&this instanceof us&&(Cv=Ms||R_(Cv)),Cv.apply(hg,Su)}return us}function V3(N,W){return function(te,Ee){return WR(te,N,W(Ee),{})}}function I_(N,W){return function(te,Ee){var Me;if(te===m&&Ee===m)return W;if(te!==m&&(Me=te),Ee!==m){if(Me===m)return Ee;typeof te=="string"||typeof Ee=="string"?(te=gu(te),Ee=gu(Ee)):(te=sg(te),Ee=sg(Ee)),Me=N(te,Ee)}return Me}}function q3(N){return qp(function(W){return W=Nc(W,cp(jo())),$a(function(te){var Ee=this;return N(W,function(Me){return Hl(Me,Ee,te)})})})}function D_(N,W){W=W===m?" ":gu(W);var te=W.length;if(te<2)return te?Ww(W,N):W;var Ee=Ww(W,_E(N/x1(W)));return Cw(W)?em(ng(Ee),0,N).join(""):Ee.slice(0,N)}function $I(N,W,te,Ee){var Me=W&re,tt=R_(N);function Nt(){for(var Yt=-1,Cn=arguments.length,yr=-1,xr=Ee.length,Pr=er(xr+Cn),Wi=this&&this!==_u&&this instanceof Nt?tt:N;++yr<xr;)Pr[yr]=Ee[yr];for(;Cn--;)Pr[yr++]=arguments[++Yt];return Hl(Wi,Me?te:this,Pr)}return Nt}function nC(N){return function(W,te,Ee){return Ee&&typeof Ee!="number"&&Vf(W,te,Ee)&&(te=Ee=m),W=ty(W),te===m?(te=W,W=0):te=ty(te),Ee=Ee===m?W<te?1:-1:ty(Ee),qw(W,te,Ee,N)}}function $E(N){return function(W,te){return typeof W=="string"&&typeof te=="string"||(W=um(W),te=um(te)),N(W,te)}}function W3(N,W,te,Ee,Me,tt,Nt,Yt,Cn,yr){var xr=W&ge,Pr=xr?Nt:m,Wi=xr?m:Nt,vo=xr?tt:m,bs=xr?m:tt;W|=xr?me:De,W&=~(xr?De:me),W&Se||(W&=~(re|ve));var Ms=[N,W,Me,vo,Pr,bs,Wi,Yt,Cn,yr],us=te.apply(m,Ms);return ME(N)&&sC(us,Ms),us.placeholder=Ee,XR(us,N,W)}function rC(N){var W=bc[N];return function(te,Ee){if(te=um(te),Ee=Ee==null?0:Ul(Ua(Ee),292),Ee&&O3(te)){var Me=(Bc(te)+"e").split("e"),tt=W(Me[0]+"e"+(+Me[1]+Ee));return Me=(Bc(tt)+"e").split("e"),+(Me[0]+"e"+(+Me[1]-Ee))}return W(te)}}var Zt=zd&&1/Mx(new zd([,-0]))[1]==mt?function(N){return new zd(N)}:kk;function G3(N){return function(W){var te=Uf(W);return te==jn?Hm(W):te==Io?jR(W):OR(W,N(W))}}function D1(N,W,te,Ee,Me,tt,Nt,Yt){var Cn=W&ve;if(!Cn&&typeof N!="function")throw new C1(k);var yr=Ee?Ee.length:0;if(yr||(W&=~(me|De),Ee=Me=m),Nt=Nt===m?Nt:id(Ua(Nt),0),Yt=Yt===m?Yt:Ua(Yt),yr-=Me?Me.length:0,W&De){var xr=Ee,Pr=Me;Ee=Me=m}var Wi=Cn?m:fh(N),vo=[N,W,te,Ee,Me,xr,Pr,tt,Nt,Yt];if(Wi&&M_(vo,Wi),N=vo[0],W=vo[1],te=vo[2],Ee=vo[3],Me=vo[4],Yt=vo[9]=vo[9]===m?Cn?0:N.length:id(vo[9]-yr,0),!Yt&&W&(ge|oe)&&(W&=~(ge|oe)),!W||W==re)var bs=KR(N,W,te);else W==ge||W==oe?bs=YR(N,W,Yt):(W==me||W==(re|me))&&!Me.length?bs=$I(N,W,te,Ee):bs=O_.apply(m,vo);var Ms=Wi?Kx:sC;return XR(Ms(bs,vo),N,W)}function PE(N,W,te,Ee){return N===m||am(N,rg[te])&&!Bu.call(Ee,te)?W:N}function K3(N,W,te,Ee,Me,tt){return bf(N)&&bf(W)&&(tt.set(W,N),zf(N,W,m,K3,tt),tt.delete(W)),N}function Y3(N){return mk(N)?m:N}function X3(N,W,te,Ee,Me,tt){var Nt=te&Z,Yt=N.length,Cn=W.length;if(Yt!=Cn&&!(Nt&&Cn>Yt))return!1;var yr=tt.get(N),xr=tt.get(W);if(yr&&xr)return yr==W&&xr==N;var Pr=-1,Wi=!0,vo=te&ne?new ev:m;for(tt.set(N,W),tt.set(W,N);++Pr<Yt;){var bs=N[Pr],Ms=W[Pr];if(Ee)var us=Nt?Ee(Ms,bs,Pr,W,N,tt):Ee(bs,Ms,Pr,N,W,tt);if(us!==m){if(us)continue;Wi=!1;break}if(vo){if(!sh(W,function(su,Su){if(!yE(vo,Su)&&(bs===su||Me(bs,su,te,Ee,tt)))return vo.push(Su)})){Wi=!1;break}}else if(!(bs===Ms||Me(bs,Ms,te,Ee,tt))){Wi=!1;break}}return tt.delete(N),tt.delete(W),Wi}function PI(N,W,te,Ee,Me,tt,Nt){switch(te){case Zn:if(N.byteLength!=W.byteLength||N.byteOffset!=W.byteOffset)return!1;N=N.buffer,W=W.buffer;case sn:return!(N.byteLength!=W.byteLength||!tt(new Iw(N),new Iw(W)));case Tt:case Je:case ii:return am(+N,+W);case Pt:return N.name==W.name&&N.message==W.message;case Xs:case pi:return N==W+"";case jn:var Yt=Hm;case Io:var Cn=Ee&Z;if(Yt||(Yt=Mx),N.size!=W.size&&!Cn)return!1;var yr=Nt.get(N);if(yr)return yr==W;Ee|=ne,Nt.set(N,W);var xr=X3(Yt(N),Yt(W),Ee,Me,tt,Nt);return Nt.delete(N),xr;case Es:if(Bf)return Bf.call(N)==Bf.call(W)}return!1}function A_(N,W,te,Ee,Me,tt){var Nt=te&Z,Yt=a0(N),Cn=Yt.length,yr=a0(W),xr=yr.length;if(Cn!=xr&&!Nt)return!1;for(var Pr=Cn;Pr--;){var Wi=Yt[Pr];if(!(Nt?Wi in W:Bu.call(W,Wi)))return!1}var vo=tt.get(N),bs=tt.get(W);if(vo&&bs)return vo==W&&bs==N;var Ms=!0;tt.set(N,W),tt.set(W,N);for(var us=Nt;++Pr<Cn;){Wi=Yt[Pr];var su=N[Wi],Su=W[Wi];if(Ee)var Xp=Nt?Ee(Su,su,Wi,W,N,tt):Ee(su,Su,Wi,N,W,tt);if(!(Xp===m?su===Su||Me(su,Su,te,Ee,tt):Xp)){Ms=!1;break}us||(us=Wi=="constructor")}if(Ms&&!us){var qd=N.constructor,Qp=W.constructor;qd!=Qp&&"constructor"in N&&"constructor"in W&&!(typeof qd=="function"&&qd instanceof qd&&typeof Qp=="function"&&Qp instanceof Qp)&&(Ms=!1)}return tt.delete(N),tt.delete(W),Ms}function qp(N){return N_(rb(N,m,h0),N+"")}function a0(N){return uv(N,fp,c0)}function gs(N){return uv(N,sb,ag)}var fh=f_?function(N){return f_.get(N)}:kk;function ql(N){for(var W=N.name+"",te=Q0[W],Ee=Bu.call(Q0,W)?te.length:0;Ee--;){var Me=te[Ee],tt=Me.func;if(tt==null||tt==N)return Me.name}return W}function pf(N){var W=Bu.call(Ke,"placeholder")?Ke:N;return W.placeholder}function jo(){var N=Ke.iteratee||Tk;return N=N===Tk?lv:N,arguments.length?N(arguments[0],arguments[1]):N}function u0(N,W){var te=N.__data__;return Q3(W)?te[typeof W=="string"?"string":"hash"]:te.map}function Hf(N){for(var W=fp(N),te=W.length;te--;){var Ee=W[te],Me=N[Ee];W[te]=[Ee,Me,j_(Me)]}return W}function pl(N,W){var te=$R(N,W);return t0(te)?te:m}function Wp(N){var W=Bu.call(N,qb),te=N[qb];try{N[qb]=m;var Ee=!0}catch{}var Me=Hb.call(N);return Ee&&(W?N[qb]=te:delete N[qb]),Me}var c0=$w?function(N){return N==null?[]:(N=Xc(N),tg($w(N),function(W){return Vb.call(N,W)}))}:Rk,ag=$w?function(N){for(var W=[];N;)Bm(W,c0(N)),N=Dw(N);return W}:Rk,Uf=Al;(ah&&Uf(new ah(new ArrayBuffer(1)))!=Zn||xE&&Uf(new xE)!=jn||Km&&Uf(Km.resolve())!=Is||zd&&Uf(new zd)!=Io||yd&&Uf(new yd)!=ir)&&(Uf=function(N){var W=Al(N),te=W==No?N.constructor:m,Ee=te?$1(te):"";if(Ee)switch(Ee){case Lc:return Zn;case lp:return jn;case ia:return Is;case Ps:return Io;case J0:return ir}return W});function $_(N,W,te){for(var Ee=-1,Me=te.length;++Ee<Me;){var tt=te[Ee],Nt=tt.size;switch(tt.type){case"drop":N+=Nt;break;case"dropRight":W-=Nt;break;case"take":W=Ul(W,N+Nt);break;case"takeRight":N=id(N,W-Nt);break}}return{start:N,end:W}}function P_(N){var W=N.match(eo);return W?W[1].split(As):[]}function pv(N,W,te){W=xd(W,N);for(var Ee=-1,Me=W.length,tt=!1;++Ee<Me;){var Nt=ug(W[Ee]);if(!(tt=N!=null&&te(N,Nt)))break;N=N[Nt]}return tt||++Ee!=Me?tt:(Me=N==null?0:N.length,!!Me&&gf(Me)&&jh(Nt,Me)&&(Fa(N)||LE(N)))}function FE(N){var W=N.length,te=new N.constructor(W);return W&&typeof N[0]=="string"&&Bu.call(N,"index")&&(te.index=N.index,te.input=N.input),te}function ho(N){return typeof N.constructor=="function"&&!f0(N)?ff(Dw(N)):{}}function F_(N,W,te){var Ee=N.constructor;switch(W){case sn:return hv(N);case Tt:case Je:return new Ee(+N);case Zn:return AI(N,te);case oi:case li:case ur:case Sr:case ki:case co:case xo:case Ho:case Co:return Qx(N,te);case jn:return new Ee;case ii:case pi:return new Ee(N);case Xs:return z3(N);case Io:return new Ee;case Es:return GR(N)}}function jE(N,W){var te=W.length;if(!te)return N;var Ee=te-1;return W[Ee]=(te>1?"& ":"")+W[Ee],W=W.join(te>2?", ":" "),N.replace(Ds,`{
/* [wrapped with `+W+`] */
`)}function nm(N){return Fa(N)||LE(N)||!!(l_&&N&&N[l_])}function jh(N,W){var te=typeof N;return W=W??en,!!W&&(te=="number"||te!="symbol"&&mn.test(N))&&N>-1&&N%1==0&&N<W}function Vf(N,W,te){if(!bf(te))return!1;var Ee=typeof W;return(Ee=="number"?Mh(te)&&jh(W,te.length):Ee=="string"&&W in te)?am(te[W],N):!1}function rm(N,W){if(Fa(N))return!1;var te=typeof N;return te=="number"||te=="symbol"||te=="boolean"||N==null||fg(N)?!0:za.test(N)||!yu.test(N)||W!=null&&N in Xc(W)}function Q3(N){var W=typeof N;return W=="string"||W=="number"||W=="symbol"||W=="boolean"?N!=="__proto__":N===null}function ME(N){var W=ql(N),te=Ke[W];if(typeof te!="function"||!(W in Aa.prototype))return!1;if(N===te)return!0;var Ee=fh(te);return!!Ee&&N===Ee[0]}function l0(N){return!!Vm&&Vm in N}var Qw=u_?Ev:sD;function f0(N){var W=N&&N.constructor,te=typeof W=="function"&&W.prototype||rg;return N===te}function j_(N){return N===N&&!bf(N)}function im(N,W){return function(te){return te==null?!1:te[N]===W&&(W!==m||N in Xc(te))}}function iC(N){var W=NE(N,function(Ee){return te.size===P&&te.clear(),Ee}),te=W.cache;return W}function M_(N,W){var te=N[1],Ee=W[1],Me=te|Ee,tt=Me<(re|ve|Le),Nt=Ee==Le&&te==ge||Ee==Le&&te==rt&&N[7].length<=W[8]||Ee==(Le|rt)&&W[7].length<=W[8]&&te==ge;if(!(tt||Nt))return N;Ee&re&&(N[2]=W[2],Me|=te&re?0:Se);var Yt=W[3];if(Yt){var Cn=N[3];N[3]=Cn?s0(Cn,Yt,W[4]):Yt,N[4]=Cn?Y0(N[3],M):W[4]}return Yt=W[5],Yt&&(Cn=N[5],N[5]=Cn?U3(Cn,Yt,W[6]):Yt,N[6]=Cn?Y0(N[5],M):W[6]),Yt=W[7],Yt&&(N[7]=Yt),Ee&Le&&(N[8]=N[8]==null?W[8]:Ul(N[8],W[8])),N[9]==null&&(N[9]=W[9]),N[0]=W[0],N[1]=Me,N}function J3(N){var W=[];if(N!=null)for(var te in Xc(N))W.push(te);return W}function A1(N){return Hb.call(N)}function rb(N,W,te){return W=id(W===m?N.length-1:W,0),function(){for(var Ee=arguments,Me=-1,tt=id(Ee.length-W,0),Nt=er(tt);++Me<tt;)Nt[Me]=Ee[W+Me];Me=-1;for(var Yt=er(W+1);++Me<W;)Yt[Me]=Ee[Me];return Yt[W]=te(Nt),Hl(N,this,Yt)}}function d0(N,W){return W.length<2?N:e0(N,Sd(W,0,-1))}function oC(N,W){for(var te=N.length,Ee=Ul(W.length,te),Me=Pa(N);Ee--;){var tt=W[Ee];N[Ee]=jh(tt,te)?Me[tt]:m}return N}function Gp(N,W){if(!(W==="constructor"&&typeof N[W]=="function")&&W!="__proto__")return N[W]}var sC=Z3(Kx),om=R3||function(N,W){return _u.setTimeout(N,W)},N_=Z3(i0);function XR(N,W,te){var Ee=W+"";return N_(N,jE(Ee,aC(P_(Ee),te)))}function Z3(N){var W=0,te=0;return function(){var Ee=Hx(),Me=Xe-(Ee-te);if(te=Ee,Me>0){if(++W>=$t)return arguments[0]}else W=0;return N.apply(m,arguments)}}function ib(N,W){var te=-1,Ee=N.length,Me=Ee-1;for(W=W===m?Ee:W;++te<W;){var tt=nb(te,Me),Nt=N[tt];N[tt]=N[te],N[te]=Nt}return N.length=W,N}var Jw=iC(function(N){var W=[];return N.charCodeAt(0)===46&&W.push(""),N.replace(Rl,function(te,Ee,Me,tt){W.push(Me?tt.replace(ht,"$1"):Ee||te)}),W});function ug(N){if(typeof N=="string"||fg(N))return N;var W=N+"";return W=="0"&&1/N==-mt?"-0":W}function $1(N){if(N!=null){try{return Um.call(N)}catch{}try{return N+""}catch{}}return""}function aC(N,W){return oh(Ge,function(te){var Ee="_."+te[0];W&te[1]&&!Bb(N,Ee)&&N.push(Ee)}),N.sort()}function Zw(N){if(N instanceof Aa)return N.clone();var W=new uh(N.__wrapped__,N.__chain__);return W.__actions__=Pa(N.__actions__),W.__index__=N.__index__,W.__values__=N.__values__,W}function L_(N,W,te){(te?Vf(N,W,te):W===m)?W=1:W=id(Ua(W),0);var Ee=N==null?0:N.length;if(!Ee||W<1)return[];for(var Me=0,tt=0,Nt=er(_E(Ee/W));Me<Ee;)Nt[tt++]=Sd(N,Me,Me+=W);return Nt}function QR(N){for(var W=-1,te=N==null?0:N.length,Ee=0,Me=[];++W<te;){var tt=N[W];tt&&(Me[Ee++]=tt)}return Me}function JR(){var N=arguments.length;if(!N)return[];for(var W=er(N-1),te=arguments[0],Ee=N;Ee--;)W[Ee-1]=arguments[Ee];return Bm(Fa(te)?Pa(te):[te],sd(W,1))}var ek=$a(function(N,W){return Cd(N)?Mw(N,sd(W,1,Cd,!0)):[]}),ZR=$a(function(N,W){var te=Vd(W);return Cd(te)&&(te=m),Cd(N)?Mw(N,sd(W,1,Cd,!0),jo(te,2)):[]}),gv=$a(function(N,W){var te=Vd(W);return Cd(te)&&(te=m),Cd(N)?Mw(N,sd(W,1,Cd,!0),m,te):[]});function FI(N,W,te){var Ee=N==null?0:N.length;return Ee?(W=te||W===m?1:Ua(W),Sd(N,W<0?0:W,Ee)):[]}function jI(N,W,te){var Ee=N==null?0:N.length;return Ee?(W=te||W===m?1:Ua(W),W=Ee-W,Sd(N,0,W<0?0:W)):[]}function bv(N,W){return N&&N.length?AE(N,jo(W,3),!0,!0):[]}function eO(N,W){return N&&N.length?AE(N,jo(W,3),!0):[]}function tk(N,W,te,Ee){var Me=N==null?0:N.length;return Me?(te&&typeof te!="number"&&Vf(N,W,te)&&(te=0,Ee=Me),Lw(N,W,te,Ee)):[]}function nk(N,W,te){var Ee=N==null?0:N.length;if(!Ee)return-1;var Me=te==null?0:Ua(te);return Me<0&&(Me=id(Ee+Me,0)),K0(N,jo(W,3),Me)}function mv(N,W,te){var Ee=N==null?0:N.length;if(!Ee)return-1;var Me=Ee-1;return te!==m&&(Me=Ua(te),Me=te<0?id(Ee+Me,0):Ul(Me,Ee-1)),K0(N,jo(W,3),Me,!0)}function h0(N){var W=N==null?0:N.length;return W?sd(N,1):[]}function MI(N){var W=N==null?0:N.length;return W?sd(N,mt):[]}function NI(N,W){var te=N==null?0:N.length;return te?(W=W===m?1:Ua(W),sd(N,W)):[]}function tO(N){for(var W=-1,te=N==null?0:N.length,Ee={};++W<te;){var Me=N[W];Ee[Me[0]]=Me[1]}return Ee}function nO(N){return N&&N.length?N[0]:m}function cg(N,W,te){var Ee=N==null?0:N.length;if(!Ee)return-1;var Me=te==null?0:Ua(te);return Me<0&&(Me=id(Ee+Me,0)),Sw(N,W,Me)}function uC(N){var W=N==null?0:N.length;return W?Sd(N,0,-1):[]}var LI=$a(function(N){var W=Nc(N,N3);return W.length&&W[0]===N[0]?cv(W):[]}),vv=$a(function(N){var W=Vd(N),te=Nc(N,N3);return W===Vd(te)?W=m:te.pop(),te.length&&te[0]===N[0]?cv(te,jo(W,2)):[]}),B_=$a(function(N){var W=Vd(N),te=Nc(N,N3);return W=typeof W=="function"?W:m,W&&te.pop(),te.length&&te[0]===N[0]?cv(te,m,W):[]});function sm(N,W){return N==null?"":zx.call(N,W)}function Vd(N){var W=N==null?0:N.length;return W?N[W-1]:m}function rk(N,W,te){var Ee=N==null?0:N.length;if(!Ee)return-1;var Me=Ee;return te!==m&&(Me=Ua(te),Me=Me<0?id(Ee+Me,0):Ul(Me,Ee-1)),W===W?Qg(N,W,Me):K0(N,Px,Me,!0)}function ik(N,W){return N&&N.length?n0(N,Ua(W)):m}var BI=$a(z_);function z_(N,W){return N&&N.length&&W&&W.length?hf(N,W):N}function cC(N,W,te){return N&&N.length&&W&&W.length?hf(N,W,jo(te,2)):N}function lC(N,W,te){return N&&N.length&&W&&W.length?hf(N,W,m,te):N}var rO=qp(function(N,W){var te=N==null?0:N.length,Ee=g_(N,W);return Qa(N,Nc(W,function(Me){return jh(Me,te)?+Me:Me}).sort(H3)),Ee});function fC(N,W){var te=[];if(!(N&&N.length))return te;var Ee=-1,Me=[],tt=N.length;for(W=jo(W,3);++Ee<tt;){var Nt=N[Ee];W(Nt,Ee,N)&&(te.push(Nt),Me.push(Ee))}return Qa(N,Me),te}function dC(N){return N==null?N:Ux.call(N)}function ok(N,W,te){var Ee=N==null?0:N.length;return Ee?(te&&typeof te!="number"&&Vf(N,W,te)?(W=0,te=Ee):(W=W==null?0:Ua(W),te=te===m?Ee:Ua(te)),Sd(N,W,te)):[]}function H_(N,W){return fv(N,W)}function zI(N,W,te){return x_(N,W,jo(te,2))}function hC(N,W){var te=N==null?0:N.length;if(te){var Ee=fv(N,W);if(Ee<te&&am(N[Ee],W))return Ee}return-1}function iO(N,W){return fv(N,W,!0)}function HI(N,W,te){return x_(N,W,jo(te,2),!0)}function U_(N,W){var te=N==null?0:N.length;if(te){var Ee=fv(N,W,!0)-1;if(am(N[Ee],W))return Ee}return-1}function UI(N){return N&&N.length?C_(N):[]}function pC(N,W){return N&&N.length?C_(N,jo(W,2)):[]}function j(N){var W=N==null?0:N.length;return W?Sd(N,1,W):[]}function B(N,W,te){return N&&N.length?(W=te||W===m?1:Ua(W),Sd(N,0,W<0?0:W)):[]}function Y(N,W,te){var Ee=N==null?0:N.length;return Ee?(W=te||W===m?1:Ua(W),W=Ee-W,Sd(N,W<0?0:W,Ee)):[]}function ae(N,W){return N&&N.length?AE(N,jo(W,3),!1,!0):[]}function we(N,W){return N&&N.length?AE(N,jo(W,3)):[]}var $e=$a(function(N){return dv(sd(N,1,Cd,!0))}),Ye=$a(function(N){var W=Vd(N);return Cd(W)&&(W=m),dv(sd(N,1,Cd,!0),jo(W,2))}),Ct=$a(function(N){var W=Vd(N);return W=typeof W=="function"?W:m,dv(sd(N,1,Cd,!0),m,W)});function Qt(N){return N&&N.length?dv(N):[]}function sr(N,W){return N&&N.length?dv(N,jo(W,2)):[]}function ao(N,W){return W=typeof W=="function"?W:m,N&&N.length?dv(N,m,W):[]}function Fs(N){if(!(N&&N.length))return[];var W=0;return N=tg(N,function(te){if(Cd(te))return W=id(te.length,W),!0}),Fx(W,function(te){return Nc(N,w3(te))})}function Xr(N,W){if(!(N&&N.length))return[];var te=Fs(N);return W==null?te:Nc(te,function(Ee){return Hl(W,m,Ee)})}var Lo=$a(function(N,W){return Cd(N)?Mw(N,W):[]}),Gs=$a(function(N){return o0(tg(N,Cd))}),as=$a(function(N){var W=Vd(N);return Cd(W)&&(W=m),o0(tg(N,Cd),jo(W,2))}),$n=$a(function(N){var W=Vd(N);return W=typeof W=="function"?W:m,o0(tg(N,Cd),m,W)}),un=$a(Fs);function On(N,W){return Xx(N||[],W||[],rv)}function kr(N,W){return Xx(N||[],W||[],Zb)}var zr=$a(function(N){var W=N.length,te=W>1?N[W-1]:m;return te=typeof te=="function"?(N.pop(),te):m,Xr(N,te)});function oa(N){var W=Ke(N);return W.__chain__=!0,W}function mo(N,W){return W(N),N}function _s(N,W){return W(N)}var Ta=qp(function(N){var W=N.length,te=W?N[0]:0,Ee=this.__wrapped__,Me=function(tt){return g_(tt,N)};return W>1||this.__actions__.length||!(Ee instanceof Aa)||!jh(te)?this.thru(Me):(Ee=Ee.slice(te,+te+(W?1:0)),Ee.__actions__.push({func:_s,args:[Me],thisArg:m}),new uh(Ee,this.__chain__).thru(function(tt){return W&&!tt.length&&tt.push(m),tt}))});function da(){return oa(this)}function wv(){return new uh(this.value(),this.__chain__)}function VI(){this.__values__===m&&(this.__values__=K$(this.value()));var N=this.__index__>=this.__values__.length,W=N?m:this.__values__[this.__index__++];return{done:N,value:W}}function C$(){return this}function e7(N){for(var W,te=this;te instanceof k1;){var Ee=Zw(te);Ee.__index__=0,Ee.__values__=m,W?Me.__wrapped__=Ee:W=Ee;var Me=Ee;te=te.__wrapped__}return Me.__wrapped__=N,W}function t7(){var N=this.__wrapped__;if(N instanceof Aa){var W=N;return this.__actions__.length&&(W=new Aa(this)),W=W.reverse(),W.__actions__.push({func:_s,args:[dC],thisArg:m}),new uh(W,this.__chain__)}return this.thru(dC)}function n7(){return Kw(this.__wrapped__,this.__actions__)}var sk=Jx(function(N,W,te){Bu.call(N,te)?++N[te]:od(N,te,1)});function T$(N,W,te){var Ee=Fa(N)?i_:kE;return te&&Vf(N,W,te)&&(W=m),Ee(N,jo(W,3))}function k$(N,W){var te=Fa(N)?tg:b_;return te(N,jo(W,3))}var r7=eC(nk),R$=eC(mv);function i7(N,W){return sd(oO(N,W),1)}function Wl(N,W){return sd(oO(N,W),mt)}function O$(N,W,te){return te=te===m?1:Ua(te),sd(oO(N,W),te)}function qI(N,W){var te=Fa(N)?oh:tb;return te(N,jo(W,3))}function WI(N,W){var te=Fa(N)?v3:Nw;return te(N,jo(W,3))}var I$=Jx(function(N,W,te){Bu.call(N,te)?N[te].push(W):od(N,te,[W])});function D$(N,W,te,Ee){N=Mh(N)?N:_v(N),te=te&&!Ee?Ua(te):0;var Me=N.length;return te<0&&(te=id(Me+te,0)),wC(N)?te<=Me&&N.indexOf(W,te)>-1:!!Me&&Sw(N,W,te)>-1}var A$=$a(function(N,W,te){var Ee=-1,Me=typeof W=="function",tt=Mh(N)?er(N.length):[];return tb(N,function(Nt){tt[++Ee]=Me?Hl(W,Nt,te):Uw(Nt,W,te)}),tt}),ak=Jx(function(N,W,te){od(N,te,W)});function oO(N,W){var te=Fa(N)?Nc:Vw;return te(N,jo(W,3))}function sO(N,W,te,Ee){return N==null?[]:(Fa(W)||(W=W==null?[]:[W]),te=Ee?m:te,Fa(te)||(te=te==null?[]:[te]),Fh(N,W,te))}var gC=Jx(function(N,W,te){N[te?0:1].push(W)},function(){return[[],[]]});function o7(N,W,te){var Ee=Fa(N)?Bp:y3,Me=arguments.length<3;return Ee(N,jo(W,4),te,Me,tb)}function $$(N,W,te){var Ee=Fa(N)?zm:y3,Me=arguments.length<3;return Ee(N,jo(W,4),te,Me,Nw)}function s7(N,W){var te=Fa(N)?tg:b_;return te(N,hk(jo(W,3)))}function P$(N){var W=Fa(N)?Xm:M3;return W(N)}function lg(N,W,te){(te?Vf(N,W,te):W===m)?W=1:W=Ua(W);var Ee=Fa(N)?nv:IE;return Ee(N,W)}function bC(N){var W=Fa(N)?Kb:DE;return W(N)}function aO(N){if(N==null)return 0;if(Mh(N))return wC(N)?x1(N):N.length;var W=Uf(N);return W==jn||W==Io?N.size:Jb(N).length}function uk(N,W,te){var Ee=Fa(N)?sh:Yx;return te&&Vf(N,W,te)&&(W=m),Ee(N,jo(W,3))}var uO=$a(function(N,W){if(N==null)return[];var te=W.length;return te>1&&Vf(N,W[0],W[1])?W=[]:te>2&&Vf(W[0],W[1],W[2])&&(W=[W[0]]),Fh(N,sd(W,1),[])}),yv=Bx||function(){return _u.Date.now()};function V_(N,W){if(typeof W!="function")throw new C1(k);return N=Ua(N),function(){if(--N<1)return W.apply(this,arguments)}}function ck(N,W,te){return W=te?m:W,W=N&&W==null?N.length:W,D1(N,Le,m,m,m,m,W)}function q_(N,W){var te;if(typeof W!="function")throw new C1(k);return N=Ua(N),function(){return--N>0&&(te=W.apply(this,arguments)),N<=1&&(W=m),te}}var lk=$a(function(N,W,te){var Ee=re;if(te.length){var Me=Y0(te,pf(lk));Ee|=me}return D1(N,Ee,W,te,Me)}),mC=$a(function(N,W,te){var Ee=re|ve;if(te.length){var Me=Y0(te,pf(mC));Ee|=me}return D1(W,Ee,N,te,Me)});function fk(N,W,te){W=te?m:W;var Ee=D1(N,ge,m,m,m,m,m,W);return Ee.placeholder=fk.placeholder,Ee}function dk(N,W,te){W=te?m:W;var Ee=D1(N,oe,m,m,m,m,m,W);return Ee.placeholder=dk.placeholder,Ee}function vC(N,W,te){var Ee,Me,tt,Nt,Yt,Cn,yr=0,xr=!1,Pr=!1,Wi=!0;if(typeof N!="function")throw new C1(k);W=um(W)||0,bf(te)&&(xr=!!te.leading,Pr="maxWait"in te,tt=Pr?id(um(te.maxWait)||0,W):tt,Wi="trailing"in te?!!te.trailing:Wi);function vo(wf){var hg=Ee,Cv=Me;return Ee=Me=m,yr=wf,Nt=N.apply(Cv,hg),Nt}function bs(wf){return yr=wf,Yt=om(su,W),xr?vo(wf):Nt}function Ms(wf){var hg=wf-Cn,Cv=wf-yr,uD=W-hg;return Pr?Ul(uD,tt-Cv):uD}function us(wf){var hg=wf-Cn,Cv=wf-yr;return Cn===m||hg>=W||hg<0||Pr&&Cv>=tt}function su(){var wf=yv();if(us(wf))return Su(wf);Yt=om(su,Ms(wf))}function Su(wf){return Yt=m,Wi&&Ee?vo(wf):(Ee=Me=m,Nt)}function Xp(){Yt!==m&&T_(Yt),yr=0,Ee=Cn=Me=Yt=m}function qd(){return Yt===m?Nt:Su(yv())}function Qp(){var wf=yv(),hg=us(wf);if(Ee=arguments,Me=this,Cn=wf,hg){if(Yt===m)return bs(Cn);if(Pr)return T_(Yt),Yt=om(su,W),vo(Cn)}return Yt===m&&(Yt=om(su,W)),Nt}return Qp.cancel=Xp,Qp.flush=qd,Qp}var F$=$a(function(N,W){return Yb(N,1,W)}),cO=$a(function(N,W,te){return Yb(N,um(W)||0,te)});function j$(N){return D1(N,Ue)}function NE(N,W){if(typeof N!="function"||W!=null&&typeof W!="function")throw new C1(k);var te=function(){var Ee=arguments,Me=W?W.apply(this,Ee):Ee[0],tt=te.cache;if(tt.has(Me))return tt.get(Me);var Nt=N.apply(this,Ee);return te.cache=tt.set(Me,Nt)||tt,Nt};return te.cache=new(NE.Cache||eb),te}NE.Cache=eb;function hk(N){if(typeof N!="function")throw new C1(k);return function(){var W=arguments;switch(W.length){case 0:return!N.call(this);case 1:return!N.call(this,W[0]);case 2:return!N.call(this,W[0],W[1]);case 3:return!N.call(this,W[0],W[1],W[2])}return!N.apply(this,W)}}function a7(N){return q_(2,N)}var u7=Up(function(N,W){W=W.length==1&&Fa(W[0])?Nc(W[0],cp(jo())):Nc(sd(W,1),cp(jo()));var te=W.length;return $a(function(Ee){for(var Me=-1,tt=Ul(Ee.length,te);++Me<tt;)Ee[Me]=W[Me].call(this,Ee[Me]);return Hl(N,this,Ee)})}),lO=$a(function(N,W){var te=Y0(W,pf(lO));return D1(N,me,m,W,te)}),M$=$a(function(N,W){var te=Y0(W,pf(M$));return D1(N,De,m,W,te)}),fO=qp(function(N,W){return D1(N,rt,m,m,m,W)});function c7(N,W){if(typeof N!="function")throw new C1(k);return W=W===m?W:Ua(W),$a(N,W)}function l7(N,W){if(typeof N!="function")throw new C1(k);return W=W==null?0:id(Ua(W),0),$a(function(te){var Ee=te[W],Me=em(te,0,W);return Ee&&Bm(Me,Ee),Hl(N,this,Me)})}function f7(N,W,te){var Ee=!0,Me=!0;if(typeof N!="function")throw new C1(k);return bf(te)&&(Ee="leading"in te?!!te.leading:Ee,Me="trailing"in te?!!te.trailing:Me),vC(N,W,{leading:Ee,maxWait:W,trailing:Me})}function d7(N){return ck(N,1)}function h7(N,W){return lO(L3(W),N)}function p7(){if(!arguments.length)return[];var N=arguments[0];return Fa(N)?N:[N]}function g7(N){return df(N,X)}function b7(N,W){return W=typeof W=="function"?W:m,df(N,X,W)}function m7(N){return df(N,U|X)}function v7(N,W){return W=typeof W=="function"?W:m,df(N,U|X,W)}function N$(N,W){return W==null||F3(N,W,fp(W))}function am(N,W){return N===W||N!==N&&W!==W}var L$=$E(zw),B$=$E(function(N,W){return N>=W}),LE=Vl(function(){return arguments}())?Vl:function(N){return mf(N)&&Bu.call(N,"callee")&&!Vb.call(N,"callee")},Fa=er.isArray,pk=Bd?cp(Bd):y_;function Mh(N){return N!=null&&gf(N.length)&&!Ev(N)}function Cd(N){return mf(N)&&Mh(N)}function z$(N){return N===!0||N===!1||mf(N)&&Al(N)==Tt}var BE=SE||sD,w7=S1?cp(S1):Xb;function H$(N){return mf(N)&&N.nodeType===1&&!mk(N)}function y7(N){if(N==null)return!0;if(Mh(N)&&(Fa(N)||typeof N=="string"||typeof N.splice=="function"||BE(N)||zE(N)||LE(N)))return!N.length;var W=Uf(N);if(W==jn||W==Io)return!N.size;if(f0(N))return!Jb(N).length;for(var te in N)if(Bu.call(N,te))return!1;return!0}function E7(N,W){return I1(N,W)}function U$(N,W,te){te=typeof te=="function"?te:m;var Ee=te?te(N,W):m;return Ee===m?I1(N,W,m,te):!!Ee}function ey(N){if(!mf(N))return!1;var W=Al(N);return W==Pt||W==qt||typeof N.message=="string"&&typeof N.name=="string"&&!mk(N)}function V$(N){return typeof N=="number"&&O3(N)}function Ev(N){if(!bf(N))return!1;var W=Al(N);return W==_t||W==lr||W==lt||W==Ca}function gk(N){return typeof N=="number"&&N==Ua(N)}function gf(N){return typeof N=="number"&&N>-1&&N%1==0&&N<=en}function bf(N){var W=typeof N;return N!=null&&(W=="object"||W=="function")}function mf(N){return N!=null&&typeof N=="object"}var bk=ih?cp(ih):j3;function q$(N,W){return N===W||Wx(N,W,Hf(W))}function dO(N,W,te){return te=typeof te=="function"?te:m,Wx(N,W,Hf(W),te)}function _7(N){return W$(N)&&N!=+N}function pH(N){if(Qw(N))throw new fa(C);return t0(N)}function S7(N){return N===null}function x7(N){return N==null}function W$(N){return typeof N=="number"||mf(N)&&Al(N)==ii}function mk(N){if(!mf(N)||Al(N)!=No)return!1;var W=Dw(N);if(W===null)return!0;var te=Bu.call(W,"constructor")&&W.constructor;return typeof te=="function"&&te instanceof te&&Um.call(te)==T3}var hO=Lp?cp(Lp):E_;function G$(N){return gk(N)&&N>=-en&&N<=en}var pO=_w?cp(_w):__;function wC(N){return typeof N=="string"||!Fa(N)&&mf(N)&&Al(N)==pi}function fg(N){return typeof N=="symbol"||mf(N)&&Al(N)==Es}var zE=rd?cp(rd):RE;function GI(N){return N===m}function KI(N){return mf(N)&&Uf(N)==ir}function C7(N){return mf(N)&&Al(N)==rn}var gO=$E(ad),T7=$E(function(N,W){return N<=W});function K$(N){if(!N)return[];if(Mh(N))return wC(N)?ng(N):Pa(N);if(qm&&N[qm])return PR(N[qm]());var W=Uf(N),te=W==jn?Hm:W==Io?Mx:_v;return te(N)}function ty(N){if(!N)return N===0?N:0;if(N=um(N),N===mt||N===-mt){var W=N<0?-1:1;return W*st}return N===N?N:0}function Ua(N){var W=ty(N),te=W%1;return W===W?te?W-te:W:0}function Y$(N){return N?ov(Ua(N),0,Re):0}function um(N){if(typeof N=="number")return N;if(fg(N))return Fe;if(bf(N)){var W=typeof N.valueOf=="function"?N.valueOf():N;N=bf(W)?W+"":W}if(typeof N!="string")return N===0?N:+N;N=xw(N);var te=Sn.test(N);return te||Un.test(N)?Ws(N.slice(2),te?2:8):pt.test(N)?Fe:+N}function X$(N){return lh(N,sb(N))}function k7(N){return N?ov(Ua(N),-en,en):N===0?N:0}function Bc(N){return N==null?"":gu(N)}var R7=Vp(function(N,W){if(f0(W)||Mh(W)){lh(W,fp(W),N);return}for(var te in W)Bu.call(W,te)&&rv(N,te,W[te])}),Q$=Vp(function(N,W){lh(W,sb(W),N)}),yC=Vp(function(N,W,te,Ee){lh(W,sb(W),N,Ee)}),O7=Vp(function(N,W,te,Ee){lh(W,fp(W),N,Ee)}),I7=qp(g_);function D7(N,W){var te=ff(N);return W==null?te:Qm(te,W)}var A7=$a(function(N,W){N=Xc(N);var te=-1,Ee=W.length,Me=Ee>2?W[2]:m;for(Me&&Vf(W[0],W[1],Me)&&(Ee=1);++te<Ee;)for(var tt=W[te],Nt=sb(tt),Yt=-1,Cn=Nt.length;++Yt<Cn;){var yr=Nt[Yt],xr=N[yr];(xr===m||am(xr,rg[yr])&&!Bu.call(N,yr))&&(N[yr]=tt[yr])}return N}),J$=$a(function(N){return N.push(m,K3),Hl(P7,m,N)});function bO(N,W){return kR(N,jo(W,3),Hp)}function YI(N,W){return kR(N,jo(W,3),m_)}function Z$(N,W){return N==null?N:Zm(N,jo(W,3),sb)}function mO(N,W){return N==null?N:Bw(N,jo(W,3),sb)}function vk(N,W){return N&&Hp(N,jo(W,3))}function ob(N,W){return N&&m_(N,jo(W,3))}function $7(N){return N==null?[]:av(N,fp(N))}function gH(N){return N==null?[]:av(N,sb(N))}function eP(N,W,te){var Ee=N==null?m:e0(N,W);return Ee===m?te:Ee}function bH(N,W){return N!=null&&pv(N,W,v_)}function tP(N,W){return N!=null&&pv(N,W,Hw)}var nP=V3(function(N,W,te){W!=null&&typeof W.toString!="function"&&(W=Hb.call(W)),N[W]=te},SO(Kp)),mH=V3(function(N,W,te){W!=null&&typeof W.toString!="function"&&(W=Hb.call(W)),Bu.call(N,W)?N[W].push(te):N[W]=[te]},jo),vH=$a(Uw);function fp(N){return Mh(N)?Ed(N):Jb(N)}function sb(N){return Mh(N)?Ed(N,!0):OE(N)}function wH(N,W){var te={};return W=jo(W,3),Hp(N,function(Ee,Me,tt){od(te,W(Ee,Me,tt),Ee)}),te}function yH(N,W){var te={};return W=jo(W,3),Hp(N,function(Ee,Me,tt){od(te,Me,W(Ee,Me,tt))}),te}var cm=Vp(function(N,W,te){zf(N,W,te)}),P7=Vp(function(N,W,te,Ee){zf(N,W,te,Ee)}),rP=qp(function(N,W){var te={};if(N==null)return te;var Ee=!1;W=Nc(W,function(tt){return tt=xd(tt,N),Ee||(Ee=tt.length>1),tt}),lh(N,gs(N),te),Ee&&(te=df(te,U|G|X,Y3));for(var Me=W.length;Me--;)kc(te,W[Me]);return te});function iP(N,W){return wk(N,hk(jo(W)))}var XI=qp(function(N,W){return N==null?{}:r0(N,W)});function wk(N,W){if(N==null)return{};var te=Nc(gs(N),function(Ee){return[Ee]});return W=jo(W),Gx(N,te,function(Ee,Me){return W(Ee,Me[0])})}function F7(N,W,te){W=xd(W,N);var Ee=-1,Me=W.length;for(Me||(Me=1,N=m);++Ee<Me;){var tt=N==null?m:N[ug(W[Ee])];tt===m&&(Ee=Me,tt=te),N=Ev(tt)?tt.call(N):tt}return N}function vO(N,W,te){return N==null?N:Zb(N,W,te)}function wO(N,W,te,Ee){return Ee=typeof Ee=="function"?Ee:m,N==null?N:Zb(N,W,te,Ee)}var HE=G3(fp),QI=G3(sb);function j7(N,W,te){var Ee=Fa(N),Me=Ee||BE(N)||zE(N);if(W=jo(W,4),te==null){var tt=N&&N.constructor;Me?te=Ee?new tt:[]:bf(N)?te=Ev(tt)?ff(Dw(N)):{}:te={}}return(Me?oh:Hp)(N,function(Nt,Yt,Cn){return W(te,Nt,Yt,Cn)}),te}function JI(N,W){return N==null?!0:kc(N,W)}function EC(N,W,te){return N==null?N:Gw(N,W,L3(te))}function UE(N,W,te,Ee){return Ee=typeof Ee=="function"?Ee:m,N==null?N:Gw(N,W,L3(te),Ee)}function _v(N){return N==null?[]:jx(N,fp(N))}function yk(N){return N==null?[]:jx(N,sb(N))}function oP(N,W,te){return te===m&&(te=W,W=m),te!==m&&(te=um(te),te=te===te?te:0),W!==m&&(W=um(W),W=W===W?W:0),ov(um(N),W,te)}function M7(N,W,te){return W=ty(W),te===m?(te=W,W=0):te=ty(te),N=um(N),w_(N,W,te)}function N7(N,W,te){if(te&&typeof te!="boolean"&&Vf(N,W,te)&&(W=te=m),te===m&&(typeof W=="boolean"?(te=W,W=m):typeof N=="boolean"&&(te=N,N=m)),N===m&&W===m?(N=0,W=1):(N=ty(N),W===m?(W=N,N=0):W=ty(W)),N>W){var Ee=N;N=W,W=Ee}if(te||N%1||W%1){var Me=Jg();return Ul(N+Me*(W-N+Xu("1e-"+((Me+"").length-1))),W)}return nb(N,W)}var L7=tm(function(N,W,te){return W=W.toLowerCase(),N+(te?yO(W):W)});function yO(N){return Sk(Bc(N).toLowerCase())}function p0(N){return N=Bc(N),N&&N.replace(wr,s_).replace(Oi,"")}function sP(N,W,te){N=Bc(N),W=gu(W);var Ee=N.length;te=te===m?Ee:ov(Ua(te),0,Ee);var Me=te;return te-=W.length,te>=0&&N.slice(te,Me)==W}function ZI(N){return N=Bc(N),N&&ru.test(N)?N.replace(Qs,OI):N}function VE(N){return N=Bc(N),N&&hr.test(N)?N.replace(zt,"\\$&"):N}var W_=tm(function(N,W,te){return N+(te?"-":"")+W.toLowerCase()}),P1=tm(function(N,W,te){return N+(te?" ":"")+W.toLowerCase()}),F1=Zx("toLowerCase");function aP(N,W,te){N=Bc(N),W=Ua(W);var Ee=W?x1(N):0;if(!W||Ee>=W)return N;var Me=(W-Ee)/2;return D_(Gm(Me),te)+N+D_(_E(Me),te)}function lm(N,W,te){N=Bc(N),W=Ua(W);var Ee=W?x1(N):0;return W&&Ee<W?N+D_(W-Ee,te):N}function qE(N,W,te){N=Bc(N),W=Ua(W);var Ee=W?x1(N):0;return W&&Ee<W?D_(W-Ee,te)+N:N}function ny(N,W,te){return te||W==null?W=0:W&&(W=+W),Pw(Bc(N).replace(Ri,""),W||0)}function uP(N,W,te){return(te?Vf(N,W,te):W===m)?W=1:W=Ua(W),Ww(Bc(N),W)}function Ek(){var N=arguments,W=Bc(N[0]);return N.length<3?W:W.replace(N[1],N[2])}var B7=tm(function(N,W,te){return N+(te?"_":"")+W.toLowerCase()});function _k(N,W,te){return te&&typeof te!="number"&&Vf(N,W,te)&&(W=te=m),te=te===m?Re:te>>>0,te?(N=Bc(N),N&&(typeof W=="string"||W!=null&&!hO(W))&&(W=gu(W),!W&&Cw(N))?em(ng(N),0,te):N.split(W,te)):[]}var EO=tm(function(N,W,te){return N+(te?" ":"")+Sk(W)});function Sv(N,W,te){return N=Bc(N),te=te==null?0:ov(Ua(te),0,N.length),W=gu(W),N.slice(te,te+W.length)==W}function ry(N,W,te){var Ee=Ke.templateSettings;te&&Vf(N,W,te)&&(W=m),N=Bc(N),W=yC({},W,Ee,PE);var Me=yC({},W.imports,Ee.imports,PE),tt=fp(Me),Nt=jx(Me,tt),Yt,Cn,yr=0,xr=W.interpolate||Ui,Pr="__p += '",Wi=kw((W.escape||Ui).source+"|"+xr.source+"|"+(xr===Js?qe:Ui).source+"|"+(W.evaluate||Ui).source+"|$","g"),vo="//# sourceURL="+(Bu.call(W,"sourceURL")?(W.sourceURL+"").replace(/\s/g," "):"lodash.templateSources["+ ++sl+"]")+`
`;N.replace(Wi,function(us,su,Su,Xp,qd,Qp){return Su||(Su=Xp),Pr+=N.slice(yr,Qp).replace(To,AR),su&&(Yt=!0,Pr+=`' +
__e(`+su+`) +
'`),qd&&(Cn=!0,Pr+=`';
`+qd+`;
__p += '`),Su&&(Pr+=`' +
((__t = (`+Su+`)) == null ? '' : __t) +
'`),yr=Qp+us.length,us}),Pr+=`';
`;var bs=Bu.call(W,"variable")&&W.variable;if(!bs)Pr=`with (obj) {
`+Pr+`
}
`;else if(dt.test(bs))throw new fa(I);Pr=(Cn?Pr.replace(ma,""):Pr).replace(Yi,"$1").replace(so,"$1;"),Pr="function("+(bs||"obj")+`) {
`+(bs?"":`obj || (obj = {});
`)+"var __t, __p = ''"+(Yt?", __e = _.escape":"")+(Cn?`, __j = Array.prototype.join;
function print() { __p += __j.call(arguments, '') }
`:`;
`)+Pr+`return __p
}`;var Ms=fm(function(){return Ju(tt,vo+"return "+Pr).apply(m,Nt)});if(Ms.source=Pr,ey(Ms))throw Ms;return Ms}function dg(N){return Bc(N).toLowerCase()}function WE(N){return Bc(N).toUpperCase()}function eD(N,W,te){if(N=Bc(N),N&&(te||W===m))return xw(N);if(!N||!(W=gu(W)))return N;var Ee=ng(N),Me=ng(W),tt=IR(Ee,Me),Nt=DR(Ee,Me)+1;return em(Ee,tt,Nt).join("")}function Nh(N,W,te){if(N=Bc(N),N&&(te||W===m))return N.slice(0,zb(N)+1);if(!N||!(W=gu(W)))return N;var Ee=ng(N),Me=DR(Ee,ng(W))+1;return em(Ee,0,Me).join("")}function _C(N,W,te){if(N=Bc(N),N&&(te||W===m))return N.replace(Ri,"");if(!N||!(W=gu(W)))return N;var Ee=ng(N),Me=IR(Ee,ng(W));return em(Ee,Me).join("")}function z7(N,W){var te=Ze,Ee=gt;if(bf(W)){var Me="separator"in W?W.separator:Me;te="length"in W?Ua(W.length):te,Ee="omission"in W?gu(W.omission):Ee}N=Bc(N);var tt=N.length;if(Cw(N)){var Nt=ng(N);tt=Nt.length}if(te>=tt)return N;var Yt=te-x1(Ee);if(Yt<1)return Ee;var Cn=Nt?em(Nt,0,Yt).join(""):N.slice(0,Yt);if(Me===m)return Cn+Ee;if(Nt&&(Yt+=Cn.length-Yt),hO(Me)){if(N.slice(Yt).search(Me)){var yr,xr=Cn;for(Me.global||(Me=kw(Me.source,Bc(it.exec(Me))+"g")),Me.lastIndex=0;yr=Me.exec(xr);)var Pr=yr.index;Cn=Cn.slice(0,Pr===m?Yt:Pr)}}else if(N.indexOf(gu(Me),Yt)!=Yt){var Wi=Cn.lastIndexOf(Me);Wi>-1&&(Cn=Cn.slice(0,Wi))}return Cn+Ee}function _O(N){return N=Bc(N),N&&yo.test(N)?N.replace(hs,II):N}var SC=tm(function(N,W,te){return N+(te?" ":"")+W.toUpperCase()}),Sk=Zx("toUpperCase");function xC(N,W,te){return N=Bc(N),W=te?m:W,W===m?S3(N)?C3(N):$x(N):N.match(W)||[]}var fm=$a(function(N,W){try{return Hl(N,m,W)}catch(te){return ey(te)?te:new fa(te)}}),j1=qp(function(N,W){return oh(W,function(te){te=ug(te),od(N,te,lk(N[te],N))}),N});function xk(N){var W=N==null?0:N.length,te=jo();return N=W?Nc(N,function(Ee){if(typeof Ee[1]!="function")throw new C1(k);return[te(Ee[0]),Ee[1]]}):[],$a(function(Ee){for(var Me=-1;++Me<W;){var tt=N[Me];if(Hl(tt[0],this,Ee))return Hl(tt[1],this,Ee)}})}function Ck(N){return Jm(df(N,U))}function SO(N){return function(){return N}}function G_(N,W){return N==null||N!==N?W:N}var K_=tC(),tD=tC(!0);function Kp(N){return N}function Tk(N){return lv(typeof N=="function"?N:df(N,U))}function nD(N){return hl(df(N,U))}function le(N,W){return _d(N,df(W,U))}var rD=$a(function(N,W){return function(te){return Uw(te,N,W)}}),cP=$a(function(N,W){return function(te){return Uw(N,te,W)}});function Y_(N,W,te){var Ee=fp(W),Me=av(W,Ee);te==null&&!(bf(W)&&(Me.length||!Ee.length))&&(te=W,W=N,N=this,Me=av(W,fp(W)));var tt=!(bf(te)&&"chain"in te)||!!te.chain,Nt=Ev(N);return oh(Me,function(Yt){var Cn=W[Yt];N[Yt]=Cn,Nt&&(N.prototype[Yt]=function(){var yr=this.__chain__;if(tt||yr){var xr=N(this.__wrapped__),Pr=xr.__actions__=Pa(this.__actions__);return Pr.push({func:Cn,args:arguments,thisArg:N}),xr.__chain__=yr,xr}return Cn.apply(N,Bm([this.value()],arguments))})}),N}function iD(){return _u._===this&&(_u._=k3),this}function kk(){}function Xi(N){return N=Ua(N),$a(function(W){return n0(W,N)})}var lP=q3(Nc),oD=q3(i_),ab=q3(sh);function GE(N){return rm(N)?w3(ug(N)):Dr(N)}function iy(N){return function(W){return N==null?m:e0(N,W)}}var X_=nC(),fP=nC(!0);function Rk(){return[]}function sD(){return!1}function H7(){return{}}function oy(){return""}function xO(){return!0}function aD(N,W){if(N=Ua(N),N<1||N>en)return[];var te=Re,Ee=Ul(N,Re);W=jo(W),N-=Re;for(var Me=Fx(Ee,W);++te<N;)W(te);return Me}function dP(N){return Fa(N)?Nc(N,ug):fg(N)?[N]:Pa(Jw(Bc(N)))}function Yp(N){var W=++Ow;return Bc(N)+W}var CC=I_(function(N,W){return N+W},0),hP=rC("ceil"),Q_=I_(function(N,W){return N/W},1),KE=rC("floor");function U7(N){return N&&N.length?sv(N,Kp,zw):m}function pP(N,W){return N&&N.length?sv(N,jo(W,2),zw):m}function xv(N){return RR(N,Kp)}function gP(N,W){return RR(N,jo(W,2))}function TC(N){return N&&N.length?sv(N,Kp,ad):m}function vf(N,W){return N&&N.length?sv(N,jo(W,2),ad):m}var ud=I_(function(N,W){return N*W},1),dp=rC("round"),J_=I_(function(N,W){return N-W},0);function ub(N){return N&&N.length?E3(N,Kp):0}function Z_(N,W){return N&&N.length?E3(N,jo(W,2)):0}return Ke.after=V_,Ke.ary=ck,Ke.assign=R7,Ke.assignIn=Q$,Ke.assignInWith=yC,Ke.assignWith=O7,Ke.at=I7,Ke.before=q_,Ke.bind=lk,Ke.bindAll=j1,Ke.bindKey=mC,Ke.castArray=p7,Ke.chain=oa,Ke.chunk=L_,Ke.compact=QR,Ke.concat=JR,Ke.cond=xk,Ke.conforms=Ck,Ke.constant=SO,Ke.countBy=sk,Ke.create=D7,Ke.curry=fk,Ke.curryRight=dk,Ke.debounce=vC,Ke.defaults=A7,Ke.defaultsDeep=J$,Ke.defer=F$,Ke.delay=cO,Ke.difference=ek,Ke.differenceBy=ZR,Ke.differenceWith=gv,Ke.drop=FI,Ke.dropRight=jI,Ke.dropRightWhile=bv,Ke.dropWhile=eO,Ke.fill=tk,Ke.filter=k$,Ke.flatMap=i7,Ke.flatMapDeep=Wl,Ke.flatMapDepth=O$,Ke.flatten=h0,Ke.flattenDeep=MI,Ke.flattenDepth=NI,Ke.flip=j$,Ke.flow=K_,Ke.flowRight=tD,Ke.fromPairs=tO,Ke.functions=$7,Ke.functionsIn=gH,Ke.groupBy=I$,Ke.initial=uC,Ke.intersection=LI,Ke.intersectionBy=vv,Ke.intersectionWith=B_,Ke.invert=nP,Ke.invertBy=mH,Ke.invokeMap=A$,Ke.iteratee=Tk,Ke.keyBy=ak,Ke.keys=fp,Ke.keysIn=sb,Ke.map=oO,Ke.mapKeys=wH,Ke.mapValues=yH,Ke.matches=nD,Ke.matchesProperty=le,Ke.memoize=NE,Ke.merge=cm,Ke.mergeWith=P7,Ke.method=rD,Ke.methodOf=cP,Ke.mixin=Y_,Ke.negate=hk,Ke.nthArg=Xi,Ke.omit=rP,Ke.omitBy=iP,Ke.once=a7,Ke.orderBy=sO,Ke.over=lP,Ke.overArgs=u7,Ke.overEvery=oD,Ke.overSome=ab,Ke.partial=lO,Ke.partialRight=M$,Ke.partition=gC,Ke.pick=XI,Ke.pickBy=wk,Ke.property=GE,Ke.propertyOf=iy,Ke.pull=BI,Ke.pullAll=z_,Ke.pullAllBy=cC,Ke.pullAllWith=lC,Ke.pullAt=rO,Ke.range=X_,Ke.rangeRight=fP,Ke.rearg=fO,Ke.reject=s7,Ke.remove=fC,Ke.rest=c7,Ke.reverse=dC,Ke.sampleSize=lg,Ke.set=vO,Ke.setWith=wO,Ke.shuffle=bC,Ke.slice=ok,Ke.sortBy=uO,Ke.sortedUniq=UI,Ke.sortedUniqBy=pC,Ke.split=_k,Ke.spread=l7,Ke.tail=j,Ke.take=B,Ke.takeRight=Y,Ke.takeRightWhile=ae,Ke.takeWhile=we,Ke.tap=mo,Ke.throttle=f7,Ke.thru=_s,Ke.toArray=K$,Ke.toPairs=HE,Ke.toPairsIn=QI,Ke.toPath=dP,Ke.toPlainObject=X$,Ke.transform=j7,Ke.unary=d7,Ke.union=$e,Ke.unionBy=Ye,Ke.unionWith=Ct,Ke.uniq=Qt,Ke.uniqBy=sr,Ke.uniqWith=ao,Ke.unset=JI,Ke.unzip=Fs,Ke.unzipWith=Xr,Ke.update=EC,Ke.updateWith=UE,Ke.values=_v,Ke.valuesIn=yk,Ke.without=Lo,Ke.words=xC,Ke.wrap=h7,Ke.xor=Gs,Ke.xorBy=as,Ke.xorWith=$n,Ke.zip=un,Ke.zipObject=On,Ke.zipObjectDeep=kr,Ke.zipWith=zr,Ke.entries=HE,Ke.entriesIn=QI,Ke.extend=Q$,Ke.extendWith=yC,Y_(Ke,Ke),Ke.add=CC,Ke.attempt=fm,Ke.camelCase=L7,Ke.capitalize=yO,Ke.ceil=hP,Ke.clamp=oP,Ke.clone=g7,Ke.cloneDeep=m7,Ke.cloneDeepWith=v7,Ke.cloneWith=b7,Ke.conformsTo=N$,Ke.deburr=p0,Ke.defaultTo=G_,Ke.divide=Q_,Ke.endsWith=sP,Ke.eq=am,Ke.escape=ZI,Ke.escapeRegExp=VE,Ke.every=T$,Ke.find=r7,Ke.findIndex=nk,Ke.findKey=bO,Ke.findLast=R$,Ke.findLastIndex=mv,Ke.findLastKey=YI,Ke.floor=KE,Ke.forEach=qI,Ke.forEachRight=WI,Ke.forIn=Z$,Ke.forInRight=mO,Ke.forOwn=vk,Ke.forOwnRight=ob,Ke.get=eP,Ke.gt=L$,Ke.gte=B$,Ke.has=bH,Ke.hasIn=tP,Ke.head=nO,Ke.identity=Kp,Ke.includes=D$,Ke.indexOf=cg,Ke.inRange=M7,Ke.invoke=vH,Ke.isArguments=LE,Ke.isArray=Fa,Ke.isArrayBuffer=pk,Ke.isArrayLike=Mh,Ke.isArrayLikeObject=Cd,Ke.isBoolean=z$,Ke.isBuffer=BE,Ke.isDate=w7,Ke.isElement=H$,Ke.isEmpty=y7,Ke.isEqual=E7,Ke.isEqualWith=U$,Ke.isError=ey,Ke.isFinite=V$,Ke.isFunction=Ev,Ke.isInteger=gk,Ke.isLength=gf,Ke.isMap=bk,Ke.isMatch=q$,Ke.isMatchWith=dO,Ke.isNaN=_7,Ke.isNative=pH,Ke.isNil=x7,Ke.isNull=S7,Ke.isNumber=W$,Ke.isObject=bf,Ke.isObjectLike=mf,Ke.isPlainObject=mk,Ke.isRegExp=hO,Ke.isSafeInteger=G$,Ke.isSet=pO,Ke.isString=wC,Ke.isSymbol=fg,Ke.isTypedArray=zE,Ke.isUndefined=GI,Ke.isWeakMap=KI,Ke.isWeakSet=C7,Ke.join=sm,Ke.kebabCase=W_,Ke.last=Vd,Ke.lastIndexOf=rk,Ke.lowerCase=P1,Ke.lowerFirst=F1,Ke.lt=gO,Ke.lte=T7,Ke.max=U7,Ke.maxBy=pP,Ke.mean=xv,Ke.meanBy=gP,Ke.min=TC,Ke.minBy=vf,Ke.stubArray=Rk,Ke.stubFalse=sD,Ke.stubObject=H7,Ke.stubString=oy,Ke.stubTrue=xO,Ke.multiply=ud,Ke.nth=ik,Ke.noConflict=iD,Ke.noop=kk,Ke.now=yv,Ke.pad=aP,Ke.padEnd=lm,Ke.padStart=qE,Ke.parseInt=ny,Ke.random=N7,Ke.reduce=o7,Ke.reduceRight=$$,Ke.repeat=uP,Ke.replace=Ek,Ke.result=F7,Ke.round=dp,Ke.runInContext=En,Ke.sample=P$,Ke.size=aO,Ke.snakeCase=B7,Ke.some=uk,Ke.sortedIndex=H_,Ke.sortedIndexBy=zI,Ke.sortedIndexOf=hC,Ke.sortedLastIndex=iO,Ke.sortedLastIndexBy=HI,Ke.sortedLastIndexOf=U_,Ke.startCase=EO,Ke.startsWith=Sv,Ke.subtract=J_,Ke.sum=ub,Ke.sumBy=Z_,Ke.template=ry,Ke.times=aD,Ke.toFinite=ty,Ke.toInteger=Ua,Ke.toLength=Y$,Ke.toLower=dg,Ke.toNumber=um,Ke.toSafeInteger=k7,Ke.toString=Bc,Ke.toUpper=WE,Ke.trim=eD,Ke.trimEnd=Nh,Ke.trimStart=_C,Ke.truncate=z7,Ke.unescape=_O,Ke.uniqueId=Yp,Ke.upperCase=SC,Ke.upperFirst=Sk,Ke.each=qI,Ke.eachRight=WI,Ke.first=nO,Y_(Ke,function(){var N={};return Hp(Ke,function(W,te){Bu.call(Ke.prototype,te)||(N[te]=W)}),N}(),{chain:!1}),Ke.VERSION=w,oh(["bind","bindKey","curry","curryRight","partial","partialRight"],function(N){Ke[N].placeholder=Ke}),oh(["drop","take"],function(N,W){Aa.prototype[N]=function(te){te=te===m?1:id(Ua(te),0);var Ee=this.__filtered__&&!W?new Aa(this):this.clone();return Ee.__filtered__?Ee.__takeCount__=Ul(te,Ee.__takeCount__):Ee.__views__.push({size:Ul(te,Re),type:N+(Ee.__dir__<0?"Right":"")}),Ee},Aa.prototype[N+"Right"]=function(te){return this.reverse()[N](te).reverse()}}),oh(["filter","map","takeWhile"],function(N,W){var te=W+1,Ee=te==xe||te==Rt;Aa.prototype[N]=function(Me){var tt=this.clone();return tt.__iteratees__.push({iteratee:jo(Me,3),type:te}),tt.__filtered__=tt.__filtered__||Ee,tt}}),oh(["head","last"],function(N,W){var te="take"+(W?"Right":"");Aa.prototype[N]=function(){return this[te](1).value()[0]}}),oh(["initial","tail"],function(N,W){var te="drop"+(W?"":"Right");Aa.prototype[N]=function(){return this.__filtered__?new Aa(this):this[te](1)}}),Aa.prototype.compact=function(){return this.filter(Kp)},Aa.prototype.find=function(N){return this.filter(N).head()},Aa.prototype.findLast=function(N){return this.reverse().find(N)},Aa.prototype.invokeMap=$a(function(N,W){return typeof N=="function"?new Aa(this):this.map(function(te){return Uw(te,N,W)})}),Aa.prototype.reject=function(N){return this.filter(hk(jo(N)))},Aa.prototype.slice=function(N,W){N=Ua(N);var te=this;return te.__filtered__&&(N>0||W<0)?new Aa(te):(N<0?te=te.takeRight(-N):N&&(te=te.drop(N)),W!==m&&(W=Ua(W),te=W<0?te.dropRight(-W):te.take(W-N)),te)},Aa.prototype.takeRightWhile=function(N){return this.reverse().takeWhile(N).reverse()},Aa.prototype.toArray=function(){return this.take(Re)},Hp(Aa.prototype,function(N,W){var te=/^(?:filter|find|map|reject)|While$/.test(W),Ee=/^(?:head|last)$/.test(W),Me=Ke[Ee?"take"+(W=="last"?"Right":""):W],tt=Ee||/^find/.test(W);Me&&(Ke.prototype[W]=function(){var Nt=this.__wrapped__,Yt=Ee?[1]:arguments,Cn=Nt instanceof Aa,yr=Yt[0],xr=Cn||Fa(Nt),Pr=function(su){var Su=Me.apply(Ke,Bm([su],Yt));return Ee&&Wi?Su[0]:Su};xr&&te&&typeof yr=="function"&&yr.length!=1&&(Cn=xr=!1);var Wi=this.__chain__,vo=!!this.__actions__.length,bs=tt&&!Wi,Ms=Cn&&!vo;if(!tt&&xr){Nt=Ms?Nt:new Aa(this);var us=N.apply(Nt,Yt);return us.__actions__.push({func:_s,args:[Pr],thisArg:m}),new uh(us,Wi)}return bs&&Ms?N.apply(this,Yt):(us=this.thru(Pr),bs?Ee?us.value()[0]:us.value():us)})}),oh(["pop","push","shift","sort","splice","unshift"],function(N){var W=Rw[N],te=/^(?:push|sort|unshift)$/.test(N)?"tap":"thru",Ee=/^(?:pop|shift)$/.test(N);Ke.prototype[N]=function(){var Me=arguments;if(Ee&&!this.__chain__){var tt=this.value();return W.apply(Fa(tt)?tt:[],Me)}return this[te](function(Nt){return W.apply(Fa(Nt)?Nt:[],Me)})}}),Hp(Aa.prototype,function(N,W){var te=Ke[W];if(te){var Ee=te.name+"";Bu.call(Q0,Ee)||(Q0[Ee]=[]),Q0[Ee].push({name:W,func:te})}}),Q0[O_(m,ve).name]=[{name:"wrapper",func:m}],Aa.prototype.clone=ig,Aa.prototype.reverse=zR,Aa.prototype.value=I3,Ke.prototype.at=Ta,Ke.prototype.chain=da,Ke.prototype.commit=wv,Ke.prototype.next=VI,Ke.prototype.plant=e7,Ke.prototype.reverse=t7,Ke.prototype.toJSON=Ke.prototype.valueOf=Ke.prototype.value=n7,Ke.prototype.first=Ke.prototype.head,qm&&(Ke.prototype[qm]=C$),Ke},Tw=NR();dl?((dl.exports=Tw)._=Tw,Qu._=Tw):_u._=Tw}).call(commonjsGlobal)}(lodash,lodash.exports);var lodashExports=lodash.exports;const isImageDataObject=g=>{if(!lodashExports.isPlainObject(g))return!1;const b=Object.keys(g);return b.length!==1?!1:b[0].startsWith("data:image/")},encodeImageDataObjectToMarkup=g=>{const b=Object.keys(g).find(m=>m.startsWith("data:image/"));return b?``:""},listToMarkup=g=>g.map(b=>typeof b=="string"?b:isImageDataObject(b)?encodeImageDataObjectToMarkup(b):valueStringify(b)).join(`
`),isChatInput=g=>!!g.is_chat_input,isChatHistory=(g,b,m=!1)=>g!==FlowType.Chat||b.type!==ValueType.list?!1:Reflect.has(b,"is_chat_history")?!!b.is_chat_history:m?!1:b.name===DEFAULT_CHAT_HISTORY_NAME,isChatOutput=g=>!!g.is_chat_output,makeChatMessageFromUser=(g,b)=>{const m=typeof g=="string"?g:Array.isArray(g)?listToMarkup(g):JSON.stringify(g)??"",w=Array.isArray(g)?JSON.stringify(g):void 0;return{id:uuid_1.v4(),from:ChatMessageFrom.User,type:ChatMessageType.Text,content:m,contentForCopy:w,timestamp:new Date().toISOString(),extraData:b}},makeChatMessageFromChatBot=(g,b,m,w)=>{const _=typeof g=="string"?g:Array.isArray(g)?listToMarkup(g):JSON.stringify(g)??"",C=Array.isArray(g)?JSON.stringify(g):void 0;return{id:uuid_1.v4(),from:ChatMessageFrom.Chatbot,type:ChatMessageType.Text,content:_,contentForCopy:C,timestamp:new Date().toISOString(),duration:w==null?void 0:w.duration,tokens:w==null?void 0:w.total_tokens,error:m,extraData:b}},parseChatMessages=(g,b,m)=>{const w=[];for(const _ of m){const C=_.inputs[g],k=_.outputs[b];if(typeof C=="string"&&typeof k=="string"){const I={flowInputs:_.inputs,flowOutputs:_.outputs};w.push(makeChatMessageFromUser(C,I)),w.push(makeChatMessageFromChatBot(k,I))}else if(Array.isArray(C)&&Array.isArray(k)){const I={flowInputs:_.inputs,flowOutputs:_.outputs};w.push(makeChatMessageFromUser(C,I)),w.push(makeChatMessageFromChatBot(k,I))}}return w};ValueType.AzureContentSafetyConnection,ValueType.AzureContentModeratorConnection,ValueType.OpenAIConnection,ValueType.AzureOpenAIConnection,ValueType.BingConnection,ValueType.CustomConnection,ValueType.SerpConnection,ValueType.CognitiveSearchConnection,ValueType.SubstrateLLMConnection,ValueType.QdrantConnection,ValueType.WeaviateConnection,ValueType.FormRecognizerConnection;const convertConnectionTypeToValueType=g=>{switch(g){case ConnectionType.AzureContentSafety:return ValueType.AzureContentSafetyConnection;case ConnectionType.AzureContentModerator:return ValueType.AzureContentModeratorConnection;case ConnectionType.Serp:return ValueType.SerpConnection;case ConnectionType.OpenAI:return ValueType.OpenAIConnection;case ConnectionType.Bing:return ValueType.BingConnection;case ConnectionType.AzureOpenAI:return ValueType.AzureOpenAIConnection;case ConnectionType.CognitiveSearch:return ValueType.CognitiveSearchConnection;case ConnectionType.SubstrateLLM:return ValueType.SubstrateLLMConnection;case ConnectionType.Custom:return ValueType.CustomConnection;default:return ValueType.CustomConnection}},getValueTypeByConnectionType=(g,b)=>{var m;return!b||b.length===0?convertConnectionTypeToValueType(g):(m=b.find(w=>w.connectionType===g))==null?void 0:m.flowValueType},getConnectionTypeByName=(g,b,m)=>{var _;const w=(_=g==null?void 0:g.find(C=>C.connectionName===m))==null?void 0:_.connectionType;if(w)return getValueTypeByConnectionType(w,b)};ValueType.AzureContentSafetyConnection+"",ValueType.BingConnection+"",ValueType.OpenAIConnection+"",ValueType.CustomConnection+"",ValueType.AzureOpenAIConnection+"",ValueType.AzureContentModeratorConnection+"",ValueType.SerpConnection+"",ValueType.CognitiveSearchConnection+"",ValueType.SubstrateLLMConnection+"",ValueType.PineconeConnection+"",ValueType.QdrantConnection+"",ValueType.WeaviateConnection+"",ValueType.FormRecognizerConnection+"";const safelyParseJson=(g,b)=>{if(!g)return b??"";try{return JSON.parse(g)}catch{return b??""}};function sortKeysForPrettierPrint(g){const b=[],m=[],w=[];for(const _ of Object.keys(g)){const C=g[_];C===void 0?w.push(_):C?b.push(_):m.push(_)}return[...b,...m,...w]}const intNumberRegExp$1=/^[+-]?\d+$/,doubleNumberRegExp$1=/^[+-]?\d+(\.\d+)?$/,safelyParseInt=g=>{try{const b=parseInt(g,10);return isNaN(b)?g:b}catch{return g}},safelyParseFloat=g=>{try{const b=parseFloat(g);return isNaN(b)?g:b}catch{return g}},boolValues=["true","false","True","False",!0,!1],safelyParseBool=g=>{try{return boolValues.includes(g)?convertToBool(g):g}catch{return g}},convertValByType=(g,b)=>{var w;let m=g;if(!(((w=g==null?void 0:g.trim)==null?void 0:w.call(g))===""&&b!==ValueType.string)){switch(b){case ValueType.int:m=typeof m=="string"&&intNumberRegExp$1.test(m.trim())?safelyParseInt(m):m;break;case ValueType.double:m=typeof m=="string"&&doubleNumberRegExp$1.test(m.trim())?safelyParseFloat(m):m;break;case ValueType.bool:m=safelyParseBool(m);break;case ValueType.string:m=typeof m=="object"?JSON.stringify(m):String(m??"");break;case ValueType.list:case ValueType.object:m=typeof m=="string"?safelyParseJson(m,m):m;break}return m}},inferTypeByVal=g=>{if(typeof g=="boolean")return ValueType.bool;if(typeof g=="number")return Number.isInteger(g)?ValueType.int:ValueType.double;if(Array.isArray(g))return ValueType.list;if(typeof g=="object"&&g!==null)return ValueType.object;if(typeof g=="string")return ValueType.string},filterNodeInputsKeys=(g,b,m,w,_=!1)=>{const C=sortToolInputs(g),k={...b};return Object.keys(C??{}).filter(P=>{var U;const M=C==null?void 0:C[P];if(!_&&(M==null?void 0:M.input_type)===InputType.uionly_hidden)return!1;if(M!=null&&M.enabled_by&&(M!=null&&M.enabled_by_value)){const G=C==null?void 0:C[M.enabled_by],X=(k==null?void 0:k[M.enabled_by])??(G==null?void 0:G.default),Z=convertValByType(X,(U=G==null?void 0:G.type)==null?void 0:U[0]),ne=M==null?void 0:M.enabled_by_value.includes(Z);return ne||(k[P]=void 0),ne}if(M!=null&&M.enabled_by&&(M!=null&&M.enabled_by_type)){const G=k==null?void 0:k[M.enabled_by],X=getConnectionTypeByName(m??[],w??[],G??""),Z=X?M==null?void 0:M.enabled_by_type.includes(X):!1;return Z||(k[P]=void 0),Z}return!0})},sortToolInputs=g=>{const b=[],m={};Object.keys(g??{}).forEach(k=>{const I=g==null?void 0:g[k];I!=null&&I.enabled_by?(m[I.enabled_by]||(m[I.enabled_by]=[]),m[I.enabled_by].push(k)):b.push(k)});const w=[],_=k=>{for(const I of k)w.push(I),m[I]&&_(m[I])};_(b);const C={};for(const k of w)C[k]=g==null?void 0:g[k];return C},renameKeyInObject=(g,b,m)=>{const w={};return Object.keys(g).forEach(_=>{const C=g[_];_===b?w[m]=C:w[_]=C}),w},getDefaultNodeVariant=g=>{const{defaultVariantId:b=BASELINE_VARIANT_ID,variants:m={}}=g,w=m[b];return w==null?void 0:w.node},getDefaultNodeList=(g,b)=>{const m=[];return g.forEach(w=>{const _=b.get(w);if(!_)return;const C=getDefaultNodeVariant(_);C&&m.push(C)}),m},getFlowSnapshotNodeList=(g,b,m)=>{const w=[];return g.forEach(_=>{if(m.includes(_)){w.push({name:_,use_variants:!0});return}const C=b[_];if(!C)return;const k={inputs:{},...getDefaultNodeVariant(C)};k&&w.push(k)}),w};var getRandomValues=typeof crypto<"u"&&crypto.getRandomValues&&crypto.getRandomValues.bind(crypto)||typeof msCrypto<"u"&&typeof msCrypto.getRandomValues=="function"&&msCrypto.getRandomValues.bind(msCrypto),rnds8=new Uint8Array(16);function rng(){if(!getRandomValues)throw new Error("crypto.getRandomValues() not supported. See https://github.com/uuidjs/uuid#getrandomvalues-not-supported");return getRandomValues(rnds8)}for(var byteToHex=[],i=0;i<256;++i)byteToHex[i]=(i+256).toString(16).substr(1);function bytesToUuid(g,b){var m=b||0,w=byteToHex;return[w[g[m++]],w[g[m++]],w[g[m++]],w[g[m++]],"-",w[g[m++]],w[g[m++]],"-",w[g[m++]],w[g[m++]],"-",w[g[m++]],w[g[m++]],"-",w[g[m++]],w[g[m++]],w[g[m++]],w[g[m++]],w[g[m++]],w[g[m++]]].join("")}function v4(g,b,m){var w=b&&m||0;typeof g=="string"&&(b=g==="binary"?new Array(16):null,g=null),g=g||{};var _=g.random||(g.rng||rng)();if(_[6]=_[6]&15|64,_[8]=_[8]&63|128,b)for(var C=0;C<16;++C)b[w+C]=_[C];return b||bytesToUuid(_)}var toposort$1={exports:{}};toposort$1.exports=function(g){return toposort(uniqueNodes(g),g)},toposort$1.exports.array=toposort;function toposort(g,b){for(var m=g.length,w=new Array(m),_={},C=m;C--;)_[C]||k(g[C],C,[]);return w;function k(I,$,P){if(P.indexOf(I)>=0){var M;try{M=", node was:"+JSON.stringify(I)}catch{M=""}throw new Error("Cyclic dependency"+M)}if(!~g.indexOf(I))throw new Error("Found unknown node. Make sure to provided all involved nodes. Unknown node: "+JSON.stringify(I));if(!_[$]){_[$]=!0;var U=b.filter(function(Z){return Z[0]===I});if($=U.length){var G=P.concat(I);do{var X=U[--$][1];k(X,g.indexOf(X),G)}while($)}w[--m]=I}}}function uniqueNodes(g){for(var b=[],m=0,w=g.length;m<w;m++){var _=g[m];b.indexOf(_[0])<0&&b.push(_[0]),b.indexOf(_[1])<0&&b.push(_[1])}return b}var eventemitter3={exports:{}};(function(g){var b=Object.prototype.hasOwnProperty,m="~";function w(){}Object.create&&(w.prototype=Object.create(null),new w().__proto__||(m=!1));function _($,P,M){this.fn=$,this.context=P,this.once=M||!1}function C($,P,M,U,G){if(typeof M!="function")throw new TypeError("The listener must be a function");var X=new _(M,U||$,G),Z=m?m+P:P;return $._events[Z]?$._events[Z].fn?$._events[Z]=[$._events[Z],X]:$._events[Z].push(X):($._events[Z]=X,$._eventsCount++),$}function k($,P){--$._eventsCount===0?$._events=new w:delete $._events[P]}function I(){this._events=new w,this._eventsCount=0}I.prototype.eventNames=function(){var P=[],M,U;if(this._eventsCount===0)return P;for(U in M=this._events)b.call(M,U)&&P.push(m?U.slice(1):U);return Object.getOwnPropertySymbols?P.concat(Object.getOwnPropertySymbols(M)):P},I.prototype.listeners=function(P){var M=m?m+P:P,U=this._events[M];if(!U)return[];if(U.fn)return[U.fn];for(var G=0,X=U.length,Z=new Array(X);G<X;G++)Z[G]=U[G].fn;return Z},I.prototype.listenerCount=function(P){var M=m?m+P:P,U=this._events[M];return U?U.fn?1:U.length:0},I.prototype.emit=function(P,M,U,G,X,Z){var ne=m?m+P:P;if(!this._events[ne])return!1;var re=this._events[ne],ve=arguments.length,Se,ge;if(re.fn){switch(re.once&&this.removeListener(P,re.fn,void 0,!0),ve){case 1:return re.fn.call(re.context),!0;case 2:return re.fn.call(re.context,M),!0;case 3:return re.fn.call(re.context,M,U),!0;case 4:return re.fn.call(re.context,M,U,G),!0;case 5:return re.fn.call(re.context,M,U,G,X),!0;case 6:return re.fn.call(re.context,M,U,G,X,Z),!0}for(ge=1,Se=new Array(ve-1);ge<ve;ge++)Se[ge-1]=arguments[ge];re.fn.apply(re.context,Se)}else{var oe=re.length,me;for(ge=0;ge<oe;ge++)switch(re[ge].once&&this.removeListener(P,re[ge].fn,void 0,!0),ve){case 1:re[ge].fn.call(re[ge].context);break;case 2:re[ge].fn.call(re[ge].context,M);break;case 3:re[ge].fn.call(re[ge].context,M,U);break;case 4:re[ge].fn.call(re[ge].context,M,U,G);break;default:if(!Se)for(me=1,Se=new Array(ve-1);me<ve;me++)Se[me-1]=arguments[me];re[ge].fn.apply(re[ge].context,Se)}}return!0},I.prototype.on=function(P,M,U){return C(this,P,M,U,!1)},I.prototype.once=function(P,M,U){return C(this,P,M,U,!0)},I.prototype.removeListener=function(P,M,U,G){var X=m?m+P:P;if(!this._events[X])return this;if(!M)return k(this,X),this;var Z=this._events[X];if(Z.fn)Z.fn===M&&(!G||Z.once)&&(!U||Z.context===U)&&k(this,X);else{for(var ne=0,re=[],ve=Z.length;ne<ve;ne++)(Z[ne].fn!==M||G&&!Z[ne].once||U&&Z[ne].context!==U)&&re.push(Z[ne]);re.length?this._events[X]=re.length===1?re[0]:re:k(this,X)}return this},I.prototype.removeAllListeners=function(P){var M;return P?(M=m?m+P:P,this._events[M]&&k(this,M)):(this._events=new w,this._eventsCount=0),this},I.prototype.off=I.prototype.removeListener,I.prototype.addListener=I.prototype.on,I.prefixed=m,I.EventEmitter=I,g.exports=I})(eventemitter3);var eventemitter3Exports=eventemitter3.exports;function _extends$g(){return _extends$g=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$g.apply(this,arguments)}function _objectWithoutPropertiesLoose$5(g,b){if(g==null)return{};var m={},w=Object.keys(g),_,C;for(C=0;C<w.length;C++)_=w[C],!(b.indexOf(_)>=0)&&(m[_]=g[_]);return m}var reactIs$4={exports:{}},reactIs_production_min$3={};/** @license React v16.8.6
* react-is.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactIs_production_min$3;function requireReactIs_production_min$3(){if(hasRequiredReactIs_production_min$3)return reactIs_production_min$3;hasRequiredReactIs_production_min$3=1,Object.defineProperty(reactIs_production_min$3,"__esModule",{value:!0});var g=typeof Symbol=="function"&&Symbol.for,b=g?Symbol.for("react.element"):60103,m=g?Symbol.for("react.portal"):60106,w=g?Symbol.for("react.fragment"):60107,_=g?Symbol.for("react.strict_mode"):60108,C=g?Symbol.for("react.profiler"):60114,k=g?Symbol.for("react.provider"):60109,I=g?Symbol.for("react.context"):60110,$=g?Symbol.for("react.async_mode"):60111,P=g?Symbol.for("react.concurrent_mode"):60111,M=g?Symbol.for("react.forward_ref"):60112,U=g?Symbol.for("react.suspense"):60113,G=g?Symbol.for("react.memo"):60115,X=g?Symbol.for("react.lazy"):60116;function Z(re){if(typeof re=="object"&&re!==null){var ve=re.$$typeof;switch(ve){case b:switch(re=re.type,re){case $:case P:case w:case C:case _:case U:return re;default:switch(re=re&&re.$$typeof,re){case I:case M:case k:return re;default:return ve}}case X:case G:case m:return ve}}}function ne(re){return Z(re)===P}return reactIs_production_min$3.typeOf=Z,reactIs_production_min$3.AsyncMode=$,reactIs_production_min$3.ConcurrentMode=P,reactIs_production_min$3.ContextConsumer=I,reactIs_production_min$3.ContextProvider=k,reactIs_production_min$3.Element=b,reactIs_production_min$3.ForwardRef=M,reactIs_production_min$3.Fragment=w,reactIs_production_min$3.Lazy=X,reactIs_production_min$3.Memo=G,reactIs_production_min$3.Portal=m,reactIs_production_min$3.Profiler=C,reactIs_production_min$3.StrictMode=_,reactIs_production_min$3.Suspense=U,reactIs_production_min$3.isValidElementType=function(re){return typeof re=="string"||typeof re=="function"||re===w||re===P||re===C||re===_||re===U||typeof re=="object"&&re!==null&&(re.$$typeof===X||re.$$typeof===G||re.$$typeof===k||re.$$typeof===I||re.$$typeof===M)},reactIs_production_min$3.isAsyncMode=function(re){return ne(re)||Z(re)===$},reactIs_production_min$3.isConcurrentMode=ne,reactIs_production_min$3.isContextConsumer=function(re){return Z(re)===I},reactIs_production_min$3.isContextProvider=function(re){return Z(re)===k},reactIs_production_min$3.isElement=function(re){return typeof re=="object"&&re!==null&&re.$$typeof===b},reactIs_production_min$3.isForwardRef=function(re){return Z(re)===M},reactIs_production_min$3.isFragment=function(re){return Z(re)===w},reactIs_production_min$3.isLazy=function(re){return Z(re)===X},reactIs_production_min$3.isMemo=function(re){return Z(re)===G},reactIs_production_min$3.isPortal=function(re){return Z(re)===m},reactIs_production_min$3.isProfiler=function(re){return Z(re)===C},reactIs_production_min$3.isStrictMode=function(re){return Z(re)===_},reactIs_production_min$3.isSuspense=function(re){return Z(re)===U},reactIs_production_min$3}var reactIs_development$3={};/** @license React v16.8.6
* react-is.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactIs_development$3;function requireReactIs_development$3(){return hasRequiredReactIs_development$3||(hasRequiredReactIs_development$3=1,function(g){({}).NODE_ENV!=="production"&&function(){Object.defineProperty(g,"__esModule",{value:!0});var b=typeof Symbol=="function"&&Symbol.for,m=b?Symbol.for("react.element"):60103,w=b?Symbol.for("react.portal"):60106,_=b?Symbol.for("react.fragment"):60107,C=b?Symbol.for("react.strict_mode"):60108,k=b?Symbol.for("react.profiler"):60114,I=b?Symbol.for("react.provider"):60109,$=b?Symbol.for("react.context"):60110,P=b?Symbol.for("react.async_mode"):60111,M=b?Symbol.for("react.concurrent_mode"):60111,U=b?Symbol.for("react.forward_ref"):60112,G=b?Symbol.for("react.suspense"):60113,X=b?Symbol.for("react.memo"):60115,Z=b?Symbol.for("react.lazy"):60116;function ne(Pt){return typeof Pt=="string"||typeof Pt=="function"||Pt===_||Pt===M||Pt===k||Pt===C||Pt===G||typeof Pt=="object"&&Pt!==null&&(Pt.$$typeof===Z||Pt.$$typeof===X||Pt.$$typeof===I||Pt.$$typeof===$||Pt.$$typeof===U)}var re=function(){};{var ve=function(Pt){for(var _t=arguments.length,lr=Array(_t>1?_t-1:0),jn=1;jn<_t;jn++)lr[jn-1]=arguments[jn];var ii=0,Zi="Warning: "+Pt.replace(/%s/g,function(){return lr[ii++]});typeof console<"u"&&console.warn(Zi);try{throw new Error(Zi)}catch{}};re=function(Pt,_t){if(_t===void 0)throw new Error("`lowPriorityWarning(condition, format, ...args)` requires a warning message argument");if(!Pt){for(var lr=arguments.length,jn=Array(lr>2?lr-2:0),ii=2;ii<lr;ii++)jn[ii-2]=arguments[ii];ve.apply(void 0,[_t].concat(jn))}}}var Se=re;function ge(Pt){if(typeof Pt=="object"&&Pt!==null){var _t=Pt.$$typeof;switch(_t){case m:var lr=Pt.type;switch(lr){case P:case M:case _:case k:case C:case G:return lr;default:var jn=lr&&lr.$$typeof;switch(jn){case $:case U:case I:return jn;default:return _t}}case Z:case X:case w:return _t}}}var oe=P,me=M,De=$,Le=I,rt=m,Ue=U,Ze=_,gt=Z,$t=X,Xe=w,xe=k,Tn=C,Rt=G,mt=!1;function en(Pt){return mt||(mt=!0,Se(!1,"The ReactIs.isAsyncMode() alias has been deprecated, and will be removed in React 17+. Update your code to use ReactIs.isConcurrentMode() instead. It has the exact same API.")),st(Pt)||ge(Pt)===P}function st(Pt){return ge(Pt)===M}function Fe(Pt){return ge(Pt)===$}function Re(Pt){return ge(Pt)===I}function Ae(Pt){return typeof Pt=="object"&&Pt!==null&&Pt.$$typeof===m}function je(Pt){return ge(Pt)===U}function Ge(Pt){return ge(Pt)===_}function Be(Pt){return ge(Pt)===Z}function We(Pt){return ge(Pt)===X}function lt(Pt){return ge(Pt)===w}function Tt(Pt){return ge(Pt)===k}function Je(Pt){return ge(Pt)===C}function qt(Pt){return ge(Pt)===G}g.typeOf=ge,g.AsyncMode=oe,g.ConcurrentMode=me,g.ContextConsumer=De,g.ContextProvider=Le,g.Element=rt,g.ForwardRef=Ue,g.Fragment=Ze,g.Lazy=gt,g.Memo=$t,g.Portal=Xe,g.Profiler=xe,g.StrictMode=Tn,g.Suspense=Rt,g.isValidElementType=ne,g.isAsyncMode=en,g.isConcurrentMode=st,g.isContextConsumer=Fe,g.isContextProvider=Re,g.isElement=Ae,g.isForwardRef=je,g.isFragment=Ge,g.isLazy=Be,g.isMemo=We,g.isPortal=lt,g.isProfiler=Tt,g.isStrictMode=Je,g.isSuspense=qt}()}(reactIs_development$3)),reactIs_development$3}({}).NODE_ENV==="production"?reactIs$4.exports=requireReactIs_production_min$3():reactIs$4.exports=requireReactIs_development$3();var reactIsExports=reactIs$4.exports,reactIs$3=reactIsExports,FORWARD_REF_STATICS$1={$$typeof:!0,render:!0,defaultProps:!0,displayName:!0,propTypes:!0},MEMO_STATICS$1={$$typeof:!0,compare:!0,defaultProps:!0,displayName:!0,propTypes:!0,type:!0},TYPE_STATICS$1={};TYPE_STATICS$1[reactIs$3.ForwardRef]=FORWARD_REF_STATICS$1,TYPE_STATICS$1[reactIs$3.Memo]=MEMO_STATICS$1;var isProduction$1={}.NODE_ENV==="production";function warning(g,b){if(!isProduction$1){if(g)return;var m="Warning: "+b;typeof console<"u"&&console.warn(m);try{throw Error(m)}catch{}}}var propTypes$4={exports:{}},ReactPropTypesSecret_1$3,hasRequiredReactPropTypesSecret$3;function requireReactPropTypesSecret$3(){if(hasRequiredReactPropTypesSecret$3)return ReactPropTypesSecret_1$3;hasRequiredReactPropTypesSecret$3=1;var g="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED";return ReactPropTypesSecret_1$3=g,ReactPropTypesSecret_1$3}var checkPropTypes_1$3,hasRequiredCheckPropTypes$3;function requireCheckPropTypes$3(){if(hasRequiredCheckPropTypes$3)return checkPropTypes_1$3;hasRequiredCheckPropTypes$3=1;var g=function(){};if({}.NODE_ENV!=="production"){var b=requireReactPropTypesSecret$3(),m={},w=Function.call.bind(Object.prototype.hasOwnProperty);g=function(C){var k="Warning: "+C;typeof console<"u"&&console.error(k);try{throw new Error(k)}catch{}}}function _(C,k,I,$,P){if({}.NODE_ENV!=="production"){for(var M in C)if(w(C,M)){var U;try{if(typeof C[M]!="function"){var G=Error(($||"React class")+": "+I+" type `"+M+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+typeof C[M]+"`.");throw G.name="Invariant Violation",G}U=C[M](k,M,$,I,null,b)}catch(Z){U=Z}if(U&&!(U instanceof Error)&&g(($||"React class")+": type specification of "+I+" `"+M+"` is invalid; the type checker function must return `null` or an `Error` but returned a "+typeof U+". You may have forgotten to pass an argument to the type checker creator (arrayOf, instanceOf, objectOf, oneOf, oneOfType, and shape all require an argument)."),U instanceof Error&&!(U.message in m)){m[U.message]=!0;var X=P?P():"";g("Failed "+I+" type: "+U.message+(X??""))}}}}return _.resetWarningCache=function(){({}).NODE_ENV!=="production"&&(m={})},checkPropTypes_1$3=_,checkPropTypes_1$3}var factoryWithTypeCheckers$3,hasRequiredFactoryWithTypeCheckers$3;function requireFactoryWithTypeCheckers$3(){if(hasRequiredFactoryWithTypeCheckers$3)return factoryWithTypeCheckers$3;hasRequiredFactoryWithTypeCheckers$3=1;var g=reactIsExports,b=requireObjectAssign(),m=requireReactPropTypesSecret$3(),w=requireCheckPropTypes$3(),_=Function.call.bind(Object.prototype.hasOwnProperty),C=function(){};({}).NODE_ENV!=="production"&&(C=function(I){var $="Warning: "+I;typeof console<"u"&&console.error($);try{throw new Error($)}catch{}});function k(){return null}return factoryWithTypeCheckers$3=function(I,$){var P=typeof Symbol=="function"&&Symbol.iterator,M="@@iterator";function U(st){var Fe=st&&(P&&st[P]||st[M]);if(typeof Fe=="function")return Fe}var G="<<anonymous>>",X={array:ve("array"),bool:ve("boolean"),func:ve("function"),number:ve("number"),object:ve("object"),string:ve("string"),symbol:ve("symbol"),any:Se(),arrayOf:ge,element:oe(),elementType:me(),instanceOf:De,node:Ze(),objectOf:rt,oneOf:Le,oneOfType:Ue,shape:gt,exact:$t};function Z(st,Fe){return st===Fe?st!==0||1/st===1/Fe:st!==st&&Fe!==Fe}function ne(st){this.message=st,this.stack=""}ne.prototype=Error.prototype;function re(st){if({}.NODE_ENV!=="production")var Fe={},Re=0;function Ae(Ge,Be,We,lt,Tt,Je,qt){if(lt=lt||G,Je=Je||We,qt!==m){if($){var Pt=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use `PropTypes.checkPropTypes()` to call them. Read more at http://fb.me/use-check-prop-types");throw Pt.name="Invariant Violation",Pt}else if({}.NODE_ENV!=="production"&&typeof console<"u"){var _t=lt+":"+We;!Fe[_t]&&Re<3&&(C("You are manually calling a React.PropTypes validation function for the `"+Je+"` prop on `"+lt+"`. This is deprecated and will throw in the standalone `prop-types` package. You may be seeing this warning due to a third-party PropTypes library. See https://fb.me/react-warning-dont-call-proptypes for details."),Fe[_t]=!0,Re++)}}return Be[We]==null?Ge?Be[We]===null?new ne("The "+Tt+" `"+Je+"` is marked as required "+("in `"+lt+"`, but its value is `null`.")):new ne("The "+Tt+" `"+Je+"` is marked as required in "+("`"+lt+"`, but its value is `undefined`.")):null:st(Be,We,lt,Tt,Je)}var je=Ae.bind(null,!1);return je.isRequired=Ae.bind(null,!0),je}function ve(st){function Fe(Re,Ae,je,Ge,Be,We){var lt=Re[Ae],Tt=Tn(lt);if(Tt!==st){var Je=Rt(lt);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+Je+"` supplied to `"+je+"`, expected ")+("`"+st+"`."))}return null}return re(Fe)}function Se(){return re(k)}function ge(st){function Fe(Re,Ae,je,Ge,Be){if(typeof st!="function")return new ne("Property `"+Be+"` of component `"+je+"` has invalid PropType notation inside arrayOf.");var We=Re[Ae];if(!Array.isArray(We)){var lt=Tn(We);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected an array."))}for(var Tt=0;Tt<We.length;Tt++){var Je=st(We,Tt,je,Ge,Be+"["+Tt+"]",m);if(Je instanceof Error)return Je}return null}return re(Fe)}function oe(){function st(Fe,Re,Ae,je,Ge){var Be=Fe[Re];if(!I(Be)){var We=Tn(Be);return new ne("Invalid "+je+" `"+Ge+"` of type "+("`"+We+"` supplied to `"+Ae+"`, expected a single ReactElement."))}return null}return re(st)}function me(){function st(Fe,Re,Ae,je,Ge){var Be=Fe[Re];if(!g.isValidElementType(Be)){var We=Tn(Be);return new ne("Invalid "+je+" `"+Ge+"` of type "+("`"+We+"` supplied to `"+Ae+"`, expected a single ReactElement type."))}return null}return re(st)}function De(st){function Fe(Re,Ae,je,Ge,Be){if(!(Re[Ae]instanceof st)){var We=st.name||G,lt=en(Re[Ae]);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected ")+("instance of `"+We+"`."))}return null}return re(Fe)}function Le(st){if(!Array.isArray(st))return{}.NODE_ENV!=="production"&&(arguments.length>1?C("Invalid arguments supplied to oneOf, expected an array, got "+arguments.length+" arguments. A common mistake is to write oneOf(x, y, z) instead of oneOf([x, y, z])."):C("Invalid argument supplied to oneOf, expected an array.")),k;function Fe(Re,Ae,je,Ge,Be){for(var We=Re[Ae],lt=0;lt<st.length;lt++)if(Z(We,st[lt]))return null;var Tt=JSON.stringify(st,function(qt,Pt){var _t=Rt(Pt);return _t==="symbol"?String(Pt):Pt});return new ne("Invalid "+Ge+" `"+Be+"` of value `"+String(We)+"` "+("supplied to `"+je+"`, expected one of "+Tt+"."))}return re(Fe)}function rt(st){function Fe(Re,Ae,je,Ge,Be){if(typeof st!="function")return new ne("Property `"+Be+"` of component `"+je+"` has invalid PropType notation inside objectOf.");var We=Re[Ae],lt=Tn(We);if(lt!=="object")return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected an object."));for(var Tt in We)if(_(We,Tt)){var Je=st(We,Tt,je,Ge,Be+"."+Tt,m);if(Je instanceof Error)return Je}return null}return re(Fe)}function Ue(st){if(!Array.isArray(st))return{}.NODE_ENV!=="production"&&C("Invalid argument supplied to oneOfType, expected an instance of array."),k;for(var Fe=0;Fe<st.length;Fe++){var Re=st[Fe];if(typeof Re!="function")return C("Invalid argument supplied to oneOfType. Expected an array of check functions, but received "+mt(Re)+" at index "+Fe+"."),k}function Ae(je,Ge,Be,We,lt){for(var Tt=0;Tt<st.length;Tt++){var Je=st[Tt];if(Je(je,Ge,Be,We,lt,m)==null)return null}return new ne("Invalid "+We+" `"+lt+"` supplied to "+("`"+Be+"`."))}return re(Ae)}function Ze(){function st(Fe,Re,Ae,je,Ge){return Xe(Fe[Re])?null:new ne("Invalid "+je+" `"+Ge+"` supplied to "+("`"+Ae+"`, expected a ReactNode."))}return re(st)}function gt(st){function Fe(Re,Ae,je,Ge,Be){var We=Re[Ae],lt=Tn(We);if(lt!=="object")return new ne("Invalid "+Ge+" `"+Be+"` of type `"+lt+"` "+("supplied to `"+je+"`, expected `object`."));for(var Tt in st){var Je=st[Tt];if(Je){var qt=Je(We,Tt,je,Ge,Be+"."+Tt,m);if(qt)return qt}}return null}return re(Fe)}function $t(st){function Fe(Re,Ae,je,Ge,Be){var We=Re[Ae],lt=Tn(We);if(lt!=="object")return new ne("Invalid "+Ge+" `"+Be+"` of type `"+lt+"` "+("supplied to `"+je+"`, expected `object`."));var Tt=b({},Re[Ae],st);for(var Je in Tt){var qt=st[Je];if(!qt)return new ne("Invalid "+Ge+" `"+Be+"` key `"+Je+"` supplied to `"+je+"`.\nBad object: "+JSON.stringify(Re[Ae],null," ")+`
Valid keys: `+JSON.stringify(Object.keys(st),null," "));var Pt=qt(We,Je,je,Ge,Be+"."+Je,m);if(Pt)return Pt}return null}return re(Fe)}function Xe(st){switch(typeof st){case"number":case"string":case"undefined":return!0;case"boolean":return!st;case"object":if(Array.isArray(st))return st.every(Xe);if(st===null||I(st))return!0;var Fe=U(st);if(Fe){var Re=Fe.call(st),Ae;if(Fe!==st.entries){for(;!(Ae=Re.next()).done;)if(!Xe(Ae.value))return!1}else for(;!(Ae=Re.next()).done;){var je=Ae.value;if(je&&!Xe(je[1]))return!1}}else return!1;return!0;default:return!1}}function xe(st,Fe){return st==="symbol"?!0:Fe?Fe["@@toStringTag"]==="Symbol"||typeof Symbol=="function"&&Fe instanceof Symbol:!1}function Tn(st){var Fe=typeof st;return Array.isArray(st)?"array":st instanceof RegExp?"object":xe(Fe,st)?"symbol":Fe}function Rt(st){if(typeof st>"u"||st===null)return""+st;var Fe=Tn(st);if(Fe==="object"){if(st instanceof Date)return"date";if(st instanceof RegExp)return"regexp"}return Fe}function mt(st){var Fe=Rt(st);switch(Fe){case"array":case"object":return"an "+Fe;case"boolean":case"date":case"regexp":return"a "+Fe;default:return Fe}}function en(st){return!st.constructor||!st.constructor.name?G:st.constructor.name}return X.checkPropTypes=w,X.resetWarningCache=w.resetWarningCache,X.PropTypes=X,X},factoryWithTypeCheckers$3}var factoryWithThrowingShims$3,hasRequiredFactoryWithThrowingShims$3;function requireFactoryWithThrowingShims$3(){if(hasRequiredFactoryWithThrowingShims$3)return factoryWithThrowingShims$3;hasRequiredFactoryWithThrowingShims$3=1;var g=requireReactPropTypesSecret$3();function b(){}function m(){}return m.resetWarningCache=b,factoryWithThrowingShims$3=function(){function w(k,I,$,P,M,U){if(U!==g){var G=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw G.name="Invariant Violation",G}}w.isRequired=w;function _(){return w}var C={array:w,bool:w,func:w,number:w,object:w,string:w,symbol:w,any:w,arrayOf:_,element:w,elementType:w,instanceOf:_,node:w,objectOf:_,oneOf:_,oneOfType:_,shape:_,exact:_,checkPropTypes:m,resetWarningCache:b};return C.PropTypes=C,C},factoryWithThrowingShims$3}if({}.NODE_ENV!=="production"){var ReactIs$4=reactIsExports,throwOnDirectAccess$3=!0;propTypes$4.exports=requireFactoryWithTypeCheckers$3()(ReactIs$4.isElement,throwOnDirectAccess$3)}else propTypes$4.exports=requireFactoryWithThrowingShims$3()();var propTypesExports$3=propTypes$4.exports;const PropTypes=getDefaultExportFromCjs(propTypesExports$3);var ReactIs$3=reactIsExports,REACT_STATICS={childContextTypes:!0,contextType:!0,contextTypes:!0,defaultProps:!0,displayName:!0,getDefaultProps:!0,getDerivedStateFromError:!0,getDerivedStateFromProps:!0,mixins:!0,propTypes:!0,type:!0},KNOWN_STATICS={name:!0,length:!0,prototype:!0,caller:!0,callee:!0,arguments:!0,arity:!0},FORWARD_REF_STATICS={$$typeof:!0,render:!0,defaultProps:!0,displayName:!0,propTypes:!0},MEMO_STATICS={$$typeof:!0,compare:!0,defaultProps:!0,displayName:!0,propTypes:!0,type:!0},TYPE_STATICS={};TYPE_STATICS[ReactIs$3.ForwardRef]=FORWARD_REF_STATICS;function getStatics$1(g){return ReactIs$3.isMemo(g)?MEMO_STATICS:TYPE_STATICS[g.$$typeof]||REACT_STATICS}var defineProperty=Object.defineProperty,getOwnPropertyNames=Object.getOwnPropertyNames,getOwnPropertySymbols=Object.getOwnPropertySymbols,getOwnPropertyDescriptor=Object.getOwnPropertyDescriptor,getPrototypeOf=Object.getPrototypeOf,objectPrototype=Object.prototype;function hoistNonReactStatics(g,b,m){if(typeof b!="string"){if(objectPrototype){var w=getPrototypeOf(b);w&&w!==objectPrototype&&hoistNonReactStatics(g,w,m)}var _=getOwnPropertyNames(b);getOwnPropertySymbols&&(_=_.concat(getOwnPropertySymbols(b)));for(var C=getStatics$1(g),k=getStatics$1(b),I=0;I<_.length;++I){var $=_[I];if(!KNOWN_STATICS[$]&&!(m&&m[$])&&!(k&&k[$])&&!(C&&C[$])){var P=getOwnPropertyDescriptor(b,$);try{defineProperty(g,$,P)}catch{}}}return g}return g}var hoistNonReactStatics_cjs=hoistNonReactStatics;const hoistStatics=getDefaultExportFromCjs(hoistNonReactStatics_cjs);var getDisplayName$2={};Object.defineProperty(getDisplayName$2,"__esModule",{value:!0});var _default$3=getDisplayName$2.default=getDisplayName$1;function getDisplayName$1(g){return g.displayName||g.name||(typeof g=="string"&&g.length>0?g:"Unknown")}function _defineProperty$c(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}function _extends$f(){return _extends$f=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$f.apply(this,arguments)}function _inheritsLoose$3(g,b){g.prototype=Object.create(b.prototype),g.prototype.constructor=g,g.__proto__=b}function _assertThisInitialized$7(g){if(g===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return g}function isObject$7(g){return g!==null&&typeof g=="object"&&!Array.isArray(g)}function createThemeProvider(g){var b=function(m){_inheritsLoose$3(w,m);function w(){for(var C,k=arguments.length,I=new Array(k),$=0;$<k;$++)I[$]=arguments[$];return C=m.call.apply(m,[this].concat(I))||this,_defineProperty$c(_assertThisInitialized$7(_assertThisInitialized$7(C)),"cachedTheme",void 0),_defineProperty$c(_assertThisInitialized$7(_assertThisInitialized$7(C)),"lastOuterTheme",void 0),_defineProperty$c(_assertThisInitialized$7(_assertThisInitialized$7(C)),"lastTheme",void 0),_defineProperty$c(_assertThisInitialized$7(_assertThisInitialized$7(C)),"renderProvider",function(P){var M=C.props.children;return React$7.createElement(g.Provider,{value:C.getTheme(P)},M)}),C}var _=w.prototype;return _.getTheme=function(k){if(this.props.theme!==this.lastTheme||k!==this.lastOuterTheme||!this.cachedTheme)if(this.lastOuterTheme=k,this.lastTheme=this.props.theme,typeof this.lastTheme=="function"){var I=this.props.theme;this.cachedTheme=I(k),{}.NODE_ENV!=="production"&&warning(isObject$7(this.cachedTheme),"[ThemeProvider] Please return an object from your theme function")}else{var $=this.props.theme;({}).NODE_ENV!=="production"&&warning(isObject$7($),"[ThemeProvider] Please make your theme prop a plain object"),this.cachedTheme=k?_extends$f({},k,$):$}return this.cachedTheme},_.render=function(){var k=this.props.children;return k?React$7.createElement(g.Consumer,null,this.renderProvider):null},w}(React$7.Component);return{}.NODE_ENV!=="production"&&(b.propTypes={children:PropTypes.node,theme:PropTypes.oneOfType([PropTypes.shape({}),PropTypes.func]).isRequired}),b}function createWithTheme(g){return function(m){var w=React$7.forwardRef(function(_,C){return React$7.createElement(g.Consumer,null,function(k){return{}.NODE_ENV!=="production"&&warning(isObject$7(k),"[theming] Please use withTheme only with the ThemeProvider"),React$7.createElement(m,_extends$f({theme:k,ref:C},_))})});return{}.NODE_ENV!=="production"&&(w.displayName="WithTheme("+_default$3(m)+")"),hoistStatics(w,m),w}}function createUseTheme(g){var b=function(){var w=React$7.useContext(g);return{}.NODE_ENV!=="production"&&warning(isObject$7(w),"[theming] Please use useTheme only with the ThemeProvider"),w};return b}var ThemeContext=reactExports.createContext();function createTheming(g){return{context:g,withTheme:createWithTheme(g),useTheme:createUseTheme(g),ThemeProvider:createThemeProvider(g)}}createTheming(ThemeContext);function _extends$e(){return _extends$e=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$e.apply(this,arguments)}var _typeof$8=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(g){return typeof g}:function(g){return g&&typeof Symbol=="function"&&g.constructor===Symbol&&g!==Symbol.prototype?"symbol":typeof g},isBrowser=(typeof window>"u"?"undefined":_typeof$8(window))==="object"&&(typeof document>"u"?"undefined":_typeof$8(document))==="object"&&document.nodeType===9;function _defineProperties$6(g,b){for(var m=0;m<b.length;m++){var w=b[m];w.enumerable=w.enumerable||!1,w.configurable=!0,"value"in w&&(w.writable=!0),Object.defineProperty(g,w.key,w)}}function _createClass$6(g,b,m){return b&&_defineProperties$6(g.prototype,b),m&&_defineProperties$6(g,m),g}function _inheritsLoose$2(g,b){g.prototype=Object.create(b.prototype),g.prototype.constructor=g,g.__proto__=b}function _assertThisInitialized$6(g){if(g===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return g}function _objectWithoutPropertiesLoose$4(g,b){if(g==null)return{};var m={},w=Object.keys(g),_,C;for(C=0;C<w.length;C++)_=w[C],!(b.indexOf(_)>=0)&&(m[_]=g[_]);return m}var plainObjectConstrurctor={}.constructor;function cloneStyle(g){if(g==null||typeof g!="object")return g;if(Array.isArray(g))return g.map(cloneStyle);if(g.constructor!==plainObjectConstrurctor)return g;var b={};for(var m in g)b[m]=cloneStyle(g[m]);return b}function createRule(g,b,m){g===void 0&&(g="unnamed");var w=m.jss,_=cloneStyle(b),C=w.plugins.onCreateRule(g,_,m);return C||(g[0]==="@"&&{}.NODE_ENV!=="production"&&warning(!1,"[JSS] Unknown rule "+g),null)}var join=function(b,m){for(var w="",_=0;_<b.length&&b[_]!=="!important";_++)w&&(w+=m),w+=b[_];return w};function toCssValue(g,b){if(b===void 0&&(b=!1),!Array.isArray(g))return g;var m="";if(Array.isArray(g[0]))for(var w=0;w<g.length&&g[w]!=="!important";w++)m&&(m+=", "),m+=join(g[w]," ");else m=join(g,", ");return!b&&g[g.length-1]==="!important"&&(m+=" !important"),m}function indentStr(g,b){for(var m="",w=0;w<b;w++)m+=" ";return m+g}function toCss(g,b,m){m===void 0&&(m={});var w="";if(!b)return w;var _=m,C=_.indent,k=C===void 0?0:C,I=b.fallbacks;if(g&&k++,I)if(Array.isArray(I))for(var $=0;$<I.length;$++){var P=I[$];for(var M in P){var U=P[M];U!=null&&(w&&(w+=`
`),w+=""+indentStr(M+": "+toCssValue(U)+";",k))}}else for(var G in I){var X=I[G];X!=null&&(w&&(w+=`
`),w+=""+indentStr(G+": "+toCssValue(X)+";",k))}for(var Z in b){var ne=b[Z];ne!=null&&Z!=="fallbacks"&&(w&&(w+=`
`),w+=""+indentStr(Z+": "+toCssValue(ne)+";",k))}return!w&&!m.allowEmpty||!g?w:(k--,w&&(w=`
`+w+`
`),indentStr(g+" {"+w,k)+indentStr("}",k))}var escapeRegex=/([[\].#*$><+~=|^:(),"'`\s])/g,nativeEscape=typeof CSS<"u"&&CSS.escape,escape=function(g){return nativeEscape?nativeEscape(g):g.replace(escapeRegex,"\\$1")},BaseStyleRule=function(){function g(m,w,_){this.type="style",this.key=void 0,this.isProcessed=!1,this.style=void 0,this.renderer=void 0,this.renderable=void 0,this.options=void 0;var C=_.sheet,k=_.Renderer;this.key=m,this.options=_,this.style=w,C?this.renderer=C.renderer:k&&(this.renderer=new k)}var b=g.prototype;return b.prop=function(w,_,C){if(_===void 0)return this.style[w];var k=C?C.force:!1;if(!k&&this.style[w]===_)return this;var I=_;(!C||C.process!==!1)&&(I=this.options.jss.plugins.onChangeValue(_,w,this));var $=I==null||I===!1,P=w in this.style;if($&&!P&&!k)return this;var M=$&&P;if(M?delete this.style[w]:this.style[w]=I,this.renderable&&this.renderer)return M?this.renderer.removeProperty(this.renderable,w):this.renderer.setProperty(this.renderable,w,I),this;var U=this.options.sheet;return U&&U.attached&&{}.NODE_ENV!=="production"&&warning(!1,'[JSS] Rule is not linked. Missing sheet option "link: true".'),this},g}(),StyleRule=function(g){_inheritsLoose$2(b,g);function b(w,_,C){var k;k=g.call(this,w,_,C)||this,k.selectorText=void 0,k.id=void 0,k.renderable=void 0;var I=C.selector,$=C.scoped,P=C.sheet,M=C.generateId;return I?k.selectorText=I:$!==!1&&(k.id=M(_assertThisInitialized$6(_assertThisInitialized$6(k)),P),k.selectorText="."+escape(k.id)),k}var m=b.prototype;return m.applyTo=function(_){var C=this.renderer;if(C){var k=this.toJSON();for(var I in k)C.setProperty(_,I,k[I])}return this},m.toJSON=function(){var _={};for(var C in this.style){var k=this.style[C];typeof k!="object"?_[C]=k:Array.isArray(k)&&(_[C]=toCssValue(k))}return _},m.toString=function(_){var C=this.options.sheet,k=C?C.options.link:!1,I=k?_extends$e({},_,{allowEmpty:!0}):_;return toCss(this.selectorText,this.style,I)},_createClass$6(b,[{key:"selector",set:function(_){if(_!==this.selectorText){this.selectorText=_;var C=this.renderer,k=this.renderable;if(!(!k||!C)){var I=C.setSelector(k,_);I||C.replaceRule(k,this)}}},get:function(){return this.selectorText}}]),b}(BaseStyleRule),pluginStyleRule={onCreateRule:function(b,m,w){return b[0]==="@"||w.parent&&w.parent.type==="keyframes"?null:new StyleRule(b,m,w)}},defaultToStringOptions={indent:1,children:!0},atRegExp=/@([\w-]+)/,ConditionalRule=function(){function g(m,w,_){this.type="conditional",this.at=void 0,this.key=void 0,this.query=void 0,this.rules=void 0,this.options=void 0,this.isProcessed=!1,this.renderable=void 0,this.key=m,this.query=_.name;var C=m.match(atRegExp);this.at=C?C[1]:"unknown",this.options=_,this.rules=new RuleList(_extends$e({},_,{parent:this}));for(var k in w)this.rules.add(k,w[k]);this.rules.process()}var b=g.prototype;return b.getRule=function(w){return this.rules.get(w)},b.indexOf=function(w){return this.rules.indexOf(w)},b.addRule=function(w,_,C){var k=this.rules.add(w,_,C);return k?(this.options.jss.plugins.onProcessRule(k),k):null},b.toString=function(w){if(w===void 0&&(w=defaultToStringOptions),w.indent==null&&(w.indent=defaultToStringOptions.indent),w.children==null&&(w.children=defaultToStringOptions.children),w.children===!1)return this.query+" {}";var _=this.rules.toString(w);return _?this.query+` {
`+_+`
}`:""},g}(),keyRegExp=/@media|@supports\s+/,pluginConditionalRule={onCreateRule:function(b,m,w){return keyRegExp.test(b)?new ConditionalRule(b,m,w):null}},defaultToStringOptions$1={indent:1,children:!0},nameRegExp=/@keyframes\s+([\w-]+)/,KeyframesRule=function(){function g(m,w,_){this.type="keyframes",this.at="@keyframes",this.key=void 0,this.name=void 0,this.id=void 0,this.rules=void 0,this.options=void 0,this.isProcessed=!1,this.renderable=void 0;var C=m.match(nameRegExp);C&&C[1]?this.name=C[1]:(this.name="noname",{}.NODE_ENV!=="production"&&warning(!1,"[JSS] Bad keyframes name "+m)),this.key=this.type+"-"+this.name,this.options=_;var k=_.scoped,I=_.sheet,$=_.generateId;this.id=k===!1?this.name:escape($(this,I)),this.rules=new RuleList(_extends$e({},_,{parent:this}));for(var P in w)this.rules.add(P,w[P],_extends$e({},_,{parent:this}));this.rules.process()}var b=g.prototype;return b.toString=function(w){if(w===void 0&&(w=defaultToStringOptions$1),w.indent==null&&(w.indent=defaultToStringOptions$1.indent),w.children==null&&(w.children=defaultToStringOptions$1.children),w.children===!1)return this.at+" "+this.id+" {}";var _=this.rules.toString(w);return _&&(_=`
`+_+`
`),this.at+" "+this.id+" {"+_+"}"},g}(),keyRegExp$1=/@keyframes\s+/,refRegExp$1=/\$([\w-]+)/g,findReferencedKeyframe=function(b,m){return typeof b=="string"?b.replace(refRegExp$1,function(w,_){return _ in m?m[_]:({}.NODE_ENV!=="production"&&warning(!1,'[JSS] Referenced keyframes rule "'+_+'" is not defined.'),w)}):b},replaceRef=function(b,m,w){var _=b[m],C=findReferencedKeyframe(_,w);C!==_&&(b[m]=C)},plugin={onCreateRule:function(b,m,w){return typeof b=="string"&&keyRegExp$1.test(b)?new KeyframesRule(b,m,w):null},onProcessStyle:function(b,m,w){return m.type!=="style"||!w||("animation-name"in b&&replaceRef(b,"animation-name",w.keyframes),"animation"in b&&replaceRef(b,"animation",w.keyframes)),b},onChangeValue:function(b,m,w){var _=w.options.sheet;if(!_)return b;switch(m){case"animation":return findReferencedKeyframe(b,_.keyframes);case"animation-name":return findReferencedKeyframe(b,_.keyframes);default:return b}}},KeyframeRule=function(g){_inheritsLoose$2(b,g);function b(){for(var w,_=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return w=g.call.apply(g,[this].concat(C))||this,w.renderable=void 0,w}var m=b.prototype;return m.toString=function(_){var C=this.options.sheet,k=C?C.options.link:!1,I=k?_extends$e({},_,{allowEmpty:!0}):_;return toCss(this.key,this.style,I)},b}(BaseStyleRule),pluginKeyframeRule={onCreateRule:function(b,m,w){return w.parent&&w.parent.type==="keyframes"?new KeyframeRule(b,m,w):null}},FontFaceRule=function(){function g(m,w,_){this.type="font-face",this.at="@font-face",this.key=void 0,this.style=void 0,this.options=void 0,this.isProcessed=!1,this.renderable=void 0,this.key=m,this.style=w,this.options=_}var b=g.prototype;return b.toString=function(w){if(Array.isArray(this.style)){for(var _="",C=0;C<this.style.length;C++)_+=toCss(this.at,this.style[C]),this.style[C+1]&&(_+=`
`);return _}return toCss(this.at,this.style,w)},g}(),keyRegExp$2=/@font-face/,pluginFontFaceRule={onCreateRule:function(b,m,w){return keyRegExp$2.test(b)?new FontFaceRule(b,m,w):null}},ViewportRule=function(){function g(m,w,_){this.type="viewport",this.at="@viewport",this.key=void 0,this.style=void 0,this.options=void 0,this.isProcessed=!1,this.renderable=void 0,this.key=m,this.style=w,this.options=_}var b=g.prototype;return b.toString=function(w){return toCss(this.key,this.style,w)},g}(),pluginViewportRule={onCreateRule:function(b,m,w){return b==="@viewport"||b==="@-ms-viewport"?new ViewportRule(b,m,w):null}},SimpleRule=function(){function g(m,w,_){this.type="simple",this.key=void 0,this.value=void 0,this.options=void 0,this.isProcessed=!1,this.renderable=void 0,this.key=m,this.value=w,this.options=_}var b=g.prototype;return b.toString=function(w){if(Array.isArray(this.value)){for(var _="",C=0;C<this.value.length;C++)_+=this.key+" "+this.value[C]+";",this.value[C+1]&&(_+=`
`);return _}return this.key+" "+this.value+";"},g}(),keysMap={"@charset":!0,"@import":!0,"@namespace":!0},pluginSimpleRule={onCreateRule:function(b,m,w){return b in keysMap?new SimpleRule(b,m,w):null}},plugins$1=[pluginStyleRule,pluginConditionalRule,plugin,pluginKeyframeRule,pluginFontFaceRule,pluginViewportRule,pluginSimpleRule],defaultUpdateOptions={process:!0},forceUpdateOptions={force:!0,process:!0},RuleList=function(){function g(m){this.map={},this.raw={},this.index=[],this.counter=0,this.options=void 0,this.classes=void 0,this.keyframes=void 0,this.options=m,this.classes=m.classes,this.keyframes=m.keyframes}var b=g.prototype;return b.add=function(w,_,C){var k=this.options,I=k.parent,$=k.sheet,P=k.jss,M=k.Renderer,U=k.generateId,G=k.scoped,X=_extends$e({classes:this.classes,parent:I,sheet:$,jss:P,Renderer:M,generateId:U,scoped:G,name:w},C),Z=w;w in this.raw&&(Z=w+"-d"+this.counter++),this.raw[Z]=_,Z in this.classes&&(X.selector="."+escape(this.classes[Z]));var ne=createRule(Z,_,X);if(!ne)return null;this.register(ne);var re=X.index===void 0?this.index.length:X.index;return this.index.splice(re,0,ne),ne},b.get=function(w){return this.map[w]},b.remove=function(w){this.unregister(w),delete this.raw[w.key],this.index.splice(this.index.indexOf(w),1)},b.indexOf=function(w){return this.index.indexOf(w)},b.process=function(){var w=this.options.jss.plugins;this.index.slice(0).forEach(w.onProcessRule,w)},b.register=function(w){this.map[w.key]=w,w instanceof StyleRule?(this.map[w.selector]=w,w.id&&(this.classes[w.key]=w.id)):w instanceof KeyframesRule&&this.keyframes&&(this.keyframes[w.name]=w.id)},b.unregister=function(w){delete this.map[w.key],w instanceof StyleRule?(delete this.map[w.selector],delete this.classes[w.key]):w instanceof KeyframesRule&&delete this.keyframes[w.name]},b.update=function(){var w,_,C;if(typeof(arguments.length<=0?void 0:arguments[0])=="string"?(w=arguments.length<=0?void 0:arguments[0],_=arguments.length<=1?void 0:arguments[1],C=arguments.length<=2?void 0:arguments[2]):(_=arguments.length<=0?void 0:arguments[0],C=arguments.length<=1?void 0:arguments[1],w=null),w)this.updateOne(this.map[w],_,C);else for(var k=0;k<this.index.length;k++)this.updateOne(this.index[k],_,C)},b.updateOne=function(w,_,C){C===void 0&&(C=defaultUpdateOptions);var k=this.options,I=k.jss.plugins,$=k.sheet;if(w.rules instanceof g){w.rules.update(_,C);return}var P=w,M=P.style;if(I.onUpdate(_,w,$,C),C.process&&M&&M!==P.style){I.onProcessStyle(P.style,P,$);for(var U in P.style){var G=P.style[U],X=M[U];G!==X&&P.prop(U,G,forceUpdateOptions)}for(var Z in M){var ne=P.style[Z],re=M[Z];ne==null&&ne!==re&&P.prop(Z,null,forceUpdateOptions)}}},b.toString=function(w){for(var _="",C=this.options.sheet,k=C?C.options.link:!1,I=0;I<this.index.length;I++){var $=this.index[I],P=$.toString(w);!P&&!k||(_&&(_+=`
`),_+=P)}return _},g}(),StyleSheet=function(){function g(m,w){this.options=void 0,this.deployed=void 0,this.attached=void 0,this.rules=void 0,this.renderer=void 0,this.classes=void 0,this.keyframes=void 0,this.queue=void 0,this.attached=!1,this.deployed=!1,this.classes={},this.keyframes={},this.options=_extends$e({},w,{sheet:this,parent:this,classes:this.classes,keyframes:this.keyframes}),w.Renderer&&(this.renderer=new w.Renderer(this)),this.rules=new RuleList(this.options);for(var _ in m)this.rules.add(_,m[_]);this.rules.process()}var b=g.prototype;return b.attach=function(){return this.attached?this:(this.renderer&&this.renderer.attach(),this.attached=!0,this.deployed||this.deploy(),this)},b.detach=function(){return this.attached?(this.renderer&&this.renderer.detach(),this.attached=!1,this):this},b.addRule=function(w,_,C){var k=this.queue;this.attached&&!k&&(this.queue=[]);var I=this.rules.add(w,_,C);return I?(this.options.jss.plugins.onProcessRule(I),this.attached?(this.deployed&&(k?k.push(I):(this.insertRule(I),this.queue&&(this.queue.forEach(this.insertRule,this),this.queue=void 0))),I):(this.deployed=!1,I)):null},b.insertRule=function(w){this.renderer&&this.renderer.insertRule(w)},b.addRules=function(w,_){var C=[];for(var k in w){var I=this.addRule(k,w[k],_);I&&C.push(I)}return C},b.getRule=function(w){return this.rules.get(w)},b.deleteRule=function(w){var _=typeof w=="object"?w:this.rules.get(w);return _?(this.rules.remove(_),this.attached&&_.renderable&&this.renderer?this.renderer.deleteRule(_.renderable):!0):!1},b.indexOf=function(w){return this.rules.indexOf(w)},b.deploy=function(){return this.renderer&&this.renderer.deploy(),this.deployed=!0,this},b.update=function(){var w;return(w=this.rules).update.apply(w,arguments),this},b.updateOne=function(w,_,C){return this.rules.updateOne(w,_,C),this},b.toString=function(w){return this.rules.toString(w)},g}(),PluginsRegistry=function(){function g(){this.plugins={internal:[],external:[]},this.registry=void 0}var b=g.prototype;return b.onCreateRule=function(w,_,C){for(var k=0;k<this.registry.onCreateRule.length;k++){var I=this.registry.onCreateRule[k](w,_,C);if(I)return I}return null},b.onProcessRule=function(w){if(!w.isProcessed){for(var _=w.options.sheet,C=0;C<this.registry.onProcessRule.length;C++)this.registry.onProcessRule[C](w,_);w.style&&this.onProcessStyle(w.style,w,_),w.isProcessed=!0}},b.onProcessStyle=function(w,_,C){for(var k=0;k<this.registry.onProcessStyle.length;k++)_.style=this.registry.onProcessStyle[k](_.style,_,C)},b.onProcessSheet=function(w){for(var _=0;_<this.registry.onProcessSheet.length;_++)this.registry.onProcessSheet[_](w)},b.onUpdate=function(w,_,C,k){for(var I=0;I<this.registry.onUpdate.length;I++)this.registry.onUpdate[I](w,_,C,k)},b.onChangeValue=function(w,_,C){for(var k=w,I=0;I<this.registry.onChangeValue.length;I++)k=this.registry.onChangeValue[I](k,_,C);return k},b.use=function(w,_){_===void 0&&(_={queue:"external"});var C=this.plugins[_.queue];C.indexOf(w)===-1&&(C.push(w),this.registry=[].concat(this.plugins.external,this.plugins.internal).reduce(function(k,I){for(var $ in I)$ in k?k[$].push(I[$]):{}.NODE_ENV!=="production"&&warning(!1,'[JSS] Unknown hook "'+$+'".');return k},{onCreateRule:[],onProcessRule:[],onProcessStyle:[],onProcessSheet:[],onChangeValue:[],onUpdate:[]}))},g}(),SheetsRegistry=function(){function g(){this.registry=[]}var b=g.prototype;return b.add=function(w){var _=this.registry,C=w.options.index;if(_.indexOf(w)===-1){if(_.length===0||C>=this.index){_.push(w);return}for(var k=0;k<_.length;k++)if(_[k].options.index>C){_.splice(k,0,w);return}}},b.reset=function(){this.registry=[]},b.remove=function(w){var _=this.registry.indexOf(w);this.registry.splice(_,1)},b.toString=function(w){for(var _=w===void 0?{}:w,C=_.attached,k=_objectWithoutPropertiesLoose$4(_,["attached"]),I="",$=0;$<this.registry.length;$++){var P=this.registry[$];C!=null&&P.attached!==C||(I&&(I+=`
`),I+=P.toString(k))}return I},_createClass$6(g,[{key:"index",get:function(){return this.registry.length===0?0:this.registry[this.registry.length-1].options.index}}]),g}(),sheets=new SheetsRegistry,globalThis$1=typeof window<"u"&&window.Math==Math?window:typeof self<"u"&&self.Math==Math?self:Function("return this")(),ns="2f1acc6c3a606b082e5eef5e54414ffb";globalThis$1[ns]==null&&(globalThis$1[ns]=0);var moduleId=globalThis$1[ns]++,maxRules=1e10,createGenerateId=function(b){b===void 0&&(b={});var m=0;return function(w,_){m+=1,m>maxRules&&{}.NODE_ENV!=="production"&&warning(!1,"[JSS] You might have a memory leak. Rule counter is at "+m+".");var C="",k="";return _&&(_.options.classNamePrefix&&(k=_.options.classNamePrefix),_.options.jss.id!=null&&(C=String(_.options.jss.id))),b.minify?""+(k||"c")+moduleId+C+m:k+w.key+"-"+moduleId+(C?"-"+C:"")+"-"+m}},memoize$1=function(b){var m;return function(){return m||(m=b()),m}};function getPropertyValue(g,b){try{return g.attributeStyleMap?g.attributeStyleMap.get(b):g.style.getPropertyValue(b)}catch{return""}}function setProperty(g,b,m){try{var w=m;if(Array.isArray(m)&&(w=toCssValue(m,!0),m[m.length-1]==="!important"))return g.style.setProperty(b,w,"important"),!0;g.attributeStyleMap?g.attributeStyleMap.set(b,w):g.style.setProperty(b,w)}catch{return!1}return!0}function removeProperty(g,b){try{g.attributeStyleMap?g.attributeStyleMap.delete(b):g.style.removeProperty(b)}catch(m){({}).NODE_ENV!=="production"&&warning(!1,'[JSS] DOMException "'+m.message+'" was thrown. Tried to remove property "'+b+'".')}}function setSelector(g,b){return g.selectorText=b,g.selectorText===b}var getHead=memoize$1(function(){return document.querySelector("head")});function findHigherSheet(g,b){for(var m=0;m<g.length;m++){var w=g[m];if(w.attached&&w.options.index>b.index&&w.options.insertionPoint===b.insertionPoint)return w}return null}function findHighestSheet(g,b){for(var m=g.length-1;m>=0;m--){var w=g[m];if(w.attached&&w.options.insertionPoint===b.insertionPoint)return w}return null}function findCommentNode(g){for(var b=getHead(),m=0;m<b.childNodes.length;m++){var w=b.childNodes[m];if(w.nodeType===8&&w.nodeValue.trim()===g)return w}return null}function findPrevNode(g){var b=sheets.registry;if(b.length>0){var m=findHigherSheet(b,g);if(m&&m.renderer)return{parent:m.renderer.element.parentNode,node:m.renderer.element};if(m=findHighestSheet(b,g),m&&m.renderer)return{parent:m.renderer.element.parentNode,node:m.renderer.element.nextSibling}}var w=g.insertionPoint;if(w&&typeof w=="string"){var _=findCommentNode(w);if(_)return{parent:_.parentNode,node:_.nextSibling};({}).NODE_ENV!=="production"&&warning(!1,'[JSS] Insertion point "'+w+'" not found.')}return!1}function insertStyle(g,b){var m=b.insertionPoint,w=findPrevNode(b);if(w!==!1&&w.parent){w.parent.insertBefore(g,w.node);return}if(m&&typeof m.nodeType=="number"){var _=m,C=_.parentNode;C?C.insertBefore(g,_.nextSibling):{}.NODE_ENV!=="production"&&warning(!1,"[JSS] Insertion point is not in the DOM.");return}getHead().appendChild(g)}var getNonce$1=memoize$1(function(){var g=document.querySelector('meta[property="csp-nonce"]');return g?g.getAttribute("content"):null}),_insertRule=function(b,m,w){var _=b.cssRules.length;(w===void 0||w>_)&&(w=_);try{if("insertRule"in b){var C=b;C.insertRule(m,w)}else if("appendRule"in b){var k=b;k.appendRule(m)}}catch(I){return{}.NODE_ENV!=="production"&&warning(!1,"[JSS] "+I.message),!1}return b.cssRules[w]},createStyle=function(){var b=document.createElement("style");return b.textContent=`
`,b},DomRenderer=function(){function g(m){this.getPropertyValue=getPropertyValue,this.setProperty=setProperty,this.removeProperty=removeProperty,this.setSelector=setSelector,this.element=void 0,this.sheet=void 0,this.hasInsertedRules=!1,m&&sheets.add(m),this.sheet=m;var w=this.sheet?this.sheet.options:{},_=w.media,C=w.meta,k=w.element;this.element=k||createStyle(),this.element.setAttribute("data-jss",""),_&&this.element.setAttribute("media",_),C&&this.element.setAttribute("data-meta",C);var I=getNonce$1();I&&this.element.setAttribute("nonce",I)}var b=g.prototype;return b.attach=function(){if(!(this.element.parentNode||!this.sheet)){insertStyle(this.element,this.sheet.options);var w=!!(this.sheet&&this.sheet.deployed);this.hasInsertedRules&&w&&(this.hasInsertedRules=!1,this.deploy())}},b.detach=function(){var w=this.element.parentNode;w&&w.removeChild(this.element)},b.deploy=function(){var w=this.sheet;if(w){if(w.options.link){this.insertRules(w.rules);return}this.element.textContent=`
`+w.toString()+`
`}},b.insertRules=function(w,_){for(var C=0;C<w.index.length;C++)this.insertRule(w.index[C],C,_)},b.insertRule=function(w,_,C){if(C===void 0&&(C=this.element.sheet),w.rules){var k=w,I=C;return(w.type==="conditional"||w.type==="keyframes")&&(I=_insertRule(C,k.toString({children:!1}),_),I===!1)?!1:(this.insertRules(k.rules,I),I)}if(w.renderable&&w.renderable.parentStyleSheet===this.element.sheet)return w.renderable;var $=w.toString();if(!$)return!1;var P=_insertRule(C,$,_);return P===!1?!1:(this.hasInsertedRules=!0,w.renderable=P,P)},b.deleteRule=function(w){var _=this.element.sheet,C=this.indexOf(w);return C===-1?!1:(_.deleteRule(C),!0)},b.indexOf=function(w){for(var _=this.element.sheet.cssRules,C=0;C<_.length;C++)if(w===_[C])return C;return-1},b.replaceRule=function(w,_){var C=this.indexOf(w);return C===-1?!1:(this.element.sheet.deleteRule(C),this.insertRule(_,C))},b.getRules=function(){return this.element.sheet.cssRules},g}(),instanceCounter=0,Jss=function(){function g(m){this.id=instanceCounter++,this.version="10.2.0",this.plugins=new PluginsRegistry,this.options={id:{minify:!1},createGenerateId,Renderer:isBrowser?DomRenderer:null,plugins:[]},this.generateId=createGenerateId({minify:!1});for(var w=0;w<plugins$1.length;w++)this.plugins.use(plugins$1[w],{queue:"internal"});this.setup(m)}var b=g.prototype;return b.setup=function(w){return w===void 0&&(w={}),w.createGenerateId&&(this.options.createGenerateId=w.createGenerateId),w.id&&(this.options.id=_extends$e({},this.options.id,w.id)),(w.createGenerateId||w.id)&&(this.generateId=this.options.createGenerateId(this.options.id)),w.insertionPoint!=null&&(this.options.insertionPoint=w.insertionPoint),"Renderer"in w&&(this.options.Renderer=w.Renderer),w.plugins&&this.use.apply(this,w.plugins),this},b.createStyleSheet=function(w,_){_===void 0&&(_={});var C=_,k=C.index;typeof k!="number"&&(k=sheets.index===0?0:sheets.index+1);var I=new StyleSheet(w,_extends$e({},_,{jss:this,generateId:_.generateId||this.generateId,insertionPoint:this.options.insertionPoint,Renderer:this.options.Renderer,index:k}));return this.plugins.onProcessSheet(I),I},b.removeStyleSheet=function(w){return w.detach(),sheets.remove(w),this},b.createRule=function(w,_,C){if(_===void 0&&(_={}),C===void 0&&(C={}),typeof w=="object")return this.createRule(void 0,w,_);var k=_extends$e({},C,{name:w,jss:this,Renderer:this.options.Renderer});k.generateId||(k.generateId=this.generateId),k.classes||(k.classes={}),k.keyframes||(k.keyframes={});var I=createRule(w,_,k);return I&&this.plugins.onProcessRule(I),I},b.use=function(){for(var w=this,_=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return C.forEach(function(I){w.plugins.use(I)}),this},g}();function getDynamicStyles(g){var b=null;for(var m in g){var w=g[m],_=typeof w;if(_==="function")b||(b={}),b[m]=w;else if(_==="object"&&w!==null&&!Array.isArray(w)){var C=getDynamicStyles(w);C&&(b||(b={}),b[m]=C)}}return b}var SheetsManager=function(){function g(){this.length=0,this.sheets=new WeakMap}var b=g.prototype;return b.get=function(w){var _=this.sheets.get(w);return _&&_.sheet},b.add=function(w,_){this.sheets.has(w)||(this.length++,this.sheets.set(w,{sheet:_,refs:0}))},b.manage=function(w){var _=this.sheets.get(w);if(_)return _.refs===0&&_.sheet.attach(),_.refs++,_.sheet;warning(!1,"[JSS] SheetsManager: can't find sheet to manage")},b.unmanage=function(w){var _=this.sheets.get(w);_?_.refs>0&&(_.refs--,_.refs===0&&_.sheet.detach()):warning(!1,"SheetsManager: can't find sheet to unmanage")},_createClass$6(g,[{key:"size",get:function(){return this.length}}]),g}();/**
* A better abstraction over CSS.
*
* @copyright Oleg Isonen (Slobodskoi) / Isonen 2014-present
* @website https://github.com/cssinjs/jss
* @license MIT
*/var hasCSSTOMSupport=typeof CSS<"u"&&CSS&&"number"in CSS,create$2=function(b){return new Jss(b)},index$2=create$2(),now=Date.now(),fnValuesNs="fnValues"+now,fnRuleNs="fnStyle"+ ++now;function functionPlugin(){return{onCreateRule:function(b,m,w){if(typeof m!="function")return null;var _=createRule(b,{},w);return _[fnRuleNs]=m,_},onProcessStyle:function(b,m){if(fnValuesNs in m||fnRuleNs in m)return b;var w={};for(var _ in b){var C=b[_];typeof C=="function"&&(delete b[_],w[_]=C)}return m[fnValuesNs]=w,b},onUpdate:function(b,m,w,_){var C=m,k=C[fnRuleNs];if(k&&(C.style=k(b)||{},{}.NODE_ENV==="development")){for(var I in C.style)if(typeof C.style[I]=="function"){({}).NODE_ENV!=="production"&&warning(!1,"[JSS] Function values inside function rules are not supported.");break}}var $=C[fnValuesNs];if($)for(var P in $)C.prop(P,$[P](b),_)}}}function symbolObservablePonyfill(g){var b,m=g.Symbol;return typeof m=="function"?m.observable?b=m.observable:(b=m("observable"),m.observable=b):b="@@observable",b}var root$1;typeof self<"u"?root$1=self:typeof window<"u"?root$1=window:typeof global<"u"?root$1=global:typeof module<"u"?root$1=module:root$1=Function("return this")();var result=symbolObservablePonyfill(root$1),isObservable=function(b){return b&&b[result]&&b===b[result]()};function observablePlugin(g){return{onCreateRule:function(m,w,_){if(!isObservable(w))return null;var C=w,k=createRule(m,{},_);return C.subscribe(function(I){for(var $ in I)k.prop($,I[$],g)}),k},onProcessRule:function(m){if(!(m&&m.type!=="style")){var w=m,_=w.style,C=function(P){var M=_[P];if(!isObservable(M))return"continue";delete _[P],M.subscribe({next:function(G){w.prop(P,G,g)}})};for(var k in _)var I=C(k)}}}}var semiWithNl=/;\n/,parse$2=function(g){for(var b={},m=g.split(semiWithNl),w=0;w<m.length;w++){var _=(m[w]||"").trim();if(_){var C=_.indexOf(":");if(C===-1){({}).NODE_ENV!=="production"&&warning(!1,'[JSS] Malformed CSS string "'+_+'"');continue}var k=_.substr(0,C).trim(),I=_.substr(C+1).trim();b[k]=I}}return b},onProcessRule=function(b){typeof b.style=="string"&&(b.style=parse$2(b.style))};function templatePlugin(){return{onProcessRule}}function _extends$d(){return _extends$d=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$d.apply(this,arguments)}var at="@global",atPrefix="@global ",GlobalContainerRule=function(){function g(m,w,_){this.type="global",this.at=at,this.rules=void 0,this.options=void 0,this.key=void 0,this.isProcessed=!1,this.key=m,this.options=_,this.rules=new RuleList(_extends$d({},_,{parent:this}));for(var C in w)this.rules.add(C,w[C]);this.rules.process()}var b=g.prototype;return b.getRule=function(w){return this.rules.get(w)},b.addRule=function(w,_,C){var k=this.rules.add(w,_,C);return this.options.jss.plugins.onProcessRule(k),k},b.indexOf=function(w){return this.rules.indexOf(w)},b.toString=function(){return this.rules.toString()},g}(),GlobalPrefixedRule=function(){function g(m,w,_){this.type="global",this.at=at,this.options=void 0,this.rule=void 0,this.isProcessed=!1,this.key=void 0,this.key=m,this.options=_;var C=m.substr(atPrefix.length);this.rule=_.jss.createRule(C,w,_extends$d({},_,{parent:this}))}var b=g.prototype;return b.toString=function(w){return this.rule?this.rule.toString(w):""},g}(),separatorRegExp$1=/\s*,\s*/g;function addScope(g,b){for(var m=g.split(separatorRegExp$1),w="",_=0;_<m.length;_++)w+=b+" "+m[_].trim(),m[_+1]&&(w+=", ");return w}function handleNestedGlobalContainerRule(g){var b=g.options,m=g.style,w=m?m[at]:null;if(w){for(var _ in w)b.sheet.addRule(_,w[_],_extends$d({},b,{selector:addScope(_,g.selector)}));delete m[at]}}function handlePrefixedGlobalRule(g){var b=g.options,m=g.style;for(var w in m)if(!(w[0]!=="@"||w.substr(0,at.length)!==at)){var _=addScope(w.substr(at.length),g.selector);b.sheet.addRule(_,m[w],_extends$d({},b,{selector:_})),delete m[w]}}function jssGlobal(){function g(m,w,_){if(!m)return null;if(m===at)return new GlobalContainerRule(m,w,_);if(m[0]==="@"&&m.substr(0,atPrefix.length)===atPrefix)return new GlobalPrefixedRule(m,w,_);var C=_.parent;return C&&(C.type==="global"||C.options.parent&&C.options.parent.type==="global")&&(_.scoped=!1),_.scoped===!1&&(_.selector=m),null}function b(m){m.type==="style"&&(handleNestedGlobalContainerRule(m),handlePrefixedGlobalRule(m))}return{onCreateRule:g,onProcessRule:b}}var isObject$6=function(b){return b&&typeof b=="object"&&!Array.isArray(b)},valueNs="extendCurrValue"+Date.now();function mergeExtend(g,b,m,w){var _=typeof g.extend;if(_==="string"){if(!m)return;var C=m.getRule(g.extend);if(!C)return;if(C===b){({}).NODE_ENV!=="production"&&warning(!1,`[JSS] A rule tries to extend itself
`+b.toString());return}var k=C.options.parent;if(k){var I=k.rules.raw[g.extend];extend(I,b,m,w)}return}if(Array.isArray(g.extend)){for(var $=0;$<g.extend.length;$++)extend(g.extend[$],b,m,w);return}for(var P in g.extend){if(P==="extend"){extend(g.extend.extend,b,m,w);continue}if(isObject$6(g.extend[P])){P in w||(w[P]={}),extend(g.extend[P],b,m,w[P]);continue}w[P]=g.extend[P]}}function mergeRest(g,b,m,w){for(var _ in g)if(_!=="extend"){if(isObject$6(w[_])&&isObject$6(g[_])){extend(g[_],b,m,w[_]);continue}if(isObject$6(g[_])){w[_]=extend(g[_],b,m);continue}w[_]=g[_]}}function extend(g,b,m,w){return w===void 0&&(w={}),mergeExtend(g,b,m,w),mergeRest(g,b,m,w),w}function jssExtend(){function g(m,w,_){return"extend"in m?extend(m,w,_):m}function b(m,w,_){if(w!=="extend")return m;if(m==null||m===!1){for(var C in _[valueNs])_.prop(C,null);return _[valueNs]=null,null}if(typeof m=="object"){for(var k in m)_.prop(k,m[k]);_[valueNs]=m}return null}return{onProcessStyle:g,onChangeValue:b}}function _extends$c(){return _extends$c=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$c.apply(this,arguments)}var separatorRegExp=/\s*,\s*/g,parentRegExp=/&/g,refRegExp=/\$([\w-]+)/g;function jssNested(){function g(_,C){return function(k,I){var $=_.getRule(I)||C&&C.getRule(I);return $?($=$,$.selector):({}.NODE_ENV!=="production"&&warning(!1,'[JSS] Could not find the referenced rule "'+I+'" in "'+(_.options.meta||_.toString())+'".'),I)}}function b(_,C){for(var k=C.split(separatorRegExp),I=_.split(separatorRegExp),$="",P=0;P<k.length;P++)for(var M=k[P],U=0;U<I.length;U++){var G=I[U];$&&($+=", "),$+=G.indexOf("&")!==-1?G.replace(parentRegExp,M):M+" "+G}return $}function m(_,C,k){if(k)return _extends$c({},k,{index:k.index+1});var I=_.options.nestingLevel;I=I===void 0?1:I+1;var $=_extends$c({},_.options,{nestingLevel:I,index:C.indexOf(_)+1});return delete $.name,$}function w(_,C,k){if(C.type!=="style")return _;var I=C,$=I.options.parent,P,M;for(var U in _){var G=U.indexOf("&")!==-1,X=U[0]==="@";if(!(!G&&!X)){if(P=m(I,$,P),G){var Z=b(U,I.selector);M||(M=g($,k)),Z=Z.replace(refRegExp,M),$.addRule(Z,_[U],_extends$c({},P,{selector:Z}))}else X&&$.addRule(U,{},P).addRule(I.key,_[U],{selector:I.selector});delete _[U]}}return _}return{onProcessStyle:w}}function registerClass(g,b){if(!b)return!0;if(Array.isArray(b)){for(var m=0;m<b.length;m++){var w=registerClass(g,b[m]);if(!w)return!1}return!0}if(b.indexOf(" ")>-1)return registerClass(g,b.split(" "));var _=g.options,C=_.parent;if(b[0]==="$"){var k=C.getRule(b.substr(1));return k?k===g?({}.NODE_ENV!=="production"&&warning(!1,`[JSS] Cyclic composition detected.
`+g.toString()),!1):(C.classes[g.key]+=" "+C.classes[k.key],!0):({}.NODE_ENV!=="production"&&warning(!1,`[JSS] Referenced rule is not defined.
`+g.toString()),!1)}return C.classes[g.key]+=" "+b,!0}function jssCompose(){function g(b,m){return"composes"in b&&(registerClass(m,b.composes),delete b.composes),b}return{onProcessStyle:g}}var uppercasePattern$1=/[A-Z]/g,msPattern$1=/^ms-/,cache$3={};function toHyphenLower$1(g){return"-"+g.toLowerCase()}function hyphenateStyleName(g){if(cache$3.hasOwnProperty(g))return cache$3[g];var b=g.replace(uppercasePattern$1,toHyphenLower$1);return cache$3[g]=msPattern$1.test(b)?"-"+b:b}function convertCase(g){var b={};for(var m in g){var w=m.indexOf("--")===0?m:hyphenateStyleName(m);b[w]=g[m]}return g.fallbacks&&(Array.isArray(g.fallbacks)?b.fallbacks=g.fallbacks.map(convertCase):b.fallbacks=convertCase(g.fallbacks)),b}function camelCase(){function g(m){if(Array.isArray(m)){for(var w=0;w<m.length;w++)m[w]=convertCase(m[w]);return m}return convertCase(m)}function b(m,w,_){if(w.indexOf("--")===0)return m;var C=hyphenateStyleName(w);return w===C?m:(_.prop(C,m),null)}return{onProcessStyle:g,onChangeValue:b}}var px=hasCSSTOMSupport&&CSS?CSS.px:"px",ms=hasCSSTOMSupport&&CSS?CSS.ms:"ms",percent=hasCSSTOMSupport&&CSS?CSS.percent:"%",defaultUnits={"animation-delay":ms,"animation-duration":ms,"background-position":px,"background-position-x":px,"background-position-y":px,"background-size":px,border:px,"border-bottom":px,"border-bottom-left-radius":px,"border-bottom-right-radius":px,"border-bottom-width":px,"border-left":px,"border-left-width":px,"border-radius":px,"border-right":px,"border-right-width":px,"border-top":px,"border-top-left-radius":px,"border-top-right-radius":px,"border-top-width":px,"border-width":px,margin:px,"margin-bottom":px,"margin-left":px,"margin-right":px,"margin-top":px,padding:px,"padding-bottom":px,"padding-left":px,"padding-right":px,"padding-top":px,"mask-position-x":px,"mask-position-y":px,"mask-size":px,height:px,width:px,"min-height":px,"max-height":px,"min-width":px,"max-width":px,bottom:px,left:px,top:px,right:px,"box-shadow":px,"text-shadow":px,"column-gap":px,"column-rule":px,"column-rule-width":px,"column-width":px,"font-size":px,"font-size-delta":px,"letter-spacing":px,"text-indent":px,"text-stroke":px,"text-stroke-width":px,"word-spacing":px,motion:px,"motion-offset":px,outline:px,"outline-offset":px,"outline-width":px,perspective:px,"perspective-origin-x":percent,"perspective-origin-y":percent,"transform-origin":percent,"transform-origin-x":percent,"transform-origin-y":percent,"transform-origin-z":percent,"transition-delay":ms,"transition-duration":ms,"vertical-align":px,"flex-basis":px,"shape-margin":px,size:px,grid:px,"grid-gap":px,"grid-row-gap":px,"grid-column-gap":px,"grid-template-rows":px,"grid-template-columns":px,"grid-auto-rows":px,"grid-auto-columns":px,"box-shadow-x":px,"box-shadow-y":px,"box-shadow-blur":px,"box-shadow-spread":px,"font-line-height":px,"text-shadow-x":px,"text-shadow-y":px,"text-shadow-blur":px};function addCamelCasedVersion(g){var b=/(-[a-z])/g,m=function(k){return k[1].toUpperCase()},w={};for(var _ in g)w[_]=g[_],w[_.replace(b,m)]=g[_];return w}var units=addCamelCasedVersion(defaultUnits);function iterate(g,b,m){if(!b)return b;if(Array.isArray(b))for(var w=0;w<b.length;w++)b[w]=iterate(g,b[w],m);else if(typeof b=="object")if(g==="fallbacks")for(var _ in b)b[_]=iterate(_,b[_],m);else for(var C in b)b[C]=iterate(g+"-"+C,b[C],m);else if(typeof b=="number"){var k=m[g]||units[g];return k?typeof k=="function"?k(b).toString():""+b+k:b.toString()}return b}function defaultUnit(g){g===void 0&&(g={});var b=addCamelCasedVersion(g);function m(_,C){if(C.type!=="style")return _;for(var k in _)_[k]=iterate(k,_[k],b);return _}function w(_,C){return iterate(C,_,b)}return{onProcessStyle:m,onChangeValue:w}}var propArray={"background-size":!0,"background-position":!0,border:!0,"border-bottom":!0,"border-left":!0,"border-top":!0,"border-right":!0,"border-radius":!0,"border-image":!0,"border-width":!0,"border-style":!0,"border-color":!0,"box-shadow":!0,flex:!0,margin:!0,padding:!0,outline:!0,"transform-origin":!0,transform:!0,transition:!0},propArrayInObj={position:!0,size:!0},propObj={padding:{top:0,right:0,bottom:0,left:0},margin:{top:0,right:0,bottom:0,left:0},background:{attachment:null,color:null,image:null,position:null,repeat:null},border:{width:null,style:null,color:null},"border-top":{width:null,style:null,color:null},"border-right":{width:null,style:null,color:null},"border-bottom":{width:null,style:null,color:null},"border-left":{width:null,style:null,color:null},outline:{width:null,style:null,color:null},"list-style":{type:null,position:null,image:null},transition:{property:null,duration:null,"timing-function":null,timingFunction:null,delay:null},animation:{name:null,duration:null,"timing-function":null,timingFunction:null,delay:null,"iteration-count":null,iterationCount:null,direction:null,"fill-mode":null,fillMode:null,"play-state":null,playState:null},"box-shadow":{x:0,y:0,blur:0,spread:0,color:null,inset:null},"text-shadow":{x:0,y:0,blur:null,color:null}},customPropObj={border:{radius:"border-radius",image:"border-image",width:"border-width",style:"border-style",color:"border-color"},"border-bottom":{width:"border-bottom-width",style:"border-bottom-style",color:"border-bottom-color"},"border-top":{width:"border-top-width",style:"border-top-style",color:"border-top-color"},"border-left":{width:"border-left-width",style:"border-left-style",color:"border-left-color"},"border-right":{width:"border-right-width",style:"border-right-style",color:"border-right-color"},background:{size:"background-size",image:"background-image"},font:{style:"font-style",variant:"font-variant",weight:"font-weight",stretch:"font-stretch",size:"font-size",family:"font-family",lineHeight:"line-height","line-height":"line-height"},flex:{grow:"flex-grow",basis:"flex-basis",direction:"flex-direction",wrap:"flex-wrap",flow:"flex-flow",shrink:"flex-shrink"},align:{self:"align-self",items:"align-items",content:"align-content"},grid:{"template-columns":"grid-template-columns",templateColumns:"grid-template-columns","template-rows":"grid-template-rows",templateRows:"grid-template-rows","template-areas":"grid-template-areas",templateAreas:"grid-template-areas",template:"grid-template","auto-columns":"grid-auto-columns",autoColumns:"grid-auto-columns","auto-rows":"grid-auto-rows",autoRows:"grid-auto-rows","auto-flow":"grid-auto-flow",autoFlow:"grid-auto-flow",row:"grid-row",column:"grid-column","row-start":"grid-row-start",rowStart:"grid-row-start","row-end":"grid-row-end",rowEnd:"grid-row-end","column-start":"grid-column-start",columnStart:"grid-column-start","column-end":"grid-column-end",columnEnd:"grid-column-end",area:"grid-area",gap:"grid-gap","row-gap":"grid-row-gap",rowGap:"grid-row-gap","column-gap":"grid-column-gap",columnGap:"grid-column-gap"}};function mapValuesByProp(g,b,m){return g.map(function(w){return objectToArray(w,b,m,!1,!0)})}function processArray(g,b,m,w){return m[b]==null?g:g.length===0?[]:Array.isArray(g[0])?processArray(g[0],b,m,w):typeof g[0]=="object"?mapValuesByProp(g,b,w):[g]}function objectToArray(g,b,m,w,_){if(!(propObj[b]||customPropObj[b]))return[];var C=[];if(customPropObj[b]&&(g=customPropsToStyle(g,m,customPropObj[b],w)),Object.keys(g).length)for(var k in propObj[b]){if(g[k]){Array.isArray(g[k])?C.push(propArrayInObj[k]===null?g[k]:g[k].join(" ")):C.push(g[k]);continue}propObj[b][k]!=null&&C.push(propObj[b][k])}return!C.length||_?C:[C]}function customPropsToStyle(g,b,m,w){for(var _ in m){var C=m[_];if(typeof g[_]<"u"&&(w||!b.prop(C))){var k,I=styleDetector((k={},k[C]=g[_],k),b)[C];w?b.style.fallbacks[C]=I:b.style[C]=I}delete g[_]}return g}function styleDetector(g,b,m){for(var w in g){var _=g[w];if(Array.isArray(_)){if(!Array.isArray(_[0])){if(w==="fallbacks"){for(var C=0;C<g.fallbacks.length;C++)g.fallbacks[C]=styleDetector(g.fallbacks[C],b,!0);continue}g[w]=processArray(_,w,propArray,b),g[w].length||delete g[w]}}else if(typeof _=="object"){if(w==="fallbacks"){g.fallbacks=styleDetector(g.fallbacks,b,!0);continue}g[w]=objectToArray(_,w,b,m),g[w].length||delete g[w]}else g[w]===""&&delete g[w]}return g}function jssExpand(){function g(b,m){if(!b||m.type!=="style")return b;if(Array.isArray(b)){for(var w=0;w<b.length;w++)b[w]=styleDetector(b[w],m);return b}return styleDetector(b,m)}return{onProcessStyle:g}}function _arrayLikeToArray$3(g,b){(b==null||b>g.length)&&(b=g.length);for(var m=0,w=new Array(b);m<b;m++)w[m]=g[m];return w}function _arrayWithoutHoles$1(g){if(Array.isArray(g))return _arrayLikeToArray$3(g)}function _iterableToArray$1(g){if(typeof Symbol<"u"&&Symbol.iterator in Object(g))return Array.from(g)}function _unsupportedIterableToArray$3(g,b){if(g){if(typeof g=="string")return _arrayLikeToArray$3(g,b);var m=Object.prototype.toString.call(g).slice(8,-1);if(m==="Object"&&g.constructor&&(m=g.constructor.name),m==="Map"||m==="Set")return Array.from(g);if(m==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(m))return _arrayLikeToArray$3(g,b)}}function _nonIterableSpread$1(){throw new TypeError(`Invalid attempt to spread non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}function _toConsumableArray$1(g){return _arrayWithoutHoles$1(g)||_iterableToArray$1(g)||_unsupportedIterableToArray$3(g)||_nonIterableSpread$1()}var js="",css$1="",vendor="",browser$1="",isTouch=isBrowser&&"ontouchstart"in document.documentElement;if(isBrowser){var jsCssMap={Moz:"-moz-",ms:"-ms-",O:"-o-",Webkit:"-webkit-"},_document$createEleme=document.createElement("p"),style=_document$createEleme.style,testProp="Transform";for(var key in jsCssMap)if(key+testProp in style){js=key,css$1=jsCssMap[key];break}js==="Webkit"&&"msHyphens"in style&&(js="ms",css$1=jsCssMap.ms,browser$1="edge"),js==="Webkit"&&"-apple-trailing-word"in style&&(vendor="apple")}var prefix$1={js,css:css$1,vendor,browser:browser$1,isTouch};function supportedKeyframes(g){return g[1]==="-"||prefix$1.js==="ms"?g:"@"+prefix$1.css+"keyframes"+g.substr(10)}var appearence={noPrefill:["appearance"],supportedProperty:function(b){return b!=="appearance"?!1:prefix$1.js==="ms"?"-webkit-"+b:prefix$1.css+b}},colorAdjust={noPrefill:["color-adjust"],supportedProperty:function(b){return b!=="color-adjust"?!1:prefix$1.js==="Webkit"?prefix$1.css+"print-"+b:b}},regExp=/[-\s]+(.)?/g;function toUpper(g,b){return b?b.toUpperCase():""}function camelize(g){return g.replace(regExp,toUpper)}function pascalize(g){return camelize("-"+g)}var mask={noPrefill:["mask"],supportedProperty:function(b,m){if(!/^mask/.test(b))return!1;if(prefix$1.js==="Webkit"){var w="mask-image";if(camelize(w)in m)return b;if(prefix$1.js+pascalize(w)in m)return prefix$1.css+b}return b}},textOrientation={noPrefill:["text-orientation"],supportedProperty:function(b){return b!=="text-orientation"?!1:prefix$1.vendor==="apple"&&!prefix$1.isTouch?prefix$1.css+b:b}},transform={noPrefill:["transform"],supportedProperty:function(b,m,w){return b!=="transform"?!1:w.transform?b:prefix$1.css+b}},transition={noPrefill:["transition"],supportedProperty:function(b,m,w){return b!=="transition"?!1:w.transition?b:prefix$1.css+b}},writingMode={noPrefill:["writing-mode"],supportedProperty:function(b){return b!=="writing-mode"?!1:prefix$1.js==="Webkit"||prefix$1.js==="ms"&&prefix$1.browser!=="edge"?prefix$1.css+b:b}},userSelect={noPrefill:["user-select"],supportedProperty:function(b){return b!=="user-select"?!1:prefix$1.js==="Moz"||prefix$1.js==="ms"||prefix$1.vendor==="apple"?prefix$1.css+b:b}},breakPropsOld={supportedProperty:function(b,m){if(!/^break-/.test(b))return!1;if(prefix$1.js==="Webkit"){var w="WebkitColumn"+pascalize(b);return w in m?prefix$1.css+"column-"+b:!1}if(prefix$1.js==="Moz"){var _="page"+pascalize(b);return _ in m?"page-"+b:!1}return!1}},inlineLogicalOld={supportedProperty:function(b,m){if(!/^(border|margin|padding)-inline/.test(b))return!1;if(prefix$1.js==="Moz")return b;var w=b.replace("-inline","");return prefix$1.js+pascalize(w)in m?prefix$1.css+w:!1}},unprefixed={supportedProperty:function(b,m){return camelize(b)in m?b:!1}},prefixed={supportedProperty:function(b,m){var w=pascalize(b);return b[0]==="-"||b[0]==="-"&&b[1]==="-"?b:prefix$1.js+w in m?prefix$1.css+b:prefix$1.js!=="Webkit"&&"Webkit"+w in m?"-webkit-"+b:!1}},scrollSnap={supportedProperty:function(b){return b.substring(0,11)!=="scroll-snap"?!1:prefix$1.js==="ms"?""+prefix$1.css+b:b}},overscrollBehavior={supportedProperty:function(b){return b!=="overscroll-behavior"?!1:prefix$1.js==="ms"?prefix$1.css+"scroll-chaining":b}},propMap={"flex-grow":"flex-positive","flex-shrink":"flex-negative","flex-basis":"flex-preferred-size","justify-content":"flex-pack",order:"flex-order","align-items":"flex-align","align-content":"flex-line-pack"},flex2012={supportedProperty:function(b,m){var w=propMap[b];return w&&prefix$1.js+pascalize(w)in m?prefix$1.css+w:!1}},propMap$1={flex:"box-flex","flex-grow":"box-flex","flex-direction":["box-orient","box-direction"],order:"box-ordinal-group","align-items":"box-align","flex-flow":["box-orient","box-direction"],"justify-content":"box-pack"},propKeys=Object.keys(propMap$1),prefixCss=function(b){return prefix$1.css+b},flex2009={supportedProperty:function(b,m,w){var _=w.multiple;if(propKeys.indexOf(b)>-1){var C=propMap$1[b];if(!Array.isArray(C))return prefix$1.js+pascalize(C)in m?prefix$1.css+C:!1;if(!_)return!1;for(var k=0;k<C.length;k++)if(!(prefix$1.js+pascalize(C[0])in m))return!1;return C.map(prefixCss)}return!1}},plugins=[appearence,colorAdjust,mask,textOrientation,transform,transition,writingMode,userSelect,breakPropsOld,inlineLogicalOld,unprefixed,prefixed,scrollSnap,overscrollBehavior,flex2012,flex2009],propertyDetectors=plugins.filter(function(g){return g.supportedProperty}).map(function(g){return g.supportedProperty}),noPrefill=plugins.filter(function(g){return g.noPrefill}).reduce(function(g,b){return g.push.apply(g,_toConsumableArray$1(b.noPrefill)),g},[]),el$1,cache$2={};if(isBrowser){el$1=document.createElement("p");var computed=window.getComputedStyle(document.documentElement,"");for(var key$1 in computed)isNaN(key$1)||(cache$2[computed[key$1]]=computed[key$1]);noPrefill.forEach(function(g){return delete cache$2[g]})}function supportedProperty(g,b){if(b===void 0&&(b={}),!el$1)return g;if({}.NODE_ENV!=="benchmark"&&cache$2[g]!=null)return cache$2[g];(g==="transition"||g==="transform")&&(b[g]=g in el$1.style);for(var m=0;m<propertyDetectors.length&&(cache$2[g]=propertyDetectors[m](g,el$1.style,b),!cache$2[g]);m++);try{el$1.style[g]=""}catch{return!1}return cache$2[g]}var cache$1$1={},transitionProperties={transition:1,"transition-property":1,"-webkit-transition":1,"-webkit-transition-property":1},transPropsRegExp=/(^\s*[\w-]+)|, (\s*[\w-]+)(?![^()]*\))/g,el$1$1;function prefixTransitionCallback(g,b,m){if(b==="var")return"var";if(b==="all")return"all";if(m==="all")return", all";var w=b?supportedProperty(b):", "+supportedProperty(m);return w||b||m}isBrowser&&(el$1$1=document.createElement("p"));function supportedValue(g,b){var m=b;if(!el$1$1||g==="content")return b;if(typeof m!="string"||!isNaN(parseInt(m,10)))return m;var w=g+m;if({}.NODE_ENV!=="benchmark"&&cache$1$1[w]!=null)return cache$1$1[w];try{el$1$1.style[g]=m}catch{return cache$1$1[w]=!1,!1}if(transitionProperties[g])m=m.replace(transPropsRegExp,prefixTransitionCallback);else if(el$1$1.style[g]===""&&(m=prefix$1.css+m,m==="-ms-flex"&&(el$1$1.style[g]="-ms-flexbox"),el$1$1.style[g]=m,el$1$1.style[g]===""))return cache$1$1[w]=!1,!1;return el$1$1.style[g]="",cache$1$1[w]=m,cache$1$1[w]}function jssVendorPrefixer(){function g(_){if(_.type==="keyframes"){var C=_;C.at=supportedKeyframes(C.at)}}function b(_){for(var C in _){var k=_[C];if(C==="fallbacks"&&Array.isArray(k)){_[C]=k.map(b);continue}var I=!1,$=supportedProperty(C);$&&$!==C&&(I=!0);var P=!1,M=supportedValue($,toCssValue(k));M&&M!==k&&(P=!0),(I||P)&&(I&&delete _[C],_[$||C]=M||k)}return _}function m(_,C){return C.type!=="style"?_:b(_)}function w(_,C){return supportedValue(C,toCssValue(_))||_}return{onProcessRule:g,onProcessStyle:m,onChangeValue:w}}function jssPropsSort(){var g=function(m,w){return m.length===w.length?m>w?1:-1:m.length-w.length};return{onProcessStyle:function(m,w){if(w.type!=="style")return m;for(var _={},C=Object.keys(m).sort(g),k=0;k<C.length;k++)_[C[k]]=m[C[k]];return _}}}var index$1=function(g){return g===void 0&&(g={}),{plugins:[functionPlugin(),observablePlugin(g.observable),templatePlugin(),jssGlobal(),jssExtend(),jssNested(),jssCompose(),camelCase(),defaultUnit(g.defaultUnit),jssExpand(),jssVendorPrefixer(),jssPropsSort()]}},MAX_RULES_PER_SHEET=1e4,defaultJss$1=create$2(index$1()),createCss=function(b){b===void 0&&(b=defaultJss$1);var m=new Map,w=0,_,C=function(){return(!_||_.rules.index.length>MAX_RULES_PER_SHEET)&&(_=b.createStyleSheet().attach()),_};function k(){var I=arguments,$=JSON.stringify(I),P=m.get($);if(P)return P.className;var M=[];for(var U in I){var G=I[U];if(!Array.isArray(G)){M.push(G);continue}for(var X=0;X<G.length;X++)M.push(G[X])}for(var Z={},ne=[],re=0;re<M.length;re++){var ve=M[re];if(ve){if(typeof ve=="string"){var Se=m.get(ve);Se&&(Se.labels.length&&ne.push.apply(ne,Se.labels),ve=Se.style)}ve.label&&ne.indexOf(ve.label)===-1&&ne.push(ve.label),Object.assign(Z,ve)}}delete Z.label;var ge=ne.length===0?"css":ne.join("-"),oe=ge+"-"+w++;C().addRule(oe,Z);var me=C().classes[oe],De={style:Z,labels:ne,className:me};return m.set($,De),m.set(me,De),me}return k.getSheet=C,k};createCss();var JssContext=React$7.createContext({classNamePrefix:"",disableStylesGeneration:!1}),index=Number.MIN_SAFE_INTEGER||-1e9,getSheetIndex=function(){return index++},defaultManagers=new Map,getManager=function(b,m){if(b.managers)return b.managers[m]||(b.managers[m]=new SheetsManager),b.managers[m];var w=defaultManagers.get(m);return w||(w=new SheetsManager,defaultManagers.set(m,w)),w},manageSheet=function(b){var m=b.sheet,w=b.context,_=b.index,C=b.theme;if(m){var k=getManager(w,_);k.manage(C),w.registry&&w.registry.add(m)}},unmanageSheet=function(b){if(b.sheet){var m=getManager(b.context,b.index);m.unmanage(b.theme)}},defaultJss=create$2(index$1()),sheetsMeta=new WeakMap,getMeta=function(b){return sheetsMeta.get(b)},addMeta=function(b,m){sheetsMeta.set(b,m)},getStyles=function(b){var m=b.styles;return typeof m!="function"?m:({}.NODE_ENV!=="production"&&warning(m.length!==0,"[JSS] <"+(b.name||"Hook")+` />'s styles function doesn't rely on the "theme" argument. We recommend declaring styles as an object instead.`),m(b.theme))};function getSheetOptions(g,b){var m;g.context.id&&g.context.id.minify!=null&&(m=g.context.id.minify);var w=g.context.classNamePrefix||"";g.name&&!m&&(w+=g.name.replace(/\s/g,"-")+"-");var _="";return g.name&&(_=g.name+", "),_+=typeof g.styles=="function"?"Themed":"Unthemed",_extends$g({},g.sheetOptions,{index:g.index,meta:_,classNamePrefix:w,link:b,generateId:g.sheetOptions.generateId||g.context.generateId})}var createStyleSheet=function(b){if(!b.context.disableStylesGeneration){var m=getManager(b.context,b.index),w=m.get(b.theme);if(w)return w;var _=b.context.jss||defaultJss,C=getStyles(b),k=getDynamicStyles(C),I=_.createStyleSheet(C,getSheetOptions(b,k!==null));return addMeta(I,{dynamicStyles:k,styles:C}),m.add(b.theme,I),I}},removeDynamicRules=function(b,m){for(var w in m)b.deleteRule(m[w])},updateDynamicRules=function(b,m,w){for(var _ in w)m.updateOne(w[_],b)},addDynamicRules=function(b,m){var w=getMeta(b);if(w){var _={};for(var C in w.dynamicStyles)for(var k=b.rules.index.length,I=b.addRule(C,w.dynamicStyles[C]),$=k;$<b.rules.index.length;$++){var P=b.rules.index[$];b.updateOne(P,m),_[I===P?C:P.key]=P}return _}},getSheetClasses=function(b,m){if(!m)return b.classes;var w={},_=getMeta(b);if(!_)return b.classes;for(var C in _.styles)w[C]=b.classes[C],C in m&&(w[C]+=" "+b.classes[m[C].key]);return w},useEffectOrLayoutEffect=isBrowser?React$7.useLayoutEffect:React$7.useEffect,noTheme$1={},createUseStyles=function(b,m){m===void 0&&(m={});var w=m,_=w.index,C=_===void 0?getSheetIndex():_,k=w.theming,I=w.name,$=_objectWithoutPropertiesLoose$5(w,["index","theming","name"]),P=k&&k.context||ThemeContext,M=typeof b=="function"?function(){return React$7.useContext(P)||noTheme$1}:function(){return noTheme$1};return function(G){var X=React$7.useRef(!0),Z=React$7.useContext(JssContext),ne=M(),re=React$7.useMemo(function(){var oe=createStyleSheet({context:Z,styles:b,name:I,theme:ne,index:C,sheetOptions:$}),me=oe?addDynamicRules(oe,G):null;return oe&&manageSheet({index:C,context:Z,sheet:oe,theme:ne}),[oe,me]},[Z,ne]),ve=re[0],Se=re[1];useEffectOrLayoutEffect(function(){ve&&Se&&!X.current&&updateDynamicRules(G,ve,Se)},[G]),useEffectOrLayoutEffect(function(){return function(){ve&&unmanageSheet({index:C,context:Z,sheet:ve,theme:ne}),ve&&Se&&removeDynamicRules(ve,Se)}},[ve]);var ge=ve&&Se?getSheetClasses(ve,Se):{};return React$7.useDebugValue(ge),React$7.useDebugValue(ne===noTheme$1?"No theme":ne),React$7.useEffect(function(){X.current=!1}),ge}};PropTypes.instanceOf(SheetsRegistry),PropTypes.instanceOf(index$2.constructor),PropTypes.func,PropTypes.string,PropTypes.bool,PropTypes.node.isRequired,PropTypes.string,PropTypes.shape({minify:PropTypes.bool});var InjectionMode={none:0,insertNode:1,appendChild:2},STYLESHEET_SETTING="__stylesheet__",REUSE_STYLE_NODE=typeof navigator<"u"&&/rv:11.0/.test(navigator.userAgent),_global={};try{_global=window||{}}catch(g){}var _stylesheet,Stylesheet=function(){function g(b,m){var w,_,C,k,I,$;this._rules=[],this._preservedRules=[],this._counter=0,this._keyToClassName={},this._onInsertRuleCallbacks=[],this._onResetCallbacks=[],this._classNameToArgs={},this._config=__assign$1({injectionMode:typeof document>"u"?InjectionMode.none:InjectionMode.insertNode,defaultPrefix:"css",namespace:void 0,cspSettings:void 0},b),this._classNameToArgs=(w=m==null?void 0:m.classNameToArgs)!==null&&w!==void 0?w:this._classNameToArgs,this._counter=(_=m==null?void 0:m.counter)!==null&&_!==void 0?_:this._counter,this._keyToClassName=(k=(C=this._config.classNameCache)!==null&&C!==void 0?C:m==null?void 0:m.keyToClassName)!==null&&k!==void 0?k:this._keyToClassName,this._preservedRules=(I=m==null?void 0:m.preservedRules)!==null&&I!==void 0?I:this._preservedRules,this._rules=($=m==null?void 0:m.rules)!==null&&$!==void 0?$:this._rules}return g.getInstance=function(){if(_stylesheet=_global[STYLESHEET_SETTING],!_stylesheet||_stylesheet._lastStyleElement&&_stylesheet._lastStyleElement.ownerDocument!==document){var b=(_global==null?void 0:_global.FabricConfig)||{},m=new g(b.mergeStyles,b.serializedStylesheet);_stylesheet=m,_global[STYLESHEET_SETTING]=m}return _stylesheet},g.prototype.serialize=function(){return JSON.stringify({classNameToArgs:this._classNameToArgs,counter:this._counter,keyToClassName:this._keyToClassName,preservedRules:this._preservedRules,rules:this._rules})},g.prototype.setConfig=function(b){this._config=__assign$1(__assign$1({},this._config),b)},g.prototype.onReset=function(b){var m=this;return this._onResetCallbacks.push(b),function(){m._onResetCallbacks=m._onResetCallbacks.filter(function(w){return w!==b})}},g.prototype.onInsertRule=function(b){var m=this;return this._onInsertRuleCallbacks.push(b),function(){m._onInsertRuleCallbacks=m._onInsertRuleCallbacks.filter(function(w){return w!==b})}},g.prototype.getClassName=function(b){var m=this._config.namespace,w=b||this._config.defaultPrefix;return(m?m+"-":"")+w+"-"+this._counter++},g.prototype.cacheClassName=function(b,m,w,_){this._keyToClassName[m]=b,this._classNameToArgs[b]={args:w,rules:_}},g.prototype.classNameFromKey=function(b){return this._keyToClassName[b]},g.prototype.getClassNameCache=function(){return this._keyToClassName},g.prototype.argsFromClassName=function(b){var m=this._classNameToArgs[b];return m&&m.args},g.prototype.insertedRulesFromClassName=function(b){var m=this._classNameToArgs[b];return m&&m.rules},g.prototype.insertRule=function(b,m){var w=this._config.injectionMode,_=w!==InjectionMode.none?this._getStyleElement():void 0;if(m&&this._preservedRules.push(b),_)switch(w){case InjectionMode.insertNode:var C=_.sheet;try{C.insertRule(b,C.cssRules.length)}catch{}break;case InjectionMode.appendChild:_.appendChild(document.createTextNode(b));break}else this._rules.push(b);this._config.onInsertRule&&this._config.onInsertRule(b),this._onInsertRuleCallbacks.forEach(function(k){return k()})},g.prototype.getRules=function(b){return(b?this._preservedRules.join(""):"")+this._rules.join("")},g.prototype.reset=function(){this._rules=[],this._counter=0,this._classNameToArgs={},this._keyToClassName={},this._onResetCallbacks.forEach(function(b){return b()})},g.prototype.resetKeys=function(){this._keyToClassName={}},g.prototype._getStyleElement=function(){var b=this;return!this._styleElement&&typeof document<"u"&&(this._styleElement=this._createStyleElement(),REUSE_STYLE_NODE||window.requestAnimationFrame(function(){b._styleElement=void 0})),this._styleElement},g.prototype._createStyleElement=function(){var b=document.head,m=document.createElement("style"),w=null;m.setAttribute("data-merge-styles","true");var _=this._config.cspSettings;if(_&&_.nonce&&m.setAttribute("nonce",_.nonce),this._lastStyleElement)w=this._lastStyleElement.nextElementSibling;else{var C=this._findPlaceholderStyleTag();C?w=C.nextElementSibling:w=b.childNodes[0]}return b.insertBefore(m,b.contains(w)?w:null),this._lastStyleElement=m,m},g.prototype._findPlaceholderStyleTag=function(){var b=document.head;return b?b.querySelector("style[data-merge-styles]"):null},g}();function extractStyleParts(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];var m=[],w=[],_=Stylesheet.getInstance();function C(k){for(var I=0,$=k;I<$.length;I++){var P=$[I];if(P)if(typeof P=="string")if(P.indexOf(" ")>=0)C(P.split(" "));else{var M=_.argsFromClassName(P);M?C(M):m.indexOf(P)===-1&&m.push(P)}else Array.isArray(P)?C(P):typeof P=="object"&&w.push(P)}}return C(g),{classes:m,objects:w}}function getRTL(){return _rtl===void 0&&(_rtl=typeof document<"u"&&!!document.documentElement&&document.documentElement.getAttribute("dir")==="rtl"),_rtl}var _rtl;_rtl=getRTL();function getStyleOptions(){return{rtl:getRTL()}}var rules={};function kebabRules(g,b){var m=g[b];m.charAt(0)!=="-"&&(g[b]=rules[m]=rules[m]||m.replace(/([A-Z])/g,"-$1").toLowerCase())}var _vendorSettings;function getVendorSettings(){var g;if(!_vendorSettings){var b=typeof document<"u"?document:void 0,m=typeof navigator<"u"?navigator:void 0,w=(g=m==null?void 0:m.userAgent)===null||g===void 0?void 0:g.toLowerCase();b?_vendorSettings={isWebkit:!!(b&&"WebkitAppearance"in b.documentElement.style),isMoz:!!(w&&w.indexOf("firefox")>-1),isOpera:!!(w&&w.indexOf("opera")>-1),isMs:!!(m&&(/rv:11.0/i.test(m.userAgent)||/Edge\/\d./i.test(navigator.userAgent)))}:_vendorSettings={isWebkit:!0,isMoz:!0,isOpera:!0,isMs:!0}}return _vendorSettings}var autoPrefixNames={"user-select":1};function prefixRules(g,b){var m=getVendorSettings(),w=g[b];if(autoPrefixNames[w]){var _=g[b+1];autoPrefixNames[w]&&(m.isWebkit&&g.push("-webkit-"+w,_),m.isMoz&&g.push("-moz-"+w,_),m.isMs&&g.push("-ms-"+w,_),m.isOpera&&g.push("-o-"+w,_))}}var NON_PIXEL_NUMBER_PROPS=["column-count","font-weight","flex","flex-grow","flex-shrink","fill-opacity","opacity","order","z-index","zoom"];function provideUnits(g,b){var m=g[b],w=g[b+1];if(typeof w=="number"){var _=NON_PIXEL_NUMBER_PROPS.indexOf(m)>-1,C=m.indexOf("--")>-1,k=_||C?"":"px";g[b+1]=""+w+k}}var _a,LEFT="left",RIGHT="right",NO_FLIP="@noflip",NAME_REPLACEMENTS=(_a={},_a[LEFT]=RIGHT,_a[RIGHT]=LEFT,_a),VALUE_REPLACEMENTS={"w-resize":"e-resize","sw-resize":"se-resize","nw-resize":"ne-resize"};function rtlifyRules(g,b,m){if(g.rtl){var w=b[m];if(!w)return;var _=b[m+1];if(typeof _=="string"&&_.indexOf(NO_FLIP)>=0)b[m+1]=_.replace(/\s*(?:\/\*\s*)?\@noflip\b(?:\s*\*\/)?\s*?/g,"");else if(w.indexOf(LEFT)>=0)b[m]=w.replace(LEFT,RIGHT);else if(w.indexOf(RIGHT)>=0)b[m]=w.replace(RIGHT,LEFT);else if(String(_).indexOf(LEFT)>=0)b[m+1]=_.replace(LEFT,RIGHT);else if(String(_).indexOf(RIGHT)>=0)b[m+1]=_.replace(RIGHT,LEFT);else if(NAME_REPLACEMENTS[w])b[m]=NAME_REPLACEMENTS[w];else if(VALUE_REPLACEMENTS[_])b[m+1]=VALUE_REPLACEMENTS[_];else switch(w){case"margin":case"padding":b[m+1]=flipQuad(_);break;case"box-shadow":b[m+1]=negateNum(_,0);break}}}function negateNum(g,b){var m=g.split(" "),w=parseInt(m[b],10);return m[0]=m[0].replace(String(w),String(w*-1)),m.join(" ")}function flipQuad(g){if(typeof g=="string"){var b=g.split(" ");if(b.length===4)return b[0]+" "+b[3]+" "+b[2]+" "+b[1]}return g}function tokenizeWithParentheses(g){for(var b=[],m=0,w=0,_=0;_<g.length;_++)switch(g[_]){case"(":w++;break;case")":w&&w--;break;case" ":case" ":w||(_>m&&b.push(g.substring(m,_)),m=_+1);break}return m<g.length&&b.push(g.substring(m)),b}var DISPLAY_NAME="displayName";function getDisplayName(g){var b=g&&g["&"];return b?b.displayName:void 0}var globalSelectorRegExp=/\:global\((.+?)\)/g;function expandCommaSeparatedGlobals(g){if(!globalSelectorRegExp.test(g))return g;for(var b=[],m=/\:global\((.+?)\)/g,w=null;w=m.exec(g);)w[1].indexOf(",")>-1&&b.push([w.index,w.index+w[0].length,w[1].split(",").map(function(_){return":global("+_.trim()+")"}).join(", ")]);return b.reverse().reduce(function(_,C){var k=C[0],I=C[1],$=C[2],P=_.slice(0,k),M=_.slice(I);return P+$+M},g)}function expandSelector(g,b){return g.indexOf(":global(")>=0?g.replace(globalSelectorRegExp,"$1"):g.indexOf(":")===0?b+g:g.indexOf("&")<0?b+" "+g:g}function extractSelector(g,b,m,w){b===void 0&&(b={__order:[]}),m.indexOf("@")===0?(m=m+"{"+g,extractRules([w],b,m)):m.indexOf(",")>-1?expandCommaSeparatedGlobals(m).split(",").map(function(_){return _.trim()}).forEach(function(_){return extractRules([w],b,expandSelector(_,g))}):extractRules([w],b,expandSelector(m,g))}function extractRules(g,b,m){b===void 0&&(b={__order:[]}),m===void 0&&(m="&");var w=Stylesheet.getInstance(),_=b[m];_||(_={},b[m]=_,b.__order.push(m));for(var C=0,k=g;C<k.length;C++){var I=k[C];if(typeof I=="string"){var $=w.argsFromClassName(I);$&&extractRules($,b,m)}else if(Array.isArray(I))extractRules(I,b,m);else for(var P in I)if(I.hasOwnProperty(P)){var M=I[P];if(P==="selectors"){var U=I.selectors;for(var G in U)U.hasOwnProperty(G)&&extractSelector(m,b,G,U[G])}else typeof M=="object"?M!==null&&extractSelector(m,b,P,M):M!==void 0&&(P==="margin"||P==="padding"?expandQuads(_,P,M):_[P]=M)}}return b}function expandQuads(g,b,m){var w=typeof m=="string"?tokenizeWithParentheses(m):[m];w.length===0&&w.push(m),w[w.length-1]==="!important"&&(w=w.slice(0,-1).map(function(_){return _+" !important"})),g[b+"Top"]=w[0],g[b+"Right"]=w[1]||w[0],g[b+"Bottom"]=w[2]||w[0],g[b+"Left"]=w[3]||w[1]||w[0]}function getKeyForRules(g,b){for(var m=[g.rtl?"rtl":"ltr"],w=!1,_=0,C=b.__order;_<C.length;_++){var k=C[_];m.push(k);var I=b[k];for(var $ in I)I.hasOwnProperty($)&&I[$]!==void 0&&(w=!0,m.push($,I[$]))}return w?m.join(""):void 0}function repeatString(g,b){return b<=0?"":b===1?g:g+repeatString(g,b-1)}function serializeRuleEntries(g,b){if(!b)return"";var m=[];for(var w in b)b.hasOwnProperty(w)&&w!==DISPLAY_NAME&&b[w]!==void 0&&m.push(w,b[w]);for(var _=0;_<m.length;_+=2)kebabRules(m,_),provideUnits(m,_),rtlifyRules(g,m,_),prefixRules(m,_);for(var _=1;_<m.length;_+=4)m.splice(_,1,":",m[_],";");return m.join("")}function styleToRegistration(g){for(var b=[],m=1;m<arguments.length;m++)b[m-1]=arguments[m];var w=extractRules(b),_=getKeyForRules(g,w);if(_){var C=Stylesheet.getInstance(),k={className:C.classNameFromKey(_),key:_,args:b};if(!k.className){k.className=C.getClassName(getDisplayName(w));for(var I=[],$=0,P=w.__order;$<P.length;$++){var M=P[$];I.push(M,serializeRuleEntries(g,w[M]))}k.rulesToInsert=I}return k}}function applyRegistration(g,b){b===void 0&&(b=1);var m=Stylesheet.getInstance(),w=g.className,_=g.key,C=g.args,k=g.rulesToInsert;if(k){for(var I=0;I<k.length;I+=2){var $=k[I+1];if($){var P=k[I];P=P.replace(/&/g,repeatString("."+g.className,b));var M=P+"{"+$+"}"+(P.indexOf("@")===0?"}":"");m.insertRule(M)}}m.cacheClassName(w,_,C,k)}}function concatStyleSets(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];if(g&&g.length===1&&g[0]&&!g[0].subComponentStyles)return g[0];for(var m={},w={},_=0,C=g;_<C.length;_++){var k=C[_];if(k){for(var I in k)if(k.hasOwnProperty(I)){if(I==="subComponentStyles"&&k.subComponentStyles!==void 0){var $=k.subComponentStyles;for(var P in $)$.hasOwnProperty(P)&&(w.hasOwnProperty(P)?w[P].push($[P]):w[P]=[$[P]]);continue}var M=m[I],U=k[I];M===void 0?m[I]=U:m[I]=__spreadArray(__spreadArray([],Array.isArray(M)?M:[M]),Array.isArray(U)?U:[U])}}}if(Object.keys(w).length>0){m.subComponentStyles={};var G=m.subComponentStyles,X=function(Z){if(w.hasOwnProperty(Z)){var ne=w[Z];G[Z]=function(re){return concatStyleSets.apply(void 0,ne.map(function(ve){return typeof ve=="function"?ve(re):ve}))}}};for(var P in w)X(P)}return m}function mergeStyleSets(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];return mergeCssSets(g,getStyleOptions())}function mergeCssSets(g,b){var m={subComponentStyles:{}},w=g[0];if(!w&&g.length<=1)return{subComponentStyles:{}};var _=concatStyleSets.apply(void 0,g),C=[];for(var k in _)if(_.hasOwnProperty(k)){if(k==="subComponentStyles"){m.subComponentStyles=_.subComponentStyles||{};continue}var I=_[k],$=extractStyleParts(I),P=$.classes,M=$.objects;if(M!=null&&M.length){var U=styleToRegistration(b||{},{displayName:k},M);U&&(C.push(U),m[k]=P.concat([U.className]).join(" "))}else m[k]=P.join(" ")}for(var G=0,X=C;G<X.length;G++){var U=X[G];U&&applyRegistration(U,b==null?void 0:b.specificityMultiplier)}return m}const has$3=g=>b=>!!pick(g)(b),add=g=>b=>{const m=b||0;return Array.isArray(g)?g.reduce((w,_)=>w|_,m):m|g},toggle=g=>b=>(b||0)^g,pick=g=>b=>(b||0)&g,remove$1=g=>b=>{const m=b||0;return Array.isArray(g)?g.reduce((w,_)=>w&~_,m):m&~g},replace$1=g=>()=>g;var bitset=Object.freeze({__proto__:null,has:has$3,add,toggle,pick,remove:remove$1,replace:replace$1});const EMPTY_STATUS=0,SELECTED_STATUS=1,ACTIVATED_STATUS=2;var GraphEdgeStatus;(function(g){g[g.Default=EMPTY_STATUS]="Default",g[g.Selected=SELECTED_STATUS]="Selected",g[g.Activated=ACTIVATED_STATUS]="Activated",g[g.ConnectedToSelected=4]="ConnectedToSelected",g[g.UnconnectedToSelected=8]="UnconnectedToSelected",g[g.Editing=16]="Editing"})(GraphEdgeStatus||(GraphEdgeStatus={}));var GraphNodeStatus;(function(g){g[g.Default=EMPTY_STATUS]="Default",g[g.Selected=SELECTED_STATUS]="Selected",g[g.Activated=ACTIVATED_STATUS]="Activated",g[g.Editing=4]="Editing",g[g.ConnectedToSelected=8]="ConnectedToSelected",g[g.UnconnectedToSelected=16]="UnconnectedToSelected"})(GraphNodeStatus||(GraphNodeStatus={}));var GraphPortStatus;(function(g){g[g.Default=EMPTY_STATUS]="Default",g[g.Selected=SELECTED_STATUS]="Selected",g[g.Activated=ACTIVATED_STATUS]="Activated",g[g.Connecting=4]="Connecting",g[g.ConnectingAsTarget=8]="ConnectingAsTarget"})(GraphPortStatus||(GraphPortStatus={}));const updateStatus=g=>b=>{var m;const w=g((m=b.status)!==null&&m!==void 0?m:0);return w===b.status?b:Object.assign(Object.assign({},b),{status:w})};function isNodeEditing(g){return has$3(GraphNodeStatus.Editing)(g.status)}function isSelected(g){return has$3(SELECTED_STATUS)(g.status)}function notSelected(g){return!isSelected(g)}const resetConnectStatus=g=>b=>(b||0)&GraphNodeStatus.Activated|g,isDev$1={}.NODE_ENV!=="production";class Debug{static log(b){isDev$1&&console.log(b)}static warn(b){isDev$1&&console.warn(b)}static error(...b){console.error(...b)}static never(b,m){throw new Error(m??`${b} is unexpected`)}}const getNodeConfig=(g,b)=>{const m=b.getNodeConfig(g);if(!m){Debug.warn(`invalid node ${JSON.stringify(g)}`);return}return m};function getRectWidth(g,b){var m;const w=(m=g==null?void 0:g.getMinWidth(b))!==null&&m!==void 0?m:0;return b.width&&b.width>=w?b.width:w}function getRectHeight(g,b){var m;const w=(m=g==null?void 0:g.getMinHeight(b))!==null&&m!==void 0?m:0;return b.height&&b.height>=w?b.height:w}function getNodeSize(g,b){const m=getNodeConfig(g,b),w=getRectWidth(m,g);return{height:getRectHeight(m,g),width:w}}function getGroupRect(g,b,m){var w,_,C,k,I,$,P,M;const U=new Set(g.nodeIds),G=Array.from(b.values()).filter(me=>U.has(me.id)),X=Math.min(...G.map(me=>me.x)),Z=Math.max(...G.map(me=>me.x+getNodeSize(me,m).width)),ne=Math.min(...G.map(me=>me.y)),re=Math.max(...G.map(me=>me.y+getNodeSize(me,m).height)),ve=X-((_=(w=g.padding)===null||w===void 0?void 0:w.left)!==null&&_!==void 0?_:0),Se=ne-((k=(C=g.padding)===null||C===void 0?void 0:C.top)!==null&&k!==void 0?k:0),ge=re-Se+(($=(I=g.padding)===null||I===void 0?void 0:I.bottom)!==null&&$!==void 0?$:0),oe=Z-ve+((M=(P=g.padding)===null||P===void 0?void 0:P.left)!==null&&M!==void 0?M:0);return{x:ve,y:Se,width:oe,height:ge}}var MouseEventButton;(function(g){g[g.Primary=0]="Primary",g[g.Auxiliary=1]="Auxiliary",g[g.Secondary=2]="Secondary",g[g.Fourth=4]="Fourth",g[g.Fifth=5]="Fifth"})(MouseEventButton||(MouseEventButton={}));var MouseEventButtons;(function(g){g[g.None=0]="None",g[g.Left=1]="Left",g[g.Right=2]="Right",g[g.Middle=4]="Middle"})(MouseEventButtons||(MouseEventButtons={}));const DEFAULT_AUTO_ALIGN_THRESHOLD=50,COPIED_NODE_SPACING=50,NODE_MIN_VISIBLE_LENGTH=5,NODE_MAX_VISIBLE_LENGTH=500,defaultColors={controlPointColor:"#333333",primaryColor:"#0078D4",defaultColor:"#CCCCCC",borderColor:"#B3B0AD",defaultBorderColor:"#FFFFFF",unConnectableBgColor:"#E1DFDD",defaultBackgroundColor:"#FFFFFF",portStroke:"#ccc",portFill:"#fff",connectedPortColor:"gray",nodeActivateFill:"#ffffff",nodeActivateStroke:"#0078D4",nodeFill:"#ffffff",nodeStroke:"#cccccc",contextMenuBackground:"#FFFFFF",contextMenuBorder:"#E1DFDD",contextMenuHoverBackground:"rgba(0, 120, 212, 0.05)",fontColor:"#000000",canvasBackground:"#EDEDED",minimapBackground:"#EDEDED",edgeColor:"#ccc",edgeColorSelected:"#015cda",minimapShadow:"#000000",outlineStyle:"none",focusOutlineColor:"#000000",dummyNodeStroke:"#015cda",inputFocusBorderAlt:"#0078d4",buttonBorder:"#797775",scrollbarColor:"#c8c8c8"},RectComponent=g=>{const{style:b,node:m,width:w,height:_,textY:C}=g,k=m.data&&m.data.comment?m.data.comment:"",I=isNodeEditing(m);return jsxRuntimeExports.jsxs("g",{children:[jsxRuntimeExports.jsx("rect",{width:w,height:_,x:m.x,y:m.y,style:b,rx:b.borderRadius}),jsxRuntimeExports.jsx("text",Object.assign({x:m.x,y:C,fontSize:12},{children:m.name})),m.data&&m.data.comment&&!I&&jsxRuntimeExports.jsx("text",Object.assign({x:m.x,y:C+20,fontSize:12,className:`comment-${m.id}`},{children:m.data.comment})),I&&jsxRuntimeExports.jsx("foreignObject",Object.assign({x:m.x,y:C,height:_/2.5,width:w-5},{children:jsxRuntimeExports.jsx("input",{value:k,placeholder:"Input your comment here"})}))]},m.id)},rect={getMinHeight(){return 150},getMinWidth(){return 150},render(g){const b=g.model,m=getRectWidth(rect,b),w=getRectHeight(rect,b),_=has$3(GraphNodeStatus.Selected|GraphNodeStatus.Activated)(b.status)?{fill:defaultColors.nodeActivateFill,stroke:defaultColors.nodeActivateStroke}:{fill:defaultColors.nodeFill,fillOpacity:.1,stroke:defaultColors.nodeStroke,borderRadius:"5"},C=b.y+w/3;return jsxRuntimeExports.jsx(RectComponent,{style:_,node:b,width:m,height:w,textY:C})}},getCurvePathD=(g,b,m,w)=>`M${g},${m}C${g},${m-getControlPointDistance(m,w)},${b},${w+5+getControlPointDistance(m,w)},${b},${w+5}`,getControlPointDistance=(g,b)=>Math.min(5*15,Math.max(5*3,Math.abs((g-(b+5))/2))),line$1={render(g){const b=g.model,m={cursor:"crosshair",stroke:has$3(GraphEdgeStatus.Selected)(b.status)?defaultColors.edgeColorSelected:defaultColors.edgeColor,strokeWidth:"2"};return jsxRuntimeExports.jsx("path",{d:getCurvePathD(g.x2,g.x1,g.y2,g.y1),fill:"none",style:m,id:`edge${b.id}`},b.id)}};class DefaultPort{getStyle(b,m,w,_,C){const k=defaultColors.portStroke;let I=defaultColors.portFill;return(_||C)&&(I=defaultColors.connectedPortColor),has$3(GraphPortStatus.Activated)(b.status)&&(I=defaultColors.primaryColor),{stroke:k,fill:I}}getIsConnectable(){return!0}render(b){const{model:m,data:w,parentNode:_}=b,C=w.isPortConnectedAsSource(_.id,m.id),k=w.isPortConnectedAsTarget(_.id,m.id),I=this.getStyle(m,_,w,C,k),{x:$,y:P}=b,M=`${$-5} ${P}, ${$+7} ${P}, ${$+1} ${P+8}`;return k?jsxRuntimeExports.jsx("polygon",{points:M,style:I}):jsxRuntimeExports.jsx("circle",{r:5,cx:$,cy:P,style:I},`${b.parentNode.id}-${b.model.id}`)}}const defaultPort=new DefaultPort;class DefaultClipboard{constructor(b){this.storage=b}write(b){this.storage.setItem("graph-clipboard",JSON.stringify({nodes:b.nodes.map(m=>Object.assign(Object.assign({},m),{data:{}})),edges:b.edges.map(m=>Object.assign(Object.assign({},m),{data:{}}))}))}read(){const b=this.storage.getItem("graph-clipboard");if(!b)return null;try{const m=JSON.parse(b),w=new Map;return{nodes:m.nodes.map(_=>{const C=v4();return w.set(_.id,C),Object.assign(Object.assign({},_),{x:_.x+COPIED_NODE_SPACING,y:_.y+COPIED_NODE_SPACING,id:C})}),edges:m.edges.map(_=>Object.assign(Object.assign({},_),{id:v4(),source:w.get(_.source)||"",target:w.get(_.target)||""}))}}catch{return null}}}class DefaultStorage{get length(){return this.items.size}constructor(){this.key=()=>"DefaultLocalStorage",this.items=new Map}clear(){this.items=new Map}setItem(b,m){this.items.set(b,m)}getItem(b){return this.items.has(b)?this.items.get(b):null}removeItem(b){this.items.delete(b)}}class GraphConfigBuilder{constructor(){const b=new DefaultStorage,m=new DefaultClipboard(b);this.draft={getNodeConfig:()=>rect,getEdgeConfig:()=>line$1,getPortConfig:()=>defaultPort,getGroupConfig:()=>{},getClipboard:()=>m}}static default(){return new GraphConfigBuilder}static from(b){return new GraphConfigBuilder().registerNode(b.getNodeConfig.bind(b)).registerEdge(b.getEdgeConfig.bind(b)).registerPort(b.getPortConfig.bind(b)).registerGroup(b.getGroupConfig.bind(b)).registerClipboard(b.getClipboard.bind(b))}registerNode(b){return this.draft.getNodeConfig=b,this}registerEdge(b){return this.draft.getEdgeConfig=b,this}registerPort(b){return this.draft.getPortConfig=b,this}registerGroup(b){return this.draft.getGroupConfig=b,this}registerClipboard(b){return this.draft.getClipboard=b,this}build(){return this.draft}}const GraphConfigContext=reactExports.createContext(GraphConfigBuilder.default().build());var MenuType;(function(g){g.Node="node",g.Edge="edge",g.Port="port",g.Canvas="canvas",g.Multi="multi"})(MenuType||(MenuType={}));class ContextMenuConfig{constructor(){this.contextMenu=new Map}registerContextMenu(b){this.contextMenuProps=Object.assign({},b)}registerMenu(b,m){this.contextMenu.set(m,b)}getMenu(b){if(this.contextMenuProps&&this.contextMenu.has(b)){const{className:m,styles:w}=this.contextMenuProps;return reactExports.createElement("div",{className:m,style:w},this.contextMenu.get(b))}return null}}const ContextMenuConfigContext=reactExports.createContext(new ContextMenuConfig),emptySelectBoxPosition=()=>({startX:0,startY:0,height:0,width:0}),SelectBox=g=>{const{selectBoxPosition:b,style:m}=g,w=`m${b.startX} ${b.startY} v ${b.height} h ${b.width} v${-b.height} h ${-b.width}`,_=m??{fill:"none",stroke:defaultColors.defaultColor};return jsxRuntimeExports.jsx("path",{style:_,d:w})};var GraphFeatures;(function(g){g.NodeDraggable="nodeDraggable",g.NodeResizable="nodeResizable",g.ClickNodeToSelect="clickNodeToSelect",g.PanCanvas="panCanvas",g.MultipleSelect="multipleSelect",g.LassoSelect="lassoSelect",g.Delete="delete",g.AddNewNodes="addNewNodes",g.AddNewEdges="addNewEdges",g.AddNewPorts="addNewPorts",g.AutoFit="autoFit",g.CanvasHorizontalScrollable="canvasHorizontalScrollable",g.CanvasVerticalScrollable="canvasVerticalScrollable",g.NodeHoverView="nodeHoverView",g.PortHoverView="portHoverView",g.AddEdgesByKeyboard="addEdgesByKeyboard",g.A11yFeatures="a11YFeatures",g.EditNode="editNode",g.AutoAlign="autoAlign",g.UndoStack="undoStack",g.CtrlKeyZoom="ctrlKeyZoom",g.LimitBoundary="limitBoundary",g.EditEdge="editEdge"})(GraphFeatures||(GraphFeatures={})),GraphFeatures.NodeDraggable,GraphFeatures.NodeResizable,GraphFeatures.ClickNodeToSelect,GraphFeatures.PanCanvas,GraphFeatures.MultipleSelect,GraphFeatures.LassoSelect,GraphFeatures.Delete,GraphFeatures.AddNewNodes,GraphFeatures.AddNewEdges,GraphFeatures.AddNewPorts,GraphFeatures.CanvasHorizontalScrollable,GraphFeatures.CanvasVerticalScrollable,GraphFeatures.NodeHoverView,GraphFeatures.PortHoverView,GraphFeatures.AddEdgesByKeyboard,GraphFeatures.A11yFeatures,GraphFeatures.AutoFit,GraphFeatures.EditNode,GraphFeatures.AutoAlign,GraphFeatures.UndoStack,GraphFeatures.CtrlKeyZoom,GraphFeatures.LimitBoundary,GraphFeatures.EditEdge;const defaultFeatures=new Set([GraphFeatures.NodeDraggable,GraphFeatures.NodeResizable,GraphFeatures.ClickNodeToSelect,GraphFeatures.PanCanvas,GraphFeatures.MultipleSelect,GraphFeatures.Delete,GraphFeatures.AddNewNodes,GraphFeatures.AddNewEdges,GraphFeatures.AddNewPorts,GraphFeatures.CanvasHorizontalScrollable,GraphFeatures.CanvasVerticalScrollable,GraphFeatures.NodeHoverView,GraphFeatures.PortHoverView,GraphFeatures.AddEdgesByKeyboard,GraphFeatures.A11yFeatures,GraphFeatures.EditNode,GraphFeatures.AutoAlign,GraphFeatures.UndoStack,GraphFeatures.CtrlKeyZoom,GraphFeatures.LimitBoundary]),dataReadonlyMode=new Set([GraphFeatures.NodeDraggable,GraphFeatures.NodeResizable,GraphFeatures.ClickNodeToSelect,GraphFeatures.PanCanvas,GraphFeatures.MultipleSelect,GraphFeatures.CanvasHorizontalScrollable,GraphFeatures.CanvasVerticalScrollable,GraphFeatures.NodeHoverView,GraphFeatures.PortHoverView,GraphFeatures.A11yFeatures,GraphFeatures.CtrlKeyZoom,GraphFeatures.LimitBoundary]);GraphFeatures.ClickNodeToSelect,GraphFeatures.CanvasHorizontalScrollable,GraphFeatures.CanvasVerticalScrollable,GraphFeatures.NodeHoverView,GraphFeatures.PortHoverView,GraphFeatures.A11yFeatures,GraphFeatures.LassoSelect,GraphFeatures.LimitBoundary,GraphFeatures.NodeHoverView,GraphFeatures.PortHoverView,GraphFeatures.AutoFit;const emptyDummyNodes=()=>({dx:0,dy:0,dWidth:0,dHeight:0,alignedDX:void 0,alignedDY:void 0,nodes:[],isVisible:!1}),is$1$1=Object.is;let MapIterator$1=class{constructor(b,m){this.upstream=b,this.f=m}[Symbol.iterator](){return this}next(){const b=this.upstream.next();return b.done?b:{done:!1,value:this.f(b.value)}}};var NodeType$1;(function(g){g[g.Bitmap=0]="Bitmap",g[g.Collision=1]="Collision"})(NodeType$1||(NodeType$1={}));const HASH_CODE_LENGTH=30,BIT_PARTITION_SIZE=5,FULL_MASK=1073741823;function bitPosFrom(g){return 1<<g}function indexFrom(g,b,m){return g===FULL_MASK?b:bitCount(g&m-1)}function maskFrom(g,b){return g>>>b&31}function bitCount(g){return g|=0,g-=g>>>1&1431655765,g=(g&858993459)+(g>>>2&858993459),g=g+(g>>>4)&252645135,g+=g>>>8,g+=g>>>16,g&127}let BitmapIndexedNode$1=class OQ{get valueCount(){return this.values.length}get nodeCount(){return this.children.length}constructor(b,m,w,_,C,k,I,$){this.type=NodeType$1.Bitmap,this.owner=b,this.dataMap=m,this.nodeMap=w,this.keys=_,this.values=C,this.children=k,this.hashes=I,this.size=$}static empty(b){return new OQ(b,0,0,[],[],[],[],0)}getKey(b){return this.keys[b]}getValue(b){return this.values[b]}getHash(b){return this.hashes[b]}getNode(b){return this.children[b]}contains(b,m,w){const _=maskFrom(m,w),C=bitPosFrom(_),{dataMap:k,nodeMap:I}=this;if(k&C){const $=indexFrom(k,_,C),P=this.getKey($);return is$1$1(P,b)}else if(I&C){const $=indexFrom(I,_,C);return this.getNode($).contains(b,m,w+BIT_PARTITION_SIZE)}return!1}get(b,m,w){const _=maskFrom(m,w),C=bitPosFrom(_),{dataMap:k,nodeMap:I}=this;if(k&C){const $=indexFrom(k,_,C),P=this.getKey($);return is$1$1(P,b)?this.getValue($):void 0}else if(I&C){const $=indexFrom(I,_,C);return this.getNode($).get(b,m,w+BIT_PARTITION_SIZE)}}insert(b,m,w,_,C){const k=maskFrom(_,C),I=bitPosFrom(k),{dataMap:$,nodeMap:P}=this;if($&I){const M=indexFrom($,k,I),U=this.getKey(M),G=this.getValue(M),X=this.getHash(M);if(X===_&&is$1$1(U,m))return is$1$1(G,w)?this:this.setValue(b,w,M);{const Z=mergeTwoKeyValPairs(b,U,G,X,m,w,_,C+BIT_PARTITION_SIZE);return this.migrateInlineToNode(b,I,Z)}}else if(P&I){const M=indexFrom(P,k,I),G=this.getNode(M).insert(b,m,w,_,C+BIT_PARTITION_SIZE);return this.setNode(b,1,G,I)}return this.insertValue(b,I,m,_,w)}update(b,m,w,_,C){const k=maskFrom(_,C),I=bitPosFrom(k),{dataMap:$,nodeMap:P}=this;if($&I){const M=indexFrom($,k,I),U=this.getKey(M);if(this.getHash(M)===_&&is$1$1(U,m)){const X=this.getValue(M),Z=w(X);return is$1$1(X,Z)?this:this.setValue(b,Z,M)}}else if(P&I){const M=indexFrom(P,k,I),U=this.getNode(M),G=U.update(b,m,w,_,C+BIT_PARTITION_SIZE);return G===U?this:this.setNode(b,0,G,I)}return this}remove(b,m,w,_){const C=maskFrom(w,_),k=bitPosFrom(C);if(this.dataMap&k){const I=indexFrom(this.dataMap,C,k),$=this.getKey(I);return is$1$1($,m)?this.removeValue(b,k):void 0}else if(this.nodeMap&k){const I=indexFrom(this.nodeMap,C,k),$=this.getNode(I),P=$.remove(b,m,w,_+BIT_PARTITION_SIZE);if(P===void 0)return;const[M,U]=P;return M.size===1?this.size===$.size?[new OQ(b,k,0,[M.getKey(0)],[M.getValue(0)],[],[M.getHash(0)],1),U]:[this.migrateNodeToInline(b,k,M),U]:[this.setNode(b,-1,M,k),U]}}toOwned(b){return this.owner===b?this:new OQ(b,this.dataMap,this.nodeMap,this.keys.slice(),this.values.slice(),this.children.slice(),this.hashes.slice(),this.size)}iter(){return new BitmapIndexedNodeIterator(this)}map(b,m){const w=this.valueCount,_=[],C=[],k=[];let I=!0;for(let $=0;$<w;$+=1){const P=this.getKey($),M=this.getValue($),U=m(M,P);I=I&&is$1$1(M,U),_.push(P),C.push(U)}for(let $=0;$<this.children.length;$+=1){const P=this.getNode($),M=P.map(b,m);I=I&&M===P,k.push(M)}return I?this:new OQ(b,this.dataMap,this.nodeMap,_,C,k,this.hashes,this.size)}forEach(b){for(let m=0;m<this.values.length;m+=1){const w=this.getKey(m),_=this.getValue(m);b(_,w)}for(let m=0;m<this.children.length;m+=1)this.getNode(m).forEach(b)}find(b){for(let m=0;m<this.values.length;m+=1){const w=this.getValue(m);if(b(w))return w}for(let m=0;m<this.children.length;m+=1){const _=this.getNode(m).find(b);if(_)return _}}dataIndex(b){return bitCount(this.dataMap&b-1)}nodeIndex(b){return bitCount(this.nodeMap&b-1)}setValue(b,m,w){const _=this.toOwned(b);return _.values[w]=m,_}insertValue(b,m,w,_,C){const k=this.dataIndex(m),I=this.toOwned(b);return I.size+=1,I.dataMap|=m,I.keys.splice(k,0,w),I.values.splice(k,0,C),I.hashes.splice(k,0,_),I}migrateInlineToNode(b,m,w){const _=this.dataIndex(m),C=this.nodeIndex(m),k=this.toOwned(b);return k.dataMap^=m,k.nodeMap|=m,k.keys.splice(_,1),k.values.splice(_,1),k.children.splice(C,0,w),k.hashes.splice(_,1),k.size+=1,k}migrateNodeToInline(b,m,w){const _=this.nodeIndex(m),C=this.dataIndex(m),k=w.getKey(0),I=w.getValue(0),$=w.getHash(0),P=this.toOwned(b);return P.dataMap=P.dataMap|m,P.nodeMap=P.nodeMap^m,P.children.splice(_,1),P.keys.splice(C,0,k),P.values.splice(C,0,I),P.size-=1,P.hashes.splice(C,0,$),P}setNode(b,m,w,_){const C=this.nodeIndex(_),k=this.toOwned(b);return k.children[C]=w,k.size=k.size+m,k}removeValue(b,m){const w=this.dataIndex(m),_=this.getValue(w),C=this.toOwned(b);return C.dataMap^=m,C.keys.splice(w,1),C.values.splice(w,1),C.hashes.splice(w,1),C.size-=1,[C,_]}};function mergeTwoKeyValPairs(g,b,m,w,_,C,k,I){if(I>=HASH_CODE_LENGTH)return new HashCollisionNode$1(g,w,[b,_],[m,C]);{const $=maskFrom(w,I),P=maskFrom(k,I);if($!==P){const M=bitPosFrom($)|bitPosFrom(P);return $<P?new BitmapIndexedNode$1(g,M,0,[b,_],[m,C],[],[w,k],2):new BitmapIndexedNode$1(g,M,0,[_,b],[C,m],[],[k,w],2)}else{const M=bitPosFrom($),U=mergeTwoKeyValPairs(g,b,m,w,_,C,k,I+BIT_PARTITION_SIZE);return new BitmapIndexedNode$1(g,0,M,[],[],[U],[],U.size)}}}let HashCollisionNode$1=class Dle{get size(){return this.keys.length}constructor(b,m,w,_){this.type=NodeType$1.Collision,this.owner=b,this.hash=m,this.keys=w,this.values=_}toOwned(b){return this.owner===b?this:new Dle(b,this.hash,this.keys.slice(),this.values.slice())}contains(b){return this.keys.includes(b)}get(b){const m=this.keys.findIndex(w=>is$1$1(w,b));return m>=0?this.values[m]:void 0}insert(b,m,w){const _=this.keys.findIndex(C=>is$1$1(C,m));if(_>=0){const C=this.values[_];if(is$1$1(C,w))return this;const k=this.toOwned(b);return k.values[_]=w,k}else{const C=this.toOwned(b);return C.keys.push(m),C.values.push(w),C}}update(b,m,w){const _=this.keys.findIndex(C=>is$1$1(C,m));if(_>=0){const C=this.values[_],k=w(C);if(is$1$1(C,k))return this;const I=this.toOwned(b);return I.values[_]=k,I}return this}remove(b,m){const w=this.keys.findIndex(C=>is$1$1(C,m));if(w===-1)return;const _=this.getValue(w);return[new Dle(b,this.hash,this.keys.filter((C,k)=>k!==w),this.values.filter((C,k)=>k!==w)),_]}getKey(b){return this.keys[b]}getValue(b){return this.values[b]}getHash(){return this.hash}iter(){return new HashCollisionNodeIterator(this)}map(b,m){const w=this.size,_=[];let C=!1;for(let k=0;k<w;k+=1){const I=this.getKey(k),$=this.getValue(k),P=m($,I);_.push(P),C=is$1$1($,P)}return C?new Dle(b,this.hash,this.keys,_):this}forEach(b){const m=this.size;for(let w=0;w<m;w+=1){const _=this.getKey(w),C=this.getValue(w);b(C,_)}}find(b){return this.values.find(b)}};class BitmapIndexedNodeIterator{constructor(b){this.index=0,this.delegate=null,this.done=!1,this.node=b,this.valueCount=b.valueCount,this.nodeCount=b.nodeCount,this.size=this.valueCount+this.nodeCount}[Symbol.iterator](){return this.clone()}next(){if(this.done)return{done:!0,value:void 0};if(this.index<this.valueCount){const b=this.node.getKey(this.index),m=this.node.getValue(this.index);return this.index+=1,{done:!1,value:[b,m]}}if(this.index<this.size){this.delegate===null&&(this.delegate=this.node.getNode(this.index-this.valueCount).iter());const b=this.delegate.next();return b.done?(this.index+=1,this.delegate=null,this.next()):b}return this.done=!0,{done:!0,value:void 0}}clone(){const b=new BitmapIndexedNodeIterator(this.node);return b.index=this.index,b.delegate=this.delegate,b.done=this.done,b}}class HashCollisionNodeIterator{constructor(b){this.index=0,this.node=b}[Symbol.iterator](){return this.clone()}next(){if(this.index>=this.node.size)return{done:!0,value:void 0};const b=this.node.getKey(this.index),m=this.node.getValue(this.index);return this.index+=1,{done:!1,value:[b,m]}}clone(){const b=new HashCollisionNodeIterator(this.node);return b.index=this.index,b}}function hashing(g){if(g===null)return 1108378658;switch(typeof g){case"boolean":return g?839943201:839943200;case"number":return hashNumber$1(g);case"string":return hashString$1(g);case"object":case"function":case"symbol":throw new Error("Using object, function and symbol as hash map key is not supported");case"undefined":return 839943203;default:return hashString$1(String(g))}}function hashString$1(g){let b=0;for(let m=0;m<g.length;m++)b=b*31+g.charCodeAt(m)|0;return smi$1(b)}function hashNumber$1(g){if(!isFinite(g))return 0;let b=g|0;for(b!==g&&(b^=g*4294967295);g>4294967295;)g/=4294967295,b^=g;return smi$1(b)}function smi$1(g){return g&1073741823}class Uid{constructor(){this.id=0}take(){return this.id+=1,this.id}peek(){return this.id+1}}const uid$1=new Uid;class HashMap{get size(){return this.root.size}constructor(b){this.id=uid$1.take(),this.root=b}static empty(){return HashMapBuilder.empty().finish()}static from(b){return HashMapBuilder.from(b).finish()}get(b){const m=hashing(b);return this.root.get(b,m,0)}has(b){const m=hashing(b);return this.root.contains(b,m,0)}set(b,m){return this.withRoot(this.root.insert(uid$1.peek(),b,m,hashing(b),0))}update(b,m){return this.withRoot(this.root.update(uid$1.peek(),b,m,hashing(b),0))}delete(b){const m=hashing(b),w=uid$1.peek(),_=this.root.remove(w,b,m,0);return _===void 0?this:new HashMap(_[0])}clone(){return new HashMap(this.root)}[Symbol.iterator](){return this.entries()}entries(){return this.root.iter()}values(){return new MapIterator$1(this.entries(),([,b])=>b)}mutate(){return new HashMapBuilder(this.root)}map(b){return new HashMap(this.root.map(uid$1.peek(),b))}filter(b){const m=this.mutate();return this.forEach((w,_)=>{b(w,_)||m.delete(_)}),m.finish()}forEach(b){this.root.forEach(b)}find(b){return this.root.find(b)}withRoot(b){return b===this.root?this:new HashMap(b)}}class HashMapBuilder{constructor(b){this.id=uid$1.take(),this.root=b}static empty(){const b=uid$1.peek(),m=BitmapIndexedNode$1.empty(b);return new HashMapBuilder(m)}static from(b){if(Array.isArray(b))return HashMapBuilder.fromArray(b);const m=b[Symbol.iterator](),w=HashMapBuilder.empty();let _=m.next();for(;!_.done;){const[C,k]=_.value;w.set(C,k),_=m.next()}return w}static fromArray(b){const m=HashMapBuilder.empty();for(let w=0;w<b.length;w+=1){const[_,C]=b[w];m.set(_,C)}return m}get(b){const m=hashing(b);return this.root.get(b,m,0)}has(b){const m=hashing(b);return this.root.contains(b,m,0)}set(b,m){return this.root=this.root.insert(this.id,b,m,hashing(b),0),this}update(b,m){const w=hashing(b);return this.root=this.root.update(this.id,b,m,w,0),this}delete(b){const m=hashing(b),w=this.root.remove(this.id,b,m,0);return w!==void 0&&(this.root=w[0]),this}finish(){return new HashMap(this.root)}}var NodeType;(function(g){g[g.Internal=0]="Internal",g[g.Leaf=1]="Leaf"})(NodeType||(NodeType={}));const MAX_SIZE=31,MIN_SIZE=15,HALF_NODE_SPLIT=7;function binaryFind(g,b){let m=0,w=g.length;for(;;){if(m+1===w)return g[m]>=b?m:w;const _=m+w>>>1;if(g[_]===b)return _;b<g[_]?w=_:m=_}}class InternalNode{get selfSize(){return this.keys.length}constructor(b,m,w,_,C){this.type=NodeType.Internal,this.owner=b,this.keys=m,this.values=w,this.children=_,this.size=C}iter(){return new BTreeIterator(this)}toOwned(b){return this.owner===b?this:new InternalNode(b,this.keys.slice(),this.values.slice(),this.children.slice(),this.size)}getKey(b){return this.keys[b]}getValue(b){return this.values[b]}getChild(b){return this.children[b]}get(b){const m=this.selfSize,w=binaryFind(this.keys,b);return w!==m&&this.getKey(w)===b?this.getValue(w):this.getChild(w).get(b)}contains(b){const m=this.selfSize,w=binaryFind(this.keys,b);return w!==m&&this.getKey(w)===b?!0:this.getChild(w).contains(b)}insert(b,m,w){const _=this.selfSize,C=binaryFind(this.keys,m),k=this.getKey(C),I=this.getValue(C);if(k===m){if(is$1$1(I,w))return[this];const $=this.toOwned(b);return $.values[C]=w,[$]}else{const $=this.getChild(C),P=$.insert(b,m,w);if(P.length===1){const M=P[0];if(M===$)return[this];const U=this.toOwned(b);return U.children[C]=M,[U]}else{if(_===MAX_SIZE)return this.updateWithSplit(b,P[0],P[1],P[2],P[3],C);{const M=this.toOwned(b);return M.keys.splice(C,0,P[2]),M.values.splice(C,0,P[3]),M.children.splice(C,1,P[0],P[1]),M.size+=1,[M]}}}}update(b,m,w){const _=binaryFind(this.keys,m),C=this.getKey(_),k=this.getValue(_);if(C===m){const I=w(k);if(is$1$1(k,I))return this;const $=this.toOwned(b);return $.values[_]=I,$}else{const I=this.getChild(_),$=I.update(b,m,w);if($===I)return this;const P=this.toOwned(b);return P.children[_]=$,P}}remove(b,m){const w=binaryFind(this.keys,m),_=this.selfSize,C=this.getChild(w),k=C.size,I=this.getKey(w);if(I===m){const[$,P,M]=C.removeMostRight(b),U=this.toOwned(b);return U.size-=1,U.keys[w]=$,U.values[w]=P,U.children[w]=M,U.balanceChild(b,M,$,P,w)}else{const $=C.remove(b,m);if($.size===k)return this;const P=this.toOwned(b);if(P.size-=1,P.children[w]=$,$.selfSize>=MIN_SIZE)return P;if(w===_)return P.balanceTail($),P;const M=this.getValue(w);return P.balanceChild(b,$,I,M,w)}}removeMostRight(b){const m=this.selfSize,[w,_,C]=this.getChild(m).removeMostRight(b),k=this.toOwned(b);return k.size-=1,k.children[m]=C,C.selfSize<MIN_SIZE&&k.balanceTail(C),[w,_,k]}map(b,m){const w=[],_=[];let C=!0;for(let k=0;k<this.keys.length;k+=1){const I=this.getKey(k),$=this.getValue(k),P=m($,I);w.push(P),C=C&&is$1$1($,P)}for(let k=0;k<this.children.length;k+=1){const I=this.getChild(k),$=I.map(b,m);_.push($),C=C&&I===$}return C?this:new InternalNode(b,this.keys,w,_,this.size)}forEach(b){for(let m=0;m<this.keys.length;m+=1){const w=this.getKey(m),_=this.getValue(m);b(_,w)}for(let m=0;m<this.children.length;m+=1)this.getChild(m).forEach(b)}find(b){for(let m=0;m<this.keys.length;m+=1){const w=this.getValue(m);if(b(w))return w}for(let m=0;m<this.children.length;m+=1){const _=this.getChild(m).find(b);if(_)return _}}balanceChild(b,m,w,_,C){if(C===0)return this.balanceHead(m),this;const k=m.type===NodeType.Internal,I=this.getChild(C-1),$=this.getChild(C+1);if(I.selfSize>MIN_SIZE)this.rotateRight(m,I,C,k);else if($.selfSize>MIN_SIZE)this.rotateLeft(m,$,C,k);else{const P=I.toOwned(b),M=$.toOwned(b),U=m.getKey(HALF_NODE_SPLIT),G=m.getValue(HALF_NODE_SPLIT);P.keys.push(this.getKey(C-1)),P.values.push(this.getValue(C-1)),P.keys.push(...m.keys.slice(0,HALF_NODE_SPLIT)),P.values.push(...m.values.slice(0,HALF_NODE_SPLIT)),M.keys.unshift(w),M.values.unshift(_),M.keys.unshift(...m.keys.slice(HALF_NODE_SPLIT+1,MIN_SIZE)),M.values.unshift(...m.values.slice(HALF_NODE_SPLIT+1,MIN_SIZE)),this.keys.splice(C-1,2,U),this.values.splice(C-1,2,G),this.children.splice(C-1,3,P,M),k&&(P.children.push(...m.children.slice(0,HALF_NODE_SPLIT+1)),M.children.unshift(...m.children.slice(HALF_NODE_SPLIT+1,MIN_SIZE+1)),P.updateSize(),M.updateSize())}return this}rotateLeft(b,m,w,_){const C=m.toOwned(this.owner),k=C.keys.shift(),I=C.values.shift(),$=this.getKey(w),P=this.getValue(w);if(b.keys.push($),b.values.push(P),this.keys[w]=k,this.values[w]=I,this.children[w+1]=C,_){const M=C.children.shift();b.children.push(M);const U=M.size+1;b.size+=U,C.size-=U}}rotateRight(b,m,w,_){const C=m.toOwned(this.owner),k=C.keys.pop(),I=C.values.pop(),$=this.getKey(w-1),P=this.getValue(w-1);if(b.keys.unshift($),b.values.unshift(P),this.keys[w-1]=k,this.values[w-1]=I,this.children[w-1]=C,_){const M=C.children.pop();b.children.unshift(M);const U=M.size+1;b.size+=U,C.size-=U}}balanceTail(b){const m=this.selfSize,w=this.getChild(m-1),_=b.type===NodeType.Internal;w.selfSize===MIN_SIZE?(b.keys.unshift(this.getKey(m-1)),b.values.unshift(this.getValue(m-1)),b.keys.unshift(...w.keys),b.values.unshift(...w.values),this.keys.splice(m-1,1),this.values.splice(m-1,1),this.children.splice(m-1,1),_&&(b.children.unshift(...w.children),b.size+=w.size+1)):this.rotateRight(b,w,m,_)}balanceHead(b){const m=this.getChild(1),w=b.type===NodeType.Internal;m.selfSize===MIN_SIZE?(b.keys.push(this.getKey(0)),b.values.push(this.getValue(0)),b.keys.push(...m.keys),b.values.push(...m.values),this.keys.splice(0,1),this.values.splice(0,1),this.children.splice(1,1),w&&(b.children.push(...m.children),b.size+=m.size+1)):this.rotateLeft(b,m,0,w)}updateWithSplit(b,m,w,_,C,k){const I=this.toOwned(b);I.keys.splice(k,0,_),I.values.splice(k,0,C),I.children.splice(k,1,m,w);const $=new InternalNode(b,I.keys.splice(16,16),I.values.splice(16,16),I.children.splice(16,17),0),P=I.keys.pop(),M=I.values.pop();return I.updateSize(),$.updateSize(),[I,$,P,M]}updateSize(){let b=this.selfSize;const m=this.children.length;for(let w=0;w<m;w+=1)b+=this.children[w].size;this.size=b}}class LeafNode{get size(){return this.keys.length}get selfSize(){return this.size}constructor(b,m,w){this.type=NodeType.Leaf,this.owner=b,this.keys=m,this.values=w}toOwned(b){return this.owner===b?this:new LeafNode(b,this.keys.slice(),this.values.slice())}getKey(b){return this.keys[b]}getValue(b){return this.values[b]}get(b){const m=this.selfSize,w=binaryFind(this.keys,b);if(w!==m)return this.getKey(w)===b?this.getValue(w):void 0}contains(b){const m=this.selfSize,w=binaryFind(this.keys,b);return w!==m?this.getKey(w)===b:!1}insert(b,m,w){const _=this.selfSize,C=binaryFind(this.keys,m);if((C===_?void 0:this.getKey(C))===m){const I=this.getValue(C);if(is$1$1(w,I))return[this];const $=this.toOwned(b);return $.values[C]=w,[$]}else{if(_===MAX_SIZE)return this.updateWithSplit(b,m,w,C);const I=this.toOwned(b);return I.keys.splice(C,0,m),I.values.splice(C,0,w),[I]}}update(b,m,w){const _=this.selfSize,C=binaryFind(this.keys,m);if((C===_?void 0:this.getKey(C))===m){const I=this.getValue(C),$=w(I);if(is$1$1($,I))return this;const P=this.toOwned(b);return P.values[C]=$,P}return this}remove(b,m){const w=binaryFind(this.keys,m),_=this.selfSize;return w===_?this:this.removeIndex(b,w)}removeMostRight(b){const m=this.selfSize-1,w=this.getKey(m),_=this.getValue(m),C=this.removeIndex(b,m);return[w,_,C]}map(b,m){const w=[];let _=!0;for(let C=0;C<this.keys.length;C+=1){const k=this.getKey(C),I=this.getValue(C),$=m(I,k);w.push($),_=_&&is$1$1(I,$)}return _?this:new LeafNode(b,this.keys,w)}forEach(b){for(let m=0;m<this.keys.length;m+=1){const w=this.getKey(m),_=this.getValue(m);b(_,w)}}find(b){return this.values.find(b)}updateWithSplit(b,m,w,_){const C=this.toOwned(b);C.keys.splice(_,0,m),C.values.splice(_,0,w);const k=new LeafNode(b,C.keys.splice(16,16),C.values.splice(16,16)),I=C.keys.pop(),$=C.values.pop();return[C,k,I,$]}removeIndex(b,m){const w=this.toOwned(b);return w.keys.splice(m,1),w.values.splice(m,1),w}}function emptyRoot(g){return new LeafNode(g,[],[])}function rootInsert(g,b,m,w){if(b.selfSize===0)return new LeafNode(g,[m],[w]);const _=b.insert(g,m,w);if(_.length===1)return _[0];const[C,k,I,$]=_;return new InternalNode(g,[I],[$],[C,k],C.size+k.size+1)}function rootRemove(g,b,m){const w=b.remove(g,m);return w.type===NodeType.Internal&&w.selfSize===0?w.getChild(0):w}class BTreeIterator{constructor(b){this.delegate=null,this.index=0,this.done=!1,this.node=b,this.setDelegate(this.index)}[Symbol.iterator](){return this.clone()}next(){if(this.delegate===null)return this.yieldValue();const b=this.delegate.next();if(!b.done)return{done:!1,value:b.value};const m=this.yieldValue();return this.index<=this.node.selfSize?this.setDelegate(this.index):(this.done=!0,this.delegate=null),m}clone(){const b=new BTreeIterator(this.node);return b.delegate=this.delegate,b.index=this.index,b.done=this.done,b}setDelegate(b){if(this.node.type!==NodeType.Internal)return;const m=this.node.getChild(b);this.delegate=new BTreeIterator(m)}yieldValue(){if(!this.done&&this.index<this.node.selfSize){const b=this.node.getKey(this.index),m=this.node.getValue(this.index);return this.index+=1,{done:!1,value:[b,m]}}return this.done=!0,{done:!0,value:void 0}}}const uid=new Uid;let OrderedMap$1=class IQ{get size(){return this.hashRoot.size}constructor(b,m,w){this.id=uid.take(),this.itemId=b,this.hashRoot=m,this.sortedRoot=w}static empty(){return OrderedMapBuilder.empty().finish()}static from(b){return OrderedMapBuilder.from(b).finish()}delete(b){const m=uid.peek(),w=hashing(b),_=this.hashRoot.remove(m,b,w,0);if(_===void 0)return this;const[C,k]=_,I=this.sortedRoot.remove(m,k);return new IQ(this.itemId,C,I)}get(b){const m=hashing(b),w=this.hashRoot.get(b,m,0);if(w===void 0)return;const _=this.sortedRoot.get(w);return _==null?void 0:_[1]}has(b){const m=hashing(b);return this.hashRoot.contains(b,m,0)}set(b,m){const w=uid.peek();let _=this.hashRoot.get(b,hashing(b),0),C=this.hashRoot;_||(_=this.itemId+1,C=this.hashRoot.insert(w,b,_,hashing(b),0));const k=rootInsert(w,this.sortedRoot,_,[b,m]);return this.withRoot(this.itemId+1,C,k)}update(b,m){const w=this.hashRoot.get(b,hashing(b),0);if(!w)return this;const _=this.sortedRoot.update(uid.peek(),w,C=>{const[k,I]=C,$=m(I);return is$1$1($,I)?C:[k,$]});return this.withRoot(this.itemId,this.hashRoot,_)}[Symbol.iterator](){return this.entries()}clone(){return new IQ(this.itemId,this.hashRoot,this.sortedRoot)}entries(){return new OrderedMapIterator(new BTreeIterator(this.sortedRoot))}values(){return new MapIterator$1(this.entries(),([,b])=>b)}mutate(){return new OrderedMapBuilder(this.itemId,this.hashRoot,this.sortedRoot)}map(b){const m=uid.peek(),w=C=>{const[k,I]=C,$=b(I,k);return is$1$1(I,$)?C:[k,$]},_=this.sortedRoot.map(m,w);return new IQ(this.itemId,this.hashRoot,_)}forEach(b){this.sortedRoot.forEach(([m,w])=>{b(w,m)})}find(b){const m=this.sortedRoot.find(([,w])=>b(w));return m?m[1]:void 0}first(){const b=this.entries().next();if(!b.done)return b.value[1]}filter(b){const m=this.mutate();return this.forEach((w,_)=>{b(w,_)||m.delete(_)}),m.finish()}withRoot(b,m,w){return m===this.hashRoot&&w===this.sortedRoot?this:new IQ(b,m,w)}};class OrderedMapIterator{constructor(b){this.delegate=b}[Symbol.iterator](){return this.clone()}next(){const b=this.delegate.next();return b.done?{done:!0,value:void 0}:{done:!1,value:b.value[1]}}clone(){return new OrderedMapIterator(this.delegate.clone())}}class OrderedMapBuilder{constructor(b,m,w){this.id=uid.take(),this.itemId=b,this.hashRoot=m,this.sortedRoot=w}static empty(){const b=uid.peek(),m=BitmapIndexedNode$1.empty(b),w=emptyRoot(b);return new OrderedMapBuilder(0,m,w)}static from(b){if(Array.isArray(b))return OrderedMapBuilder.fromArray(b);const m=OrderedMapBuilder.empty(),w=b[Symbol.iterator]();let _=w.next();for(;!_.done;){const[C,k]=_.value;m.set(C,k),_=w.next()}return m}static fromArray(b){const m=OrderedMapBuilder.empty();for(let w=0;w<b.length;w+=1){const[_,C]=b[w];m.set(_,C)}return m}delete(b){const m=hashing(b),w=this.hashRoot.remove(this.id,b,m,0);if(w===void 0)return this;const _=w[1];return this.hashRoot=w[0],this.sortedRoot=rootRemove(this.id,this.sortedRoot,_),this}get(b){var m;const w=hashing(b),_=this.hashRoot.get(b,w,0);if(_!==void 0)return(m=this.sortedRoot.get(_))===null||m===void 0?void 0:m[1]}has(b){const m=hashing(b);return this.hashRoot.contains(b,m,0)}set(b,m){let w=this.hashRoot.get(b,hashing(b),0);return w===void 0&&(w=this.itemId+1,this.itemId+=1,this.hashRoot=this.hashRoot.insert(this.id,b,w,hashing(b),0)),this.sortedRoot=rootInsert(this.id,this.sortedRoot,w,[b,m]),this}update(b,m){const w=this.hashRoot.get(b,hashing(b),0);return w?(this.sortedRoot=this.sortedRoot.update(this.id,w,_=>{const[C,k]=_,I=m(k);return is$1$1(I,k)?_:[C,I]}),this):this}finish(){return new OrderedMap$1(this.itemId,this.hashRoot,this.sortedRoot)}}const getPortPosition=(g,b,m)=>{const w=getRectWidth(m,g),_=getRectHeight(m,g),C=b.position?b.position[0]*w:w*.5,k=g.x+C,I=b.position?b.position[1]*_:_,$=g.y+I;return{x:k,y:$}},getPortPositionByPortId=(g,b,m)=>{const w=getNodeConfig(g,m);if(!w)return;const C=(g.ports||[]).find(k=>k.id===b);if(!C){Debug.warn(`invalid port id ${JSON.stringify(C)}`);return}return getPortPosition(g,C,w)},identical=g=>g,isMobile=()=>[/Android/i,/webOS/i,/iPhone/i,/iPad/i,/iPod/i,/BlackBerry/i,/Windows Phone/i].some(b=>navigator.userAgent.match(b));var BrowserType;(function(g){g.Unknown="Unknown",g.Edge="Edge",g.EdgeChromium="EdgeChromium",g.Opera="Opera",g.Chrome="Chrome",g.IE="IE",g.Firefox="Firefox",g.Safari="Safari",g.Electron="Electron"})(BrowserType||(BrowserType={}));const getBrowser=()=>{const g=navigator.userAgent.toLowerCase();if(g.indexOf("electron")>-1)return BrowserType.Electron;switch(!0){case g.indexOf("edge")>-1:return BrowserType.Edge;case g.indexOf("edg")>-1:return BrowserType.EdgeChromium;case(g.indexOf("opr")>-1&&!!window.opr):return BrowserType.Opera;case(g.indexOf("chrome")>-1&&!!window.chrome):return BrowserType.Chrome;case g.indexOf("trident")>-1:return BrowserType.IE;case g.indexOf("firefox")>-1:return BrowserType.Firefox;case g.indexOf("safari")>-1:return BrowserType.Safari;default:return BrowserType.Unknown}},isSupported=()=>{if(isMobile())return!1;const g=getBrowser();return[BrowserType.Chrome,BrowserType.EdgeChromium,BrowserType.Firefox,BrowserType.Safari,BrowserType.Electron].indexOf(g)>-1},isMacOs=navigator.userAgent.includes("Macintosh"),metaControl=g=>isMacOs?g.metaKey:g.ctrlKey,checkIsMultiSelect=g=>g.shiftKey||metaControl(g),transformPoint=(g,b,m)=>({x:m[0]*g+m[2]*b+m[4],y:m[1]*g+m[3]*b+m[5]}),reverseTransformPoint=(g,b,m)=>{const[w,_,C,k,I,$]=m;return{x:((g-I)*k-(b-$)*C)/(w*k-_*C),y:((g-I)*_-(b-$)*w)/(_*C-w*k)}},getPointDeltaByClientDelta=(g,b,m)=>{const[w,_,C,k]=m,I=k*g/(w*k-_*C)+C*b/(_*C-w*k),$=_*g/(_*C-w*k)+w*b/(w*k-_*C);return{x:I,y:$}},getClientDeltaByPointDelta=(g,b,m)=>{if(!m)return{x:g,y:b};const[w,_,C,k]=m;return transformPoint(g,b,[w,_,C,k,0,0])},getRealPointFromClientPoint=(g,b,m)=>{const{rect:w}=m,_=g-w.left,C=b-w.top;return reverseTransformPoint(_,C,m.transformMatrix)},getClientPointFromRealPoint=(g,b,m)=>{const{x:w,y:_}=transformPoint(g,b,m.transformMatrix),{rect:C}=m;return{x:w+C.left,y:_+C.top}},getContainerClientPoint=(g,b,m)=>{const w=getClientPointFromRealPoint(g,b,m),{rect:_}=m;return{x:w.x-_.left,y:w.y-_.top}};function markEdgeDirty(g,b){g.update(b,m=>m.shallow())}const getNearestConnectablePort=g=>{const{parentNode:b,clientX:m,clientY:w,graphConfig:_,viewport:C}=g;let k=1/0,I;if(!b.ports)return;const $=getRealPointFromClientPoint(m,w,C);return b.ports.forEach(P=>{if(isConnectable(_,Object.assign(Object.assign({},g),{model:P}))){const M=getPortPositionByPortId(b,P.id,_);if(!M)return;const U=$.x-M.x,G=$.y-M.y,X=U*U+G*G;X<k&&(k=X,I=P)}}),I},isConnectable=(g,b)=>{const m=g.getPortConfig(b.model);return m?m.getIsConnectable(b):!1},filterSelectedItems=g=>{const b=new Map,m=[];return g.nodes.forEach(({inner:w})=>{isSelected(w)&&b.set(w.id,w)}),g.edges.forEach(({inner:w})=>{(isSelected(w)||b.has(w.source)&&b.has(w.target))&&m.push(w)}),{nodes:Array.from(b.values()),edges:m}},getNeighborPorts=(g,b,m)=>{const w=[],_=g.getEdgesBySource(b,m),C=g.getEdgesByTarget(b,m);return _==null||_.forEach(k=>{const I=g.edges.get(k);I&&w.push({nodeId:I.target,portId:I.targetPortId})}),C==null||C.forEach(k=>{const I=g.edges.get(k);I&&w.push({nodeId:I.source,portId:I.sourcePortId})}),w},unSelectAllEntity=()=>g=>g.mapNodes(b=>b.update(m=>{var w;const _=Object.assign(Object.assign({},m),{ports:(w=m.ports)===null||w===void 0?void 0:w.map(updateStatus(replace$1(GraphPortStatus.Default)))});return updateStatus(replace$1(GraphNodeStatus.Default))(_)})).mapEdges(b=>b.update(updateStatus(replace$1(GraphEdgeStatus.Default)))),nodeSelection=(g,b)=>{if(isNodeEditing(b))return identical;const m=checkIsMultiSelect(g);return isSelected(b)&&!m?identical:w=>{const _=m?C=>C.id!==b.id?isSelected(C):g.button===MouseEventButton.Secondary?!0:!isSelected(b):C=>C.id===b.id;return w.selectNodes(_,b.id)}},getNodeAutomationId=g=>{var b;return`node-container-${(b=g.name)!==null&&b!==void 0?b:"unnamed"}-${g.id}`},getPortAutomationId=(g,b)=>`port-${b.name}-${b.id}-${g.name}-${g.id}`,getNodeUid=(g,b)=>`node:${g}:${b.id}`,getPortUid=(g,b,m)=>`port:${g}:${b.id}:${m.id}`,getEdgeUid=(g,b)=>`edge:${g}:${b.id}`;function preventSpread(g){Object.defineProperty(g,"__preventSpread",{enumerable:!0,configurable:!1,get(){document.currentScript&&Debug.error(`${g.constructor.name} is a class, which should not be used in the spread syntax or argument of Object.assign`)}})}class EdgeModel{get id(){return this.inner.id}get automationId(){return this.inner.automationId}get source(){return this.inner.source}get target(){return this.inner.target}get sourcePortId(){return this.inner.sourcePortId}get targetPortId(){return this.inner.targetPortId}get status(){return this.inner.status}get data(){return this.inner.data}constructor(b){this.inner=b,preventSpread(this)}static fromJSON(b){return new EdgeModel(b)}updateStatus(b){return this.update(updateStatus(b))}update(b){const m=b(this.inner);return m===this.inner?this:new EdgeModel(m)}shallow(){return new EdgeModel(this.inner)}toJSON(){return this.inner}}const is$2=Object.is;function mapCow(g,b){const m=[];let w=!0;for(let _=0;_<g.length;_+=1){const C=g[_],k=b(C,_);w=w&&is$2(C,k),m.push(k)}return w?g:m}class NodeModel{get id(){return this.inner.id}get status(){return this.inner.status}get ports(){return this.inner.ports}get ariaLabel(){return this.inner.ariaLabel}get name(){return this.inner.name}get x(){return this.inner.x}get y(){return this.inner.y}get automationId(){return this.inner.automationId}get isInSearchResults(){return this.inner.isInSearchResults}get isCurrentSearchResult(){return this.inner.isCurrentSearchResult}get data(){return this.inner.data}get height(){return this.inner.height}get width(){return this.inner.width}get layer(){var b;return(b=this.inner.layer)!==null&&b!==void 0?b:0}constructor(b,m,w,_){this.inner=b,this.portPositionCache=m,this.prev=w,this.next=_,preventSpread(this)}static fromJSON(b,m,w){return new NodeModel(b,new Map,m,w)}getPort(b){var m;return(m=this.ports)===null||m===void 0?void 0:m.find(w=>w.id===b)}link({prev:b,next:m}){return b===this.prev&&m===this.next?this:new NodeModel(this.inner,this.portPositionCache,b??this.prev,m??this.next)}updateStatus(b){return this.update(updateStatus(b))}update(b){const m=b(this.inner);return m===this.inner?this:new NodeModel(m,new Map,this.prev,this.next)}updateData(b){return this.data?this.update(m=>{const w=b(m.data);return w===m.data?m:Object.assign(Object.assign({},m),{data:w})}):this}getPortPosition(b,m){let w=this.portPositionCache.get(b);return w||(w=getPortPositionByPortId(this.inner,b,m),this.portPositionCache.set(b,w)),w}hasPort(b){var m;return!!(!((m=this.inner.ports)===null||m===void 0)&&m.find(w=>w.id===b))}updatePositionAndSize(b){const{x:m,y:w,width:_,height:C}=b,k=Object.assign(Object.assign({},this.inner),{x:m,y:w,width:_??this.inner.width,height:C??this.inner.height});return new NodeModel(k,new Map,this.prev,this.next)}updatePorts(b){if(!this.inner.ports)return this;const m=mapCow(this.inner.ports,b),w=this.inner.ports===m?this.inner:Object.assign(Object.assign({},this.inner),{ports:m});return w===this.inner?this:new NodeModel(w,new Map,this.prev,this.next)}invalidCache(){return new NodeModel(this.inner,new Map,this.prev,this.next)}toJSON(){return this.inner}}class GraphModel{constructor(b){this.nodes=b.nodes,this.edges=b.edges,this.groups=b.groups,this.head=b.head,this.tail=b.tail,this.edgesBySource=b.edgesBySource,this.edgesByTarget=b.edgesByTarget,this.selectedNodes=b.selectedNodes,preventSpread(this)}static empty(){return new GraphModel({nodes:OrderedMap$1.empty(),edges:HashMap.empty(),groups:[],head:void 0,tail:void 0,edgesBySource:HashMap.empty(),edgesByTarget:HashMap.empty(),selectedNodes:new Set})}static fromJSON(b){var m;const w=OrderedMap$1.empty().mutate(),_=HashMap.empty().mutate();let C,k;if(b.nodes.length===0)C=void 0,k=void 0;else if(b.nodes.length===1){const P=b.nodes[0];w.set(P.id,NodeModel.fromJSON(P,void 0,void 0)),C=P.id,k=P.id}else{const P=b.nodes[0],M=b.nodes[1],U=b.nodes[b.nodes.length-1];C=P.id,k=U.id,w.set(P.id,NodeModel.fromJSON(P,void 0,M.id));let G=b.nodes[0];if(b.nodes.length>2)for(let X=1;X<b.nodes.length-1;X+=1){const Z=b.nodes[X],ne=b.nodes[X+1];w.set(Z.id,NodeModel.fromJSON(Z,G.id,ne.id)),G=Z}w.set(U.id,NodeModel.fromJSON(U,G.id,void 0))}const I=HashMapBuilder.empty(),$=HashMapBuilder.empty();for(const P of b.edges)_.set(P.id,EdgeModel.fromJSON(P)),setEdgeByPortMutable(I,P.id,P.source,P.sourcePortId),setEdgeByPortMutable($,P.id,P.target,P.targetPortId);return new GraphModel({nodes:w.finish(),edges:_.finish(),groups:(m=b.groups)!==null&&m!==void 0?m:[],head:C,tail:k,edgesBySource:I.finish(),edgesByTarget:$.finish(),selectedNodes:new Set})}getNavigationFirstNode(){if(this.head!==void 0)return this.nodes.get(this.head)}updateNode(b,m){var w,_;const C=this.nodes.update(b,I=>I.update(m));if(C===this.nodes)return this;const k=this.edges.mutate();return(w=this.edgesBySource.get(b))===null||w===void 0||w.forEach(I=>{I.forEach($=>{markEdgeDirty(k,$)})}),(_=this.edgesByTarget.get(b))===null||_===void 0||_.forEach(I=>{I.forEach($=>{markEdgeDirty(k,$)})}),this.merge({nodes:C,edges:k.finish()})}updateNodeData(b,m){return this.merge({nodes:this.nodes.update(b,w=>w.updateData(m))})}updatePort(b,m,w){const _=this.nodes.update(b,C=>C.updatePorts(k=>k.id===m?w(k):k));return this.merge({nodes:_})}insertNode(b){const m=this.nodes.mutate().set(b.id,NodeModel.fromJSON(b,this.tail,void 0));return this.tail&&!this.nodes.has(b.id)&&m.update(this.tail,w=>w.link({next:b.id})),this.merge({nodes:m.finish(),head:this.nodes.size===0?b.id:this.head,tail:b.id})}deleteItems(b){var m;const w=new Set,_=this.nodes.mutate();let C=this.head===void 0?void 0:this.nodes.get(this.head),k=C,I;const $=this.edgesBySource.mutate(),P=this.edgesByTarget.mutate();for(;k!==void 0;){const U=k.next?this.nodes.get(k.next):void 0;!((m=b.node)===null||m===void 0)&&m.call(b,k.inner)?(_.update(k.id,G=>G.link({prev:I==null?void 0:I.id}).update(X=>has$3(GraphNodeStatus.Editing)(X.status)?X:Object.assign(Object.assign({},X),{status:GraphNodeStatus.Default}))),I=k):(_.delete(k.id),$.delete(k.id),P.delete(k.id),w.add(k.id),I&&_.update(I.id,G=>G.link({next:k==null?void 0:k.next})),U&&_.update(U.id,G=>G.link({prev:I==null?void 0:I.id})),k===C&&(C=U)),k=U}const M=this.edges.mutate();return this.edges.forEach(U=>{var G,X;!w.has(U.source)&&!w.has(U.target)&&(!((X=(G=b.edge)===null||G===void 0?void 0:G.call(b,U))!==null&&X!==void 0)||X)?M.update(U.id,Z=>Z.update(updateStatus(replace$1(GraphEdgeStatus.Default)))):(M.delete(U.id),deleteEdgeByPort($,U.id,U.source,U.sourcePortId),deleteEdgeByPort(P,U.id,U.target,U.targetPortId))}),this.merge({nodes:_.finish(),edges:M.finish(),head:C==null?void 0:C.id,tail:I==null?void 0:I.id,edgesBySource:$.finish(),edgesByTarget:P.finish()})}insertEdge(b){if(this.isEdgeExist(b.source,b.sourcePortId,b.target,b.targetPortId)||!this.nodes.has(b.source)||!this.nodes.has(b.target))return this;const m=setEdgeByPort(this.edgesBySource,b.id,b.source,b.sourcePortId),w=setEdgeByPort(this.edgesByTarget,b.id,b.target,b.targetPortId);return this.merge({nodes:this.nodes.update(b.source,_=>_.invalidCache()).update(b.target,_=>_.invalidCache()),edges:this.edges.set(b.id,EdgeModel.fromJSON(b)).map(_=>_.updateStatus(replace$1(GraphEdgeStatus.Default))),edgesBySource:m,edgesByTarget:w})}updateEdge(b,m){return this.merge({edges:this.edges.update(b,w=>w.update(m))})}deleteEdge(b){const m=this.edges.get(b);return m?this.merge({edges:this.edges.delete(b),edgesBySource:deleteEdgeByPort(this.edgesBySource,m.id,m.source,m.sourcePortId),edgesByTarget:deleteEdgeByPort(this.edgesByTarget,m.id,m.target,m.targetPortId)}):this}updateNodesPositionAndSize(b){const m=new Set,w=this.nodes.mutate(),_=this.edges.mutate();return b.forEach(C=>{var k,I;m.add(C.id),w.update(C.id,$=>$.updatePositionAndSize(C)),(k=this.edgesBySource.get(C.id))===null||k===void 0||k.forEach($=>{$.forEach(P=>{markEdgeDirty(_,P)})}),(I=this.edgesByTarget.get(C.id))===null||I===void 0||I.forEach($=>{$.forEach(P=>{markEdgeDirty(_,P)})})}),this.merge({nodes:w.finish(),edges:_.finish()})}mapNodes(b){return this.merge({nodes:this.nodes.map(b)})}mapEdges(b){return this.merge({edges:this.edges.map(b)})}selectNodes(b,m){const w=new Set,_=this.nodes.map(I=>{const $=b(I.inner);return $&&w.add(I.id),I.updatePorts(updateStatus(replace$1(GraphPortStatus.Default))).updateStatus(resetConnectStatus($?GraphNodeStatus.Selected:GraphNodeStatus.UnconnectedToSelected))}).mutate();if(w.size===0)this.nodes.forEach(I=>_.update(I.id,$=>$.updateStatus(replace$1(GraphNodeStatus.Default))));else if(m){const I=_.get(m);I&&(_.delete(m),_.set(I.id,I))}const C=I=>{_.update(I,$=>$.updateStatus(replace$1(isSelected($)?GraphNodeStatus.Selected:GraphNodeStatus.ConnectedToSelected)))},k=w.size?this.edges.map(I=>{let $=GraphEdgeStatus.UnconnectedToSelected;return w.has(I.source)&&(C(I.target),$=GraphEdgeStatus.ConnectedToSelected),w.has(I.target)&&(C(I.source),$=GraphEdgeStatus.ConnectedToSelected),I.updateStatus(replace$1($))}):this.edges.map(I=>I.updateStatus(replace$1(GraphEdgeStatus.Default)));return this.merge({nodes:_.finish(),edges:k,selectedNodes:w})}getEdgesBySource(b,m){var w;return(w=this.edgesBySource.get(b))===null||w===void 0?void 0:w.get(m)}getEdgesByTarget(b,m){var w;return(w=this.edgesByTarget.get(b))===null||w===void 0?void 0:w.get(m)}isPortConnectedAsSource(b,m){var w,_;return((_=(w=this.getEdgesBySource(b,m))===null||w===void 0?void 0:w.size)!==null&&_!==void 0?_:0)>0}isPortConnectedAsTarget(b,m){var w,_;return((_=(w=this.getEdgesByTarget(b,m))===null||w===void 0?void 0:w.size)!==null&&_!==void 0?_:0)>0}shallow(){return this.merge({})}toJSON(){const b=[];let m=this.head&&this.nodes.get(this.head);for(;m;)b.push(m.inner),m=m.next&&this.nodes.get(m.next);const w=Array.from(this.edges.values()).map(_=>_.inner);return{nodes:b,edges:w}}isEdgeExist(b,m,w,_){const C=this.getEdgesBySource(b,m),k=this.getEdgesByTarget(w,_);if(!C||!k)return!1;let I=!1;return C.forEach($=>{k.has($)&&(I=!0)}),I}merge(b){var m,w,_,C,k,I,$,P;return new GraphModel({nodes:(m=b.nodes)!==null&&m!==void 0?m:this.nodes,edges:(w=b.edges)!==null&&w!==void 0?w:this.edges,groups:(_=b.groups)!==null&&_!==void 0?_:this.groups,head:(C=b.head)!==null&&C!==void 0?C:this.head,tail:(k=b.tail)!==null&&k!==void 0?k:this.tail,edgesBySource:(I=b.edgesBySource)!==null&&I!==void 0?I:this.edgesBySource,edgesByTarget:($=b.edgesByTarget)!==null&&$!==void 0?$:this.edgesByTarget,selectedNodes:(P=b.selectedNodes)!==null&&P!==void 0?P:this.selectedNodes})}}function setEdgeByPort(g,b,m,w){return g.has(m)?g.update(m,_=>{const C=_.get(w);return new Map(_).set(w,(C?new Set(C):new Set).add(b))}):g.set(m,new Map([[w,new Set([b])]]))}function setEdgeByPortMutable(g,b,m,w){g.has(m)?g.update(m,_=>{let C=_.get(w);return C||(C=new Set,_.set(w,C)),C.add(b),_}):g.set(m,new Map([[w,new Set([b])]]))}function deleteEdgeByPort(g,b,m,w){return g.has(m)?g.update(m,_=>{const C=_.get(w);if(!C)return _;const k=new Set(C);return k.delete(b),new Map(_).set(w,k)}):g}var CanvasMouseMode;(function(g){g.Pan="Pan",g.Select="Select"})(CanvasMouseMode||(CanvasMouseMode={}));var GraphBehavior;(function(g){g.Default="default",g.Dragging="dragging",g.Panning="panning",g.MultiSelect="multiSelect",g.Connecting="connecting",g.AddingNode="addingNode"})(GraphBehavior||(GraphBehavior={}));function clamp$1(g,b,m){return g>m?g:b<m?b:m}function isDef(g){return g!=null}const debounce=(g,b,m)=>{const{instance:w,maxWait:_}=m||{};let C=0,k;return(...$)=>{if(window.clearTimeout(C),isDef(_)){const P=Date.now();if(!isDef(k))k=P;else if(P-k>=_){k=void 0,I($);return}}C=window.setTimeout(()=>{I($)},b)};function I($){g.apply(w,$)}},emptyArrayInstance=[];function constantEmptyArray(){return emptyArrayInstance}const checkRectIntersect=(g,b)=>{const m=g.maxX<b.minX,w=g.minX>b.maxX,_=g.minY>b.maxY,C=g.maxY<b.minY;return!(m||w||_||C)},isPointInRect=(g,b)=>{const{minX:m,minY:w,maxX:_,maxY:C}=g,{x:k,y:I}=b;return k>m&&k<_&&I>w&&I<C},square=g=>Math.pow(g,2),distance=(g,b,m,w)=>Math.sqrt(square(m-g)+square(w-b)),getLinearFunction=(g,b,m,w)=>g===m?()=>Number.MAX_SAFE_INTEGER:_=>(w-b)/(m-g)*_+(b*m-w*g)/(m-g),shallowEqual=(g,b)=>{if(!g||g.length!==b.length)return!1;for(let m=0;m<g.length;m+=1)if(!is$2(g[m],b[m]))return!1;return!0};function memoize(g,b){let m,w;return(..._)=>{const C=b?Array.isArray(b)?b:b.apply(void 0,_):_;return shallowEqual(m,C)||(m=C,w=g.apply(void 0,_)),w}}var Direction$1;(function(g){g[g.X=0]="X",g[g.Y=1]="Y",g[g.XY=2]="XY"})(Direction$1||(Direction$1={}));const isViewportComplete=g=>!!g.rect,getNodeRect=(g,b)=>{const{x:m,y:w}=g,{width:_,height:C}=getNodeSize(g,b);return{x:m,y:w,width:_,height:C}},isNodeVisible=(g,b,m)=>isRectVisible(getNodeRect(g,m),b),isRectVisible=(g,b)=>{const{x:m,y:w,width:_,height:C}=g;return isPointVisible({x:m,y:w},b)||isPointVisible({x:m+_,y:w},b)||isPointVisible({x:m+_,y:w+C},b)||isPointVisible({x:m,y:w+C},b)},isPointVisible=(g,b)=>{const{x:m,y:w}=getContainerClientPoint(g.x,g.y,b),{height:_,width:C}=b.rect;return m>0&&m<C&&w>0&&w<_},getVisibleNodes=(g,b,m)=>{const w=[];return g.forEach(_=>{isNodeVisible(_,b,m)&&w.push(_.inner)}),w},getRenderedNodes=(g,b)=>{const m=[],w=getRenderedArea(b);return g.forEach(_=>{isNodeInRenderedArea(_,w)&&m.push(_.inner)}),m},isNodeInRenderedArea=(g,b)=>isPointInRect(b,g),getVisibleArea=g=>{if(!isViewportComplete(g))return{minX:0,minY:0,maxX:0,maxY:0};const{rect:b,transformMatrix:m}=g,w=0,_=0,C=b.width,k=b.height,I=reverseTransformPoint(w,_,m),$=reverseTransformPoint(C,k,m);return{minX:I.x,minY:I.y,maxX:$.x,maxY:$.y}},getRenderedArea=g=>{if(!isViewportComplete(g))return{minX:0,minY:0,maxX:0,maxY:0};const{rect:b,transformMatrix:m}=g,w=0,_=0,C=b.width,k=b.height,I=reverseTransformPoint(w-b.width,_-b.height,m),$=reverseTransformPoint(C+b.width,k+b.height,m);return{minX:I.x,minY:I.y,maxX:$.x,maxY:$.y}},normalizeSpacing=g=>g?typeof g=="number"?{top:g,right:g,bottom:g,left:g}:Object.assign({top:0,right:0,bottom:0,left:0},g):{top:0,right:0,bottom:0,left:0},zoomTo=({scale:g,anchor:b,direction:m,limitScale:w})=>_=>{const C=w(g)/_.transformMatrix[0],k=w(g)/_.transformMatrix[3],{x:I,y:$}=b,P=I*(1-C),M=$*(1-k);let U;switch(m){case Direction$1.X:U=[g,0,0,_.transformMatrix[3],_.transformMatrix[4]*C+P,_.transformMatrix[5]];break;case Direction$1.Y:U=[_.transformMatrix[0],0,0,g,_.transformMatrix[4],_.transformMatrix[5]*k+M];break;case Direction$1.XY:default:U=[g,0,0,g,_.transformMatrix[4]*C+P,_.transformMatrix[5]*k+M]}return Object.assign(Object.assign({},_),{transformMatrix:U})},zoom=({scale:g,anchor:b,direction:m,limitScale:w})=>g===1?identical:_=>{let C;switch(m){case Direction$1.X:return zoomTo({anchor:b,direction:m,limitScale:w,scale:_.transformMatrix[0]*g})(_);case Direction$1.Y:return zoomTo({anchor:b,direction:m,limitScale:w,scale:_.transformMatrix[3]*g})(_);case Direction$1.XY:default:{const k=w(_.transformMatrix[0]*g),I=w(_.transformMatrix[3]*g),$=k/_.transformMatrix[0],P=I/_.transformMatrix[3],{x:M,y:U}=b,G=M*(1-$),X=U*(1-P);C=[k,0,0,I,_.transformMatrix[4]*$+G,_.transformMatrix[5]*P+X]}}return Object.assign(Object.assign({},_),{transformMatrix:C})},pan=(g,b)=>g===0&&b===0?identical:m=>Object.assign(Object.assign({},m),{transformMatrix:[m.transformMatrix[0],m.transformMatrix[1],m.transformMatrix[2],m.transformMatrix[3],m.transformMatrix[4]+g,m.transformMatrix[5]+b]}),minimapPan=(g,b)=>g===0&&b===0?identical:m=>{const[w,_,C,k]=m.transformMatrix;return Object.assign(Object.assign({},m),{transformMatrix:[w,_,C,k,m.transformMatrix[4]+w*g+_*b,m.transformMatrix[5]+C*g+k*b]})},getContentArea$1=(g,b,m)=>{let w=1/0,_=1/0,C=1/0,k=1/0,I=-1/0,$=-1/0;return(m===void 0?G=>g.nodes.forEach(G):G=>m==null?void 0:m.forEach(X=>{const Z=g.nodes.get(X);Z&&G(Z)}))(G=>{const{width:X,height:Z}=getNodeSize(G,b);G.x<C&&(C=G.x),G.y<k&&(k=G.y),G.x+X>I&&(I=G.x+X),G.y+Z>$&&($=G.y+Z),X<w&&(w=X),Z<_&&(_=Z)}),{minNodeWidth:w,minNodeHeight:_,minNodeX:C,minNodeY:k,maxNodeX:I,maxNodeY:$}},normalizeNodeVisibleMinMax=({nodeMinVisibleSize:g,nodeMaxVisibleSize:b})=>{let{width:m,height:w}=g,{width:_,height:C}=b;if(m>_){const k=m;m=_,_=k}if(w>C){const k=w;w=C,C=k}return{nodeMinVisibleWidth:m,nodeMinVisibleHeight:w,nodeMaxVisibleWidth:_,nodeMaxVisibleHeight:C}},getScaleRange=(g,{width:b,height:m})=>{const{nodeMinVisibleWidth:w,nodeMinVisibleHeight:_,nodeMaxVisibleWidth:C,nodeMaxVisibleHeight:k}=normalizeNodeVisibleMinMax(g);let I=0,$=0,P=1/0,M=1/0;return b&&(I=w/b,P=C/b),m&&($=_/m,M=k/m),{minScaleX:I,minScaleY:$,maxScaleX:P,maxScaleY:M}},getZoomFitMatrix=g=>{const{data:b,graphConfig:m,disablePan:w,direction:_,rect:C}=g,{nodes:k}=b;if(k.size===0)return[1,0,0,1,0,0];const{minNodeWidth:I,minNodeHeight:$,minNodeX:P,minNodeY:M,maxNodeX:U,maxNodeY:G}=getContentArea$1(b,m),{minScaleX:X,minScaleY:Z,maxScaleX:ne,maxScaleY:re}=getScaleRange(g,{width:I,height:$}),ve=normalizeSpacing(g.spacing),{width:Se,height:ge}=C,oe=Se/(U-P+ve.left+ve.right),me=ge/(G-M+ve.top+ve.bottom),De=_===Direction$1.Y?Math.min(Math.max(X,Z,me),ne,re):Math.min(Math.max(X,Z,Math.min(oe,me)),re,re),Le=_===Direction$1.XY?Math.min(Math.max(X,oe),ne):De,rt=_===Direction$1.XY?Math.min(Math.max(Z,me),re):De;if(w)return[Le,0,0,rt,0,0];const Ue=-Le*(P-ve.left),Ze=-rt*(M-ve.top);if(getVisibleNodes(b.nodes,{rect:C,transformMatrix:[Le,0,0,rt,Ue,Ze]},m).length>0)return[Le,0,0,rt,Ue,Ze];let $t=b.nodes.first();return $t&&b.nodes.forEach(Xe=>{$t.y>Xe.y&&($t=Xe)}),[Le,0,0,rt,-Le*($t.x-ve.left),-rt*($t.y-ve.top)]},focusArea=(g,b,m,w,_)=>{const C=m-g,k=w-b,I=Math.min(_.rect.width/C,_.rect.height/k),$=-I*(g+C/2)+_.rect.width/2,P=-I*(b+k/2)+_.rect.height/2;return Object.assign(Object.assign({},_),{transformMatrix:[I,0,0,I,$,P]})};function getContainerCenter(g){const b=g.current;if(!b)return;const m=b.width/2,w=b.height/2;return{x:m,y:w}}function getRelativePoint(g,b){const m=b.clientX-g.left,w=b.clientY-g.top;return{x:m,y:w}}const scrollIntoView$2=(g,b,m,w,_)=>{if(!m)return identical;const{width:C,height:k}=m;return!(g<0||g>C||b<0||b>k)&&!w?identical:$=>{const P=_?_.x-g:C/2-g,M=_?_.y-b:k/2-b;return Object.assign(Object.assign({},$),{transformMatrix:[$.transformMatrix[0],$.transformMatrix[1],$.transformMatrix[2],$.transformMatrix[3],$.transformMatrix[4]+P,$.transformMatrix[5]+M]})}},getScaleLimit=(g,b)=>{const{minNodeWidth:m,minNodeHeight:w}=getContentArea$1(g,b.graphConfig),{minScaleX:_,minScaleY:C}=getScaleRange(b,{width:m,height:w});return Math.max(_,C)},getContentArea=memoize(getContentArea$1),getOffsetLimit=({data:g,graphConfig:b,rect:m,transformMatrix:w,canvasBoundaryPadding:_,groupPadding:C})=>{var k,I,$,P;const M=getContentArea(g,b),U=getClientDeltaByPointDelta(M.minNodeX-((C==null?void 0:C.left)||0),M.minNodeY-((C==null?void 0:C.top)||0),w);U.x-=(k=_==null?void 0:_.left)!==null&&k!==void 0?k:0,U.y-=(I=_==null?void 0:_.top)!==null&&I!==void 0?I:0;const G=getClientDeltaByPointDelta(M.maxNodeX+((C==null?void 0:C.right)||0),M.maxNodeY+((C==null?void 0:C.bottom)||0),w);G.x+=($=_==null?void 0:_.right)!==null&&$!==void 0?$:0,G.y+=(P=_==null?void 0:_.bottom)!==null&&P!==void 0?P:0;let X=-U.x||0,Z=-U.y||0,ne=m.width-G.x||0,re=m.height-G.y||0;if(ne<X){const ve=ne;ne=X,X=ve}if(re<Z){const ve=re;re=Z,Z=ve}return{minX:X,minY:Z,maxX:ne,maxY:re}},pushHistory=(g,b,m=identical)=>({present:b,past:{next:g.past,value:m(g.present)},future:null}),undo=g=>g.past?{present:g.past.value,past:g.past.next,future:{next:g.future,value:g.present}}:g,redo=g=>g.future?{present:g.future.value,past:{next:g.past,value:g.present},future:g.future.next}:g,resetUndoStack=g=>({present:g,future:null,past:null}),isWithinThreshold=(g,b,m)=>Math.abs(g)<m&&Math.abs(b)<m,EMPTY_TRANSFORM_MATRIX=[1,0,0,1,0,0],EMPTY_VIEW_PORT={rect:void 0,transformMatrix:EMPTY_TRANSFORM_MATRIX},EMPTY_GAP={top:0,right:0,bottom:0,left:0},DEFAULT_NODE_MIN_VISIBLE_SIZE={width:NODE_MIN_VISIBLE_LENGTH,height:NODE_MIN_VISIBLE_LENGTH},DEFAULT_NODE_MAX_VISIBLE_SIZE={width:NODE_MAX_VISIBLE_LENGTH,height:NODE_MAX_VISIBLE_LENGTH},DEFAULT_GRAPH_SETTINGS={features:defaultFeatures,graphConfig:GraphConfigBuilder.default().build(),canvasBoundaryPadding:EMPTY_GAP,nodeMinVisibleSize:DEFAULT_NODE_MIN_VISIBLE_SIZE,nodeMaxVisibleSize:DEFAULT_NODE_MAX_VISIBLE_SIZE},EMPTY_GRAPH_STATE=createGraphState({});function createGraphState(g){const{data:b,transformMatrix:m,settings:w}=g;return{settings:Object.assign(Object.assign({},DEFAULT_GRAPH_SETTINGS),w),data:resetUndoStack(b??GraphModel.empty()),viewport:{rect:void 0,transformMatrix:m??EMPTY_TRANSFORM_MATRIX},behavior:GraphBehavior.Default,dummyNodes:emptyDummyNodes(),alignmentLines:[],activeKeys:new Set,selectBoxPosition:emptySelectBoxPosition(),connectState:void 0}}const ViewportContext=reactExports.createContext(EMPTY_VIEW_PORT);function warnGraphStateContext(){Debug.warn("Missing GraphStateContext, GraphStateContext must be used as child of GraphStateStore")}const defaultGraphStateContext={get state(){return warnGraphStateContext(),EMPTY_GRAPH_STATE},dispatch:()=>{warnGraphStateContext()}},EMPTY_CONNECT_STATE={sourceNode:void 0,sourcePort:void 0,targetNode:void 0,targetPort:void 0,movingPoint:{x:0,y:0}},GraphValueContext=reactExports.createContext(new Proxy(GraphModel.empty(),{get:(g,b)=>(console.warn("Default graph data value is being used. Please check if you forget rendering Graph component"),Reflect.get(g,b))})),GraphStateContext=reactExports.createContext(defaultGraphStateContext),SlotsContext=reactExports.createContext({});class EventChannel{constructor(){this.listenersRef=reactExports.createRef(),this.externalHandlerRef=reactExports.createRef(),this.queue=[],this.working=!1}trigger(b){this.working?this.queue.push(b):(this.working=!0,reactDomExports.unstable_batchedUpdates(()=>{this.callHandlers(b);for(let m=0;m<this.queue.length;m+=1){const w=this.queue[m];this.callHandlers(w)}this.queue=[]}),this.working=!1)}batch(b){if(this.working)this.queue.push(...b);else{const m=b[0];if(!m)return;this.queue.push(...b.slice(1)),this.trigger(m)}}callHandlers(b){var m,w,_,C;(w=(m=this.listenersRef).current)===null||w===void 0||w.call(m,b),b.intercepted||(C=(_=this.externalHandlerRef).current)===null||C===void 0||C.call(_,b)}}class GraphController{constructor(b,m){this.pointerId=null,this.canvasClickOnce=!1,this.nodeClickOnce=null,this.eventChannel=new EventChannel,this.behavior=GraphBehavior.Default,this.dispatch=(w,_)=>{this.dispatchDelegate(w,_)},this.state=b,this.UNSAFE_latestState=b,this.dispatchDelegate=m}setMouseClientPosition(b){this.mouseClientPoint=b}unsetMouseClientPosition(){this.mouseClientPoint=void 0}getMouseClientPosition(){return this.mouseClientPoint}getEnabledFeatures(){return this.state.settings.features}getBehavior(){return this.behavior}setBehavior(b){this.behavior=b}getData(){return this.state.data.present}getGlobalEventTarget(){var b,m;return(m=(b=this.getGlobalEventTargetDelegate)===null||b===void 0?void 0:b.call(this))!==null&&m!==void 0?m:window}}function useConst(g){const b=reactExports.useRef();return b.current===void 0&&(b.current=g()),b.current}const noop$2=()=>{};class ErrorBoundary extends reactExports.Component{constructor(b){super(b),this.state={hasError:!1}}static getDerivedStateFromError(b){return{hasError:!0,error:b}}componentDidCatch(b,m){console.error(b),this.setState({error:b,errorInfo:m})}render(){var b;if(!this.state.hasError)return this.props.children;if(this.props.renderOnError)return(b=this.props.renderOnError(this.state.error,this.state.errorInfo,this.props.children))!==null&&b!==void 0?b:null;const m=this.state.errorInfo?this.state.errorInfo.componentStack.split(`
`):[];return jsxRuntimeExports.jsxs("div",Object.assign({style:{color:"red"}},{children:[jsxRuntimeExports.jsx("h1",{children:"Something went wrong."}),jsxRuntimeExports.jsx("p",{children:`Error: ${this.state.error}`}),jsxRuntimeExports.jsx("p",{children:`ErrorInfo: ${JSON.stringify(this.state.errorInfo)}`}),jsxRuntimeExports.jsx("h2",{children:"Component Stack"}),m.map((w,_)=>jsxRuntimeExports.jsx("p",{children:w},_))]}))}}const EMPTY_CONNECT_CONTEXT={sourceNode:void 0,sourcePort:void 0,targetNode:void 0,targetPort:void 0},ConnectingStateContext=reactExports.createContext(EMPTY_CONNECT_CONTEXT);ConnectingStateContext.displayName="ConnectingStateContext";const ConnectingState=({children:g,data:b,connectState:m})=>{let w,_,C,k;m&&(w=b.nodes.get(m.sourceNode),_=w==null?void 0:w.getPort(m.sourcePort),C=m.targetNode?b.nodes.get(m.targetNode):void 0,k=m.targetPort?C==null?void 0:C.getPort(m.targetPort):void 0);const I=reactExports.useMemo(()=>({sourceNode:w,sourcePort:_,targetNode:C,targetPort:k}),[w,_,C,k]);return jsxRuntimeExports.jsx(ConnectingStateContext.Provider,Object.assign({value:I},{children:g}))};ConnectingState.displayName="ConnectingState";const AlignmentLinesContext=reactExports.createContext([]),GraphControllerContext=reactExports.createContext(new GraphController(EMPTY_GRAPH_STATE,noop$2));function GraphStateStore(g){const{graphController:b,state:m,dispatch:w,children:_}=g,C=reactExports.useMemo(()=>({state:m,dispatch:w}),[m,w]);return jsxRuntimeExports.jsx(GraphConfigContext.Provider,Object.assign({value:m.settings.graphConfig},{children:jsxRuntimeExports.jsx(GraphControllerContext.Provider,Object.assign({value:b},{children:jsxRuntimeExports.jsx(ConnectingState,Object.assign({data:m.data.present,connectState:m.connectState},{children:jsxRuntimeExports.jsx(GraphStateContext.Provider,Object.assign({value:C},{children:jsxRuntimeExports.jsx(ViewportContext.Provider,Object.assign({value:m.viewport},{children:jsxRuntimeExports.jsx(GraphValueContext.Provider,Object.assign({value:m.data.present},{children:jsxRuntimeExports.jsx(AlignmentLinesContext.Provider,Object.assign({value:m.alignmentLines},{children:_}))}))}))}))}))}))}))}const ReactDagEditor=g=>{var b;reactExports.useEffect(()=>{g.handleWarning&&(Debug.warn=g.handleWarning)},[]);const m=(b=g.handleError)===null||b===void 0?void 0:b.bind(null),{state:w,dispatch:_,getGlobalEventTarget:C}=g,k=useConst(()=>new GraphController(w,_));return k.UNSAFE_latestState=w,reactExports.useLayoutEffect(()=>{k.state=w,k.dispatchDelegate=_,k.getGlobalEventTargetDelegate=C},[_,C,k,w]),reactExports.useEffect(()=>()=>{k.dispatchDelegate=noop$2},[k]),jsxRuntimeExports.jsx(ErrorBoundary,Object.assign({renderOnError:m},{children:jsxRuntimeExports.jsx(SlotsContext.Provider,Object.assign({value:g},{children:jsxRuntimeExports.jsx(GraphStateStore,Object.assign({state:w,dispatch:_,graphController:k},{children:jsxRuntimeExports.jsx(ContextMenuConfigContext.Provider,Object.assign({value:useConst(()=>new ContextMenuConfig)},{children:jsxRuntimeExports.jsx("div",Object.assign({style:g.style,className:g.className},{children:g.children}))}))}))}))}))},useContextMenuConfigContext=()=>reactExports.useContext(ContextMenuConfigContext);var GraphNodeEvent;(function(g){g.Click="[Node]Click",g.DoubleClick="[Node]DoubleClick",g.MouseDown="[Node]MouseDown",g.MouseUp="[Node]MouseUp",g.MouseEnter="[Node]MouseEnter",g.MouseLeave="[Node]MouseLeave",g.MouseOver="[Node]MouseOver",g.MouseOut="[Node]MouseOut",g.MouseMove="[Node]MouseMove",g.ContextMenu="[Node]ContextMenu",g.Drag="[Node]Drag",g.DragStart="[Node]DragStart",g.DragEnd="[Node]DragEnd",g.PointerDown="[Node]PointerDown",g.PointerEnter="[Node]PointerEnter",g.PointerMove="[Node]PointerMove",g.PointerLeave="[Node]PointerLeave",g.PointerUp="[Node]PointerUp",g.Resizing="[Node]Resizing",g.ResizingStart="[Node]ResizingStart",g.ResizingEnd="[Node]ResizingEnd",g.KeyDown="[Node]KeyDown",g.Select="[Node]Select",g.SelectAll="[Node]SelectAll",g.Centralize="[Node]Centralize",g.Locate="[Node]Locate",g.Add="[Node]Add"})(GraphNodeEvent||(GraphNodeEvent={}));var GraphEdgeEvent;(function(g){g.Click="[Edge]Click",g.DoubleClick="[Edge]DoubleClick",g.MouseEnter="[Edge]MouseEnter",g.MouseLeave="[Edge]MouseLeave",g.MouseOver="[Edge]MouseOver",g.MouseOut="[Edge]MouseOut",g.MouseMove="[Edge]MouseMove",g.MouseDown="[Edge]MouseDown",g.MouseUp="[Edge]MouseUp",g.ContextMenu="[Edge]ContextMenu",g.ConnectStart="[Edge]ConnectStart",g.ConnectMove="[Edge]ConnectMove",g.ConnectEnd="[Edge]ConnectEnd",g.ConnectNavigate="[Edge]ConnectNavigate",g.Add="[Edge]Add"})(GraphEdgeEvent||(GraphEdgeEvent={}));var GraphPortEvent;(function(g){g.Click="[Port]Click",g.DoubleClick="[Port]DoubleClick",g.MouseDown="[Port]MouseDown",g.PointerDown="[Port]PointerDown",g.PointerUp="[Port]PointerUp",g.PointerEnter="[Port]PointerEnter",g.PointerLeave="[Port]PointerLeave",g.MouseUp="[Port]MouseUp",g.MouseEnter="[Port]MouseEnter",g.MouseLeave="[Port]MouseLeave",g.MouseOver="[Port]MouseOver",g.MouseOut="[Port]MouseOut",g.MouseMove="[Port]MouseMove",g.ContextMenu="[Port]ContextMenu",g.KeyDown="[Port]KeyDown",g.Focus="[Port]Focus",g.Blur="[Port]Blur"})(GraphPortEvent||(GraphPortEvent={}));var GraphCanvasEvent;(function(g){g.Click="[Canvas]Click",g.DoubleClick="[Canvas]DoubleClick",g.MouseDown="[Canvas]MouseDown",g.MouseUp="[Canvas]MouseUp",g.MouseEnter="[Canvas]MouseEnter",g.MouseLeave="[Canvas]MouseLeave",g.MouseOver="[Canvas]MouseOver",g.MouseOut="[Canvas]MouseOut",g.MouseMove="[Canvas]MouseMove",g.ContextMenu="[Canvas]ContextMenu",g.DragStart="[Canvas]DragStart",g.Drag="[Canvas]Drag",g.DragEnd="[Canvas]DragEnd",g.Pan="[Canvas]Pan",g.Focus="[Canvas]Focus",g.Blur="[Canvas]Blur",g.Zoom="[Canvas]Zoom",g.Pinch="[Canvas]Pinch",g.KeyDown="[Canvas]KeyDown",g.KeyUp="[Canvas]KeyUp",g.SelectStart="[Canvas]SelectStart",g.SelectMove="[Canvas]SelectMove",g.SelectEnd="[Canvas]SelectEnd",g.UpdateNodeSelectionBySelectBox="[Canvas]UpdateNodeSelectionBySelectBox",g.MouseWheelScroll="[Canvas]MouseWheelScroll",g.DraggingNodeFromItemPanel="[Canvas]DraggingNodeFromItemPanel",g.DraggingNodeFromItemPanelStart="[Canvas]DraggingNodeFromItemPanelStart",g.DraggingNodeFromItemPanelEnd="[Canvas]DraggingNodeFromItemPanelEnd",g.ViewportResize="[Canvas]ViewportResize",g.Navigate="[Canvas]Navigate",g.VirtualizationRecalculated="[Canvas]VirtualizationRecalculated",g.ResetSelection="[Canvas]ResetSelection",g.Copy="[Canvas]Copy",g.Paste="[Canvas]Paste",g.Delete="[Canvas]Delete",g.Undo="[Canvas]Undo",g.Redo="[Canvas]Redo",g.ScrollIntoView="[Canvas]ScrollIntoView",g.ResetUndoStack="[Canvas]ResetUndoStack",g.ResetViewport="[Canvas]ResetViewport",g.ZoomTo="[Canvas]ZoomTo",g.ZoomToFit="[Canvas]ZoomToFit",g.SetData="[Canvas]SetData",g.UpdateData="[Canvas]UpdateData",g.ScrollTo="[Canvas]ScrollTo",g.UpdateSettings="[Canvas]UpdateSettings"})(GraphCanvasEvent||(GraphCanvasEvent={}));var GraphScrollBarEvent;(function(g){g.ScrollStart="[ScrollBar]ScrollStart",g.Scroll="[ScrollBar]Scroll",g.ScrollEnd="[ScrollBar]ScrollEnd"})(GraphScrollBarEvent||(GraphScrollBarEvent={}));var GraphMinimapEvent;(function(g){g.PanStart="[Minimap]PanStart",g.Pan="[Minimap]Pan",g.PanEnd="[Minimap]PanEnd",g.Click="[Minimap]Click"})(GraphMinimapEvent||(GraphMinimapEvent={}));var GraphContextMenuEvent;(function(g){g.Open="[ContextMenu]Open",g.Close="[ContextMenu]Close"})(GraphContextMenuEvent||(GraphContextMenuEvent={}));function getScrollLineHeight(){try{const g=document.createElement("iframe");g.src="#",document.body.appendChild(g);const{contentWindow:b}=g;if(!b)throw new Error("Fail to create iframe");const m=b.document;if(!m)throw new Error("Fail to create iframe");m.open(),m.write("<!DOCTYPE html><html><head></head><body><span>a</span></body></html>"),m.close();const _=m.body.firstElementChild.offsetHeight;return document.body.removeChild(g),_}catch(g){return Debug.error("failed to calculate scroll line height",g),16}}const scrollLineHeight=getScrollLineHeight(),normalizeWheelDelta=typeof WheelEvent=="function"?(g,b)=>{switch(g){case WheelEvent.DOM_DELTA_PIXEL:return b;case WheelEvent.DOM_DELTA_LINE:return b*scrollLineHeight;case WheelEvent.DOM_DELTA_PAGE:return b*window.innerHeight;default:return b}}:(g,b)=>b,EMPTY_RECT={height:0,width:0,x:0,y:0,bottom:0,left:0,right:0,top:0,toJSON(){return this}},VirtualizationContext=reactExports.createContext({viewport:{rect:EMPTY_RECT,transformMatrix:EMPTY_TRANSFORM_MATRIX},renderedArea:{minX:0,minY:0,maxX:0,maxY:0},visibleArea:{minX:0,minY:0,maxX:0,maxY:0},renderedNodes:new Set,renderedEdges:new Set,timestamp:0});function useGraphConfig$1(){return reactExports.useContext(GraphConfigContext)}function useGraphController(){return reactExports.useContext(GraphControllerContext)}function useAlignmentLines(){return reactExports.useContext(AlignmentLinesContext)}function useConnectingState(){return reactExports.useContext(ConnectingStateContext)}function useVirtualization(){return reactExports.useContext(VirtualizationContext)}let shouldRespondWheel=!1;const useWheelHandler=g=>{const{containerRef:b,svgRef:m,rectRef:w,zoomSensitivity:_,scrollSensitivity:C,isHorizontalScrollDisabled:k,isVerticalScrollDisabled:I,isCtrlKeyZoomEnable:$,eventChannel:P,graphConfig:M,dispatch:U}=g,X=useGraphController().getGlobalEventTarget();reactExports.useLayoutEffect(()=>{const Z=m.current,ne=b.current;if(!Z||!ne)return noop$2;const re=ge=>{const oe=w.current;if(!oe||!shouldRespondWheel)return;if(ge.preventDefault(),ge.ctrlKey&&$){const rt=(normalizeWheelDelta(ge.deltaMode,ge.deltaY)>0?-_:_)+1;P.trigger({type:GraphCanvasEvent.Zoom,rawEvent:ge,scale:rt,anchor:getRelativePoint(oe,ge)});return}const me=k?0:-normalizeWheelDelta(ge.deltaMode,ge.shiftKey?ge.deltaY:ge.deltaX)*C,De=I||ge.shiftKey?0:-normalizeWheelDelta(ge.deltaMode,ge.deltaY)*C;P.trigger({type:GraphCanvasEvent.MouseWheelScroll,dx:me,dy:De,rawEvent:ge})},ve=()=>{shouldRespondWheel=!0};ne.addEventListener("mouseenter",ve);const Se=()=>{shouldRespondWheel=!1};return ne.addEventListener("mouseleave",Se),X.addEventListener("wheel",re,{passive:!1}),()=>{X.removeEventListener("wheel",re),ne.removeEventListener("mouseenter",ve),ne.removeEventListener("mouseleave",Se)}},[m,w,_,C,U,k,I,M,P,$])};function nextFrame(g){requestAnimationFrame(()=>{requestAnimationFrame(g)})}const LIMIT=20,isRectChanged=(g,b)=>g===b?!1:!g||!b?!0:g.top!==b.top||g.left!==b.left||g.width!==b.width||g.height!==b.height,useUpdateViewportCallback=(g,b,m)=>reactExports.useCallback((w=!1)=>{var _;const C=(_=b.current)===null||_===void 0?void 0:_.getBoundingClientRect();(w||isRectChanged(g.current,C))&&(g.current=C,m.trigger({type:GraphCanvasEvent.ViewportResize,viewportRect:C}))},[m,g,b]),useContainerRect=(g,b,m,w)=>{reactExports.useLayoutEffect(()=>{g.viewport.rect||w(!0)}),reactExports.useEffect(()=>{const _=m.current;if(!_)return noop$2;const C=debounce(()=>nextFrame(()=>{w()}),LIMIT);if(typeof ResizeObserver<"u"){const k=new ResizeObserver(C);return k.observe(_),()=>{k.unobserve(_),k.disconnect()}}return window.addEventListener("resize",C),()=>{window.removeEventListener("resize",C)}},[m,w]),reactExports.useEffect(()=>{const _=debounce(k=>{const I=b.current;!I||!(k.target instanceof Element)||!k.target.contains(I)||w()},LIMIT),C={capture:!0,passive:!0};return document.body.addEventListener("scroll",_,C),()=>{document.body.removeEventListener("scroll",_,C)}},[b,w])};function makeScheduledCallback(g,b,m){let w=!1,_,C;const k=(...I)=>{_=I,w||(w=!0,C=b(()=>{w=!1,reactDomExports.unstable_batchedUpdates(()=>{g.apply(null,_)})}))};return k.cancel=()=>{m(C)},k}const animationFramed=g=>makeScheduledCallback(g,requestAnimationFrame,cancelAnimationFrame),useRenderedArea=(g,b)=>reactExports.useMemo(()=>b?getRenderedArea(g):{minX:-Number.MAX_SAFE_INTEGER,minY:-Number.MAX_SAFE_INTEGER,maxX:Number.MAX_SAFE_INTEGER,maxY:Number.MAX_SAFE_INTEGER},[g,b]);class DragController{constructor(b,m){this.onMove=noop$2,this.onEnd=noop$2,this.lastEvent=null,this.startX=0,this.startY=0,this.prevClientX=0,this.prevClientY=0,this.onMouseUp=w=>{this.lastEvent=w,this.doOnMouseUp(w),this.lastEvent=null},this.onMouseMove=w=>{this.lastEvent=w,w.preventDefault(),this.mouseMove(w)},this.eventProvider=b,this.getPositionFromEvent=m,this.mouseMove=animationFramed(w=>{this.doOnMouseMove(w)})}start(b){this.lastEvent=b;const{x:m,y:w}=this.getPositionFromEvent(b);this.startX=m,this.startY=w,this.prevClientX=m,this.prevClientY=w,this.eventProvider.on("move",this.onMouseMove),this.eventProvider.on("end",this.onMouseUp)}stop(){this.mouseMove.cancel(),this.eventProvider.off("move",this.onMouseMove),this.eventProvider.off("end",this.onMouseUp)}getDelta(b,m){const w=b-this.prevClientX,_=m-this.prevClientY;return this.prevClientX=b,this.prevClientY=m,{x:w,y:_}}getTotalDelta(b){const m=b.clientX-this.startX,w=b.clientY-this.startY;return{x:m,y:w}}doOnMouseMove(b){const{x:m,y:w}=this.getPositionFromEvent(b),{x:_,y:C}=this.getDelta(m,w),{x:k,y:I}=this.getTotalDelta(b);this.onMove({clientX:m,clientY:w,dx:_,dy:C,totalDX:k,totalDY:I,e:b})}doOnMouseUp(b){b.preventDefault();const{x:m,y:w}=this.getTotalDelta(b);this.onEnd({totalDX:m,totalDY:w,e:b}),this.stop()}}function defaultGetPositionFromEvent(g){return{x:g.clientX,y:g.clientY}}class DragNodeController extends DragController{constructor(b,m,w){super(b,m),this.rectRef=w}doOnMouseMove(b){super.doOnMouseMove(b);const m=this.rectRef.current;!m||!this.lastEvent||(b.clientX<m.left||b.clientX>m.right||b.clientY<m.top||b.clientY>m.bottom)&&this.mouseMove(this.lastEvent)}}class TouchController{constructor(b){this.eventHandlers={onPointerDown:(m,...w)=>{m.pointerType==="touch"&&(m.preventDefault(),this.pointers=new Map(this.pointers),this.pointers.set(m.pointerId,m.nativeEvent),this.updateHandler(m.nativeEvent,...w))},onPointerMove:(m,...w)=>{m.pointerType==="touch"&&(m.preventDefault(),this.pointers.set(m.pointerId,m.nativeEvent),this.onMove(m.nativeEvent,...w))},onPointerUp:(m,...w)=>{m.pointerType==="touch"&&(m.preventDefault(),this.pointers=new Map(this.pointers),this.pointers.delete(m.pointerId),this.updateHandler(m.nativeEvent,...w))}},this.pointers=new Map,this.onMove=animationFramed((m,...w)=>{var _;(_=this.currentHandler)===null||_===void 0||_.onMove(this.pointers,m,...w)}),this.handlers=b}updateHandler(b,...m){var w,_;const C=this.handlers.get(this.pointers.size);C!==this.currentHandler&&((w=this.currentHandler)===null||w===void 0||w.onEnd(b,...m),this.currentHandler=C,(_=this.currentHandler)===null||_===void 0||_.onStart(this.pointers,b,...m))}}class TwoFingerHandler{constructor(b,m){this.prevDistance=0,this.rectRef=b,this.eventChannel=m}onEnd(){}onMove(b,m){const w=Array.from(b.values()),_=distance(w[0].clientX,w[0].clientY,w[1].clientX,w[1].clientY),{prevEvents:C,prevDistance:k}=this;if(this.prevDistance=_,this.prevEvents=w,!C)return;const I=w[0].clientX-C[0].clientX,$=w[1].clientX-C[1].clientX,P=w[0].clientY-C[0].clientY,M=w[1].clientY-C[1].clientY,U=(I+$)/2,G=(P+M)/2,X=(_-k)/k+1,Z=getContainerCenter(this.rectRef);Z&&this.eventChannel.trigger({type:GraphCanvasEvent.Pinch,rawEvent:m,dx:U,dy:G,scale:X,anchor:Z})}onStart(b){if(b.size!==2)throw new Error(`Unexpected touch event with ${b.size} touches`);this.prevEvents=Array.from(b.values()),this.prevDistance=distance(this.prevEvents[0].clientX,this.prevEvents[0].clientY,this.prevEvents[1].clientX,this.prevEvents[1].clientY)}}const useGraphTouchHandler=(g,b)=>reactExports.useMemo(()=>new TouchController(new Map().set(2,new TwoFingerHandler(g,b))).eventHandlers,[g,b]),isSafari=getBrowser()===BrowserType.Safari;let prevScale=0;function useSafariScale({rectRef:g,svgRef:b,eventChannel:m}){reactExports.useEffect(()=>{const w=b.current;if(!isSafari||!w||isMobile())return()=>{};const _=animationFramed($=>{const{scale:P}=$,M=P/prevScale;prevScale=P,m.trigger({type:GraphCanvasEvent.Zoom,rawEvent:$,scale:M,anchor:getContainerCenter(g)})}),C=$=>{$.stopPropagation(),$.preventDefault(),prevScale=$.scale,m.trigger({type:GraphCanvasEvent.Zoom,rawEvent:$,scale:$.scale,anchor:getContainerCenter(g)})},k=$=>{$.stopPropagation(),$.preventDefault(),_($)},I=$=>{$.stopPropagation(),$.preventDefault(),_($)};return w.addEventListener("gesturestart",C),w.addEventListener("gesturechange",k),w.addEventListener("gestureend",I),()=>{w.removeEventListener("gesturestart",C),w.removeEventListener("gesturechange",k),w.removeEventListener("gestureend",I)}},[])}function useDeferredValue(g,{timeout:b}){const[m,w]=reactExports.useState(g);return reactExports.useEffect(()=>{const _=setTimeout(()=>{w(g)},b);return()=>{clearTimeout(_)}},[g,b]),m}const useSelectBox=(g,b)=>{const m=useDeferredValue(b,{timeout:100});reactExports.useEffect(()=>{g({type:GraphCanvasEvent.UpdateNodeSelectionBySelectBox})},[m])},useGraphState=()=>reactExports.useContext(GraphStateContext),handleBehaviorChange=(g,b)=>{switch(b.type){case GraphNodeEvent.DragStart:return GraphBehavior.Dragging;case GraphEdgeEvent.ConnectStart:return GraphBehavior.Connecting;case GraphCanvasEvent.SelectStart:return GraphBehavior.MultiSelect;case GraphCanvasEvent.DragStart:return GraphBehavior.Panning;case GraphCanvasEvent.DraggingNodeFromItemPanelStart:return GraphBehavior.AddingNode;case GraphNodeEvent.DragEnd:case GraphEdgeEvent.ConnectEnd:case GraphCanvasEvent.SelectEnd:case GraphCanvasEvent.DragEnd:case GraphCanvasEvent.DraggingNodeFromItemPanelEnd:return GraphBehavior.Default;default:return g}},behaviorReducer=(g,b)=>{const m=handleBehaviorChange(g.behavior,b);return m===g.behavior?g:Object.assign(Object.assign({},g),{behavior:m})};function __rest(g,b){var m={};for(var w in g)Object.prototype.hasOwnProperty.call(g,w)&&b.indexOf(w)<0&&(m[w]=g[w]);if(g!=null&&typeof Object.getOwnPropertySymbols=="function")for(var _=0,w=Object.getOwnPropertySymbols(g);_<w.length;_++)b.indexOf(w[_])<0&&Object.prototype.propertyIsEnumerable.call(g,w[_])&&(m[w[_]]=g[w[_]]);return m}const canvasReducer=(g,b)=>{switch(b.type){case GraphCanvasEvent.Paste:{const{position:m}=b;if(!isViewportComplete(g.viewport))return g;const{rect:w}=g.viewport;let _=b.data.nodes;if(m&&w){const k=getRealPointFromClientPoint(m.x,m.y,g.viewport);let I,$;_=_.map((P,M)=>(M===0&&(I=k.x-P.x,$=k.y-P.y),Object.assign(Object.assign({},P),{x:I?P.x-COPIED_NODE_SPACING+I:P.x,y:$?P.y-COPIED_NODE_SPACING+$:P.y,state:GraphNodeStatus.Selected})))}let C=unSelectAllEntity()(g.data.present);return _.forEach(k=>{C=C.insertNode(k)}),b.data.edges.forEach(k=>{C=C.insertEdge(k)}),Object.assign(Object.assign({},g),{data:pushHistory(g.data,C)})}case GraphCanvasEvent.Delete:return g.settings.features.has(GraphFeatures.Delete)?Object.assign(Object.assign({},g),{data:pushHistory(g.data,g.data.present.deleteItems({node:notSelected,edge:notSelected}),unSelectAllEntity())}):g;case GraphCanvasEvent.Undo:return Object.assign(Object.assign({},g),{data:undo(g.data)});case GraphCanvasEvent.Redo:return Object.assign(Object.assign({},g),{data:redo(g.data)});case GraphCanvasEvent.KeyDown:{const m=b.rawEvent.key.toLowerCase();if(g.activeKeys.has(m))return g;const w=new Set(g.activeKeys);return w.add(m),Object.assign(Object.assign({},g),{activeKeys:w})}case GraphCanvasEvent.KeyUp:{const m=b.rawEvent.key.toLowerCase();if(!g.activeKeys.has(m))return g;const w=new Set(g.activeKeys);return w.delete(m),Object.assign(Object.assign({},g),{activeKeys:w})}case GraphCanvasEvent.SetData:return Object.assign(Object.assign({},g),{data:resetUndoStack(b.data)});case GraphCanvasEvent.UpdateData:return Object.assign(Object.assign({},g),{data:b.shouldRecord?pushHistory(g.data,b.updater(g.data.present)):Object.assign(Object.assign({},g.data),{present:b.updater(g.data.present)})});case GraphCanvasEvent.ResetUndoStack:return Object.assign(Object.assign({},g),{data:resetUndoStack(g.data.present)});case GraphCanvasEvent.UpdateSettings:{const m=__rest(b,["type"]);return Object.assign(Object.assign({},g),{settings:Object.assign(Object.assign({},g.settings),m)})}default:return g}};function composeReducers(g){return b=>g.reduceRight((m,w)=>w(m),b)}const VisitPortHelper=g=>{const{neighborPorts:b,data:m}=g,w=reactExports.useRef(null),[_,C]=reactExports.useState(),k=reactExports.useCallback(P=>{P.key==="Escape"&&(P.stopPropagation(),P.preventDefault(),_&&g.onComplete(_))},[_,g]),I=reactExports.useCallback(()=>{},[]),$=reactExports.useCallback(P=>{const M=JSON.parse(P.target.value);M.nodeId&&M.portId&&C({nodeId:M.nodeId,portId:M.portId})},[C]);return reactExports.useEffect(()=>{w.current&&w.current.focus({preventScroll:!0})},[]),jsxRuntimeExports.jsx("select",Object.assign({onKeyDown:k,onBlur:I,ref:w,onChange:$},{children:b.map(P=>{const M=_&&_.portId===P.portId&&_.nodeId===P.nodeId,U=JSON.stringify(P),G=m.nodes.get(P.nodeId);if(!G)return null;const X=G.ports?G.ports.filter(ne=>ne.id===P.portId)[0]:null;if(!X)return null;const Z=`${G.ariaLabel||G.name||G.id}: ${X.ariaLabel||X.name||X.id}`;return jsxRuntimeExports.jsx("option",Object.assign({value:U,"aria-selected":M,"aria-label":Z},{children:Z}),`${P.nodeId}-${P.portId}`)})}))},item=(g=void 0,b=void 0)=>({node:g,port:b}),findDOMElement=(g,{node:b,port:m})=>{var w,_;let C;if(b&&m)C=getPortUid((w=g.dataset.graphId)!==null&&w!==void 0?w:"",b,m);else if(b)C=getNodeUid((_=g.dataset.graphId)!==null&&_!==void 0?_:"",b);else return null;return g.getElementById(C)},focusItem=(g,b,m,w)=>{if(!g.current)return;const _=findDOMElement(g.current,b);_?(m.preventDefault(),m.stopPropagation(),_.focus({preventScroll:!0}),w.trigger({type:GraphCanvasEvent.Navigate,node:b.node,port:b.port,rawEvent:m})):!b.node&&!b.port&&w.trigger({type:GraphCanvasEvent.Navigate,node:b.node,port:b.port,rawEvent:m})},getNextItem=(g,b,m)=>{if(b.ports){const C=(m?b.ports.findIndex(k=>k.id===m.id):-1)+1;if(C<b.ports.length)return item(b,b.ports[C])}const w=b.next&&g.nodes.get(b.next);return w?item(w):item()},getPrevItem=(g,b,m)=>{if(m&&b.ports){const _=b.ports.findIndex(C=>C.id===m.id)-1;return _>=0?item(b,b.ports[_]):item(b)}const w=b.prev&&g.nodes.get(b.prev);return w?item(w,w.ports&&w.ports.length?w.ports[w.ports.length-1]:void 0):item()},nextConnectablePort=(g,b)=>(m,w,_)=>{var C,k,I;let $=getNextItem(m,w,_);for(;!(((C=$.node)===null||C===void 0?void 0:C.id)===w.id&&((k=$.port)===null||k===void 0?void 0:k.id)===(_==null?void 0:_.id));){if(!$.node)$=item(m.getNavigationFirstNode());else if($.port&&!((I=g.getPortConfig($.port))===null||I===void 0)&&I.getIsConnectable(Object.assign(Object.assign({},b),{data:m,parentNode:$.node,model:$.port})))return $;$=getNextItem(m,$.node,$.port)}return item()},focusNextPort=(g,b,m,w,_,C)=>{const I=(g.findIndex(P=>P.id===m)+1)%g.length,$=g[I];$&&w.current&&focusItem(w,{node:b,port:$},_,C)},focusPrevPort=(g,b,m,w,_,C)=>{const I=(g.findIndex(P=>P.id===m)-1+g.length)%g.length,$=g[I];$&&w.current&&focusItem(w,{node:b,port:$},_,C)},getFocusNodeHandler=g=>(b,m,w,_,C,k)=>{const I=Array.from(b.nodes.values()).sort(g),$=I.findIndex(M=>M.id===m),P=I[($+1)%I.length];P&&w.current&&(_.dispatch({type:GraphNodeEvent.Select,nodes:[P.id]}),_.dispatch({type:GraphNodeEvent.Centralize,nodes:[P.id]}),focusItem(w,{node:P,port:void 0},C,k))},focusLeftNode=getFocusNodeHandler((g,b)=>g.x*10+g.y-b.x*10-b.y),focusRightNode=getFocusNodeHandler((g,b)=>b.x*10+b.y-g.x*10-g.y),focusDownNode=getFocusNodeHandler((g,b)=>g.x+g.y*10-b.x-b.y*10),focusUpNode=getFocusNodeHandler((g,b)=>b.x+b.y*10-g.x-g.y*10),goToConnectedPort=(g,b,m,w,_,C)=>{var k;const I=getNeighborPorts(g,b.id,m.id);if(I.length===1&&w.current){const $=g.nodes.get(I[0].nodeId);if(!$)return;const P=(k=$.ports)===null||k===void 0?void 0:k.find(M=>M.id===I[0].portId);if(!P)return;focusItem(w,{node:$,port:P},_,C)}else if(I.length>1&&w.current){const $=U=>{var G;if(reactDomExports.unmountComponentAtNode(P),w.current){const ne=w.current.closest(".react-dag-editor-container");ne&&ne.removeChild(P)}const X=g.nodes.get(U.nodeId);if(!X)return;const Z=(G=X.ports)===null||G===void 0?void 0:G.find(ne=>ne.id===U.portId);Z&&focusItem(w,{node:X,port:Z},_,C)},P=document.createElement("div"),M=w.current.closest(".react-dag-editor-container");M&&M.appendChild(P),P.style.position="fixed",P.style.top="0",reactDomExports.render(jsxRuntimeExports.jsx(VisitPortHelper,{neighborPorts:I,onComplete:$,data:g}),P)}};function defaultGetPortAriaLabel(g,b,m){return m.ariaLabel}function defaultGetNodeAriaLabel(g){return g.ariaLabel}function attachPort(g,b,m){if(!g.connectState)return g;let w=g.data.present;return w=w.updatePort(b,m,updateStatus(add(GraphPortStatus.ConnectingAsTarget))),g.connectState.targetNode&&g.connectState.targetPort&&(w=w.updatePort(g.connectState.targetNode,g.connectState.targetPort,updateStatus(remove$1(GraphPortStatus.ConnectingAsTarget)))),Object.assign(Object.assign({},g),{connectState:Object.assign(Object.assign({},g.connectState),{targetNode:b,targetPort:m}),data:Object.assign(Object.assign({},g.data),{present:w})})}function clearAttach(g){if(!g.connectState)return g;let b=g.data.present;const{targetPort:m,targetNode:w}=g.connectState;return w&&m&&(b=b.updatePort(w,m,updateStatus(remove$1(GraphPortStatus.ConnectingAsTarget)))),Object.assign(Object.assign({},g),{connectState:Object.assign(Object.assign({},g.connectState),{targetNode:void 0,targetPort:void 0}),data:Object.assign(Object.assign({},g.data),{present:b})})}const connectingReducer=(g,b)=>{var m,w,_;if(!isViewportComplete(g.viewport))return g;const{rect:C}=g.viewport;switch(b.type){case GraphEdgeEvent.ConnectStart:return Object.assign(Object.assign({},g),{connectState:Object.assign(Object.assign({},EMPTY_CONNECT_STATE),{sourceNode:b.nodeId,sourcePort:b.portId,movingPoint:b.clientPoint?{x:b.clientPoint.x-C.left,y:b.clientPoint.y-C.top}:void 0}),data:Object.assign(Object.assign({},g.data),{present:g.data.present.updatePort(b.nodeId,b.portId,updateStatus(add(GraphPortStatus.Connecting)))})});case GraphEdgeEvent.ConnectMove:return g.connectState?Object.assign(Object.assign({},g),{connectState:Object.assign(Object.assign({},g.connectState),{movingPoint:{x:b.clientX-C.left,y:b.clientY-C.top}})}):g;case GraphEdgeEvent.ConnectEnd:if(g.connectState){const{edgeWillAdd:k,isCancel:I}=b,{sourceNode:$,sourcePort:P,targetNode:M,targetPort:U}=g.connectState;let G=g.data.present;if(G=G.updatePort($,P,updateStatus(replace$1(GraphPortStatus.Default))),!I&&M&&U){let X={source:$,sourcePortId:P,target:M,targetPortId:U,id:v4(),status:GraphEdgeStatus.Default};return k&&(X=k(X,G)),G=G.insertEdge(X).updatePort(M,U,updateStatus(replace$1(GraphPortStatus.Default))),Object.assign(Object.assign({},g),{connectState:void 0,data:pushHistory(g.data,G,unSelectAllEntity())})}return Object.assign(Object.assign({},g),{connectState:void 0,data:Object.assign(Object.assign({},g.data),{present:G})})}return g;case GraphEdgeEvent.ConnectNavigate:if(g.connectState){const k=g.data.present,I=k.nodes.get(g.connectState.sourceNode),$=I==null?void 0:I.getPort(g.connectState.sourcePort),P=g.connectState.targetNode?k.nodes.get(g.connectState.targetNode):void 0,M=g.connectState.targetPort?P==null?void 0:P.getPort(g.connectState.targetPort):void 0;if(!I||!$)return g;const U=nextConnectablePort(g.settings.graphConfig,{anotherNode:I,anotherPort:$})(k,P||I,M);return!U.node||!U.port||U.node.id===I.id&&U.port.id===$.id?g:attachPort(g,U.node.id,U.port.id)}return g;case GraphPortEvent.PointerEnter:if(g.connectState){const{sourceNode:k,sourcePort:I}=g.connectState,$=g.data.present,P=$.nodes.get(b.node.id),M=P==null?void 0:P.getPort(b.port.id),U=$.nodes.get(k),G=U==null?void 0:U.getPort(I);if(P&&M&&U&&G&&isConnectable(g.settings.graphConfig,{parentNode:P,model:M,data:$,anotherPort:G,anotherNode:U}))return attachPort(g,P.id,M.id)}return g;case GraphNodeEvent.PointerEnter:case GraphNodeEvent.PointerMove:if(g.connectState){const{clientX:k,clientY:I}=b.rawEvent,{sourceNode:$,sourcePort:P}=g.connectState,M=g.data.present,U=M.nodes.get(b.node.id),G=M.nodes.get($),X=G==null?void 0:G.getPort(P);if(U&&G&&X){const Z=getNearestConnectablePort({parentNode:U,clientX:k,clientY:I,graphConfig:g.settings.graphConfig,data:g.data.present,viewport:g.viewport,anotherPort:X,anotherNode:G});return Z?attachPort(g,U.id,Z.id):g}}return g;case GraphNodeEvent.PointerLeave:return((m=g.connectState)===null||m===void 0?void 0:m.targetNode)===b.node.id?clearAttach(g):g;case GraphPortEvent.PointerLeave:return((w=g.connectState)===null||w===void 0?void 0:w.targetNode)===b.node.id&&((_=g.connectState)===null||_===void 0?void 0:_.targetPort)===b.port.id?clearAttach(g):g;default:return g}},contextMenuReducer=(g,b)=>{let m=g.contextMenuPosition;switch(b.type){case GraphCanvasEvent.ContextMenu:case GraphNodeEvent.ContextMenu:case GraphEdgeEvent.ContextMenu:case GraphPortEvent.ContextMenu:{const w=b.rawEvent;w.button===MouseEventButton.Secondary&&(m={x:w.clientX,y:w.clientY})}break;case GraphCanvasEvent.Click:case GraphNodeEvent.Click:case GraphEdgeEvent.Click:case GraphPortEvent.Click:m=void 0;break;case GraphContextMenuEvent.Open:m={x:b.x,y:b.y};break;case GraphContextMenuEvent.Close:m=void 0;break}return g.contextMenuPosition===m?g:Object.assign(Object.assign({},g),{contextMenuPosition:m})},edgeReducer=(g,b)=>{switch(b.type){case GraphEdgeEvent.DoubleClick:return g.settings.features.has(GraphFeatures.EditEdge)?Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:g.data.present.updateEdge(b.edge.id,updateStatus(replace$1(GraphEdgeStatus.Editing)))})}):g;case GraphEdgeEvent.MouseEnter:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:g.data.present.updateEdge(b.edge.id,updateStatus(add(GraphEdgeStatus.Activated)))})});case GraphEdgeEvent.MouseLeave:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:g.data.present.updateEdge(b.edge.id,updateStatus(remove$1(GraphEdgeStatus.Activated)))})});case GraphEdgeEvent.Click:case GraphEdgeEvent.ContextMenu:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:unSelectAllEntity()(g.data.present).updateEdge(b.edge.id,updateStatus(add(GraphEdgeStatus.Selected)))})});case GraphEdgeEvent.Add:return Object.assign(Object.assign({},g),{data:pushHistory(g.data,g.data.present.insertEdge(b.edge))});default:return g}},getAlignmentLines=(g,b,m,w=2)=>{const _=getDummyDraggingNode(g),C=getClosestNodes(_,g,b,m,w);return getLines(_,C,g.length)},getAutoAlignDisplacement=(g,b,m,w)=>{let _=1/0,C=0;const k=getDummyDraggingNode(b),I=w==="x"?k.width||0:k.height||0;return g.forEach($=>{let P;if(w==="x"&&$.x1===$.x2)P=$.x1;else if(w==="y"&&$.y1===$.y2)P=$.y1;else return;const M=k[w]-P,U=k[w]+(I||0)/2-P,G=k[w]+(I||0)-P;Math.abs(M)<_&&(_=Math.abs(M),C=M>0?-_:_),Math.abs(U)<_&&(_=Math.abs(U),C=U>0?-_:_),Math.abs(G)<_&&(_=Math.abs(G),C=G>0?-_:_)}),C},getMinCoordinate=(g,b)=>{if(g.length)return Math.min(...g.map(m=>m[b]))},getMaxCoordinate=(g,b)=>{if(g.length)return Math.max(...g.map(m=>m[b]+(b==="y"?m.height||0:m.width||0)))},setSizeForNode=(g,b)=>Object.assign(Object.assign({},g),getNodeSize(g,b)),getBoundingBoxOfNodes=g=>{let b=1/0,m=1/0,w=-1/0,_=-1/0;return g.forEach(C=>{const k=C.x,I=C.y,$=C.x+(C.width||0),P=C.y+(C.height||0);k<b&&(b=k),I<m&&(m=I),$>w&&(w=$),P>_&&(_=P)}),{x:b,y:m,width:w-b,height:_-m}},getDummyDraggingNode=g=>{const{x:b,y:m,width:w,height:_}=getBoundingBoxOfNodes(g);return{id:v4(),x:b,y:m,width:w,height:_}},getClosestNodes=(g,b,m,w,_=2)=>{const C=[],k=[],{x:I,y:$,width:P=0,height:M=0}=g;let U=_,G=_;return m.forEach(X=>{if(b.find(ve=>ve.id===X.id))return;const Z=setSizeForNode(X,w),{width:ne=0,height:re=0}=Z;[I,I+P/2,I+P].forEach((ve,Se)=>{C[Se]||(C[Se]={}),C[Se].closestNodes||(C[Se].closestNodes=[]),[Z.x,Z.x+ne/2,Z.x+ne].forEach(ge=>{var oe;const me=Math.abs(ve-ge);me<=U&&((oe=C[Se].closestNodes)===null||oe===void 0||oe.push(Z),C[Se].alignCoordinateValue=ge,U=me)})}),[$,$+M/2,$+M].forEach((ve,Se)=>{k[Se]||(k[Se]={}),k[Se].closestNodes||(k[Se].closestNodes=[]),[Z.y,Z.y+re/2,Z.y+re].forEach(ge=>{var oe;const me=Math.abs(ve-ge);me<=G&&((oe=k[Se].closestNodes)===null||oe===void 0||oe.push(Z),k[Se].alignCoordinateValue=ge,G=me)})})}),{closestX:C,closestY:k}},getLines=(g,b,m=1)=>{const w=[],_=[],C=b.closestX,k=b.closestY;return C.forEach((I,$)=>{var P;if(I.alignCoordinateValue===void 0||$===1&&(w.length||m>1))return;const M=[],U=I.alignCoordinateValue;(P=I.closestNodes)===null||P===void 0||P.forEach(Z=>{(Z.x===U||Z.x+(Z.width||0)/2===U||Z.x+(Z.width||0)===U)&&M.push(Z)});const G=getMinCoordinate([g,...M],"y"),X=getMaxCoordinate([g,...M],"y");G!==void 0&&X!==void 0&&w.push({x1:U,y1:G,x2:U,y2:X,visible:!0})}),k.forEach((I,$)=>{var P;if(I.alignCoordinateValue===void 0||$===1&&(_.length||m>1))return;const M=[],U=I.alignCoordinateValue;(P=I.closestNodes)===null||P===void 0||P.forEach(Z=>{(Z.y===U||Z.y+(Z.height||0)/2===U||Z.y+(Z.height||0)===U)&&M.push(Z)});const G=getMinCoordinate([g,...M],"x"),X=getMaxCoordinate([g,...M],"x");G!==void 0&&X!==void 0&&_.push({x1:G,y1:U,x2:X,y2:U,visible:!0})}),[...w,..._]};function pipe(...g){return g.reduceRight((b,m)=>w=>b(m(w)),identical)}const getDelta=(g,b,m)=>m<g?-10:m>b?10:0;function getSelectedNodes(g,b){const m=[];return g.nodes.forEach(w=>{isSelected(w)&&m.push(Object.assign({id:w.id,x:w.x,y:w.y},getNodeSize(w,b)))}),m}function dragNodeHandler(g,b){if(!isViewportComplete(g.viewport))return g;const m=X=>Math.max(X,getScaleLimit(k,g.settings)),w=b.rawEvent,{rect:_}=g.viewport,C=Object.assign({},g),k=g.data.present,I=getDelta(_.left,_.right,w.clientX),$=getDelta(_.top,_.bottom,w.clientY),P=I!==0||$!==0?.999:1,M=I!==0||I!==0?pipe(pan(-I,-$),zoom({scale:P,anchor:getRelativePoint(_,w),direction:Direction$1.XY,limitScale:m}))(g.viewport):g.viewport,U=getPointDeltaByClientDelta(b.dx+I*P,b.dy+$*P,M.transformMatrix),G=Object.assign(Object.assign({},g.dummyNodes),{dx:g.dummyNodes.dx+U.x,dy:g.dummyNodes.dy+U.y,isVisible:b.isVisible});if(b.isAutoAlignEnable){const X=getRenderedNodes(k.nodes,g.viewport);if(X.length<b.autoAlignThreshold){const Z=G.nodes.map(re=>Object.assign(Object.assign({},re),{x:re.x+G.dx,y:re.y+G.dy})),ne=getAlignmentLines(Z,X,g.settings.graphConfig,g.viewport.transformMatrix[0]>.3?2:5);if(ne.length){const re=getAutoAlignDisplacement(ne,Z,g.settings.graphConfig,"x"),ve=getAutoAlignDisplacement(ne,Z,g.settings.graphConfig,"y");G.alignedDX=G.dx+re,G.alignedDY=G.dy+ve}else G.alignedDX=void 0,G.alignedDY=void 0;C.alignmentLines=ne}else G.alignedDX=void 0,G.alignedDY=void 0}return C.dummyNodes=G,C.viewport=M,C}function handleDraggingNewNode(g,b){if(!g.settings.features.has(GraphFeatures.AutoAlign))return g;const m=g.data.present,w=getRenderedNodes(m.nodes,g.viewport),_=getAlignmentLines([b.node],w,g.settings.graphConfig,g.viewport.transformMatrix[0]>.3?2:5);return Object.assign(Object.assign({},g),{alignmentLines:_})}function dragStart(g,b){let m=g.data.present;const w=m.nodes.get(b.node.id);if(!w)return g;let _;return b.isMultiSelect?(m=m.selectNodes(C=>C.id===b.node.id||isSelected(C)),_=getSelectedNodes(m,g.settings.graphConfig)):isSelected(w)?_=getSelectedNodes(m,g.settings.graphConfig):_=[Object.assign({id:b.node.id,x:b.node.x,y:b.node.y},getNodeSize(b.node,g.settings.graphConfig))],Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:m}),dummyNodes:Object.assign(Object.assign({},emptyDummyNodes()),{isVisible:!1,nodes:_})})}function dragEnd(g,b){let m=g.data.present;if(b.isDragCanceled)return Object.assign(Object.assign({},g),{alignmentLines:[],dummyNodes:emptyDummyNodes()});const{dx:w,dy:_}=g.dummyNodes;return m=m.updateNodesPositionAndSize(g.dummyNodes.nodes.map(C=>Object.assign(Object.assign({},C),{x:C.x+w,y:C.y+_,width:void 0,height:void 0}))),Object.assign(Object.assign({},g),{alignmentLines:[],dummyNodes:emptyDummyNodes(),data:pushHistory(g.data,m,unSelectAllEntity())})}function locateNode(g,b){const m=b.data.present;if(!isViewportComplete(b.viewport)||!g.nodes.length)return b;if(g.nodes.length===1){const I=g.nodes[0],$=m.nodes.get(I);if(!$)return b;const{width:P,height:M}=getNodeSize($,b.settings.graphConfig),U=g.type===GraphNodeEvent.Centralize?$.x+P/2:$.x,G=g.type===GraphNodeEvent.Centralize?$.y+M/2:$.y,{x:X,y:Z}=transformPoint(U,G,b.viewport.transformMatrix),ne=g.type===GraphNodeEvent.Locate?g.position:void 0;return Object.assign(Object.assign({},b),{viewport:scrollIntoView$2(X,Z,b.viewport.rect,!0,ne)(b.viewport)})}const{minNodeX:w,minNodeY:_,maxNodeX:C,maxNodeY:k}=getContentArea$1(m,b.settings.graphConfig,new Set(g.nodes));return Object.assign(Object.assign({},b),{viewport:focusArea(w,_,C,k,b.viewport)})}const nodeReducer=(g,b)=>{const m=g.data.present;switch(b.type){case GraphNodeEvent.ResizingStart:return Object.assign(Object.assign({},g),{dummyNodes:Object.assign(Object.assign({},emptyDummyNodes()),{isVisible:!0,nodes:getSelectedNodes(m,g.settings.graphConfig)})});case GraphNodeEvent.Resizing:return Object.assign(Object.assign({},g),{dummyNodes:Object.assign(Object.assign({},g.dummyNodes),{dx:b.dx,dy:b.dy,dWidth:b.dWidth,dHeight:b.dHeight})});case GraphNodeEvent.ResizingEnd:{const{dx:w,dy:_,dWidth:C,dHeight:k}=g.dummyNodes;return Object.assign(Object.assign({},g),{dummyNodes:emptyDummyNodes(),data:pushHistory(g.data,m.updateNodesPositionAndSize(g.dummyNodes.nodes.map(I=>Object.assign(Object.assign({},I),{x:I.x+w,y:I.y+_,width:I.width+C,height:I.height+k}))),unSelectAllEntity())})}case GraphNodeEvent.DragStart:return dragStart(g,b);case GraphNodeEvent.Drag:return dragNodeHandler(g,b);case GraphNodeEvent.DragEnd:return dragEnd(g,b);case GraphNodeEvent.PointerEnter:switch(g.behavior){case GraphBehavior.Default:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:m.updateNode(b.node.id,updateStatus(add(GraphNodeStatus.Activated)))})});default:return g}case GraphNodeEvent.PointerLeave:switch(g.behavior){case GraphBehavior.Default:case GraphBehavior.Connecting:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:m.updateNode(b.node.id,updateStatus(remove$1(GraphNodeStatus.Activated)))})});default:return g}case GraphCanvasEvent.DraggingNodeFromItemPanel:return handleDraggingNewNode(g,b);case GraphCanvasEvent.DraggingNodeFromItemPanelEnd:return b.node?Object.assign(Object.assign({},g),{alignmentLines:[],data:pushHistory(g.data,g.data.present.insertNode(Object.assign(Object.assign({},b.node),{status:GraphNodeStatus.Selected})),unSelectAllEntity())}):Object.assign(Object.assign({},g),{alignmentLines:[]});case GraphNodeEvent.Centralize:case GraphNodeEvent.Locate:return locateNode(b,g);case GraphNodeEvent.Add:return Object.assign(Object.assign({},g),{data:pushHistory(g.data,m.insertNode(b.node))});case GraphNodeEvent.DoubleClick:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:g.data.present.updateNode(b.node.id,updateStatus(add(GraphNodeStatus.Editing)))})});default:return g}},portReducer=(g,b)=>{switch(b.type){case GraphPortEvent.Focus:case GraphPortEvent.PointerEnter:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:g.data.present.updatePort(b.node.id,b.port.id,updateStatus(add(GraphPortStatus.Activated)))})});case GraphPortEvent.Blur:case GraphPortEvent.PointerLeave:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:g.data.present.updatePort(b.node.id,b.port.id,updateStatus(remove$1(GraphPortStatus.Activated)))})});case GraphPortEvent.Click:case GraphPortEvent.ContextMenu:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:unSelectAllEntity()(g.data.present).updatePort(b.node.id,b.port.id,updateStatus(add(GraphPortStatus.Selected)))})});default:return g}},selectNodeBySelectBox=(g,b,m,w)=>{if(!m.width||!m.height)return w;const _=Math.min(m.startX,m.startX+m.width),C=Math.max(m.startX,m.startX+m.width),k=Math.min(m.startY,m.startY+m.height),I=Math.max(m.startY,m.startY+m.height),$=reverseTransformPoint(_,k,b),P=reverseTransformPoint(C,I,b),M={minX:$.x,minY:$.y,maxX:P.x,maxY:P.y};return w.selectNodes(U=>{const{width:G,height:X}=getNodeSize(U,g),Z={minX:U.x,minY:U.y,maxX:U.x+G,maxY:U.y+X};return checkRectIntersect(M,Z)})};function handleNavigate(g,b){let m=unSelectAllEntity()(g.data.present);if(b.node&&b.port)m=m.updatePort(b.node.id,b.port.id,updateStatus(add(GraphPortStatus.Selected)));else if(b.node){const w=b.node.id;m=m.selectNodes(_=>_.id===w)}return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:m})})}const selectionReducer=(g,b)=>{var m,w;const _=g.data.present,C=g.settings.features.has(GraphFeatures.LassoSelect);switch(b.type){case GraphCanvasEvent.Click:case GraphCanvasEvent.ResetSelection:case GraphCanvasEvent.ContextMenu:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:unSelectAllEntity()(_)})});case GraphNodeEvent.Click:case GraphNodeEvent.ContextMenu:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:nodeSelection(b.rawEvent,b.node)(_)})});case GraphCanvasEvent.SelectStart:{if(!isViewportComplete(g.viewport))return g;const k=getRelativePoint(g.viewport.rect,b.rawEvent);return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:unSelectAllEntity()(_)}),selectBoxPosition:{startX:k.x,startY:C?0:k.y,width:0,height:0}})}case GraphCanvasEvent.SelectMove:return g.behavior!==GraphBehavior.MultiSelect?g:Object.assign(Object.assign({},g),{selectBoxPosition:Object.assign(Object.assign({},g.selectBoxPosition),{width:g.selectBoxPosition.width+b.dx,height:C?(w=(m=g.viewport.rect)===null||m===void 0?void 0:m.height)!==null&&w!==void 0?w:g.selectBoxPosition.height:g.selectBoxPosition.height+b.dy})});case GraphCanvasEvent.SelectEnd:return Object.assign(Object.assign({},g),{selectBoxPosition:emptySelectBoxPosition(),data:Object.assign(Object.assign({},g.data),{present:selectNodeBySelectBox(g.settings.graphConfig,g.viewport.transformMatrix,g.selectBoxPosition,_)})});case GraphCanvasEvent.UpdateNodeSelectionBySelectBox:return g.behavior!==GraphBehavior.MultiSelect?g:Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:selectNodeBySelectBox(g.settings.graphConfig,g.viewport.transformMatrix,g.selectBoxPosition,_)})});case GraphCanvasEvent.Navigate:return handleNavigate(g,b);case GraphNodeEvent.SelectAll:return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:_.selectNodes(()=>!0)})});case GraphNodeEvent.Select:{const k=new Set(b.nodes);return Object.assign(Object.assign({},g),{data:Object.assign(Object.assign({},g.data),{present:_.selectNodes(I=>k.has(I.id))})})}default:return g}};function getRectCenter(g){return{x:g.width/2,y:g.height/2}}function resetViewport(g,b,m,w){if(!isViewportComplete(g))return g;if(!w.ensureNodeVisible)return Object.assign(Object.assign({},g),{transformMatrix:EMPTY_TRANSFORM_MATRIX});const{nodes:_,groups:C}=b;if(_.size===0)return Object.assign(Object.assign({},g),{transformMatrix:EMPTY_TRANSFORM_MATRIX});const k=X=>isRectVisible(X,g),I=_.map(X=>getNodeRect(X,m));if(I.find(k))return Object.assign(Object.assign({},g),{transformMatrix:EMPTY_TRANSFORM_MATRIX});const P=C.map(X=>getGroupRect(X,_,m));if(P.find(k))return Object.assign(Object.assign({},g),{transformMatrix:EMPTY_TRANSFORM_MATRIX});let U=I.first();const G=X=>{U.y>X.y&&(U=X)};return I.forEach(G),P.forEach(G),Object.assign(Object.assign({},g),{transformMatrix:[1,0,0,1,-U.x,-U.y]})}function zoomToFit(g,b,m,w){if(!isViewportComplete(g))return g;const{graphConfig:_,nodeMaxVisibleSize:C,nodeMinVisibleSize:k}=m,I=getZoomFitMatrix(Object.assign(Object.assign({},w),{data:b,graphConfig:_,rect:g.rect,nodeMaxVisibleSize:C,nodeMinVisibleSize:k}));return Object.assign(Object.assign({},g),{transformMatrix:I})}const reducer=(g,b,m,w)=>{var _,C,k,I;const{graphConfig:$,canvasBoundaryPadding:P,features:M}=w,U=G=>Math.max(G,getScaleLimit(m,w));switch(b.type){case GraphCanvasEvent.ViewportResize:return Object.assign(Object.assign({},g),{rect:b.viewportRect});case GraphCanvasEvent.Zoom:return isViewportComplete(g)?zoom({scale:b.scale,anchor:(_=b.anchor)!==null&&_!==void 0?_:getRectCenter(g.rect),direction:b.direction,limitScale:U})(g):g;case GraphScrollBarEvent.Scroll:case GraphCanvasEvent.MouseWheelScroll:case GraphCanvasEvent.Pan:case GraphCanvasEvent.Drag:{if(!isViewportComplete(g))return g;const{transformMatrix:G,rect:X}=g;let{dx:Z,dy:ne}=b;const re=M.has(GraphFeatures.LimitBoundary),ve=(k=(C=m.groups)===null||C===void 0?void 0:C[0])===null||k===void 0?void 0:k.padding;if(re){const{minX:Se,maxX:ge,minY:oe,maxY:me}=getOffsetLimit({data:m,graphConfig:$,rect:X,transformMatrix:G,canvasBoundaryPadding:P,groupPadding:ve});Z=clamp$1(Se-G[4],ge-G[4],Z),ne=clamp$1(oe-G[5],me-G[5],ne)}return pan(Z,ne)(g)}case GraphCanvasEvent.Pinch:{const{dx:G,dy:X,scale:Z,anchor:ne}=b;return pipe(pan(G,X),zoom({scale:Z,anchor:ne,limitScale:U}))(g)}case GraphMinimapEvent.Pan:return minimapPan(b.dx,b.dy)(g);case GraphCanvasEvent.ResetViewport:return resetViewport(g,m,$,b);case GraphCanvasEvent.ZoomTo:return isViewportComplete(g)?zoomTo({scale:b.scale,anchor:(I=b.anchor)!==null&&I!==void 0?I:getRectCenter(g.rect),direction:b.direction,limitScale:U})(g):g;case GraphCanvasEvent.ZoomToFit:return zoomToFit(g,m,w,b);case GraphCanvasEvent.ScrollIntoView:if(g.rect){const{x:G,y:X}=transformPoint(b.x,b.y,g.transformMatrix);return scrollIntoView$2(G,X,g.rect,!0)(g)}return g;default:return g}},viewportReducer=(g,b)=>{const m=reducer(g.viewport,b,g.data.present,g.settings);return m===g.viewport?g:Object.assign(Object.assign({},g),{viewport:m})},builtinReducer=composeReducers([behaviorReducer,viewportReducer,nodeReducer,portReducer,edgeReducer,canvasReducer,connectingReducer,selectionReducer,contextMenuReducer].map(g=>b=>(m,w)=>b(g(m,w),w)));function getGraphReducer(g=void 0,b=identical){return(g?composeReducers([g,builtinReducer]):builtinReducer)(b)}class MouseMoveEventProvider{constructor(b){this.target=b}off(b,m){switch(b){case"move":this.target.removeEventListener("mousemove",m);break;case"end":this.target.removeEventListener("mouseup",m);break}return this}on(b,m){switch(b){case"move":this.target.addEventListener("mousemove",m);break;case"end":this.target.addEventListener("mouseup",m);break}return this}}const useGetMouseDownOnAnchor=(g,b)=>{const m=useGraphController();return reactExports.useCallback(w=>_=>{_.preventDefault(),_.stopPropagation(),b.trigger({type:GraphNodeEvent.ResizingStart,rawEvent:_,node:g});const C=new DragController(new MouseMoveEventProvider(m.getGlobalEventTarget()),defaultGetPositionFromEvent);C.onMove=({totalDX:k,totalDY:I,e:$})=>{b.trigger(Object.assign({type:GraphNodeEvent.Resizing,rawEvent:$,node:g,dx:0,dy:0,dWidth:0,dHeight:0},w(k,I)))},C.onEnd=({e:k})=>{b.trigger({type:GraphNodeEvent.ResizingEnd,rawEvent:k,node:g})},b.trigger({type:GraphNodeEvent.ResizingStart,rawEvent:_,node:g}),C.start(_.nativeEvent)},[b,m,g])};class PointerEventProvider{constructor(b,m=null){this.eventEmitter=new eventemitter3Exports.EventEmitter,this.onMove=w=>{(this.pointerId===null||this.pointerId===w.pointerId)&&this.eventEmitter.emit("move",w)},this.onUp=w=>{(this.pointerId===null||this.pointerId===w.pointerId)&&this.eventEmitter.emit("end",w)},this.target=b,this.pointerId=m}off(b,m){return this.eventEmitter.off(b,m),this.ensureRemoveListener(b),this}on(b,m){return this.ensureAddListener(b),this.eventEmitter.on(b,m),this}ensureAddListener(b){if(!this.eventEmitter.listeners(b).length)switch(b){case"move":this.target.addEventListener("pointermove",this.onMove);break;case"end":this.target.addEventListener("pointerup",this.onUp);break}}ensureRemoveListener(b){if(!this.eventEmitter.listeners(b).length)switch(b){case"move":this.target.removeEventListener("pointermove",this.onMove);break;case"end":this.target.removeEventListener("pointerup",this.onUp);break}}}const withSimulatedClick=(g,b)=>({totalDX:m,totalDY:w,e:_})=>{var C;const{eventChannel:k,dragThreshold:I,containerRef:$}=g,P=[];P.push({type:b,rawEvent:_}),_.target instanceof Node&&(!((C=$.current)===null||C===void 0)&&C.contains(_.target))&&isWithinThreshold(m,w,I)&&P.push({type:GraphCanvasEvent.Click,rawEvent:_}),k.batch(P)},dragMultiSelect=(g,b)=>{const{getPositionFromEvent:m,graphController:w,eventChannel:_}=b,C=new DragController(new MouseMoveEventProvider(w.getGlobalEventTarget()),m);C.onMove=({dx:k,dy:I,e:$})=>{_.trigger({type:GraphCanvasEvent.SelectMove,rawEvent:$,dx:k,dy:I})},C.onEnd=withSimulatedClick(b,GraphCanvasEvent.SelectEnd),_.trigger({type:GraphCanvasEvent.SelectStart,rawEvent:g}),C.start(g)},dragPan=(g,b)=>{const{getPositionFromEvent:m,graphController:w,eventChannel:_}=b,C=new DragController(new MouseMoveEventProvider(w.getGlobalEventTarget()),m);C.onMove=({dx:k,dy:I,e:$})=>{_.trigger({type:GraphCanvasEvent.Drag,rawEvent:$,dx:k,dy:I})},C.onEnd=withSimulatedClick(b,GraphCanvasEvent.DragEnd),C.start(g),_.trigger({type:GraphCanvasEvent.DragStart,rawEvent:g})},onContainerMouseDown=(g,b)=>{var m;if(g.preventDefault(),g.stopPropagation(),g.button!==MouseEventButton.Primary)return;const{canvasMouseMode:w,isPanDisabled:_,isMultiSelectDisabled:C,state:k,isLassoSelectEnable:I,graphController:$}=b,P=w===CanvasMouseMode.Pan&&!g.ctrlKey&&!g.shiftKey&&!g.metaKey||((m=k.activeKeys)===null||m===void 0?void 0:m.has(" "));!_&&P?dragPan(g.nativeEvent,b):!C||I&&!g.ctrlKey&&!g.metaKey?dragMultiSelect(g.nativeEvent,b):$.canvasClickOnce=!0};function isMouseButNotLeft(g){return g.pointerType==="mouse"&&g.button!==MouseEventButton.Primary}const onNodePointerDown=(g,b,m)=>{g.preventDefault();const{svgRef:w,isNodesDraggable:_,getPositionFromEvent:C,isClickNodeToSelectDisabled:k,eventChannel:I,dragThreshold:$,rectRef:P,isAutoAlignEnable:M,autoAlignThreshold:U,graphController:G}=m;_&&g.stopPropagation();const X=isMouseButNotLeft(g);if(k||X)return;w.current&&w.current.focus({preventScroll:!0});const Z=checkIsMultiSelect(g),ne=new DragNodeController(new PointerEventProvider(G.getGlobalEventTarget(),g.pointerId),C,P);ne.onMove=({dx:re,dy:ve,totalDX:Se,totalDY:ge,e:oe})=>{_&&I.trigger({type:GraphNodeEvent.Drag,node:b,dx:re,dy:ve,rawEvent:oe,isVisible:!isWithinThreshold(Se,ge,$),isAutoAlignEnable:M,autoAlignThreshold:U})},ne.onEnd=({totalDX:re,totalDY:ve,e:Se})=>{var ge,oe;G.pointerId=null;const me=isWithinThreshold(re,ve,$);if((me||!_)&&(G.nodeClickOnce=b),I.trigger({type:GraphNodeEvent.DragEnd,node:b,rawEvent:Se,isDragCanceled:me}),me){const De=new MouseEvent("click",Se);(oe=(ge=g.currentTarget)!==null&&ge!==void 0?ge:g.target)===null||oe===void 0||oe.dispatchEvent(De)}},G.pointerId=g.pointerId,g.target instanceof Element&&g.pointerType!=="mouse"&&g.target.releasePointerCapture(g.pointerId),I.trigger({type:GraphNodeEvent.DragStart,node:b,rawEvent:g,isMultiSelect:Z}),ne.start(g.nativeEvent)},useCanvasKeyboardEventHandlers=g=>{const{featureControl:b,graphConfig:m,setCurHoverNode:w,setCurHoverPort:_,eventChannel:C}=g,{isDeleteDisabled:k,isPasteDisabled:I,isUndoEnabled:$}=b;return reactExports.useMemo(()=>{const P=new Map,M=()=>oe=>{oe.preventDefault(),oe.stopPropagation(),!k&&(C.trigger({type:GraphCanvasEvent.Delete}),w(void 0),_(void 0))};P.set("delete",M()),P.set("backspace",M());const U=oe=>{metaControl(oe)&&(oe.preventDefault(),oe.stopPropagation(),C.trigger({type:GraphCanvasEvent.Copy}))};P.set("c",U);const G=oe=>{if(metaControl(oe)){if(oe.preventDefault(),oe.stopPropagation(),I)return;const me=m.getClipboard().read();me&&C.trigger({type:GraphCanvasEvent.Paste,data:me})}};P.set("v",G);const X=oe=>{$&&metaControl(oe)&&(oe.preventDefault(),oe.stopPropagation(),C.trigger({type:GraphCanvasEvent.Undo}))};$&&P.set("z",X);const Z=oe=>{$&&metaControl(oe)&&(oe.preventDefault(),oe.stopPropagation(),C.trigger({type:GraphCanvasEvent.Redo}))};$&&P.set("y",Z);const ne=oe=>{metaControl(oe)&&(oe.preventDefault(),oe.stopPropagation(),C.trigger({type:GraphNodeEvent.SelectAll}))};P.set("a",ne);const re=oe=>{oe.preventDefault(),oe.stopPropagation()},ve=oe=>{oe.preventDefault(),oe.stopPropagation()},Se=oe=>{oe.preventDefault(),oe.stopPropagation()},ge=oe=>{oe.preventDefault(),oe.stopPropagation()};return P.set(" ",re),P.set("control",ve),P.set("meta",Se),P.set("shift",ge),oe=>{if(oe.repeat)return;const me=oe.key.toLowerCase(),De=P.get(me);De&&De.call(null,oe)}},[C,m,k,I,$,w,_])};let prevMouseDownPortId,prevMouseDownPortTime;function useEventChannel({props:g,dispatch:b,rectRef:m,svgRef:w,containerRef:_,featureControl:C,graphConfig:k,setFocusedWithoutMouse:I,setCurHoverNode:$,setCurHoverPort:P,eventChannel:M,updateViewport:U,graphController:G}){const{dragThreshold:X=10,autoAlignThreshold:Z=DEFAULT_AUTO_ALIGN_THRESHOLD,getPositionFromEvent:ne=defaultGetPositionFromEvent,canvasMouseMode:re,edgeWillAdd:ve}=g,{isNodesDraggable:Se,isAutoAlignEnable:ge,isClickNodeToSelectDisabled:oe,isPanDisabled:me,isMultiSelectDisabled:De,isLassoSelectEnable:Le,isConnectDisabled:rt,isPortHoverViewEnable:Ue,isNodeEditDisabled:Ze,isA11yEnable:gt}=C,$t=reactExports.useMemo(()=>animationFramed(b),[b]),Xe=useCanvasKeyboardEventHandlers({featureControl:C,eventChannel:M,graphConfig:k,setCurHoverNode:$,setCurHoverPort:P}),xe=Je=>{const qt=G.getData();if(qt.nodes.size>0&&w.current){const Pt=qt.head&&qt.nodes.get(qt.head);Pt&&focusItem(w,{node:Pt,port:void 0},Je,M)}},Tn=Je=>{switch(Je.type){case GraphEdgeEvent.ConnectStart:case GraphEdgeEvent.ConnectMove:case GraphEdgeEvent.ConnectEnd:case GraphEdgeEvent.ConnectNavigate:case GraphEdgeEvent.Click:case GraphEdgeEvent.MouseEnter:case GraphEdgeEvent.MouseLeave:case GraphEdgeEvent.DoubleClick:b(Je);break;case GraphEdgeEvent.ContextMenu:Je.rawEvent.stopPropagation(),Je.rawEvent.preventDefault(),b(Je);break}},Rt=Je=>{var qt,Pt;switch(Je.type){case GraphCanvasEvent.ViewportResize:case GraphCanvasEvent.Drag:case GraphCanvasEvent.MouseWheelScroll:case GraphCanvasEvent.Zoom:case GraphCanvasEvent.Pinch:case GraphCanvasEvent.Click:case GraphCanvasEvent.SelectStart:case GraphCanvasEvent.SelectMove:case GraphCanvasEvent.SelectEnd:case GraphCanvasEvent.ResetSelection:case GraphCanvasEvent.Navigate:case GraphCanvasEvent.Paste:case GraphCanvasEvent.Undo:case GraphCanvasEvent.Redo:case GraphCanvasEvent.Delete:case GraphCanvasEvent.KeyUp:case GraphCanvasEvent.DraggingNodeFromItemPanelStart:case GraphCanvasEvent.DraggingNodeFromItemPanel:case GraphCanvasEvent.DraggingNodeFromItemPanelEnd:b(Je);break;case GraphCanvasEvent.Copy:{const _t=filterSelectedItems(G.getData());k.getClipboard().write(_t)}break;case GraphCanvasEvent.KeyDown:!Je.rawEvent.repeat&&Je.rawEvent.target===Je.rawEvent.currentTarget&&!Je.rawEvent.shiftKey&&Je.rawEvent.key==="Tab"?(Je.rawEvent.preventDefault(),Je.rawEvent.stopPropagation(),I(!0),xe(Je.rawEvent)):Xe(Je.rawEvent),b(Je);break;case GraphCanvasEvent.MouseDown:{G.nodeClickOnce=null,(qt=w.current)===null||qt===void 0||qt.focus({preventScroll:!0}),I(!1);const _t=Je.rawEvent;U(),onContainerMouseDown(_t,{state:G.state,canvasMouseMode:re,isPanDisabled:me,isMultiSelectDisabled:De,isLassoSelectEnable:Le,dragThreshold:X,containerRef:_,getPositionFromEvent:defaultGetPositionFromEvent,eventChannel:M,graphController:G})}break;case GraphCanvasEvent.MouseUp:if(G.canvasClickOnce){G.canvasClickOnce=!1;const _t=Je.rawEvent;_t.target instanceof Node&&(!((Pt=w.current)===null||Pt===void 0)&&Pt.contains(_t.target))&&_t.target.nodeName==="svg"&&M.trigger({type:GraphCanvasEvent.Click,rawEvent:Je.rawEvent})}break;case GraphCanvasEvent.ContextMenu:Je.rawEvent.preventDefault(),Je.rawEvent.stopPropagation(),b(Je);break;case GraphCanvasEvent.MouseMove:{const _t=Je.rawEvent;G.setMouseClientPosition({x:_t.clientX,y:_t.clientY})}break;case GraphCanvasEvent.MouseLeave:G.unsetMouseClientPosition(),G.canvasClickOnce=!1;break;case GraphCanvasEvent.Blur:I(!1);break}},mt=Je=>{const{node:qt}=Je,{isNodeHoverViewEnabled:Pt}=C;switch(G.getBehavior()){case GraphBehavior.Connecting:case GraphBehavior.Default:Pt&&($(qt.id),P(void 0));break}b(Je)},en=Je=>{b(Je),$(void 0)},st=Je=>{Ze||(Je.rawEvent.stopPropagation(),b(Je))},Fe=Je=>{if(!w||!gt)return;const qt=G.getData(),{node:Pt}=Je,_t=Je.rawEvent;switch(_t.key){case"Tab":{_t.preventDefault(),_t.stopPropagation();const lr=_t.shiftKey?getPrevItem(qt,Pt):getNextItem(qt,Pt);focusItem(w,lr,_t,M)}break;case"ArrowUp":_t.preventDefault(),_t.stopPropagation(),focusUpNode(qt,Pt.id,w,G,_t,M);break;case"ArrowDown":_t.preventDefault(),_t.stopPropagation(),focusDownNode(qt,Pt.id,w,G,_t,M);break;case"ArrowLeft":_t.preventDefault(),_t.stopPropagation(),focusLeftNode(qt,Pt.id,w,G,_t,M);break;case"ArrowRight":_t.preventDefault(),_t.stopPropagation(),focusRightNode(qt,Pt.id,w,G,_t,M);break}},Re=Je=>{var qt;switch(Je.type){case GraphNodeEvent.ResizingStart:case GraphNodeEvent.Resizing:case GraphNodeEvent.ResizingEnd:case GraphNodeEvent.DragStart:case GraphNodeEvent.Drag:case GraphNodeEvent.DragEnd:case GraphNodeEvent.SelectAll:b(Je);break;case GraphNodeEvent.PointerMove:Je.rawEvent.pointerId===G.pointerId&&$t(Je);break;case GraphNodeEvent.PointerDown:{if(G.nodeClickOnce=null,G.getBehavior()!==GraphBehavior.Default)return;const Pt=Je.rawEvent;U(),onNodePointerDown(Pt,Je.node,{svgRef:w,rectRef:m,isNodesDraggable:Se,isAutoAlignEnable:ge,dragThreshold:X,getPositionFromEvent:ne,isClickNodeToSelectDisabled:oe,autoAlignThreshold:Z,eventChannel:M,graphController:G})}break;case GraphNodeEvent.PointerEnter:mt(Je);break;case GraphNodeEvent.PointerLeave:en(Je);break;case GraphNodeEvent.MouseDown:G.nodeClickOnce=null,Je.rawEvent.preventDefault(),Se&&Je.rawEvent.stopPropagation(),I(!1);break;case GraphNodeEvent.Click:if(((qt=G.nodeClickOnce)===null||qt===void 0?void 0:qt.id)===Je.node.id){const{currentTarget:Pt}=Je.rawEvent;Pt instanceof SVGElement&&Pt.focus({preventScroll:!0}),Je.node=G.nodeClickOnce,b(Je),G.nodeClickOnce=null}else Je.intercepted=!0;break;case GraphNodeEvent.ContextMenu:Je.rawEvent.preventDefault(),Je.rawEvent.stopPropagation(),b(Je);break;case GraphNodeEvent.DoubleClick:st(Je);break;case GraphNodeEvent.KeyDown:Fe(Je);break}},Ae=reactExports.useCallback(Je=>{const qt=Je.rawEvent,{node:Pt,port:_t}=Je;if(I(!1),qt.stopPropagation(),qt.preventDefault(),prevMouseDownPortId=`${Pt.id}:${_t.id}`,prevMouseDownPortTime=performance.now(),rt||isMouseButNotLeft(qt))return;U();const lr=G.getGlobalEventTarget(),jn=new DragController(new PointerEventProvider(lr,qt.pointerId),ne);jn.onMove=({clientX:ii,clientY:Zi,e:No})=>{M.trigger({type:GraphEdgeEvent.ConnectMove,rawEvent:No,clientX:ii,clientY:Zi})},jn.onEnd=({e:ii,totalDY:Zi,totalDX:No})=>{var Is,Ca;const Xs=isWithinThreshold(No,Zi,X);if(M.trigger({type:GraphEdgeEvent.ConnectEnd,rawEvent:ii,edgeWillAdd:ve,isCancel:Xs}),G.pointerId=null,Xs){const Io=new MouseEvent("click",ii);(Ca=(Is=qt.currentTarget)!==null&&Is!==void 0?Is:qt.target)===null||Ca===void 0||Ca.dispatchEvent(Io)}},M.trigger({type:GraphEdgeEvent.ConnectStart,nodeId:Pt.id,portId:_t.id,rawEvent:qt,clientPoint:{x:qt.clientX,y:qt.clientY}}),qt.target instanceof Element&&qt.pointerType!=="mouse"&&qt.target.releasePointerCapture(qt.pointerId),G.pointerId=qt.pointerId,jn.start(qt.nativeEvent)},[ve,M,ne,G,rt,I,U]),je=reactExports.useCallback(Je=>{const qt=Je.rawEvent,{node:Pt,port:_t}=Je;prevMouseDownPortId===`${Pt.id}:${_t.id}`&&performance.now()-(prevMouseDownPortTime||0)<500&&(prevMouseDownPortId=void 0,prevMouseDownPortTime=void 0,M.trigger({type:GraphPortEvent.Click,node:Pt,port:_t,rawEvent:qt}))},[M]),Ge=Je=>{switch(G.getBehavior()){case GraphBehavior.Default:P([Je.node.id,Je.port.id]);break}Ue&&P([Je.node.id,Je.port.id]),Je.rawEvent.pointerId===G.pointerId&&b(Je)},Be=Je=>{P(void 0),b(Je)},We=Je=>{var qt,Pt,_t;if(!gt)return;const lr=Je.rawEvent;if(lr.altKey&&(lr.nativeEvent.code==="KeyC"||lr.key==="c")){lr.preventDefault(),lr.stopPropagation(),M.trigger({type:GraphEdgeEvent.ConnectStart,nodeId:Je.node.id,portId:Je.port.id,rawEvent:lr});return}const jn=G.getData(),{node:ii,port:Zi}=Je;switch(lr.key){case"Tab":if(gt&&G.getBehavior()===GraphBehavior.Connecting)lr.preventDefault(),lr.stopPropagation(),M.trigger({type:GraphEdgeEvent.ConnectNavigate,rawEvent:lr});else{const No=lr.shiftKey?getPrevItem(jn,ii,Zi):getNextItem(jn,ii,Zi);focusItem(w,No,lr,M)}break;case"ArrowUp":case"ArrowLeft":lr.preventDefault(),lr.stopPropagation(),focusPrevPort((qt=ii.ports)!==null&&qt!==void 0?qt:[],ii,Zi.id,w,lr,M);break;case"ArrowDown":case"ArrowRight":lr.preventDefault(),lr.stopPropagation(),focusNextPort((Pt=ii.ports)!==null&&Pt!==void 0?Pt:[],ii,Zi.id,w,lr,M);break;case"g":lr.preventDefault(),lr.stopPropagation(),goToConnectedPort(jn,ii,Zi,w,lr,M);break;case"Escape":G.getBehavior()===GraphBehavior.Connecting&&(lr.preventDefault(),lr.stopPropagation(),w.current&&((_t=findDOMElement(w.current,{node:ii,port:Zi}))===null||_t===void 0||_t.blur()));break;case"Enter":lr.preventDefault(),lr.stopPropagation(),M.trigger({type:GraphEdgeEvent.ConnectEnd,rawEvent:lr.nativeEvent,edgeWillAdd:ve,isCancel:!1});break}},lt=Je=>{switch(Je.type){case GraphPortEvent.Click:b(Je);break;case GraphPortEvent.PointerDown:Ae(Je);break;case GraphPortEvent.PointerUp:je(Je);break;case GraphPortEvent.PointerEnter:Ge(Je);break;case GraphPortEvent.PointerLeave:Be(Je);break;case GraphPortEvent.ContextMenu:Je.rawEvent.preventDefault(),Je.rawEvent.stopPropagation(),b(Je);break;case GraphPortEvent.Focus:Je.rawEvent.stopPropagation(),b(Je);break;case GraphPortEvent.Blur:G.getBehavior()===GraphBehavior.Connecting&&M.trigger({type:GraphEdgeEvent.ConnectEnd,rawEvent:Je.rawEvent.nativeEvent,edgeWillAdd:ve,isCancel:!0});break;case GraphPortEvent.KeyDown:We(Je);break}},Tt=Je=>{const qt=handleBehaviorChange(G.getBehavior(),Je);switch(G.setBehavior(qt),Tn(Je),Rt(Je),Re(Je),lt(Je),Je.type){case GraphMinimapEvent.Pan:case GraphScrollBarEvent.Scroll:case GraphContextMenuEvent.Open:case GraphContextMenuEvent.Close:b(Je);break}};reactExports.useImperativeHandle(M.listenersRef,()=>Tt),reactExports.useImperativeHandle(M.externalHandlerRef,()=>g.onEvent)}const useFeatureControl=g=>reactExports.useMemo(()=>{const b=g.has(GraphFeatures.NodeDraggable),m=g.has(GraphFeatures.NodeResizable),w=!g.has(GraphFeatures.AutoFit),_=!g.has(GraphFeatures.PanCanvas),C=!g.has(GraphFeatures.MultipleSelect),k=g.has(GraphFeatures.LassoSelect),I=g.has(GraphFeatures.NodeHoverView),$=!g.has(GraphFeatures.ClickNodeToSelect),P=!g.has(GraphFeatures.AddNewEdges),M=g.has(GraphFeatures.PortHoverView),U=!g.has(GraphFeatures.EditNode),G=!g.has(GraphFeatures.CanvasVerticalScrollable),X=!g.has(GraphFeatures.CanvasHorizontalScrollable),Z=g.has(GraphFeatures.A11yFeatures),ne=g.has(GraphFeatures.AutoAlign),re=g.has(GraphFeatures.CtrlKeyZoom),ve=g.has(GraphFeatures.LimitBoundary),Se=!g.has(GraphFeatures.AutoFit),ge=g.has(GraphFeatures.EditEdge),oe=!g.has(GraphFeatures.Delete),me=!g.has(GraphFeatures.AddNewNodes)||!g.has(GraphFeatures.AddNewEdges),De=g.has(GraphFeatures.UndoStack);return{isNodesDraggable:b,isNodeResizable:m,isAutoFitDisabled:w,isPanDisabled:_,isMultiSelectDisabled:C,isLassoSelectEnable:k,isNodeHoverViewEnabled:I,isClickNodeToSelectDisabled:$,isConnectDisabled:P,isPortHoverViewEnable:M,isNodeEditDisabled:U,isVerticalScrollDisabled:G,isHorizontalScrollDisabled:X,isA11yEnable:Z,isAutoAlignEnable:ne,isCtrlKeyZoomEnable:re,isLimitBoundary:ve,isVirtualizationEnabled:Se,isEdgeEditable:ge,isDeleteDisabled:oe,isPasteDisabled:me,isUndoEnabled:De}},[g]),emptyLine=()=>({x1:0,y1:0,x2:0,y2:0,visible:!1}),Line=g=>{var b;const{line:m,style:w}=g,_=Object.assign(Object.assign({strokeWidth:1},w),{stroke:m.visible?(b=w==null?void 0:w.stroke)!==null&&b!==void 0?b:"#ea4300":"none"});return jsxRuntimeExports.jsx("line",{className:"auto-align-hint",x1:m.x1,y1:m.y1,x2:m.x2,y2:m.y2,style:_})},AlignmentLines=reactExports.memo(({style:g})=>{const b=useAlignmentLines();return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:b.map((m,w)=>m.visible?jsxRuntimeExports.jsx(Line,{line:m,style:g},w):null)})});AlignmentLines.displayName="AlignmentLines";const NodeFrame=g=>{var b,m;const w=reactExports.useContext(SlotsContext);return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:(m=(b=w.renderNodeFrame)===null||b===void 0?void 0:b.call(w,g))!==null&&m!==void 0?m:g.children})},NodeResizeHandler=g=>{var b,m;const w=reactExports.useContext(SlotsContext);return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:(m=(b=w.renderNodeResizeHandler)===null||b===void 0?void 0:b.call(w,g))!==null&&m!==void 0?m:g.children})},Slots={NodeFrame,NodeResizeHandler},AnimatingNodeGroup=g=>{var b,m;const{dummyNodes:w,graphData:_}=g,C=useGraphConfig$1(),{dWidth:k,dHeight:I}=w,$=(b=w.alignedDX)!==null&&b!==void 0?b:w.dx,P=(m=w.alignedDY)!==null&&m!==void 0?m:w.dy;return jsxRuntimeExports.jsx("g",{children:w.nodes.map(M=>{const U=_.nodes.get(M.id);if(!U)return null;const G=M.x+$,X=M.y+P,Z=M.width+k,ne=M.height+I,re=getNodeConfig(U,C);return re!=null&&re.renderDummy?re.renderDummy(Object.assign(Object.assign({},U.inner),{x:G,y:X,width:Z,height:ne})):jsxRuntimeExports.jsx(Slots.NodeFrame,Object.assign({height:ne,width:Z,x:G,y:X},{children:jsxRuntimeExports.jsx("rect",{transform:`translate(${G},${X})`,height:ne,width:Z,stroke:defaultColors.dummyNodeStroke,strokeDasharray:"4",fill:"none"},U.id)}),`node-frame-${M.id}`)})})},ConnectingLine=g=>{const{autoAttachLine:b,connectingLine:m,styles:w}=g,_=(w==null?void 0:w.stroke)||defaultColors.primaryColor,C=(w==null?void 0:w.fill)||"none",k=(w==null?void 0:w.strokeDasharray)||"4,4",I=m.visible?_:"none";return jsxRuntimeExports.jsxs("g",{children:[jsxRuntimeExports.jsx("defs",{children:jsxRuntimeExports.jsx("marker",Object.assign({id:"markerArrow",markerWidth:"10",markerHeight:"10",refX:"6",refY:"5",orient:"auto",markerUnits:"strokeWidth"},{children:jsxRuntimeExports.jsx("path",{d:"M0,0 L6,5 L0,10",style:{stroke:I,fill:"none"}})}))}),jsxRuntimeExports.jsx("line",{x1:m.x1,y1:m.y1,x2:m.x2,y2:m.y2,style:{stroke:I,fill:C,strokeDasharray:k},markerEnd:"url(#markerArrow)"}),jsxRuntimeExports.jsx("path",{d:getCurvePathD(b.x2,b.x1,b.y2,b.y1),style:{stroke:b.visible?_:"none",fill:"none"}})]})},Connecting=reactExports.memo(g=>{const{styles:b,graphConfig:m,viewport:w,movingPoint:_}=g,{sourcePort:C,sourceNode:k,targetPort:I,targetNode:$}=useConnectingState();if(!k||!C)return null;const P=k.getPortPosition(C.id,m);let M,U=!1;if($&&I?(U=!0,M=$==null?void 0:$.getPortPosition(I.id,m)):M=P,!P||!M)return null;const G=transformPoint(P.x,P.y,w.transformMatrix),X=transformPoint(M.x,M.y,w.transformMatrix),Z=_?{x1:G.x,y1:G.y,x2:_.x,y2:_.y,visible:!U}:emptyLine(),ne={x1:G.x,y1:G.y,x2:X.x,y2:X.y,visible:U};return jsxRuntimeExports.jsx(ConnectingLine,{connectingLine:Z,autoAttachLine:ne,styles:b})});Connecting.displayName="Connecting";const defaultStyle={position:"fixed",userSelect:"none"},GraphContextMenu=({state:g,onClick:b})=>{var m,w;const _=reactExports.useRef(null),[C,k]=reactExports.useState(Object.assign({},defaultStyle));reactExports.useLayoutEffect(()=>{const U=_.current;if(!U||!g.contextMenuPosition)return;const{x:G,y:X}=g.contextMenuPosition,{clientWidth:Z,clientHeight:ne}=document.documentElement,{width:re,height:ve}=U.getBoundingClientRect(),Se=Object.assign({},defaultStyle);G+re>=Z?Se.right=0:Se.left=G,X+ve>ne?Se.bottom=0:Se.top=X,k(Se)},[(m=g.contextMenuPosition)===null||m===void 0?void 0:m.x,(w=g.contextMenuPosition)===null||w===void 0?void 0:w.y]);const I=useContextMenuConfigContext(),[$,P]=reactExports.useState(jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{}));reactExports.useEffect(()=>{const U=g.data.present;let G=0,X=0,Z=0;U.nodes.forEach(re=>{var ve;isSelected(re)&&(G+=1),(ve=re.ports)===null||ve===void 0||ve.forEach(Se=>{isSelected(Se)&&(X+=1)})}),U.edges.forEach(re=>{isSelected(re)&&(Z+=1)});let ne;X+G+Z>1?ne=I.getMenu(MenuType.Multi):X+G+Z===0?ne=I.getMenu(MenuType.Canvas):G===1?ne=I.getMenu(MenuType.Node):X===1?ne=I.getMenu(MenuType.Port):ne=I.getMenu(MenuType.Edge),P(ne)},[g.data.present,I]);const M=reactExports.useCallback(U=>{U.stopPropagation(),U.preventDefault()},[]);return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:g.contextMenuPosition&&jsxRuntimeExports.jsx("div",Object.assign({ref:_,onClick:b,onContextMenu:M,role:"button",style:C},{children:$}))})},Renderer=g=>jsxRuntimeExports.jsx("rect",{height:g.height,width:g.width,fill:g.group.fill}),defaultGroup={render:Renderer},Group=g=>{var b;const{data:m,group:w}=g,_=useGraphConfig$1(),{x:C,y:k,width:I,height:$}=reactExports.useMemo(()=>getGroupRect(w,m.nodes,_),[w,m.nodes,_]),P=(b=_.getGroupConfig(w))!==null&&b!==void 0?b:defaultGroup,M=`group-container-${w.id}`;return jsxRuntimeExports.jsx("g",Object.assign({"data-automation-id":M,transform:`translate(${C}, ${k})`},{children:P.render({group:w,height:$,width:I})}),w.id)},GraphGroupsRenderer=g=>jsxRuntimeExports.jsx("g",{children:reactExports.useMemo(()=>g.groups.map(b=>jsxRuntimeExports.jsx(Group,{group:b,data:g.data},b.id)),[g.groups,g.data])}),NodeTooltips=g=>{const{node:b,viewport:m}=g,w=useGraphConfig$1();if(!b||!has$3(GraphNodeStatus.Activated)(b.status))return null;const _=getNodeConfig(b,w);return _!=null&&_.renderTooltips?jsxRuntimeExports.jsx("div",Object.assign({className:"node-tooltips"},{children:_.renderTooltips({model:b,viewport:m})})):null},PortTooltips=g=>{const b=useGraphConfig$1(),{parentNode:m,port:w,viewport:_}=g;if(!has$3(GraphPortStatus.Activated)(w.status))return null;const k=b.getPortConfig(w);if(!k||!k.renderTooltips)return null;const I=m.getPortPosition(w.id,b);return I?jsxRuntimeExports.jsx("div",Object.assign({className:"port-tooltips"},{children:jsxRuntimeExports.jsx(ConnectingStateContext.Consumer,{children:({sourceNode:$,sourcePort:P})=>k.renderTooltips&&k.renderTooltips(Object.assign({model:w,parentNode:m,data:g.data,anotherNode:$,anotherPort:P,viewport:_},I))})})):null};function useRefValue(g){const b=reactExports.useRef(g);return reactExports.useLayoutEffect(()=>{b.current=g},[g]),b}const SCROLL_BAR_WIDTH=10,wrapperCommonStyle={position:"absolute",cursor:"initial"},useStyles$2=createUseStyles({verticalScrollWrapper:Object.assign(Object.assign({},wrapperCommonStyle),{height:"100%",width:SCROLL_BAR_WIDTH,top:0,right:0}),horizontalScrollWrapper:Object.assign(Object.assign({},wrapperCommonStyle),{height:SCROLL_BAR_WIDTH,width:"100%",bottom:0,left:0}),verticalScrollStyle:g=>({height:g.scrollbarLayout.verticalScrollHeight,width:"100%",backgroundColor:defaultColors.scrollbarColor,position:"absolute",top:0,right:0,transform:`translateY(${g.scrollbarLayout.verticalScrollTop}px)`}),horizontalScrollStyle:g=>({width:g.scrollbarLayout.horizontalScrollWidth-SCROLL_BAR_WIDTH,height:"100%",backgroundColor:defaultColors.scrollbarColor,position:"absolute",left:0,bottom:0,transform:`translateX(${g.scrollbarLayout.horizontalScrollLeft}px)`})}),Scrollbar=g=>{const{vertical:b=!0,horizontal:m=!0,offsetLimit:w,eventChannel:_,viewport:C}=g,k=useGraphController(),I=getScrollbarLayout(C,w),$=useStyles$2({scrollbarLayout:I}),P=useRefValue(I);function M(G){G.preventDefault(),G.stopPropagation();const{height:X}=C.rect,Z=new DragController(new MouseMoveEventProvider(k.getGlobalEventTarget()),defaultGetPositionFromEvent);Z.onMove=({dy:ne,e:re})=>{const{totalContentHeight:ve}=P.current,Se=-(ne*ve)/X;_.trigger({type:GraphScrollBarEvent.Scroll,rawEvent:re,dx:0,dy:Se})},Z.onEnd=()=>{_.trigger({type:GraphScrollBarEvent.ScrollEnd})},Z.start(G.nativeEvent),_.trigger({type:GraphScrollBarEvent.ScrollStart})}function U(G){G.preventDefault(),G.stopPropagation();const{width:X}=C.rect,Z=new DragController(new MouseMoveEventProvider(k.getGlobalEventTarget()),defaultGetPositionFromEvent);Z.onMove=({dx:ne,e:re})=>{const{totalContentWidth:ve}=P.current,Se=-(ne*ve)/X;_.trigger({type:GraphScrollBarEvent.Scroll,rawEvent:re,dx:Se,dy:0})},Z.onEnd=()=>{_.trigger({type:GraphScrollBarEvent.ScrollEnd})},Z.start(G.nativeEvent),_.trigger({type:GraphScrollBarEvent.ScrollStart})}return jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[b&&jsxRuntimeExports.jsx("div",Object.assign({className:$.verticalScrollWrapper},{children:jsxRuntimeExports.jsx("div",{className:$.verticalScrollStyle,onMouseDown:M,role:"button","aria-label":"vertical scrollbar","aria-roledescription":"vertical scrollbar",id:"canvas-vertical-scrollbar"})})),m&&jsxRuntimeExports.jsx("div",Object.assign({className:$.horizontalScrollWrapper},{children:jsxRuntimeExports.jsx("div",{className:$.horizontalScrollStyle,onMouseDown:U,role:"button","aria-label":"horizontal scrollbar","aria-roledescription":"horizontal scrollbar",id:"canvas-horizontal-scrollbar"})}))]})};function getTotalContentHeight(g,b){const{minY:m,maxY:w}=b;return g+w-m}function getTotalContentWidth(g,b){const{minX:m,maxX:w}=b;return g+w-m}function getScrollbarLayout(g,b){const{rect:m,transformMatrix:w}=g,_=getTotalContentHeight(m.height,b),C=getTotalContentWidth(m.width,b);return{totalContentHeight:_,totalContentWidth:C,verticalScrollHeight:m.height*m.height/_,horizontalScrollWidth:m.width*m.width/C,verticalScrollTop:(b.maxY-w[5])*m.height/_,horizontalScrollLeft:(b.maxX-w[4])*m.width/C}}const Transform=({matrix:g,children:b})=>{const m=reactExports.useMemo(()=>`matrix(${g.join(" ")})`,g);return jsxRuntimeExports.jsx("g",Object.assign({transform:m},{children:b}))};function getHintPoints(g,b,{minX:m,minY:w,maxX:_,maxY:C},k,I,$,P){return g.x===b.x?{x:g.x,y:g.y<b.y?C:w}:g.x<b.x?g.y<b.y?k<=C?{x:_,y:k}:{x:I,y:C}:k>=w?{x:_,y:k}:{x:$,y:w}:g.y<b.y?I>m?{x:I,y:C}:{x:m,y:P}:P>w?{x:m,y:P}:{x:$,y:w}}const GraphEdge=reactExports.memo(g=>{var b;const{edge:m,data:w,eventChannel:_,source:C,target:k,graphId:I}=g,$=useGraphConfig$1(),P=useVirtualization(),{viewport:M,renderedArea:U,visibleArea:G}=P,X=rt=>Ue=>{Ue.persist(),_.trigger({type:rt,edge:m,rawEvent:Ue})},Z=isPointInRect(U,C),ne=isPointInRect(U,k),re=Z&≠if(reactExports.useLayoutEffect(()=>{re&&P.renderedEdges.add(m.id)},[P]),!re)return null;const ve=$.getEdgeConfig(m);if(!ve)return Debug.warn(`invalid edge ${JSON.stringify(m)}`),null;if(!ve.render)return Debug.warn(`Missing "render" method in edge config ${JSON.stringify(m)}`),null;const Se=isPointInRect(G,C),ge=isPointInRect(G,k);let oe=ve.render({model:m,data:w,x1:C.x,y1:C.y,x2:k.x,y2:k.y,viewport:M});if(has$3(GraphEdgeStatus.ConnectedToSelected)(m.status)&&(!Se||!ge)){const rt=getLinearFunction(C.x,C.y,k.x,k.y),Ue=getLinearFunction(C.y,C.x,k.y,k.x),Ze=Se?C:k,gt=Se?k:C,$t=rt(G.maxX),Xe=Ue(G.maxY),xe=Ue(G.minY),Tn=rt(G.minX),Rt=getHintPoints(Ze,gt,G,$t,Xe,xe,Tn);Se&&ve.renderWithTargetHint?oe=ve.renderWithTargetHint({model:m,data:w,x1:C.x,y1:C.y,x2:Rt.x,y2:Rt.y,viewport:M}):ge&&ve.renderWithSourceHint&&(oe=ve.renderWithSourceHint({model:m,data:w,x1:Rt.x,y1:Rt.y,x2:k.x,y2:k.y,viewport:M}))}const me=getEdgeUid(I,m),De=`edge-container-${m.id}`,Le=(b=m.automationId)!==null&&b!==void 0?b:De;return jsxRuntimeExports.jsx("g",Object.assign({id:me,onClick:X(GraphEdgeEvent.Click),onDoubleClick:X(GraphEdgeEvent.DoubleClick),onMouseDown:X(GraphEdgeEvent.MouseDown),onMouseUp:X(GraphEdgeEvent.MouseUp),onMouseEnter:X(GraphEdgeEvent.MouseEnter),onMouseLeave:X(GraphEdgeEvent.MouseLeave),onContextMenu:X(GraphEdgeEvent.ContextMenu),onMouseMove:X(GraphEdgeEvent.MouseMove),onMouseOver:X(GraphEdgeEvent.MouseOver),onMouseOut:X(GraphEdgeEvent.MouseOut),onFocus:void 0,onBlur:void 0,className:De,"data-automation-id":Le},{children:oe}))});function compareEqual(g,b){return g.node===b.node}const EdgeChampNodeRender=reactExports.memo(g=>{var b,m;const{node:w,data:_}=g,C=__rest(g,["node","data"]),k=useGraphConfig$1(),I=[],$=w.valueCount;for(let U=0;U<$;U+=1){const G=w.getValue(U),X=(b=_.nodes.get(G.source))===null||b===void 0?void 0:b.getPortPosition(G.sourcePortId,k),Z=(m=_.nodes.get(G.target))===null||m===void 0?void 0:m.getPortPosition(G.targetPortId,k);X&&Z&&I.push(reactExports.createElement(GraphEdge,Object.assign({},C,{key:G.id,data:_,edge:G,source:X,target:Z})))}const P=[],M=w.nodeCount;for(let U=0;U<M;U+=1){const G=w.getNode(U);G.type===NodeType$1.Bitmap?P.push(jsxRuntimeExports.jsx(EdgeChampNodeRender,Object.assign({},g,{node:G}),w.getHash(U))):P.push(jsxRuntimeExports.jsx(EdgeHashCollisionNodeRender,Object.assign({},g,{node:G}),G.getHash()))}return jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[I,P]})},compareEqual);EdgeChampNodeRender.displayName="EdgeChampNodeRender";const EdgeHashCollisionNodeRender=reactExports.memo(g=>{const{data:b,node:m}=g,w=__rest(g,["data","node"]),_=useGraphConfig$1();return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:m.values.map(C=>{var k,I;const $=(k=b.nodes.get(C.source))===null||k===void 0?void 0:k.getPortPosition(C.sourcePortId,_),P=(I=b.nodes.get(C.target))===null||I===void 0?void 0:I.getPortPosition(C.targetPortId,_);return $&&P?reactExports.createElement(GraphEdge,Object.assign({},w,{key:C.id,data:b,edge:C,source:$,target:P})):null})})},compareEqual);EdgeHashCollisionNodeRender.displayName="EdgeHashCollisionNodeRender";const EdgeTree=g=>{const{tree:b}=g,m=__rest(g,["tree"]);return jsxRuntimeExports.jsx(EdgeChampNodeRender,Object.assign({},m,{node:b.root}))},styles=mergeStyleSets({svg:[{position:"absolute",overflow:"hidden",top:0,left:0,width:"100%",height:"100%"},{"&:focus":{outline:"none"}}],node:{cursor:"move"},container:{position:"relative",width:"100%",height:"100%",overflow:"hidden",touchAction:"none"},buttonA11Y:{opacity:0,width:0,height:0,overflow:"hidden"},addingNodeSvg:{zIndex:1e6,position:"fixed",left:0,top:0,width:"100%",height:"100%"},moduleItem:{userSelect:"none",cursor:"pointer"},minimap:{height:320,width:320,userSelect:"none",touchAction:"none"},minimapSvg:{position:"absolute",top:0,left:0,width:"100%",height:"100%"}}),GraphNode=g=>{var b;const{node:m,eventChannel:w,getNodeAriaLabel:_,viewport:C,graphId:k}=g,I=useGraphConfig$1(),$=getNodeConfig(m,I),P=X=>Z=>{Z.persist();const ne={type:X,node:m,rawEvent:Z};w.trigger(ne)},M=X=>{X.persist();const Z=checkIsMultiSelect(X);w.trigger({type:GraphNodeEvent.Click,rawEvent:X,isMultiSelect:Z,node:m})},U=getNodeUid(k,m),G=(b=m.automationId)!==null&&b!==void 0?b:getNodeAutomationId(m);return $!=null&&$.render?jsxRuntimeExports.jsx("g",Object.assign({id:U,focusable:"true",tabIndex:0,className:styles.node,onPointerDown:P(GraphNodeEvent.PointerDown),onPointerEnter:P(GraphNodeEvent.PointerEnter),onPointerMove:P(GraphNodeEvent.PointerMove),onPointerLeave:P(GraphNodeEvent.PointerLeave),onPointerUp:P(GraphNodeEvent.PointerUp),onDoubleClick:P(GraphNodeEvent.DoubleClick),onMouseDown:P(GraphNodeEvent.MouseDown),onMouseUp:P(GraphNodeEvent.MouseUp),onMouseEnter:P(GraphNodeEvent.MouseEnter),onMouseLeave:P(GraphNodeEvent.MouseLeave),onContextMenu:P(GraphNodeEvent.ContextMenu),onMouseMove:P(GraphNodeEvent.MouseMove),onMouseOver:P(GraphNodeEvent.MouseOver),onMouseOut:P(GraphNodeEvent.MouseOut),onClick:M,onKeyDown:P(GraphNodeEvent.KeyDown),"aria-label":_(m),role:"group","aria-roledescription":"node","data-automation-id":G},{children:jsxRuntimeExports.jsx("g",Object.assign({className:"node-box-container"},{children:$.render({model:m,viewport:C})}))})):(Debug.warn('Missing "render" method in node config'),null)},RESIZE_POINT_WIDTH=8,RESIZE_POINT_HEIGHT=8,NodeAnchor=({x:g,y:b,cursor:m,onMouseDown:w})=>jsxRuntimeExports.jsx(Slots.NodeResizeHandler,Object.assign({x:g,y:b,cursor:m,onMouseDown:w},{children:jsxRuntimeExports.jsx("rect",{x:g,y:b,height:RESIZE_POINT_HEIGHT,width:RESIZE_POINT_WIDTH,stroke:defaultColors.controlPointColor,fill:"transparent",cursor:m,onMouseDown:w})})),BBOX_PADDING=15,GraphNodeAnchors=g=>{var b,m;const{node:w,getMouseDown:_}=g,C=useGraphConfig$1(),k=getNodeConfig(w,C),I=(b=k==null?void 0:k.getMinWidth(w))!==null&&b!==void 0?b:0,$=(m=k==null?void 0:k.getMinHeight(w))!==null&&m!==void 0?m:0,P=getRectHeight(k,w),M=getRectWidth(k,w),U=_((ge,oe)=>{const me=Math.min(ge,M-I),De=Math.min(oe,P-$);return{dx:+me,dy:+De,dWidth:-me,dHeight:-De}}),G=_((ge,oe)=>{const me=Math.min(oe,P-$);return{dy:+me,dHeight:-me}}),X=_((ge,oe)=>{const me=Math.max(ge,I-M),De=Math.min(oe,P-$);return{dy:+De,dWidth:+me,dHeight:-De}}),Z=_(ge=>({dWidth:+Math.max(ge,I-M)})),ne=_((ge,oe)=>{const me=Math.max(ge,I-M),De=Math.max(oe,$-P);return{dWidth:+me,dHeight:+De}}),re=_((ge,oe)=>({dHeight:+Math.max(oe,$-P)})),ve=_((ge,oe)=>{const me=Math.min(ge,M-I),De=Math.max(oe,$-P);return{dx:+me,dWidth:-me,dHeight:+De}}),Se=_(ge=>{const oe=Math.min(ge,M-I);return{dx:oe,dWidth:-oe}});return jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(NodeAnchor,{cursor:"nw-resize",x:w.x-BBOX_PADDING,y:w.y-BBOX_PADDING-RESIZE_POINT_HEIGHT,onMouseDown:U},"nw-resize"),jsxRuntimeExports.jsx(NodeAnchor,{x:w.x+M/2-RESIZE_POINT_WIDTH/2,y:w.y-BBOX_PADDING-RESIZE_POINT_HEIGHT,cursor:"n-resize",onMouseDown:G},"n-resize"),jsxRuntimeExports.jsx(NodeAnchor,{x:w.x+M+BBOX_PADDING-RESIZE_POINT_WIDTH,y:w.y-BBOX_PADDING-RESIZE_POINT_HEIGHT,cursor:"ne-resize",onMouseDown:X},"ne-resize"),jsxRuntimeExports.jsx(NodeAnchor,{x:w.x+M+BBOX_PADDING-RESIZE_POINT_WIDTH,y:w.y+P/2-RESIZE_POINT_HEIGHT/2,cursor:"e-resize",onMouseDown:Z},"e-resize"),jsxRuntimeExports.jsx(NodeAnchor,{x:w.x+M+BBOX_PADDING-RESIZE_POINT_WIDTH,y:w.y+P+BBOX_PADDING,cursor:"se-resize",onMouseDown:ne},"se-resize"),jsxRuntimeExports.jsx(NodeAnchor,{x:w.x+M/2-RESIZE_POINT_WIDTH/2,y:w.y+P+BBOX_PADDING,cursor:"s-resize",onMouseDown:re},"s-resize"),jsxRuntimeExports.jsx(NodeAnchor,{x:w.x-BBOX_PADDING,y:w.y+P+BBOX_PADDING,cursor:"sw-resize",onMouseDown:ve},"sw-resize"),jsxRuntimeExports.jsx(NodeAnchor,{x:w.x-BBOX_PADDING,y:w.y+P/2-RESIZE_POINT_HEIGHT/2,cursor:"w-resize",onMouseDown:Se},"w-resize")]})},GraphOneNodePorts=g=>{const{data:b,node:m,getPortAriaLabel:w,eventChannel:_,viewport:C,graphId:k}=g,I=useGraphConfig$1(),$=m.ports;if(!$)return null;const P=(M,U)=>G=>{G.persist(),_.trigger({type:M,node:m,port:U,rawEvent:G})};return jsxRuntimeExports.jsx("g",{children:$.map(M=>{var U;const G=I.getPortConfig(M);if(!G||!G.render)return Debug.warn(`invalid port config ${m.id}:${m.name} - ${M.id}:${M.name}`),null;const X=m.getPortPosition(M.id,I);if(!X)return null;const Z=getPortUid(k,m,M),ne=(U=M.automationId)!==null&&U!==void 0?U:getPortAutomationId(M,m);return jsxRuntimeExports.jsx("g",Object.assign({id:Z,tabIndex:0,focusable:"true",onPointerDown:P(GraphPortEvent.PointerDown,M),onPointerUp:P(GraphPortEvent.PointerUp,M),onDoubleClick:P(GraphPortEvent.DoubleClick,M),onMouseDown:P(GraphPortEvent.MouseDown,M),onMouseUp:P(GraphPortEvent.MouseUp,M),onContextMenu:P(GraphPortEvent.ContextMenu,M),onPointerEnter:P(GraphPortEvent.PointerEnter,M),onPointerLeave:P(GraphPortEvent.PointerLeave,M),onMouseMove:P(GraphPortEvent.MouseMove,M),onMouseOver:P(GraphPortEvent.MouseOver,M),onMouseOut:P(GraphPortEvent.MouseOut,M),onFocus:P(GraphPortEvent.Focus,M),onBlur:P(GraphPortEvent.Blur,M),onKeyDown:P(GraphPortEvent.KeyDown,M),onClick:P(GraphPortEvent.Click,M),"aria-label":w(b,m,M),role:"group","aria-roledescription":"port","data-automation-id":ne},{children:jsxRuntimeExports.jsx(ConnectingStateContext.Consumer,{children:({sourceNode:re,sourcePort:ve})=>G==null?void 0:G.render(Object.assign({model:M,data:b,parentNode:m,anotherNode:re,anotherPort:ve,viewport:C},X))})}),Z)})})},GraphNodeParts=g=>{var{node:b,isNodeResizable:m,renderNodeAnchors:w}=g,_=__rest(g,["node","isNodeResizable","renderNodeAnchors"]);const C=useVirtualization(),{renderedArea:k,viewport:I}=C,$=useGetMouseDownOnAnchor(b,_.eventChannel),P=isPointInRect(k,b);if(reactExports.useLayoutEffect(()=>{P&&C.renderedEdges.add(b.id)},[C]),!P)return null;let M;if(m&&isNodeEditing(b)){const U=jsxRuntimeExports.jsx(GraphNodeAnchors,{node:b,getMouseDown:$});M=w?w(b,$,U):U}return jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(GraphNode,Object.assign({},_,{node:b,viewport:I})),jsxRuntimeExports.jsx(GraphOneNodePorts,Object.assign({},_,{node:b,viewport:I})),M]})},GraphNodePartsMemo=reactExports.memo(GraphNodeParts),NodeTreeNode=reactExports.memo(g=>{var{node:b}=g,m=__rest(g,["node"]);const w=b.values.map(C=>{const k=C[1];return jsxRuntimeExports.jsx(GraphNodePartsMemo,Object.assign({node:k},m),k.id)}),_=b.type===NodeType.Internal?b.children.map((C,k)=>{const I=k<b.selfSize?b.getKey(k):"last";return jsxRuntimeExports.jsx(NodeTreeNode,Object.assign({node:C},m),I)}):void 0;return jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[w,_]})},(g,b)=>g.node===b.node);NodeTreeNode.displayName="NodeTreeNode";const NodeTree=g=>{var{tree:b}=g,m=__rest(g,["tree"]);return jsxRuntimeExports.jsx(NodeTreeNode,Object.assign({node:b.sortedRoot},m))},NodeLayers=({data:g,renderTree:b})=>{const m=new Set;return g.nodes.forEach(w=>m.add(w.layer)),jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:Array.from(m.values()).sort().map(w=>b(g.nodes.filter(_=>_.layer===w),w))})},VirtualizationProvider=({viewport:g,isVirtualizationEnabled:b,virtualizationDelay:m,eventChannel:w,children:_})=>{const C=useRenderedArea(g,b),k=reactExports.useMemo(()=>getVisibleArea(g),[g]),I=reactExports.useMemo(()=>({viewport:g,renderedArea:C,visibleArea:k,renderedEdges:new Set,renderedNodes:new Set,timestamp:performance.now()}),[g,C,k]),$=useDeferredValue(I,{timeout:m}),P=reactExports.useRef($);return reactExports.useEffect(()=>{const M=P.current;P.current=$,w.trigger({type:GraphCanvasEvent.VirtualizationRecalculated,performanceStartTime:$.timestamp,renderedNodes:M.renderedNodes,renderedEdges:M.renderedEdges,previousRenderedNodes:M.renderedNodes,previousRenderedEdges:M.renderedEdges})},[$,w]),jsxRuntimeExports.jsx(VirtualizationContext.Provider,Object.assign({value:$},{children:_}))},getCursorStyle=({canvasMouseMode:g,state:b,isPanDisabled:m,isMultiSelecting:w})=>b.behavior===GraphBehavior.Connecting||["meta","control"].some(k=>b.activeKeys.has(k))?"initial":b.activeKeys.has("shift")?"crosshair":g!==CanvasMouseMode.Pan?b.activeKeys.has(" ")&&!m?"grab":w?"crosshair":"inherit":m?"inherit":"grab";function getNodeCursor(g){return g?"move":"initial"}const getGraphStyles=(g,b,m,w,_,C)=>{var k,I;return mergeStyleSets({svg:["react-dag-editor-svg-container",styles.svg,(k=g.styles)===null||k===void 0?void 0:k.svg,{"& *:focus":{outline:defaultColors.outlineStyle},[`& .${styles.node}`]:{cursor:getNodeCursor(w)}}],container:["react-dag-editor-container",styles.container,{cursor:getCursorStyle({canvasMouseMode:g.canvasMouseMode,state:b,isPanDisabled:m,isMultiSelecting:C}),[`&.${styles.container}`]:Object.assign(Object.assign({background:defaultColors.canvasBackground},g.style),(I=g.styles)===null||I===void 0?void 0:I.root)},_&&{outline:`${defaultColors.focusOutlineColor} solid 1px`}],buttonA11y:["react-dag-editor-a11y-help-button",styles.buttonA11Y],node:[styles.node]})};function Graph(g){var b,m,w,_,C;const[k,I]=reactExports.useState(!1),$=useGraphController(),{state:P,dispatch:M}=useGraphState(),U=P.data.present,{viewport:G}=P,{eventChannel:X}=$,Z=useConst(()=>`graph-${v4()}`),ne=reactExports.useRef(null),{focusCanvasAccessKey:re="f",zoomSensitivity:ve=.1,scrollSensitivity:Se=.5,svgRef:ge=ne,virtualizationDelay:oe=500,background:me=null}=g,De=useGraphConfig$1(),Le=useFeatureControl(P.settings.features),[rt,Ue]=reactExports.useState(),[Ze,gt]=reactExports.useState(void 0),$t=reactExports.useRef(null),Xe=reactExports.useRef(void 0),xe=useUpdateViewportCallback(Xe,ge,X);useEventChannel({props:g,dispatch:M,rectRef:Xe,svgRef:ge,setFocusedWithoutMouse:I,containerRef:$t,featureControl:Le,graphConfig:De,setCurHoverNode:Ue,setCurHoverPort:gt,updateViewport:xe,eventChannel:X,graphController:$}),useContainerRect(P,ge,$t,xe);const{isNodesDraggable:Tn,isNodeResizable:Rt,isPanDisabled:mt,isMultiSelectDisabled:en,isLassoSelectEnable:st,isNodeEditDisabled:Fe,isVerticalScrollDisabled:Re,isHorizontalScrollDisabled:Ae,isA11yEnable:je,isCtrlKeyZoomEnable:Ge,isLimitBoundary:Be,isVirtualizationEnabled:We}=Le;useSelectBox(M,P.selectBoxPosition);const lt=Zi=>No=>{No.persist(),X.trigger({type:Zi,rawEvent:No})},Tt=getGraphStyles(g,P,mt,Tn,k,P.behavior===GraphBehavior.MultiSelect);useWheelHandler({containerRef:$t,svgRef:ge,rectRef:Xe,zoomSensitivity:ve,scrollSensitivity:Se,dispatch:M,isHorizontalScrollDisabled:Ae,isVerticalScrollDisabled:Re,isCtrlKeyZoomEnable:Ge,eventChannel:X,graphConfig:De});const Je=reactExports.useCallback(Zi=>{Zi.preventDefault(),Zi.stopPropagation(),X.trigger({type:GraphContextMenuEvent.Close}),ge.current&&ge.current.focus({preventScroll:!0})},[X,ge]),qt=reactExports.useCallback(()=>{I(!0),ge.current&&ge.current.focus({preventScroll:!0})},[ge]);useSafariScale({rectRef:Xe,svgRef:ge,eventChannel:X});const Pt=je?re:void 0,_t=useGraphTouchHandler(Xe,X),lr=reactExports.useCallback((Zi,No)=>{var Is,Ca;return jsxRuntimeExports.jsx(NodeTree,{graphId:Z,isNodeResizable:Rt,tree:Zi,data:U,isNodeEditDisabled:Fe,eventChannel:X,getNodeAriaLabel:(Is=g.getNodeAriaLabel)!==null&&Is!==void 0?Is:defaultGetNodeAriaLabel,getPortAriaLabel:(Ca=g.getPortAriaLabel)!==null&&Ca!==void 0?Ca:defaultGetPortAriaLabel,renderNodeAnchors:g.renderNodeAnchors},No)},[U,X,Z,Fe,Rt,g.getNodeAriaLabel,g.getPortAriaLabel,g.renderNodeAnchors]);if(!isSupported()){const{onBrowserNotSupported:Zi=()=>jsxRuntimeExports.jsx("p",{children:"Your browser is not supported"})}=g;return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:Zi()})}const jn=()=>{if(!Ze||!isViewportComplete(P.viewport))return null;const[Zi,No]=Ze,Is=U.nodes.get(Zi);if(!Is)return null;const Ca=Is.getPort(No);return Ca?jsxRuntimeExports.jsx(PortTooltips,{port:Ca,parentNode:Is,data:U,viewport:P.viewport}):null},ii=()=>{var Zi;return!rt||!isViewportComplete(P.viewport)||P.contextMenuPosition&&rt===((Zi=P.data.present.nodes.find(isSelected))===null||Zi===void 0?void 0:Zi.id)?null:jsxRuntimeExports.jsx(NodeTooltips,{node:U.nodes.get(rt),viewport:P.viewport})};return jsxRuntimeExports.jsxs("div",Object.assign({ref:$t,role:"application",id:Z,className:Tt.container},_t,{onDoubleClick:lt(GraphCanvasEvent.DoubleClick),onMouseDown:lt(GraphCanvasEvent.MouseDown),onMouseUp:lt(GraphCanvasEvent.MouseUp),onContextMenu:lt(GraphCanvasEvent.ContextMenu),onMouseMove:lt(GraphCanvasEvent.MouseMove),onMouseOver:lt(GraphCanvasEvent.MouseOver),onMouseOut:lt(GraphCanvasEvent.MouseOut),onFocus:lt(GraphCanvasEvent.Focus),onBlur:lt(GraphCanvasEvent.Blur),onKeyDown:lt(GraphCanvasEvent.KeyDown),onKeyUp:lt(GraphCanvasEvent.KeyUp)},{children:[jsxRuntimeExports.jsx("button",{className:Tt.buttonA11y,onClick:qt,accessKey:Pt,hidden:!0}),jsxRuntimeExports.jsxs("svg",Object.assign({tabIndex:0,focusable:"true",preserveAspectRatio:"xMidYMid meet",ref:ge,className:Tt.svg,"data-graph-id":Z},{children:[jsxRuntimeExports.jsx("title",{children:g.title}),jsxRuntimeExports.jsx("desc",{children:g.desc}),jsxRuntimeExports.jsxs(Transform,Object.assign({matrix:G.transformMatrix},{children:[P.viewport.rect&&jsxRuntimeExports.jsxs(VirtualizationProvider,Object.assign({viewport:P.viewport,isVirtualizationEnabled:We,virtualizationDelay:oe,eventChannel:X},{children:[me,jsxRuntimeExports.jsx(GraphGroupsRenderer,{data:U,groups:(b=U.groups)!==null&&b!==void 0?b:constantEmptyArray()}),jsxRuntimeExports.jsx(EdgeTree,{graphId:Z,tree:U.edges,data:U,eventChannel:X}),jsxRuntimeExports.jsx(NodeLayers,{data:U,renderTree:lr})]})),P.dummyNodes.isVisible&&jsxRuntimeExports.jsx(AnimatingNodeGroup,{dummyNodes:P.dummyNodes,graphData:P.data.present}),jsxRuntimeExports.jsx(AlignmentLines,{style:(m=g.styles)===null||m===void 0?void 0:m.alignmentLine})]})),(!en||st)&&jsxRuntimeExports.jsx(SelectBox,{selectBoxPosition:P.selectBoxPosition,style:(w=g.styles)===null||w===void 0?void 0:w.selectBox}),P.connectState&&jsxRuntimeExports.jsx(Connecting,{graphConfig:De,eventChannel:X,viewport:P.viewport,styles:(_=g.styles)===null||_===void 0?void 0:_.connectingLine,movingPoint:P.connectState.movingPoint})]})),(!Re||!Ae||!mt)&&Be&&isViewportComplete(P.viewport)&&jsxRuntimeExports.jsx(Scrollbar,{viewport:P.viewport,offsetLimit:getOffsetLimit({data:U,graphConfig:De,rect:P.viewport.rect,transformMatrix:G.transformMatrix,canvasBoundaryPadding:P.settings.canvasBoundaryPadding,groupPadding:(C=U.groups[0])===null||C===void 0?void 0:C.padding}),dispatch:M,horizontal:!Ae,vertical:!Re,eventChannel:X}),jsxRuntimeExports.jsx(GraphContextMenu,{state:P,onClick:Je,"data-automation-id":"context-menu-container"}),ii(),jn()]}))}const el=document.createElement("div");document.body.appendChild(el);const StaticNode=g=>{const{node:b}=g,m=useGraphConfig$1(),w=getNodeConfig(b,m);if(w!=null&&w.renderStatic)return jsxRuntimeExports.jsx("g",{children:w.renderStatic({model:b})});const _=getRectHeight(w,b),C=getRectWidth(w,b);return jsxRuntimeExports.jsx("rect",{transform:`translate(${b.x}, ${b.y})`,height:_,width:C,fill:defaultColors.dummyNodeStroke})},StaticNodeWithMemo=reactExports.memo(StaticNode,(g,b)=>{const m=g.node,w=b.node;return m.x===w.x&&m.y===w.y&&m.height===w.height&&m.width===w.width&&m.isInSearchResults===w.isInSearchResults&&m.isCurrentSearchResult===w.isCurrentSearchResult}),ReadonlyNodeTreeNode=reactExports.memo(({node:g})=>{const b=g.values.map(w=>jsxRuntimeExports.jsx(StaticNodeWithMemo,{node:w[1]},w[1].id)),m=g.type===NodeType.Internal?g.children.map((w,_)=>{const C=_<g.selfSize?g.getKey(_):"last";return jsxRuntimeExports.jsx(ReadonlyNodeTreeNode,{node:w},C)}):void 0;return jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[b,m]})});ReadonlyNodeTreeNode.displayName="ReadonlyNodeTreeNode";function createCubicBezierCurveHorizontal(g,b,m,w){const _=getControlPointDistanceHorizontal(g,b),C=g,k=m,I=g-_,$=m,P=b+5+_,M=w,U=b+5,G=w,X=.5,Z=1-X,ne=Z*Z*Z*C+3*X*Z*Z*I+3*X*X*Z*P+X*X*X*U,re=Z*Z*Z*k+3*X*Z*Z*$+3*X*X*Z*M+X*X*X*G;return{svgInstruct:`M${C},${k}C${I},${$},${P},${M},${U},${G}`,reversedSvgInstruct:`M${U},${G}C${P},${M},${I},${$},${C},${k}`,middlePoint:{x:ne,y:re},straightLine:`M${U},${G}`}}function createCubicBezierCurveVertical(g,b,m,w){const _=getControlPointDistanceVertical(m,w),C=g,k=m,I=g,$=m-_,P=b,M=w+5+_,U=b,G=w+5,X=.5,Z=1-X,ne=Z*Z*Z*C+3*X*Z*Z*I+3*X*X*Z*P+X*X*X*U,re=Z*Z*Z*k+3*X*Z*Z*$+3*X*X*Z*M+X*X*X*G;return{svgInstruct:`M${C},${k}C${I},${$},${P},${M},${U},${G}`,reversedSvgInstruct:`M${U},${G}C${P},${M},${I},${$},${C},${k}`,middlePoint:{x:ne,y:re},straightLine:`M${U},${G}`}}const getControlPointDistanceHorizontal=(g,b)=>Math.min(5*15,Math.max(5*3,Math.abs((g-(b+5))/2))),getControlPointDistanceVertical=(g,b)=>Math.min(5*15,Math.max(5*3,Math.abs((g-(b+5))/2))),DefaultEdge=({edge:g,x1:b,x2:m,y1:w,y2:_,orientation:C=Orientation$1.Vertical})=>{const k=useTheme(),I=bitset.has(GraphEdgeStatus.UnconnectedToSelected)(g.status),$=bitset.has(GraphEdgeStatus.Activated)(g.status),P=bitset.has(GraphEdgeStatus.ConnectedToSelected)(g.status),M=bitset.has(GraphEdgeStatus.Selected)(g.status),U=I?"60%":"100%";let G="",X="";if(C===Orientation$1.Horizontal){const ve=m-12,{svgInstruct:Se}=createCubicBezierCurveHorizontal(ve,b,_,w);G=Se,X=`${ve} ${_-3}, ${ve} ${_+3}, ${ve+6} ${_}`}else{const ve=_-12,{svgInstruct:Se}=createCubicBezierCurveVertical(m,b,ve,w);G=Se,X=`${m-3} ${ve}, ${m+3} ${ve}, ${m} ${_-6}`}const Z={stroke:"#fff",fill:"none",cursor:"initial",strokeWidth:"10",visibility:"hidden"},ne=$||M||P?k.palette.themePrimary:k.semanticColors.buttonBorder,re={cursor:"initial",stroke:ne,strokeWidth:M||P?2:1.5,fill:"none"};return jsxRuntimeExports.jsxs("g",{opacity:U,children:[jsxRuntimeExports.jsx("path",{d:G,pointerEvents:"stroke",style:Z},`${g.id}-hidden`),jsxRuntimeExports.jsx("path",{d:G,pointerEvents:"stroke",style:re},g.id),jsxRuntimeExports.jsx("polygon",{points:X,style:{stroke:ne,fill:ne}})]})};class DefaultEdgeConfig{constructor(b){ri(this,"orientation",Orientation$1.Vertical);this.orientation=b}render(b){const{x1:m,y1:w,x2:_,y2:C,model:k}=b;return jsxRuntimeExports.jsx(DefaultEdge,{edge:k,x1:m,y1:w,x2:_,y2:C,orientation:this.orientation})}}class DefaultPortConfig{render(b){return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{})}getIsConnectable(b){const{model:m,anotherPort:w}=b;return m.isInputDisabled!==(w==null?void 0:w.isInputDisabled)}getCanvasIsConnecting(b){return!!(b.anotherNode&&b.anotherPort)}}var Theme=(g=>(g.Light="light",g.LightNew="lightNew",g.Dark="dark",g.HighContrast="highContrast",g))(Theme||{});function e(){return e=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},e.apply(this,arguments)}const t=Symbol(),n=Symbol(),o=Symbol();function c(g){if(g[o]){const b=g();return{key:b.key,options:b.options||{}}}return{key:g,options:{optional:!1}}}function u(g){return String(g.name||g)}const f=Symbol(),h={VALUE:"VALUE",CLASS:"CLASS",FACTORY:"FACTORY"},p={SINGLETON:"SINGLETON",TRANSIENT:"TRANSIENT",REQUEST:"REQUEST",CONTAINER_SINGLETON:"CONTAINER_SINGLETON"};class d{constructor(){this.pool=new Map,this.singletonCache=new Map,this.parent=void 0,this.currentCtx=null}add(b,m,w){if(this.pool.get(b))throw new Error(`Key: ${u(b)} already exists`);this.pool.set(b,e({},w,{value:m}))}unbind(b,m=!0){const w=this.pool.get(b);if(w){const{unbind:_}=w,C=this.singletonCache.get(b),k={dispose:m,container:this,value:C};return this.pool.delete(b),this.singletonCache.delete(b),_&&_(k),void(C&&m&&this.callDispose(C))}throw new Error(`Key: ${u(b)} not found`)}unbindAll(b=!0){for(const m of this.pool.keys())this.unbind(m,b);this.pool.clear(),this.singletonCache.clear()}clearAllInstances(){for(const b of this.singletonCache.values())this.callDispose(b);this.singletonCache.clear()}clearInstance(b){const m=this.singletonCache.get(b);return!!m&&(this.singletonCache.delete(b),this.callDispose(m),!0)}callDispose(b){typeof b!="symbol"&&"dispose"in b&&typeof b.dispose=="function"&&b.dispose()}has(b,m=!0){return m&&this.parent?!!this.getInjectable(b):this.pool.has(b)}bindValue(b,m){return this.add(b,m,{type:h.VALUE,scope:p.SINGLETON,value:m}),this}bindFactory(b,m,w){const{exec:_,inject:C}=this.parseValue(m),k=function(...I){return _(...I)};return k.inject=C,k.original=_,this.add(b,k,e({},w,{type:h.FACTORY,scope:(w==null?void 0:w.scope)||p.TRANSIENT,value:m})),this}parseValue(b){let m,w;if(typeof b!="function"){if(!b.value||!b.inject)throw new Error('bind keys must be "value" and "inject"');m=b.value,w=b.inject}else m=b,w=b.inject;return{exec:m,inject:w}}bindClass(b,m,w){const{exec:_,inject:C}=this.parseValue(m),k=function(...I){return new _(...I)};return k.inject=C,k.original=_,this.add(b,k,e({},w,{type:h.CLASS,scope:(w==null?void 0:w.scope)||p.TRANSIENT,value:m})),this}resolve(b,m){const w=this.currentCtx||{singletonCache:this.singletonCache,transientCache:new Map,requestCache:new Map,requestedKeys:new Map,delayed:new Map,ctx:m},_=this._resolve(b,{optional:!1},w);return w.delayed.forEach((C,k)=>{const I=w.singletonCache.get(k)||w.requestCache.get(k)||w.transientCache.get(k);I&&(C.proxyTarget.current=I)}),this.currentCtx=null,_}child(){const b=new this.constructor;return b.parent=this,b}getParent(){return this.parent}getInjectable(b){var m;const w=this.pool.get(b);if(w)return{value:w,fromParent:!1};const _=(m=this.parent)==null?void 0:m.getInjectable(b);return _?{value:_.value,fromParent:!0}:void 0}_resolve(b,m,w){const _=this.getInjectable(b);if((m==null?void 0:m.optional)===!0&&!_)return;if(!_)throw new Error(`Key: ${u(b)} not found`);const{value:{value:C,scope:k,type:I},fromParent:$}=_;let P,M=!1;if(I!==h.VALUE){const U=w.requestedKeys.get(b);if(U){if(!U.constructed){if(!m.lazy&&!$){const G=Array.from(w.requestedKeys.entries()).pop(),X=G?`[ ${String(G[0])}: ${G[1].value.name} ]`:"";throw new Error(`Circular reference detected: ${X} -> [ ${u(b)}: ${C.name} ]`)}M=!0}}else w.requestedKeys.set(b,{constructed:!1,value:C})}return I===h.VALUE?C:(P=M?()=>this.createLazy(b,I,w):()=>this.create(b,_.value,w),this.run(k,b,P,w))}resolveDeps(b,m){const w=[];for(const _ of b){const{key:C,options:k}=c(_);if(Array.isArray(C)){const I=[];for(const $ of C){let P=m.singletonCache.get($.key);P===void 0&&(P=this._resolve($.key,e({},$.options),m)),P===void 0&&k.removeUndefined||I.push(P)}w.push(I.length?I:k.setToUndefinedIfEmpty?void 0:I)}else{let I=m.singletonCache.get(C);I===void 0&&(I=this._resolve(C,e({},k),m)),w.push(I)}}return w}createLazy(b,m,w){const _=w.delayed.get(b);if(_)return _.proxy;const C=m===h.CLASS?{}:function(){},k=function(I,$,P){function M(){if(!I.current)throw new Error(`Lazy target for key:${String(P)} not yet set`);return I.current}return new Proxy(I,{apply:function(U,G){const X=M();return Reflect.apply(X,$?X:void 0,G)},construct:function(U,G){return Reflect.construct(M(),G)},get:function(U,G,X){return G===t?U.current:G===n||Reflect.get(M(),G,X)},set:function(U,G,X){return Reflect.set(G==="current"?U:M(),G,X)},defineProperty:function(U,G,X){return Reflect.defineProperty(M(),G,X)},deleteProperty:function(U,G){return Reflect.deleteProperty(M(),G)},getPrototypeOf:function(U){return Reflect.getPrototypeOf(M())},setPrototypeOf:function(U,G){return Reflect.setPrototypeOf(M(),G)},getOwnPropertyDescriptor:function(U,G){return Reflect.getOwnPropertyDescriptor(M(),G)},has:function(U,G){return Reflect.has(M(),G)},isExtensible:function(U){return Reflect.isExtensible(M())},ownKeys:function(U){return Reflect.ownKeys(M())},preventExtensions:function(U){return Reflect.preventExtensions(M())}})}(C,m===h.CLASS,b);return w.delayed.set(b,{proxy:k,proxyTarget:C}),k}create(b,m,w){const{beforeResolve:_,afterResolve:C,value:k}=m,I=k.inject;let $=[];I&&($=Array.isArray(I)?this.resolveDeps(I,w):I.fn({container:this,ctx:w.ctx},...this.resolveDeps(I.deps,w)));const P=_?_({container:this,value:k.original,ctx:w.ctx},...$):k(...$);return C&&C({container:this,value:P,ctx:w.ctx}),w.requestedKeys.get(b).constructed=!0,P}run(b,m,w,_){if(b===p.SINGLETON||b===p.CONTAINER_SINGLETON){var C;if(!this.pool.has(m)&&b===p.SINGLETON)return(C=this.parent)==null?void 0:C.resolve(m);const I=_.singletonCache.get(m);if(I!==void 0)return I===f?void 0:I;{let $=w();return $===void 0&&($=f),this.singletonCache.set(m,$),$}}if(p.REQUEST===b){const I=_.requestCache.get(m);if(I!==void 0)return I===f?void 0:I;{let $=w();return $===void 0&&($=f),_.requestCache.set(m,$),$}}const k=w();return _.transientCache.set(m,k),k}}const isDev={}.NODE_ENV==="development",hasOwn=(g,b)=>Object.prototype.hasOwnProperty.call(g,b);function isClassProvider(g){return hasOwn(g,"useClass")}function isFactoryProvider(g){return hasOwn(g,"useFactory")}function isValueProvider(g){return hasOwn(g,"useValue")}function isTokenProvider(g){return hasOwn(g,"useToken")}const SINGLETON=Symbol("singleton");function isConstructor(g){return typeof g=="function"&&!!g.inject}function getClassScope(g){return g[SINGLETON]?"SINGLETON":g.scope?g.scope:"TRANSIENT"}class DependencyContainer extends d{constructor(){super(...arguments);ri(this,"name","DependencyContainer")}bindValue(m,w){return this.has(m,!1)&&this.unbind(m),super.bindValue(m,w)}bindClass(m,w,_){const C=(_==null?void 0:_.scope)??getClassScope(m);return super.bindClass(m,w,{..._,scope:C})}register(m,w){if(isValueProvider(w))this.bindValue(m,w.useValue);else if(isFactoryProvider(w)){const{useFactory:_}=w;this.bindFactory(m,{value:_,inject:[ContainerToken]},{scope:w.scope})}else if(isTokenProvider(w))this.bindFactory(m,{value:_=>_,inject:[w.useToken]});else if(isClassProvider(w)){const _=w.scope??getClassScope(w.useClass);this.bindClass(m,w.useClass,{scope:_})}}_resolve(m,w,_){if(!this.getInjectable(m)&&isConstructor(m)){const C=getClassScope(m);this.bindClass(m,m,{scope:C})}return super._resolve(m,w,_)}}const getGlobalContainer=()=>{const g=new DependencyContainer;return g.name="global",isDev?new Proxy(g,{get(b,m,w){return m==="resolve"?(_,C)=>(console.error("WARNING: trying to resolve from global DependencyContainer: ",_),b.resolve(_,C)):Reflect.get(b,m,w)}}):g},container=getGlobalContainer();function createInjectionToken(g,b){return container.bindValue(g,b),g}const ContainerToken=createInjectionToken("DependencyContainer",container),ServicesContext=reactExports.createContext(container),createRegistry=({provide:g,name:b})=>({containerRef:w,onInitialize:_,onDispose:C,children:k})=>{const I=reactExports.useContext(ServicesContext),$=reactExports.useMemo(()=>{const P=I.child();return b&&(P.name=b),g==null||g.forEach(M=>{P.register(M.token,M)}),P.bindValue(ContainerToken,P),_==null||_(P),P},[_,I]);return reactExports.useImperativeHandle(w,()=>$,[$]),reactExports.useEffect(()=>()=>{C==null||C($),$.unbindAll(!0)},[$]),jsxRuntimeExports.jsx(ServicesContext.Provider,{value:$,children:k})};var toggleSelection=function(){var g=document.getSelection();if(!g.rangeCount)return function(){};for(var b=document.activeElement,m=[],w=0;w<g.rangeCount;w++)m.push(g.getRangeAt(w));switch(b.tagName.toUpperCase()){case"INPUT":case"TEXTAREA":b.blur();break;default:b=null;break}return g.removeAllRanges(),function(){g.type==="Caret"&&g.removeAllRanges(),g.rangeCount||m.forEach(function(_){g.addRange(_)}),b&&b.focus()}};function useInjected(...g){const b=reactExports.useContext(ServicesContext);return reactExports.useMemo(()=>g.map(m=>{try{return b.resolve(m)}catch(w){throw[m,w]}}),[b].concat(g))}function commonjsRequire(g){throw new Error('Could not dynamically require "'+g+'". Please configure the dynamicRequireTargets or/and ignoreDynamicRequires option of @rollup/plugin-commonjs appropriately for this require call to work.')}var elkApi={exports:{}};(function(g,b){(function(m){g.exports=m()})(function(){return function(){function m(w,_,C){function k(P,M){if(!_[P]){if(!w[P]){var U=typeof commonjsRequire=="function"&&commonjsRequire;if(!M&&U)return U(P,!0);if(I)return I(P,!0);var G=new Error("Cannot find module '"+P+"'");throw G.code="MODULE_NOT_FOUND",G}var X=_[P]={exports:{}};w[P][0].call(X.exports,function(Z){var ne=w[P][1][Z];return k(ne||Z)},X,X.exports,m,w,_,C)}return _[P].exports}for(var I=typeof commonjsRequire=="function"&&commonjsRequire,$=0;$<C.length;$++)k(C[$]);return k}return m}()({1:[function(m,w,_){Object.defineProperty(_,"__esModule",{value:!0});var C=function(){function P(M,U){for(var G=0;G<U.length;G++){var X=U[G];X.enumerable=X.enumerable||!1,X.configurable=!0,"value"in X&&(X.writable=!0),Object.defineProperty(M,X.key,X)}}return function(M,U,G){return U&&P(M.prototype,U),G&&P(M,G),M}}();function k(P,M){if(!(P instanceof M))throw new TypeError("Cannot call a class as a function")}var I=function(){function P(){var M=this,U=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},G=U.defaultLayoutOptions,X=G===void 0?{}:G,Z=U.algorithms,ne=Z===void 0?["layered","stress","mrtree","radial","force","disco","sporeOverlap","sporeCompaction","rectpacking"]:Z,re=U.workerFactory,ve=U.workerUrl;if(k(this,P),this.defaultLayoutOptions=X,this.initialized=!1,typeof ve>"u"&&typeof re>"u")throw new Error("Cannot construct an ELK without both 'workerUrl' and 'workerFactory'.");var Se=re;typeof ve<"u"&&typeof re>"u"&&(Se=function(me){return new Worker(me)});var ge=Se(ve);if(typeof ge.postMessage!="function")throw new TypeError("Created worker does not provide the required 'postMessage' function.");this.worker=new $(ge),this.worker.postMessage({cmd:"register",algorithms:ne}).then(function(oe){return M.initialized=!0}).catch(console.err)}return C(P,[{key:"layout",value:function(U){var G=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},X=G.layoutOptions,Z=X===void 0?this.defaultLayoutOptions:X,ne=G.logging,re=ne===void 0?!1:ne,ve=G.measureExecutionTime,Se=ve===void 0?!1:ve;return U?this.worker.postMessage({cmd:"layout",graph:U,layoutOptions:Z,options:{logging:re,measureExecutionTime:Se}}):Promise.reject(new Error("Missing mandatory parameter 'graph'."))}},{key:"knownLayoutAlgorithms",value:function(){return this.worker.postMessage({cmd:"algorithms"})}},{key:"knownLayoutOptions",value:function(){return this.worker.postMessage({cmd:"options"})}},{key:"knownLayoutCategories",value:function(){return this.worker.postMessage({cmd:"categories"})}},{key:"terminateWorker",value:function(){this.worker.terminate()}}]),P}();_.default=I;var $=function(){function P(M){var U=this;if(k(this,P),M===void 0)throw new Error("Missing mandatory parameter 'worker'.");this.resolvers={},this.worker=M,this.worker.onmessage=function(G){setTimeout(function(){U.receive(U,G)},0)}}return C(P,[{key:"postMessage",value:function(U){var G=this.id||0;this.id=G+1,U.id=G;var X=this;return new Promise(function(Z,ne){X.resolvers[G]=function(re,ve){re?(X.convertGwtStyleError(re),ne(re)):Z(ve)},X.worker.postMessage(U)})}},{key:"receive",value:function(U,G){var X=G.data,Z=U.resolvers[X.id];Z&&(delete U.resolvers[X.id],X.error?Z(X.error):Z(null,X.data))}},{key:"terminate",value:function(){this.worker.terminate&&this.worker.terminate()}},{key:"convertGwtStyleError",value:function(U){if(U){var G=U.__java$exception;G&&(G.cause&&G.cause.backingJsObject&&(U.cause=G.cause.backingJsObject,this.convertGwtStyleError(U.cause)),delete U.__java$exception)}}}]),P}()},{}],2:[function(m,w,_){var C=m("./elk-api.js").default;Object.defineProperty(w.exports,"__esModule",{value:!0}),w.exports=C,C.default=C},{"./elk-api.js":1}]},{},[2])(2)})})(elkApi);var elkApiExports=elkApi.exports;/*! *****************************************************************************
Copyright (c) Microsoft Corporation.
Permission to use, copy, modify, and/or distribute this software for any
purpose with or without fee is hereby granted.
THE SOFTWARE IS PROVIDED "AS IS" AND THE AUTHOR DISCLAIMS ALL WARRANTIES WITH
REGARD TO THIS SOFTWARE INCLUDING ALL IMPLIED WARRANTIES OF MERCHANTABILITY
AND FITNESS. IN NO EVENT SHALL THE AUTHOR BE LIABLE FOR ANY SPECIAL, DIRECT,
INDIRECT, OR CONSEQUENTIAL DAMAGES OR ANY DAMAGES WHATSOEVER RESULTING FROM
LOSS OF USE, DATA OR PROFITS, WHETHER IN AN ACTION OF CONTRACT, NEGLIGENCE OR
OTHER TORTIOUS ACTION, ARISING OUT OF OR IN CONNECTION WITH THE USE OR
PERFORMANCE OF THIS SOFTWARE.
***************************************************************************** */var extendStatics=function(g,b){return extendStatics=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(m,w){m.__proto__=w}||function(m,w){for(var _ in w)w.hasOwnProperty(_)&&(m[_]=w[_])},extendStatics(g,b)};function __extends(g,b){extendStatics(g,b);function m(){this.constructor=g}g.prototype=b===null?Object.create(b):(m.prototype=b.prototype,new m)}function isFunction$3(g){return typeof g=="function"}var _enable_super_gross_mode_that_will_cause_bad_things=!1,config={Promise:void 0,set useDeprecatedSynchronousErrorHandling(g){if(g){var b=new Error;""+b.stack}_enable_super_gross_mode_that_will_cause_bad_things=g},get useDeprecatedSynchronousErrorHandling(){return _enable_super_gross_mode_that_will_cause_bad_things}};function hostReportError(g){setTimeout(function(){throw g},0)}var empty={closed:!0,next:function(g){},error:function(g){if(config.useDeprecatedSynchronousErrorHandling)throw g;hostReportError(g)},complete:function(){}},isArray=function(){return Array.isArray||function(g){return g&&typeof g.length=="number"}}();function isObject$5(g){return g!==null&&typeof g=="object"}var UnsubscriptionErrorImpl=function(){function g(b){return Error.call(this),this.message=b?b.length+` errors occurred during unsubscription:
`+b.map(function(m,w){return w+1+") "+m.toString()}).join(`
`):"",this.name="UnsubscriptionError",this.errors=b,this}return g.prototype=Object.create(Error.prototype),g}(),UnsubscriptionError=UnsubscriptionErrorImpl,Subscription=function(){function g(b){this.closed=!1,this._parentOrParents=null,this._subscriptions=null,b&&(this._unsubscribe=b)}return g.prototype.unsubscribe=function(){var b;if(!this.closed){var m=this,w=m._parentOrParents,_=m._unsubscribe,C=m._subscriptions;if(this.closed=!0,this._parentOrParents=null,this._subscriptions=null,w instanceof g)w.remove(this);else if(w!==null)for(var k=0;k<w.length;++k){var I=w[k];I.remove(this)}if(isFunction$3(_))try{_.call(this)}catch(M){b=M instanceof UnsubscriptionError?flattenUnsubscriptionErrors(M.errors):[M]}if(isArray(C))for(var k=-1,$=C.length;++k<$;){var P=C[k];if(isObject$5(P))try{P.unsubscribe()}catch(U){b=b||[],U instanceof UnsubscriptionError?b=b.concat(flattenUnsubscriptionErrors(U.errors)):b.push(U)}}if(b)throw new UnsubscriptionError(b)}},g.prototype.add=function(b){var m=b;if(!b)return g.EMPTY;switch(typeof b){case"function":m=new g(b);case"object":if(m===this||m.closed||typeof m.unsubscribe!="function")return m;if(this.closed)return m.unsubscribe(),m;if(!(m instanceof g)){var w=m;m=new g,m._subscriptions=[w]}break;default:throw new Error("unrecognized teardown "+b+" added to Subscription.")}var _=m._parentOrParents;if(_===null)m._parentOrParents=this;else if(_ instanceof g){if(_===this)return m;m._parentOrParents=[_,this]}else if(_.indexOf(this)===-1)_.push(this);else return m;var C=this._subscriptions;return C===null?this._subscriptions=[m]:C.push(m),m},g.prototype.remove=function(b){var m=this._subscriptions;if(m){var w=m.indexOf(b);w!==-1&&m.splice(w,1)}},g.EMPTY=function(b){return b.closed=!0,b}(new g),g}();function flattenUnsubscriptionErrors(g){return g.reduce(function(b,m){return b.concat(m instanceof UnsubscriptionError?m.errors:m)},[])}var rxSubscriber=function(){return typeof Symbol=="function"?Symbol("rxSubscriber"):"@@rxSubscriber_"+Math.random()}(),Subscriber=function(g){__extends(b,g);function b(m,w,_){var C=g.call(this)||this;switch(C.syncErrorValue=null,C.syncErrorThrown=!1,C.syncErrorThrowable=!1,C.isStopped=!1,arguments.length){case 0:C.destination=empty;break;case 1:if(!m){C.destination=empty;break}if(typeof m=="object"){m instanceof b?(C.syncErrorThrowable=m.syncErrorThrowable,C.destination=m,m.add(C)):(C.syncErrorThrowable=!0,C.destination=new SafeSubscriber(C,m));break}default:C.syncErrorThrowable=!0,C.destination=new SafeSubscriber(C,m,w,_);break}return C}return b.prototype[rxSubscriber]=function(){return this},b.create=function(m,w,_){var C=new b(m,w,_);return C.syncErrorThrowable=!1,C},b.prototype.next=function(m){this.isStopped||this._next(m)},b.prototype.error=function(m){this.isStopped||(this.isStopped=!0,this._error(m))},b.prototype.complete=function(){this.isStopped||(this.isStopped=!0,this._complete())},b.prototype.unsubscribe=function(){this.closed||(this.isStopped=!0,g.prototype.unsubscribe.call(this))},b.prototype._next=function(m){this.destination.next(m)},b.prototype._error=function(m){this.destination.error(m),this.unsubscribe()},b.prototype._complete=function(){this.destination.complete(),this.unsubscribe()},b.prototype._unsubscribeAndRecycle=function(){var m=this._parentOrParents;return this._parentOrParents=null,this.unsubscribe(),this.closed=!1,this.isStopped=!1,this._parentOrParents=m,this},b}(Subscription),SafeSubscriber=function(g){__extends(b,g);function b(m,w,_,C){var k=g.call(this)||this;k._parentSubscriber=m;var I,$=k;return isFunction$3(w)?I=w:w&&(I=w.next,_=w.error,C=w.complete,w!==empty&&($=Object.create(w),isFunction$3($.unsubscribe)&&k.add($.unsubscribe.bind($)),$.unsubscribe=k.unsubscribe.bind(k))),k._context=$,k._next=I,k._error=_,k._complete=C,k}return b.prototype.next=function(m){if(!this.isStopped&&this._next){var w=this._parentSubscriber;!config.useDeprecatedSynchronousErrorHandling||!w.syncErrorThrowable?this.__tryOrUnsub(this._next,m):this.__tryOrSetError(w,this._next,m)&&this.unsubscribe()}},b.prototype.error=function(m){if(!this.isStopped){var w=this._parentSubscriber,_=config.useDeprecatedSynchronousErrorHandling;if(this._error)!_||!w.syncErrorThrowable?(this.__tryOrUnsub(this._error,m),this.unsubscribe()):(this.__tryOrSetError(w,this._error,m),this.unsubscribe());else if(w.syncErrorThrowable)_?(w.syncErrorValue=m,w.syncErrorThrown=!0):hostReportError(m),this.unsubscribe();else{if(this.unsubscribe(),_)throw m;hostReportError(m)}}},b.prototype.complete=function(){var m=this;if(!this.isStopped){var w=this._parentSubscriber;if(this._complete){var _=function(){return m._complete.call(m._context)};!config.useDeprecatedSynchronousErrorHandling||!w.syncErrorThrowable?(this.__tryOrUnsub(_),this.unsubscribe()):(this.__tryOrSetError(w,_),this.unsubscribe())}else this.unsubscribe()}},b.prototype.__tryOrUnsub=function(m,w){try{m.call(this._context,w)}catch(_){if(this.unsubscribe(),config.useDeprecatedSynchronousErrorHandling)throw _;hostReportError(_)}},b.prototype.__tryOrSetError=function(m,w,_){if(!config.useDeprecatedSynchronousErrorHandling)throw new Error("bad call");try{w.call(this._context,_)}catch(C){return config.useDeprecatedSynchronousErrorHandling?(m.syncErrorValue=C,m.syncErrorThrown=!0,!0):(hostReportError(C),!0)}return!1},b.prototype._unsubscribe=function(){var m=this._parentSubscriber;this._context=null,this._parentSubscriber=null,m.unsubscribe()},b}(Subscriber);function canReportError(g){for(;g;){var b=g,m=b.closed,w=b.destination,_=b.isStopped;if(m||_)return!1;w&&w instanceof Subscriber?g=w:g=null}return!0}function toSubscriber(g,b,m){if(g){if(g instanceof Subscriber)return g;if(g[rxSubscriber])return g[rxSubscriber]()}return!g&&!b&&!m?new Subscriber(empty):new Subscriber(g,b,m)}var observable$1=function(){return typeof Symbol=="function"&&Symbol.observable||"@@observable"}();function noop$1(){}function pipeFromArray(g){return g?g.length===1?g[0]:function(m){return g.reduce(function(w,_){return _(w)},m)}:noop$1}var Observable$1=function(){function g(b){this._isScalar=!1,b&&(this._subscribe=b)}return g.prototype.lift=function(b){var m=new g;return m.source=this,m.operator=b,m},g.prototype.subscribe=function(b,m,w){var _=this.operator,C=toSubscriber(b,m,w);if(_?C.add(_.call(C,this.source)):C.add(this.source||config.useDeprecatedSynchronousErrorHandling&&!C.syncErrorThrowable?this._subscribe(C):this._trySubscribe(C)),config.useDeprecatedSynchronousErrorHandling&&C.syncErrorThrowable&&(C.syncErrorThrowable=!1,C.syncErrorThrown))throw C.syncErrorValue;return C},g.prototype._trySubscribe=function(b){try{return this._subscribe(b)}catch(m){config.useDeprecatedSynchronousErrorHandling&&(b.syncErrorThrown=!0,b.syncErrorValue=m),canReportError(b)?b.error(m):console.warn(m)}},g.prototype.forEach=function(b,m){var w=this;return m=getPromiseCtor(m),new m(function(_,C){var k;k=w.subscribe(function(I){try{b(I)}catch($){C($),k&&k.unsubscribe()}},C,_)})},g.prototype._subscribe=function(b){var m=this.source;return m&&m.subscribe(b)},g.prototype[observable$1]=function(){return this},g.prototype.pipe=function(){for(var b=[],m=0;m<arguments.length;m++)b[m]=arguments[m];return b.length===0?this:pipeFromArray(b)(this)},g.prototype.toPromise=function(b){var m=this;return b=getPromiseCtor(b),new b(function(w,_){var C;m.subscribe(function(k){return C=k},function(k){return _(k)},function(){return w(C)})})},g.create=function(b){return new g(b)},g}();function getPromiseCtor(g){if(g||(g=Promise),!g)throw new Error("no Promise impl found");return g}var ObjectUnsubscribedErrorImpl=function(){function g(){return Error.call(this),this.message="object unsubscribed",this.name="ObjectUnsubscribedError",this}return g.prototype=Object.create(Error.prototype),g}(),ObjectUnsubscribedError=ObjectUnsubscribedErrorImpl,SubjectSubscription=function(g){__extends(b,g);function b(m,w){var _=g.call(this)||this;return _.subject=m,_.subscriber=w,_.closed=!1,_}return b.prototype.unsubscribe=function(){if(!this.closed){this.closed=!0;var m=this.subject,w=m.observers;if(this.subject=null,!(!w||w.length===0||m.isStopped||m.closed)){var _=w.indexOf(this.subscriber);_!==-1&&w.splice(_,1)}}},b}(Subscription),SubjectSubscriber=function(g){__extends(b,g);function b(m){var w=g.call(this,m)||this;return w.destination=m,w}return b}(Subscriber),Subject=function(g){__extends(b,g);function b(){var m=g.call(this)||this;return m.observers=[],m.closed=!1,m.isStopped=!1,m.hasError=!1,m.thrownError=null,m}return b.prototype[rxSubscriber]=function(){return new SubjectSubscriber(this)},b.prototype.lift=function(m){var w=new AnonymousSubject(this,this);return w.operator=m,w},b.prototype.next=function(m){if(this.closed)throw new ObjectUnsubscribedError;if(!this.isStopped)for(var w=this.observers,_=w.length,C=w.slice(),k=0;k<_;k++)C[k].next(m)},b.prototype.error=function(m){if(this.closed)throw new ObjectUnsubscribedError;this.hasError=!0,this.thrownError=m,this.isStopped=!0;for(var w=this.observers,_=w.length,C=w.slice(),k=0;k<_;k++)C[k].error(m);this.observers.length=0},b.prototype.complete=function(){if(this.closed)throw new ObjectUnsubscribedError;this.isStopped=!0;for(var m=this.observers,w=m.length,_=m.slice(),C=0;C<w;C++)_[C].complete();this.observers.length=0},b.prototype.unsubscribe=function(){this.isStopped=!0,this.closed=!0,this.observers=null},b.prototype._trySubscribe=function(m){if(this.closed)throw new ObjectUnsubscribedError;return g.prototype._trySubscribe.call(this,m)},b.prototype._subscribe=function(m){if(this.closed)throw new ObjectUnsubscribedError;return this.hasError?(m.error(this.thrownError),Subscription.EMPTY):this.isStopped?(m.complete(),Subscription.EMPTY):(this.observers.push(m),new SubjectSubscription(this,m))},b.prototype.asObservable=function(){var m=new Observable$1;return m.source=this,m},b.create=function(m,w){return new AnonymousSubject(m,w)},b}(Observable$1),AnonymousSubject=function(g){__extends(b,g);function b(m,w){var _=g.call(this)||this;return _.destination=m,_.source=w,_}return b.prototype.next=function(m){var w=this.destination;w&&w.next&&w.next(m)},b.prototype.error=function(m){var w=this.destination;w&&w.error&&this.destination.error(m)},b.prototype.complete=function(){var m=this.destination;m&&m.complete&&this.destination.complete()},b.prototype._subscribe=function(m){var w=this.source;return w?this.source.subscribe(m):Subscription.EMPTY},b}(Subject),BehaviorSubject=function(g){__extends(b,g);function b(m){var w=g.call(this)||this;return w._value=m,w}return Object.defineProperty(b.prototype,"value",{get:function(){return this.getValue()},enumerable:!0,configurable:!0}),b.prototype._subscribe=function(m){var w=g.prototype._subscribe.call(this,m);return w&&!w.closed&&m.next(this._value),w},b.prototype.getValue=function(){if(this.hasError)throw this.thrownError;if(this.closed)throw new ObjectUnsubscribedError;return this._value},b.prototype.next=function(m){g.prototype.next.call(this,this._value=m)},b}(Subject),Action=function(g){__extends(b,g);function b(m,w){return g.call(this)||this}return b.prototype.schedule=function(m,w){return this},b}(Subscription),AsyncAction=function(g){__extends(b,g);function b(m,w){var _=g.call(this,m,w)||this;return _.scheduler=m,_.work=w,_.pending=!1,_}return b.prototype.schedule=function(m,w){if(w===void 0&&(w=0),this.closed)return this;this.state=m;var _=this.id,C=this.scheduler;return _!=null&&(this.id=this.recycleAsyncId(C,_,w)),this.pending=!0,this.delay=w,this.id=this.id||this.requestAsyncId(C,this.id,w),this},b.prototype.requestAsyncId=function(m,w,_){return _===void 0&&(_=0),setInterval(m.flush.bind(m,this),_)},b.prototype.recycleAsyncId=function(m,w,_){if(_===void 0&&(_=0),_!==null&&this.delay===_&&this.pending===!1)return w;clearInterval(w)},b.prototype.execute=function(m,w){if(this.closed)return new Error("executing a cancelled action");this.pending=!1;var _=this._execute(m,w);if(_)return _;this.pending===!1&&this.id!=null&&(this.id=this.recycleAsyncId(this.scheduler,this.id,null))},b.prototype._execute=function(m,w){var _=!1,C=void 0;try{this.work(m)}catch(k){_=!0,C=!!k&&k||new Error(k)}if(_)return this.unsubscribe(),C},b.prototype._unsubscribe=function(){var m=this.id,w=this.scheduler,_=w.actions,C=_.indexOf(this);this.work=null,this.state=null,this.pending=!1,this.scheduler=null,C!==-1&&_.splice(C,1),m!=null&&(this.id=this.recycleAsyncId(w,m,null)),this.delay=null},b}(Action),Scheduler=function(){function g(b,m){m===void 0&&(m=g.now),this.SchedulerAction=b,this.now=m}return g.prototype.schedule=function(b,m,w){return m===void 0&&(m=0),new this.SchedulerAction(this,b).schedule(w,m)},g.now=function(){return Date.now()},g}(),AsyncScheduler=function(g){__extends(b,g);function b(m,w){w===void 0&&(w=Scheduler.now);var _=g.call(this,m,function(){return b.delegate&&b.delegate!==_?b.delegate.now():w()})||this;return _.actions=[],_.active=!1,_.scheduled=void 0,_}return b.prototype.schedule=function(m,w,_){return w===void 0&&(w=0),b.delegate&&b.delegate!==this?b.delegate.schedule(m,w,_):g.prototype.schedule.call(this,m,w,_)},b.prototype.flush=function(m){var w=this.actions;if(this.active){w.push(m);return}var _;this.active=!0;do if(_=m.execute(m.state,m.delay))break;while(m=w.shift());if(this.active=!1,_){for(;m=w.shift();)m.unsubscribe();throw _}},b}(Scheduler);function isScheduler(g){return g&&typeof g.schedule=="function"}var subscribeToArray=function(g){return function(b){for(var m=0,w=g.length;m<w&&!b.closed;m++)b.next(g[m]);b.complete()}};function scheduleArray(g,b){return new Observable$1(function(m){var w=new Subscription,_=0;return w.add(b.schedule(function(){if(_===g.length){m.complete();return}m.next(g[_++]),m.closed||w.add(this.schedule())})),w})}function fromArray(g,b){return b?scheduleArray(g,b):new Observable$1(subscribeToArray(g))}function of(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];var m=g[g.length-1];return isScheduler(m)?(g.pop(),scheduleArray(g,m)):fromArray(g)}var async=new AsyncScheduler(AsyncAction);function identity(g){return g}function map$1(g,b){return function(w){if(typeof g!="function")throw new TypeError("argument is not a function. Are you looking for `mapTo()`?");return w.lift(new MapOperator(g,b))}}var MapOperator=function(){function g(b,m){this.project=b,this.thisArg=m}return g.prototype.call=function(b,m){return m.subscribe(new MapSubscriber(b,this.project,this.thisArg))},g}(),MapSubscriber=function(g){__extends(b,g);function b(m,w,_){var C=g.call(this,m)||this;return C.project=w,C.count=0,C.thisArg=_||C,C}return b.prototype._next=function(m){var w;try{w=this.project.call(this.thisArg,m,this.count++)}catch(_){this.destination.error(_);return}this.destination.next(w)},b}(Subscriber),OuterSubscriber=function(g){__extends(b,g);function b(){return g!==null&&g.apply(this,arguments)||this}return b.prototype.notifyNext=function(m,w,_,C,k){this.destination.next(w)},b.prototype.notifyError=function(m,w){this.destination.error(m)},b.prototype.notifyComplete=function(m){this.destination.complete()},b}(Subscriber),InnerSubscriber=function(g){__extends(b,g);function b(m,w,_){var C=g.call(this)||this;return C.parent=m,C.outerValue=w,C.outerIndex=_,C.index=0,C}return b.prototype._next=function(m){this.parent.notifyNext(this.outerValue,m,this.outerIndex,this.index++,this)},b.prototype._error=function(m){this.parent.notifyError(m,this),this.unsubscribe()},b.prototype._complete=function(){this.parent.notifyComplete(this),this.unsubscribe()},b}(Subscriber),subscribeToPromise=function(g){return function(b){return g.then(function(m){b.closed||(b.next(m),b.complete())},function(m){return b.error(m)}).then(null,hostReportError),b}};function getSymbolIterator(){return typeof Symbol!="function"||!Symbol.iterator?"@@iterator":Symbol.iterator}var iterator=getSymbolIterator(),subscribeToIterable=function(g){return function(b){var m=g[iterator]();do{var w=m.next();if(w.done){b.complete();break}if(b.next(w.value),b.closed)break}while(!0);return typeof m.return=="function"&&b.add(function(){m.return&&m.return()}),b}},subscribeToObservable=function(g){return function(b){var m=g[observable$1]();if(typeof m.subscribe!="function")throw new TypeError("Provided object does not correctly implement Symbol.observable");return m.subscribe(b)}},isArrayLike$1=function(g){return g&&typeof g.length=="number"&&typeof g!="function"};function isPromise(g){return!!g&&typeof g.subscribe!="function"&&typeof g.then=="function"}var subscribeTo=function(g){if(g&&typeof g[observable$1]=="function")return subscribeToObservable(g);if(isArrayLike$1(g))return subscribeToArray(g);if(isPromise(g))return subscribeToPromise(g);if(g&&typeof g[iterator]=="function")return subscribeToIterable(g);var b=isObject$5(g)?"an invalid object":"'"+g+"'",m="You provided "+b+" where a stream was expected. You can provide an Observable, Promise, Array, or Iterable.";throw new TypeError(m)};function subscribeToResult(g,b,m,w,_){if(_===void 0&&(_=new InnerSubscriber(g,m,w)),!_.closed)return b instanceof Observable$1?b.subscribe(_):subscribeTo(b)(_)}var NONE={};function combineLatest(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];var m=null,w=null;return isScheduler(g[g.length-1])&&(w=g.pop()),typeof g[g.length-1]=="function"&&(m=g.pop()),g.length===1&&isArray(g[0])&&(g=g[0]),fromArray(g,w).lift(new CombineLatestOperator(m))}var CombineLatestOperator=function(){function g(b){this.resultSelector=b}return g.prototype.call=function(b,m){return m.subscribe(new CombineLatestSubscriber(b,this.resultSelector))},g}(),CombineLatestSubscriber=function(g){__extends(b,g);function b(m,w){var _=g.call(this,m)||this;return _.resultSelector=w,_.active=0,_.values=[],_.observables=[],_}return b.prototype._next=function(m){this.values.push(NONE),this.observables.push(m)},b.prototype._complete=function(){var m=this.observables,w=m.length;if(w===0)this.destination.complete();else{this.active=w,this.toRespond=w;for(var _=0;_<w;_++){var C=m[_];this.add(subscribeToResult(this,C,C,_))}}},b.prototype.notifyComplete=function(m){(this.active-=1)===0&&this.destination.complete()},b.prototype.notifyNext=function(m,w,_,C,k){var I=this.values,$=I[_],P=this.toRespond?$===NONE?--this.toRespond:this.toRespond:0;I[_]=w,P===0&&(this.resultSelector?this._tryResultSelector(I):this.destination.next(I.slice()))},b.prototype._tryResultSelector=function(m){var w;try{w=this.resultSelector.apply(this,m)}catch(_){this.destination.error(_);return}this.destination.next(w)},b}(OuterSubscriber);function scheduleObservable(g,b){return new Observable$1(function(m){var w=new Subscription;return w.add(b.schedule(function(){var _=g[observable$1]();w.add(_.subscribe({next:function(C){w.add(b.schedule(function(){return m.next(C)}))},error:function(C){w.add(b.schedule(function(){return m.error(C)}))},complete:function(){w.add(b.schedule(function(){return m.complete()}))}}))})),w})}function schedulePromise(g,b){return new Observable$1(function(m){var w=new Subscription;return w.add(b.schedule(function(){return g.then(function(_){w.add(b.schedule(function(){m.next(_),w.add(b.schedule(function(){return m.complete()}))}))},function(_){w.add(b.schedule(function(){return m.error(_)}))})})),w})}function scheduleIterable(g,b){if(!g)throw new Error("Iterable cannot be null");return new Observable$1(function(m){var w=new Subscription,_;return w.add(function(){_&&typeof _.return=="function"&&_.return()}),w.add(b.schedule(function(){_=g[iterator](),w.add(b.schedule(function(){if(!m.closed){var C,k;try{var I=_.next();C=I.value,k=I.done}catch($){m.error($);return}k?m.complete():(m.next(C),this.schedule())}}))})),w})}function isInteropObservable(g){return g&&typeof g[observable$1]=="function"}function isIterable(g){return g&&typeof g[iterator]=="function"}function scheduled(g,b){if(g!=null){if(isInteropObservable(g))return scheduleObservable(g,b);if(isPromise(g))return schedulePromise(g,b);if(isArrayLike$1(g))return scheduleArray(g,b);if(isIterable(g)||typeof g=="string")return scheduleIterable(g,b)}throw new TypeError((g!==null&&typeof g||g)+" is not observable")}function from$1(g,b){return b?scheduled(g,b):g instanceof Observable$1?g:new Observable$1(subscribeTo(g))}function mergeMap(g,b,m){return m===void 0&&(m=Number.POSITIVE_INFINITY),typeof b=="function"?function(w){return w.pipe(mergeMap(function(_,C){return from$1(g(_,C)).pipe(map$1(function(k,I){return b(_,k,C,I)}))},m))}:(typeof b=="number"&&(m=b),function(w){return w.lift(new MergeMapOperator(g,m))})}var MergeMapOperator=function(){function g(b,m){m===void 0&&(m=Number.POSITIVE_INFINITY),this.project=b,this.concurrent=m}return g.prototype.call=function(b,m){return m.subscribe(new MergeMapSubscriber(b,this.project,this.concurrent))},g}(),MergeMapSubscriber=function(g){__extends(b,g);function b(m,w,_){_===void 0&&(_=Number.POSITIVE_INFINITY);var C=g.call(this,m)||this;return C.project=w,C.concurrent=_,C.hasCompleted=!1,C.buffer=[],C.active=0,C.index=0,C}return b.prototype._next=function(m){this.active<this.concurrent?this._tryNext(m):this.buffer.push(m)},b.prototype._tryNext=function(m){var w,_=this.index++;try{w=this.project(m,_)}catch(C){this.destination.error(C);return}this.active++,this._innerSub(w,m,_)},b.prototype._innerSub=function(m,w,_){var C=new InnerSubscriber(this,w,_),k=this.destination;k.add(C);var I=subscribeToResult(this,m,void 0,void 0,C);I!==C&&k.add(I)},b.prototype._complete=function(){this.hasCompleted=!0,this.active===0&&this.buffer.length===0&&this.destination.complete(),this.unsubscribe()},b.prototype.notifyNext=function(m,w,_,C,k){this.destination.next(w)},b.prototype.notifyComplete=function(m){var w=this.buffer;this.remove(m),this.active--,w.length>0?this._next(w.shift()):this.active===0&&this.hasCompleted&&this.destination.complete()},b}(OuterSubscriber);function mergeAll(g){return g===void 0&&(g=Number.POSITIVE_INFINITY),mergeMap(identity,g)}function merge$1(){for(var g=[],b=0;b<arguments.length;b++)g[b]=arguments[b];var m=Number.POSITIVE_INFINITY,w=null,_=g[g.length-1];return isScheduler(_)?(w=g.pop(),g.length>1&&typeof g[g.length-1]=="number"&&(m=g.pop())):typeof _=="number"&&(m=g.pop()),w===null&&g.length===1&&g[0]instanceof Observable$1?g[0]:mergeAll(m)(fromArray(g,w))}function filter$1(g,b){return function(w){return w.lift(new FilterOperator(g,b))}}var FilterOperator=function(){function g(b,m){this.predicate=b,this.thisArg=m}return g.prototype.call=function(b,m){return m.subscribe(new FilterSubscriber(b,this.predicate,this.thisArg))},g}(),FilterSubscriber=function(g){__extends(b,g);function b(m,w,_){var C=g.call(this,m)||this;return C.predicate=w,C.thisArg=_,C.count=0,C}return b.prototype._next=function(m){var w;try{w=this.predicate.call(this.thisArg,m,this.count++)}catch(_){this.destination.error(_);return}w&&this.destination.next(m)},b}(Subscriber);function debounceTime(g,b){return b===void 0&&(b=async),function(m){return m.lift(new DebounceTimeOperator(g,b))}}var DebounceTimeOperator=function(){function g(b,m){this.dueTime=b,this.scheduler=m}return g.prototype.call=function(b,m){return m.subscribe(new DebounceTimeSubscriber(b,this.dueTime,this.scheduler))},g}(),DebounceTimeSubscriber=function(g){__extends(b,g);function b(m,w,_){var C=g.call(this,m)||this;return C.dueTime=w,C.scheduler=_,C.debouncedSubscription=null,C.lastValue=null,C.hasValue=!1,C}return b.prototype._next=function(m){this.clearDebounce(),this.lastValue=m,this.hasValue=!0,this.add(this.debouncedSubscription=this.scheduler.schedule(dispatchNext,this.dueTime,this))},b.prototype._complete=function(){this.debouncedNext(),this.destination.complete()},b.prototype.debouncedNext=function(){if(this.clearDebounce(),this.hasValue){var m=this.lastValue;this.lastValue=null,this.hasValue=!1,this.destination.next(m)}},b.prototype.clearDebounce=function(){var m=this.debouncedSubscription;m!==null&&(this.remove(m),m.unsubscribe(),this.debouncedSubscription=null)},b}(Subscriber);function dispatchNext(g){g.debouncedNext()}var DELETE="delete",SHIFT=5,SIZE=1<<SHIFT,MASK=SIZE-1,NOT_SET={};function MakeRef(){return{value:!1}}function SetRef(g){g&&(g.value=!0)}function OwnerID(){}function ensureSize(g){return g.size===void 0&&(g.size=g.__iterate(returnTrue)),g.size}function wrapIndex(g,b){if(typeof b!="number"){var m=b>>>0;if(""+m!==b||m===4294967295)return NaN;b=m}return b<0?ensureSize(g)+b:b}function returnTrue(){return!0}function wholeSlice(g,b,m){return(g===0&&!isNeg(g)||m!==void 0&&g<=-m)&&(b===void 0||m!==void 0&&b>=m)}function resolveBegin(g,b){return resolveIndex(g,b,0)}function resolveEnd$1(g,b){return resolveIndex(g,b,b)}function resolveIndex(g,b,m){return g===void 0?m:isNeg(g)?b===1/0?b:Math.max(0,b+g)|0:b===void 0||b===g?g:Math.min(b,g)|0}function isNeg(g){return g<0||g===0&&1/g===-1/0}var IS_COLLECTION_SYMBOL="@@__IMMUTABLE_ITERABLE__@@";function isCollection$2(g){return!!(g&&g[IS_COLLECTION_SYMBOL])}var IS_KEYED_SYMBOL="@@__IMMUTABLE_KEYED__@@";function isKeyed(g){return!!(g&&g[IS_KEYED_SYMBOL])}var IS_INDEXED_SYMBOL="@@__IMMUTABLE_INDEXED__@@";function isIndexed(g){return!!(g&&g[IS_INDEXED_SYMBOL])}function isAssociative(g){return isKeyed(g)||isIndexed(g)}var Collection$1=function(b){return isCollection$2(b)?b:Seq(b)},KeyedCollection=function(g){function b(m){return isKeyed(m)?m:KeyedSeq(m)}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b}(Collection$1),IndexedCollection=function(g){function b(m){return isIndexed(m)?m:IndexedSeq(m)}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b}(Collection$1),SetCollection=function(g){function b(m){return isCollection$2(m)&&!isAssociative(m)?m:SetSeq(m)}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b}(Collection$1);Collection$1.Keyed=KeyedCollection,Collection$1.Indexed=IndexedCollection,Collection$1.Set=SetCollection;var IS_SEQ_SYMBOL="@@__IMMUTABLE_SEQ__@@";function isSeq$1(g){return!!(g&&g[IS_SEQ_SYMBOL])}var IS_RECORD_SYMBOL="@@__IMMUTABLE_RECORD__@@";function isRecord(g){return!!(g&&g[IS_RECORD_SYMBOL])}function isImmutable(g){return isCollection$2(g)||isRecord(g)}var IS_ORDERED_SYMBOL="@@__IMMUTABLE_ORDERED__@@";function isOrdered(g){return!!(g&&g[IS_ORDERED_SYMBOL])}var ITERATE_KEYS=0,ITERATE_VALUES=1,ITERATE_ENTRIES=2,REAL_ITERATOR_SYMBOL=typeof Symbol=="function"&&Symbol.iterator,FAUX_ITERATOR_SYMBOL="@@iterator",ITERATOR_SYMBOL=REAL_ITERATOR_SYMBOL||FAUX_ITERATOR_SYMBOL,Iterator=function(b){this.next=b};Iterator.prototype.toString=function(){return"[Iterator]"},Iterator.KEYS=ITERATE_KEYS,Iterator.VALUES=ITERATE_VALUES,Iterator.ENTRIES=ITERATE_ENTRIES,Iterator.prototype.inspect=Iterator.prototype.toSource=function(){return this.toString()},Iterator.prototype[ITERATOR_SYMBOL]=function(){return this};function iteratorValue(g,b,m,w){var _=g===0?b:g===1?m:[b,m];return w?w.value=_:w={value:_,done:!1},w}function iteratorDone(){return{value:void 0,done:!0}}function hasIterator(g){return!!getIteratorFn(g)}function isIterator(g){return g&&typeof g.next=="function"}function getIterator(g){var b=getIteratorFn(g);return b&&b.call(g)}function getIteratorFn(g){var b=g&&(REAL_ITERATOR_SYMBOL&&g[REAL_ITERATOR_SYMBOL]||g[FAUX_ITERATOR_SYMBOL]);if(typeof b=="function")return b}var hasOwnProperty=Object.prototype.hasOwnProperty;function isArrayLike(g){return Array.isArray(g)||typeof g=="string"?!0:g&&typeof g=="object"&&Number.isInteger(g.length)&&g.length>=0&&(g.length===0?Object.keys(g).length===1:g.hasOwnProperty(g.length-1))}var Seq=function(g){function b(m){return m==null?emptySequence():isImmutable(m)?m.toSeq():seqFromValue(m)}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.toSeq=function(){return this},b.prototype.toString=function(){return this.__toString("Seq {","}")},b.prototype.cacheResult=function(){return!this._cache&&this.__iterateUncached&&(this._cache=this.entrySeq().toArray(),this.size=this._cache.length),this},b.prototype.__iterate=function(w,_){var C=this._cache;if(C){for(var k=C.length,I=0;I!==k;){var $=C[_?k-++I:I++];if(w($[1],$[0],this)===!1)break}return I}return this.__iterateUncached(w,_)},b.prototype.__iterator=function(w,_){var C=this._cache;if(C){var k=C.length,I=0;return new Iterator(function(){if(I===k)return iteratorDone();var $=C[_?k-++I:I++];return iteratorValue(w,$[0],$[1])})}return this.__iteratorUncached(w,_)},b}(Collection$1),KeyedSeq=function(g){function b(m){return m==null?emptySequence().toKeyedSeq():isCollection$2(m)?isKeyed(m)?m.toSeq():m.fromEntrySeq():isRecord(m)?m.toSeq():keyedSeqFromValue(m)}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.toKeyedSeq=function(){return this},b}(Seq),IndexedSeq=function(g){function b(m){return m==null?emptySequence():isCollection$2(m)?isKeyed(m)?m.entrySeq():m.toIndexedSeq():isRecord(m)?m.toSeq().entrySeq():indexedSeqFromValue(m)}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.of=function(){return b(arguments)},b.prototype.toIndexedSeq=function(){return this},b.prototype.toString=function(){return this.__toString("Seq [","]")},b}(Seq),SetSeq=function(g){function b(m){return(isCollection$2(m)&&!isAssociative(m)?m:IndexedSeq(m)).toSetSeq()}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.of=function(){return b(arguments)},b.prototype.toSetSeq=function(){return this},b}(Seq);Seq.isSeq=isSeq$1,Seq.Keyed=KeyedSeq,Seq.Set=SetSeq,Seq.Indexed=IndexedSeq,Seq.prototype[IS_SEQ_SYMBOL]=!0;var ArraySeq=function(g){function b(m){this._array=m,this.size=m.length}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.get=function(w,_){return this.has(w)?this._array[wrapIndex(this,w)]:_},b.prototype.__iterate=function(w,_){for(var C=this._array,k=C.length,I=0;I!==k;){var $=_?k-++I:I++;if(w(C[$],$,this)===!1)break}return I},b.prototype.__iterator=function(w,_){var C=this._array,k=C.length,I=0;return new Iterator(function(){if(I===k)return iteratorDone();var $=_?k-++I:I++;return iteratorValue(w,$,C[$])})},b}(IndexedSeq),ObjectSeq=function(g){function b(m){var w=Object.keys(m);this._object=m,this._keys=w,this.size=w.length}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.get=function(w,_){return _!==void 0&&!this.has(w)?_:this._object[w]},b.prototype.has=function(w){return hasOwnProperty.call(this._object,w)},b.prototype.__iterate=function(w,_){for(var C=this._object,k=this._keys,I=k.length,$=0;$!==I;){var P=k[_?I-++$:$++];if(w(C[P],P,this)===!1)break}return $},b.prototype.__iterator=function(w,_){var C=this._object,k=this._keys,I=k.length,$=0;return new Iterator(function(){if($===I)return iteratorDone();var P=k[_?I-++$:$++];return iteratorValue(w,P,C[P])})},b}(KeyedSeq);ObjectSeq.prototype[IS_ORDERED_SYMBOL]=!0;var CollectionSeq=function(g){function b(m){this._collection=m,this.size=m.length||m.size}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.__iterateUncached=function(w,_){if(_)return this.cacheResult().__iterate(w,_);var C=this._collection,k=getIterator(C),I=0;if(isIterator(k))for(var $;!($=k.next()).done&&w($.value,I++,this)!==!1;);return I},b.prototype.__iteratorUncached=function(w,_){if(_)return this.cacheResult().__iterator(w,_);var C=this._collection,k=getIterator(C);if(!isIterator(k))return new Iterator(iteratorDone);var I=0;return new Iterator(function(){var $=k.next();return $.done?$:iteratorValue(w,I++,$.value)})},b}(IndexedSeq),EMPTY_SEQ;function emptySequence(){return EMPTY_SEQ||(EMPTY_SEQ=new ArraySeq([]))}function keyedSeqFromValue(g){var b=Array.isArray(g)?new ArraySeq(g):hasIterator(g)?new CollectionSeq(g):void 0;if(b)return b.fromEntrySeq();if(typeof g=="object")return new ObjectSeq(g);throw new TypeError("Expected Array or collection object of [k, v] entries, or keyed object: "+g)}function indexedSeqFromValue(g){var b=maybeIndexedSeqFromValue(g);if(b)return b;throw new TypeError("Expected Array or collection object of values: "+g)}function seqFromValue(g){var b=maybeIndexedSeqFromValue(g);if(b)return b;if(typeof g=="object")return new ObjectSeq(g);throw new TypeError("Expected Array or collection object of values, or keyed object: "+g)}function maybeIndexedSeqFromValue(g){return isArrayLike(g)?new ArraySeq(g):hasIterator(g)?new CollectionSeq(g):void 0}var IS_MAP_SYMBOL="@@__IMMUTABLE_MAP__@@";function isMap$1(g){return!!(g&&g[IS_MAP_SYMBOL])}function isOrderedMap(g){return isMap$1(g)&&isOrdered(g)}function isValueObject(g){return!!(g&&typeof g.equals=="function"&&typeof g.hashCode=="function")}function is$1(g,b){if(g===b||g!==g&&b!==b)return!0;if(!g||!b)return!1;if(typeof g.valueOf=="function"&&typeof b.valueOf=="function"){if(g=g.valueOf(),b=b.valueOf(),g===b||g!==g&&b!==b)return!0;if(!g||!b)return!1}return!!(isValueObject(g)&&isValueObject(b)&&g.equals(b))}var imul=typeof Math.imul=="function"&&Math.imul(4294967295,2)===-2?Math.imul:function(b,m){b|=0,m|=0;var w=b&65535,_=m&65535;return w*_+((b>>>16)*_+w*(m>>>16)<<16>>>0)|0};function smi(g){return g>>>1&1073741824|g&3221225471}var defaultValueOf=Object.prototype.valueOf;function hash$1(g){switch(typeof g){case"boolean":return g?1108378657:1108378656;case"number":return hashNumber(g);case"string":return g.length>STRING_HASH_CACHE_MIN_STRLEN?cachedHashString(g):hashString(g);case"object":case"function":return g===null?1108378658:typeof g.hashCode=="function"?smi(g.hashCode(g)):(g.valueOf!==defaultValueOf&&typeof g.valueOf=="function"&&(g=g.valueOf(g)),hashJSObj(g));case"undefined":return 1108378659;default:if(typeof g.toString=="function")return hashString(g.toString());throw new Error("Value type "+typeof g+" cannot be hashed.")}}function hashNumber(g){if(g!==g||g===1/0)return 0;var b=g|0;for(b!==g&&(b^=g*4294967295);g>4294967295;)g/=4294967295,b^=g;return smi(b)}function cachedHashString(g){var b=stringHashCache[g];return b===void 0&&(b=hashString(g),STRING_HASH_CACHE_SIZE===STRING_HASH_CACHE_MAX_SIZE&&(STRING_HASH_CACHE_SIZE=0,stringHashCache={}),STRING_HASH_CACHE_SIZE++,stringHashCache[g]=b),b}function hashString(g){for(var b=0,m=0;m<g.length;m++)b=31*b+g.charCodeAt(m)|0;return smi(b)}function hashJSObj(g){var b;if(usingWeakMap&&(b=weakMap.get(g),b!==void 0)||(b=g[UID_HASH_KEY],b!==void 0)||!canDefineProperty&&(b=g.propertyIsEnumerable&&g.propertyIsEnumerable[UID_HASH_KEY],b!==void 0||(b=getIENodeHash(g),b!==void 0)))return b;if(b=++objHashUID,objHashUID&1073741824&&(objHashUID=0),usingWeakMap)weakMap.set(g,b);else{if(isExtensible!==void 0&&isExtensible(g)===!1)throw new Error("Non-extensible objects are not allowed as keys.");if(canDefineProperty)Object.defineProperty(g,UID_HASH_KEY,{enumerable:!1,configurable:!1,writable:!1,value:b});else if(g.propertyIsEnumerable!==void 0&&g.propertyIsEnumerable===g.constructor.prototype.propertyIsEnumerable)g.propertyIsEnumerable=function(){return this.constructor.prototype.propertyIsEnumerable.apply(this,arguments)},g.propertyIsEnumerable[UID_HASH_KEY]=b;else if(g.nodeType!==void 0)g[UID_HASH_KEY]=b;else throw new Error("Unable to set a non-enumerable property on object.")}return b}var isExtensible=Object.isExtensible,canDefineProperty=function(){try{return Object.defineProperty({},"@",{}),!0}catch{return!1}}();function getIENodeHash(g){if(g&&g.nodeType>0)switch(g.nodeType){case 1:return g.uniqueID;case 9:return g.documentElement&&g.documentElement.uniqueID}}var usingWeakMap=typeof WeakMap=="function",weakMap;usingWeakMap&&(weakMap=new WeakMap);var objHashUID=0,UID_HASH_KEY="__immutablehash__";typeof Symbol=="function"&&(UID_HASH_KEY=Symbol(UID_HASH_KEY));var STRING_HASH_CACHE_MIN_STRLEN=16,STRING_HASH_CACHE_MAX_SIZE=255,STRING_HASH_CACHE_SIZE=0,stringHashCache={},ToKeyedSequence=function(g){function b(m,w){this._iter=m,this._useKeys=w,this.size=m.size}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.get=function(w,_){return this._iter.get(w,_)},b.prototype.has=function(w){return this._iter.has(w)},b.prototype.valueSeq=function(){return this._iter.valueSeq()},b.prototype.reverse=function(){var w=this,_=reverseFactory(this,!0);return this._useKeys||(_.valueSeq=function(){return w._iter.toSeq().reverse()}),_},b.prototype.map=function(w,_){var C=this,k=mapFactory(this,w,_);return this._useKeys||(k.valueSeq=function(){return C._iter.toSeq().map(w,_)}),k},b.prototype.__iterate=function(w,_){var C=this;return this._iter.__iterate(function(k,I){return w(k,I,C)},_)},b.prototype.__iterator=function(w,_){return this._iter.__iterator(w,_)},b}(KeyedSeq);ToKeyedSequence.prototype[IS_ORDERED_SYMBOL]=!0;var ToIndexedSequence=function(g){function b(m){this._iter=m,this.size=m.size}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.includes=function(w){return this._iter.includes(w)},b.prototype.__iterate=function(w,_){var C=this,k=0;return _&&ensureSize(this),this._iter.__iterate(function(I){return w(I,_?C.size-++k:k++,C)},_)},b.prototype.__iterator=function(w,_){var C=this,k=this._iter.__iterator(ITERATE_VALUES,_),I=0;return _&&ensureSize(this),new Iterator(function(){var $=k.next();return $.done?$:iteratorValue(w,_?C.size-++I:I++,$.value,$)})},b}(IndexedSeq),ToSetSequence=function(g){function b(m){this._iter=m,this.size=m.size}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.has=function(w){return this._iter.includes(w)},b.prototype.__iterate=function(w,_){var C=this;return this._iter.__iterate(function(k){return w(k,k,C)},_)},b.prototype.__iterator=function(w,_){var C=this._iter.__iterator(ITERATE_VALUES,_);return new Iterator(function(){var k=C.next();return k.done?k:iteratorValue(w,k.value,k.value,k)})},b}(SetSeq),FromEntriesSequence=function(g){function b(m){this._iter=m,this.size=m.size}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.entrySeq=function(){return this._iter.toSeq()},b.prototype.__iterate=function(w,_){var C=this;return this._iter.__iterate(function(k){if(k){validateEntry(k);var I=isCollection$2(k);return w(I?k.get(1):k[1],I?k.get(0):k[0],C)}},_)},b.prototype.__iterator=function(w,_){var C=this._iter.__iterator(ITERATE_VALUES,_);return new Iterator(function(){for(;;){var k=C.next();if(k.done)return k;var I=k.value;if(I){validateEntry(I);var $=isCollection$2(I);return iteratorValue(w,$?I.get(0):I[0],$?I.get(1):I[1],k)}}})},b}(KeyedSeq);ToIndexedSequence.prototype.cacheResult=ToKeyedSequence.prototype.cacheResult=ToSetSequence.prototype.cacheResult=FromEntriesSequence.prototype.cacheResult=cacheResultThrough;function flipFactory(g){var b=makeSequence(g);return b._iter=g,b.size=g.size,b.flip=function(){return g},b.reverse=function(){var m=g.reverse.apply(this);return m.flip=function(){return g.reverse()},m},b.has=function(m){return g.includes(m)},b.includes=function(m){return g.has(m)},b.cacheResult=cacheResultThrough,b.__iterateUncached=function(m,w){var _=this;return g.__iterate(function(C,k){return m(k,C,_)!==!1},w)},b.__iteratorUncached=function(m,w){if(m===ITERATE_ENTRIES){var _=g.__iterator(m,w);return new Iterator(function(){var C=_.next();if(!C.done){var k=C.value[0];C.value[0]=C.value[1],C.value[1]=k}return C})}return g.__iterator(m===ITERATE_VALUES?ITERATE_KEYS:ITERATE_VALUES,w)},b}function mapFactory(g,b,m){var w=makeSequence(g);return w.size=g.size,w.has=function(_){return g.has(_)},w.get=function(_,C){var k=g.get(_,NOT_SET);return k===NOT_SET?C:b.call(m,k,_,g)},w.__iterateUncached=function(_,C){var k=this;return g.__iterate(function(I,$,P){return _(b.call(m,I,$,P),$,k)!==!1},C)},w.__iteratorUncached=function(_,C){var k=g.__iterator(ITERATE_ENTRIES,C);return new Iterator(function(){var I=k.next();if(I.done)return I;var $=I.value,P=$[0];return iteratorValue(_,P,b.call(m,$[1],P,g),I)})},w}function reverseFactory(g,b){var m=this,w=makeSequence(g);return w._iter=g,w.size=g.size,w.reverse=function(){return g},g.flip&&(w.flip=function(){var _=flipFactory(g);return _.reverse=function(){return g.flip()},_}),w.get=function(_,C){return g.get(b?_:-1-_,C)},w.has=function(_){return g.has(b?_:-1-_)},w.includes=function(_){return g.includes(_)},w.cacheResult=cacheResultThrough,w.__iterate=function(_,C){var k=this,I=0;return C&&ensureSize(g),g.__iterate(function($,P){return _($,b?P:C?k.size-++I:I++,k)},!C)},w.__iterator=function(_,C){var k=0;C&&ensureSize(g);var I=g.__iterator(ITERATE_ENTRIES,!C);return new Iterator(function(){var $=I.next();if($.done)return $;var P=$.value;return iteratorValue(_,b?P[0]:C?m.size-++k:k++,P[1],$)})},w}function filterFactory(g,b,m,w){var _=makeSequence(g);return w&&(_.has=function(C){var k=g.get(C,NOT_SET);return k!==NOT_SET&&!!b.call(m,k,C,g)},_.get=function(C,k){var I=g.get(C,NOT_SET);return I!==NOT_SET&&b.call(m,I,C,g)?I:k}),_.__iterateUncached=function(C,k){var I=this,$=0;return g.__iterate(function(P,M,U){if(b.call(m,P,M,U))return $++,C(P,w?M:$-1,I)},k),$},_.__iteratorUncached=function(C,k){var I=g.__iterator(ITERATE_ENTRIES,k),$=0;return new Iterator(function(){for(;;){var P=I.next();if(P.done)return P;var M=P.value,U=M[0],G=M[1];if(b.call(m,G,U,g))return iteratorValue(C,w?U:$++,G,P)}})},_}function countByFactory(g,b,m){var w=Map$1().asMutable();return g.__iterate(function(_,C){w.update(b.call(m,_,C,g),0,function(k){return k+1})}),w.asImmutable()}function groupByFactory(g,b,m){var w=isKeyed(g),_=(isOrdered(g)?OrderedMap():Map$1()).asMutable();g.__iterate(function(k,I){_.update(b.call(m,k,I,g),function($){return $=$||[],$.push(w?[I,k]:k),$})});var C=collectionClass(g);return _.map(function(k){return reify(g,C(k))}).asImmutable()}function sliceFactory(g,b,m,w){var _=g.size;if(wholeSlice(b,m,_))return g;var C=resolveBegin(b,_),k=resolveEnd$1(m,_);if(C!==C||k!==k)return sliceFactory(g.toSeq().cacheResult(),b,m,w);var I=k-C,$;I===I&&($=I<0?0:I);var P=makeSequence(g);return P.size=$===0?$:g.size&&$||void 0,!w&&isSeq$1(g)&&$>=0&&(P.get=function(M,U){return M=wrapIndex(this,M),M>=0&&M<$?g.get(M+C,U):U}),P.__iterateUncached=function(M,U){var G=this;if($===0)return 0;if(U)return this.cacheResult().__iterate(M,U);var X=0,Z=!0,ne=0;return g.__iterate(function(re,ve){if(!(Z&&(Z=X++<C)))return ne++,M(re,w?ve:ne-1,G)!==!1&&ne!==$}),ne},P.__iteratorUncached=function(M,U){if($!==0&&U)return this.cacheResult().__iterator(M,U);if($===0)return new Iterator(iteratorDone);var G=g.__iterator(M,U),X=0,Z=0;return new Iterator(function(){for(;X++<C;)G.next();if(++Z>$)return iteratorDone();var ne=G.next();return w||M===ITERATE_VALUES||ne.done?ne:M===ITERATE_KEYS?iteratorValue(M,Z-1,void 0,ne):iteratorValue(M,Z-1,ne.value[1],ne)})},P}function takeWhileFactory(g,b,m){var w=makeSequence(g);return w.__iterateUncached=function(_,C){var k=this;if(C)return this.cacheResult().__iterate(_,C);var I=0;return g.__iterate(function($,P,M){return b.call(m,$,P,M)&&++I&&_($,P,k)}),I},w.__iteratorUncached=function(_,C){var k=this;if(C)return this.cacheResult().__iterator(_,C);var I=g.__iterator(ITERATE_ENTRIES,C),$=!0;return new Iterator(function(){if(!$)return iteratorDone();var P=I.next();if(P.done)return P;var M=P.value,U=M[0],G=M[1];return b.call(m,G,U,k)?_===ITERATE_ENTRIES?P:iteratorValue(_,U,G,P):($=!1,iteratorDone())})},w}function skipWhileFactory(g,b,m,w){var _=makeSequence(g);return _.__iterateUncached=function(C,k){var I=this;if(k)return this.cacheResult().__iterate(C,k);var $=!0,P=0;return g.__iterate(function(M,U,G){if(!($&&($=b.call(m,M,U,G))))return P++,C(M,w?U:P-1,I)}),P},_.__iteratorUncached=function(C,k){var I=this;if(k)return this.cacheResult().__iterator(C,k);var $=g.__iterator(ITERATE_ENTRIES,k),P=!0,M=0;return new Iterator(function(){var U,G,X;do{if(U=$.next(),U.done)return w||C===ITERATE_VALUES?U:C===ITERATE_KEYS?iteratorValue(C,M++,void 0,U):iteratorValue(C,M++,U.value[1],U);var Z=U.value;G=Z[0],X=Z[1],P&&(P=b.call(m,X,G,I))}while(P);return C===ITERATE_ENTRIES?U:iteratorValue(C,G,X,U)})},_}function concatFactory(g,b){var m=isKeyed(g),w=[g].concat(b).map(function(k){return isCollection$2(k)?m&&(k=KeyedCollection(k)):k=m?keyedSeqFromValue(k):indexedSeqFromValue(Array.isArray(k)?k:[k]),k}).filter(function(k){return k.size!==0});if(w.length===0)return g;if(w.length===1){var _=w[0];if(_===g||m&&isKeyed(_)||isIndexed(g)&&isIndexed(_))return _}var C=new ArraySeq(w);return m?C=C.toKeyedSeq():isIndexed(g)||(C=C.toSetSeq()),C=C.flatten(!0),C.size=w.reduce(function(k,I){if(k!==void 0){var $=I.size;if($!==void 0)return k+$}},0),C}function flattenFactory(g,b,m){var w=makeSequence(g);return w.__iterateUncached=function(_,C){if(C)return this.cacheResult().__iterate(_,C);var k=0,I=!1;function $(P,M){P.__iterate(function(U,G){return(!b||M<b)&&isCollection$2(U)?$(U,M+1):(k++,_(U,m?G:k-1,w)===!1&&(I=!0)),!I},C)}return $(g,0),k},w.__iteratorUncached=function(_,C){if(C)return this.cacheResult().__iterator(_,C);var k=g.__iterator(_,C),I=[],$=0;return new Iterator(function(){for(;k;){var P=k.next();if(P.done!==!1){k=I.pop();continue}var M=P.value;if(_===ITERATE_ENTRIES&&(M=M[1]),(!b||I.length<b)&&isCollection$2(M))I.push(k),k=M.__iterator(_,C);else return m?P:iteratorValue(_,$++,M,P)}return iteratorDone()})},w}function flatMapFactory(g,b,m){var w=collectionClass(g);return g.toSeq().map(function(_,C){return w(b.call(m,_,C,g))}).flatten(!0)}function interposeFactory(g,b){var m=makeSequence(g);return m.size=g.size&&g.size*2-1,m.__iterateUncached=function(w,_){var C=this,k=0;return g.__iterate(function(I){return(!k||w(b,k++,C)!==!1)&&w(I,k++,C)!==!1},_),k},m.__iteratorUncached=function(w,_){var C=g.__iterator(ITERATE_VALUES,_),k=0,I;return new Iterator(function(){return(!I||k%2)&&(I=C.next(),I.done)?I:k%2?iteratorValue(w,k++,b):iteratorValue(w,k++,I.value,I)})},m}function sortFactory(g,b,m){b||(b=defaultComparator);var w=isKeyed(g),_=0,C=g.toSeq().map(function(k,I){return[I,k,_++,m?m(k,I,g):k]}).valueSeq().toArray();return C.sort(function(k,I){return b(k[3],I[3])||k[2]-I[2]}).forEach(w?function(k,I){C[I].length=2}:function(k,I){C[I]=k[1]}),w?KeyedSeq(C):isIndexed(g)?IndexedSeq(C):SetSeq(C)}function maxFactory(g,b,m){if(b||(b=defaultComparator),m){var w=g.toSeq().map(function(_,C){return[_,m(_,C,g)]}).reduce(function(_,C){return maxCompare(b,_[1],C[1])?C:_});return w&&w[0]}return g.reduce(function(_,C){return maxCompare(b,_,C)?C:_})}function maxCompare(g,b,m){var w=g(m,b);return w===0&&m!==b&&(m==null||m!==m)||w>0}function zipWithFactory(g,b,m,w){var _=makeSequence(g),C=new ArraySeq(m).map(function(k){return k.size});return _.size=w?C.max():C.min(),_.__iterate=function(k,I){for(var $=this.__iterator(ITERATE_VALUES,I),P,M=0;!(P=$.next()).done&&k(P.value,M++,this)!==!1;);return M},_.__iteratorUncached=function(k,I){var $=m.map(function(U){return U=Collection$1(U),getIterator(I?U.reverse():U)}),P=0,M=!1;return new Iterator(function(){var U;return M||(U=$.map(function(G){return G.next()}),M=w?U.every(function(G){return G.done}):U.some(function(G){return G.done})),M?iteratorDone():iteratorValue(k,P++,b.apply(null,U.map(function(G){return G.value})))})},_}function reify(g,b){return g===b?g:isSeq$1(g)?b:g.constructor(b)}function validateEntry(g){if(g!==Object(g))throw new TypeError("Expected [K, V] tuple: "+g)}function collectionClass(g){return isKeyed(g)?KeyedCollection:isIndexed(g)?IndexedCollection:SetCollection}function makeSequence(g){return Object.create((isKeyed(g)?KeyedSeq:isIndexed(g)?IndexedSeq:SetSeq).prototype)}function cacheResultThrough(){return this._iter.cacheResult?(this._iter.cacheResult(),this.size=this._iter.size,this):Seq.prototype.cacheResult.call(this)}function defaultComparator(g,b){return g===void 0&&b===void 0?0:g===void 0?1:b===void 0?-1:g>b?1:g<b?-1:0}function arrCopy(g,b){b=b||0;for(var m=Math.max(0,g.length-b),w=new Array(m),_=0;_<m;_++)w[_]=g[_+b];return w}function invariant(g,b){if(!g)throw new Error(b)}function assertNotInfinite(g){invariant(g!==1/0,"Cannot perform this action with an infinite size.")}function coerceKeyPath(g){if(isArrayLike(g)&&typeof g!="string")return g;if(isOrdered(g))return g.toArray();throw new TypeError("Invalid keyPath: expected Ordered Collection or Array: "+g)}function isPlainObj(g){return g&&(typeof g.constructor!="function"||g.constructor.name==="Object")}function isDataStructure(g){return typeof g=="object"&&(isImmutable(g)||Array.isArray(g)||isPlainObj(g))}function quoteString(g){try{return typeof g=="string"?JSON.stringify(g):String(g)}catch{return JSON.stringify(g)}}function has$2(g,b){return isImmutable(g)?g.has(b):isDataStructure(g)&&hasOwnProperty.call(g,b)}function get(g,b,m){return isImmutable(g)?g.get(b,m):has$2(g,b)?typeof g.get=="function"?g.get(b):g[b]:m}function shallowCopy(g){if(Array.isArray(g))return arrCopy(g);var b={};for(var m in g)hasOwnProperty.call(g,m)&&(b[m]=g[m]);return b}function remove(g,b){if(!isDataStructure(g))throw new TypeError("Cannot update non-data-structure value: "+g);if(isImmutable(g)){if(!g.remove)throw new TypeError("Cannot update immutable value without .remove() method: "+g);return g.remove(b)}if(!hasOwnProperty.call(g,b))return g;var m=shallowCopy(g);return Array.isArray(m)?m.splice(b,1):delete m[b],m}function set$1(g,b,m){if(!isDataStructure(g))throw new TypeError("Cannot update non-data-structure value: "+g);if(isImmutable(g)){if(!g.set)throw new TypeError("Cannot update immutable value without .set() method: "+g);return g.set(b,m)}if(hasOwnProperty.call(g,b)&&m===g[b])return g;var w=shallowCopy(g);return w[b]=m,w}function updateIn(g,b,m,w){w||(w=m,m=void 0);var _=updateInDeeply(isImmutable(g),g,coerceKeyPath(b),0,m,w);return _===NOT_SET?m:_}function updateInDeeply(g,b,m,w,_,C){var k=b===NOT_SET;if(w===m.length){var I=k?_:b,$=C(I);return $===I?b:$}if(!k&&!isDataStructure(b))throw new TypeError("Cannot update within non-data-structure value in path ["+m.slice(0,w).map(quoteString)+"]: "+b);var P=m[w],M=k?NOT_SET:get(b,P,NOT_SET),U=updateInDeeply(M===NOT_SET?g:isImmutable(M),M,m,w+1,_,C);return U===M?b:U===NOT_SET?remove(b,P):set$1(k?g?emptyMap():{}:b,P,U)}function setIn(g,b,m){return updateIn(g,b,NOT_SET,function(){return m})}function setIn$1(g,b){return setIn(this,g,b)}function removeIn(g,b){return updateIn(g,b,function(){return NOT_SET})}function deleteIn(g){return removeIn(this,g)}function update(g,b,m,w){return updateIn(g,[b],m,w)}function update$1(g,b,m){return arguments.length===1?g(this):update(this,g,b,m)}function updateIn$1(g,b,m){return updateIn(this,g,b,m)}function merge(){for(var g=[],b=arguments.length;b--;)g[b]=arguments[b];return mergeIntoKeyedWith(this,g)}function mergeWith(g){for(var b=[],m=arguments.length-1;m-- >0;)b[m]=arguments[m+1];if(typeof g!="function")throw new TypeError("Invalid merger function: "+g);return mergeIntoKeyedWith(this,b,g)}function mergeIntoKeyedWith(g,b,m){for(var w=[],_=0;_<b.length;_++){var C=KeyedCollection(b[_]);C.size!==0&&w.push(C)}return w.length===0?g:g.toSeq().size===0&&!g.__ownerID&&w.length===1?g.constructor(w[0]):g.withMutations(function(k){for(var I=m?function(P,M){update(k,M,NOT_SET,function(U){return U===NOT_SET?P:m(U,P,M)})}:function(P,M){k.set(M,P)},$=0;$<w.length;$++)w[$].forEach(I)})}function mergeDeepWithSources(g,b,m){return mergeWithSources(g,b,deepMergerWith(m))}function mergeWithSources(g,b,m){if(!isDataStructure(g))throw new TypeError("Cannot merge into non-data-structure value: "+g);if(isImmutable(g))return typeof m=="function"&&g.mergeWith?g.mergeWith.apply(g,[m].concat(b)):g.merge?g.merge.apply(g,b):g.concat.apply(g,b);for(var w=Array.isArray(g),_=g,C=w?IndexedCollection:KeyedCollection,k=w?function($){_===g&&(_=shallowCopy(_)),_.push($)}:function($,P){var M=hasOwnProperty.call(_,P),U=M&&m?m(_[P],$,P):$;(!M||U!==_[P])&&(_===g&&(_=shallowCopy(_)),_[P]=U)},I=0;I<b.length;I++)C(b[I]).forEach(k);return _}function deepMergerWith(g){function b(m,w,_){return isDataStructure(m)&&isDataStructure(w)?mergeWithSources(m,[w],b):g?g(m,w,_):w}return b}function mergeDeep$1(){for(var g=[],b=arguments.length;b--;)g[b]=arguments[b];return mergeDeepWithSources(this,g)}function mergeDeepWith$1(g){for(var b=[],m=arguments.length-1;m-- >0;)b[m]=arguments[m+1];return mergeDeepWithSources(this,b,g)}function mergeIn(g){for(var b=[],m=arguments.length-1;m-- >0;)b[m]=arguments[m+1];return updateIn(this,g,emptyMap(),function(w){return mergeWithSources(w,b)})}function mergeDeepIn(g){for(var b=[],m=arguments.length-1;m-- >0;)b[m]=arguments[m+1];return updateIn(this,g,emptyMap(),function(w){return mergeDeepWithSources(w,b)})}function withMutations(g){var b=this.asMutable();return g(b),b.wasAltered()?b.__ensureOwner(this.__ownerID):this}function asMutable(){return this.__ownerID?this:this.__ensureOwner(new OwnerID)}function asImmutable(){return this.__ensureOwner()}function wasAltered(){return this.__altered}var Map$1=function(g){function b(m){return m==null?emptyMap():isMap$1(m)&&!isOrdered(m)?m:emptyMap().withMutations(function(w){var _=g(m);assertNotInfinite(_.size),_.forEach(function(C,k){return w.set(k,C)})})}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.of=function(){for(var w=[],_=arguments.length;_--;)w[_]=arguments[_];return emptyMap().withMutations(function(C){for(var k=0;k<w.length;k+=2){if(k+1>=w.length)throw new Error("Missing value for key: "+w[k]);C.set(w[k],w[k+1])}})},b.prototype.toString=function(){return this.__toString("Map {","}")},b.prototype.get=function(w,_){return this._root?this._root.get(0,void 0,w,_):_},b.prototype.set=function(w,_){return updateMap(this,w,_)},b.prototype.remove=function(w){return updateMap(this,w,NOT_SET)},b.prototype.deleteAll=function(w){var _=Collection$1(w);return _.size===0?this:this.withMutations(function(C){_.forEach(function(k){return C.remove(k)})})},b.prototype.clear=function(){return this.size===0?this:this.__ownerID?(this.size=0,this._root=null,this.__hash=void 0,this.__altered=!0,this):emptyMap()},b.prototype.sort=function(w){return OrderedMap(sortFactory(this,w))},b.prototype.sortBy=function(w,_){return OrderedMap(sortFactory(this,_,w))},b.prototype.map=function(w,_){return this.withMutations(function(C){C.forEach(function(k,I){C.set(I,w.call(_,k,I,C))})})},b.prototype.__iterator=function(w,_){return new MapIterator(this,w,_)},b.prototype.__iterate=function(w,_){var C=this,k=0;return this._root&&this._root.iterate(function(I){return k++,w(I[1],I[0],C)},_),k},b.prototype.__ensureOwner=function(w){return w===this.__ownerID?this:w?makeMap(this.size,this._root,w,this.__hash):this.size===0?emptyMap():(this.__ownerID=w,this.__altered=!1,this)},b}(KeyedCollection);Map$1.isMap=isMap$1;var MapPrototype=Map$1.prototype;MapPrototype[IS_MAP_SYMBOL]=!0,MapPrototype[DELETE]=MapPrototype.remove,MapPrototype.removeAll=MapPrototype.deleteAll,MapPrototype.setIn=setIn$1,MapPrototype.removeIn=MapPrototype.deleteIn=deleteIn,MapPrototype.update=update$1,MapPrototype.updateIn=updateIn$1,MapPrototype.merge=MapPrototype.concat=merge,MapPrototype.mergeWith=mergeWith,MapPrototype.mergeDeep=mergeDeep$1,MapPrototype.mergeDeepWith=mergeDeepWith$1,MapPrototype.mergeIn=mergeIn,MapPrototype.mergeDeepIn=mergeDeepIn,MapPrototype.withMutations=withMutations,MapPrototype.wasAltered=wasAltered,MapPrototype.asImmutable=asImmutable,MapPrototype["@@transducer/init"]=MapPrototype.asMutable=asMutable,MapPrototype["@@transducer/step"]=function(g,b){return g.set(b[0],b[1])},MapPrototype["@@transducer/result"]=function(g){return g.asImmutable()};var ArrayMapNode=function(b,m){this.ownerID=b,this.entries=m};ArrayMapNode.prototype.get=function(b,m,w,_){for(var C=this.entries,k=0,I=C.length;k<I;k++)if(is$1(w,C[k][0]))return C[k][1];return _},ArrayMapNode.prototype.update=function(b,m,w,_,C,k,I){for(var $=C===NOT_SET,P=this.entries,M=0,U=P.length;M<U&&!is$1(_,P[M][0]);M++);var G=M<U;if(G?P[M][1]===C:$)return this;if(SetRef(I),($||!G)&&SetRef(k),!($&&P.length===1)){if(!G&&!$&&P.length>=MAX_ARRAY_MAP_SIZE)return createNodes(b,P,_,C);var X=b&&b===this.ownerID,Z=X?P:arrCopy(P);return G?$?M===U-1?Z.pop():Z[M]=Z.pop():Z[M]=[_,C]:Z.push([_,C]),X?(this.entries=Z,this):new ArrayMapNode(b,Z)}};var BitmapIndexedNode=function(b,m,w){this.ownerID=b,this.bitmap=m,this.nodes=w};BitmapIndexedNode.prototype.get=function(b,m,w,_){m===void 0&&(m=hash$1(w));var C=1<<((b===0?m:m>>>b)&MASK),k=this.bitmap;return k&C?this.nodes[popCount(k&C-1)].get(b+SHIFT,m,w,_):_},BitmapIndexedNode.prototype.update=function(b,m,w,_,C,k,I){w===void 0&&(w=hash$1(_));var $=(m===0?w:w>>>m)&MASK,P=1<<$,M=this.bitmap,U=(M&P)!==0;if(!U&&C===NOT_SET)return this;var G=popCount(M&P-1),X=this.nodes,Z=U?X[G]:void 0,ne=updateNode(Z,b,m+SHIFT,w,_,C,k,I);if(ne===Z)return this;if(!U&&ne&&X.length>=MAX_BITMAP_INDEXED_SIZE)return expandNodes(b,X,M,$,ne);if(U&&!ne&&X.length===2&&isLeafNode(X[G^1]))return X[G^1];if(U&&ne&&X.length===1&&isLeafNode(ne))return ne;var re=b&&b===this.ownerID,ve=U?ne?M:M^P:M|P,Se=U?ne?setAt(X,G,ne,re):spliceOut(X,G,re):spliceIn(X,G,ne,re);return re?(this.bitmap=ve,this.nodes=Se,this):new BitmapIndexedNode(b,ve,Se)};var HashArrayMapNode=function(b,m,w){this.ownerID=b,this.count=m,this.nodes=w};HashArrayMapNode.prototype.get=function(b,m,w,_){m===void 0&&(m=hash$1(w));var C=(b===0?m:m>>>b)&MASK,k=this.nodes[C];return k?k.get(b+SHIFT,m,w,_):_},HashArrayMapNode.prototype.update=function(b,m,w,_,C,k,I){w===void 0&&(w=hash$1(_));var $=(m===0?w:w>>>m)&MASK,P=C===NOT_SET,M=this.nodes,U=M[$];if(P&&!U)return this;var G=updateNode(U,b,m+SHIFT,w,_,C,k,I);if(G===U)return this;var X=this.count;if(!U)X++;else if(!G&&(X--,X<MIN_HASH_ARRAY_MAP_SIZE))return packNodes(b,M,X,$);var Z=b&&b===this.ownerID,ne=setAt(M,$,G,Z);return Z?(this.count=X,this.nodes=ne,this):new HashArrayMapNode(b,X,ne)};var HashCollisionNode=function(b,m,w){this.ownerID=b,this.keyHash=m,this.entries=w};HashCollisionNode.prototype.get=function(b,m,w,_){for(var C=this.entries,k=0,I=C.length;k<I;k++)if(is$1(w,C[k][0]))return C[k][1];return _},HashCollisionNode.prototype.update=function(b,m,w,_,C,k,I){w===void 0&&(w=hash$1(_));var $=C===NOT_SET;if(w!==this.keyHash)return $?this:(SetRef(I),SetRef(k),mergeIntoNode(this,b,m,w,[_,C]));for(var P=this.entries,M=0,U=P.length;M<U&&!is$1(_,P[M][0]);M++);var G=M<U;if(G?P[M][1]===C:$)return this;if(SetRef(I),($||!G)&&SetRef(k),$&&U===2)return new ValueNode(b,this.keyHash,P[M^1]);var X=b&&b===this.ownerID,Z=X?P:arrCopy(P);return G?$?M===U-1?Z.pop():Z[M]=Z.pop():Z[M]=[_,C]:Z.push([_,C]),X?(this.entries=Z,this):new HashCollisionNode(b,this.keyHash,Z)};var ValueNode=function(b,m,w){this.ownerID=b,this.keyHash=m,this.entry=w};ValueNode.prototype.get=function(b,m,w,_){return is$1(w,this.entry[0])?this.entry[1]:_},ValueNode.prototype.update=function(b,m,w,_,C,k,I){var $=C===NOT_SET,P=is$1(_,this.entry[0]);if(P?C===this.entry[1]:$)return this;if(SetRef(I),$){SetRef(k);return}return P?b&&b===this.ownerID?(this.entry[1]=C,this):new ValueNode(b,this.keyHash,[_,C]):(SetRef(k),mergeIntoNode(this,b,m,hash$1(_),[_,C]))},ArrayMapNode.prototype.iterate=HashCollisionNode.prototype.iterate=function(g,b){for(var m=this.entries,w=0,_=m.length-1;w<=_;w++)if(g(m[b?_-w:w])===!1)return!1},BitmapIndexedNode.prototype.iterate=HashArrayMapNode.prototype.iterate=function(g,b){for(var m=this.nodes,w=0,_=m.length-1;w<=_;w++){var C=m[b?_-w:w];if(C&&C.iterate(g,b)===!1)return!1}},ValueNode.prototype.iterate=function(g,b){return g(this.entry)};var MapIterator=function(g){function b(m,w,_){this._type=w,this._reverse=_,this._stack=m._root&&mapIteratorFrame(m._root)}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.next=function(){for(var w=this._type,_=this._stack;_;){var C=_.node,k=_.index++,I=void 0;if(C.entry){if(k===0)return mapIteratorValue(w,C.entry)}else if(C.entries){if(I=C.entries.length-1,k<=I)return mapIteratorValue(w,C.entries[this._reverse?I-k:k])}else if(I=C.nodes.length-1,k<=I){var $=C.nodes[this._reverse?I-k:k];if($){if($.entry)return mapIteratorValue(w,$.entry);_=this._stack=mapIteratorFrame($,_)}continue}_=this._stack=this._stack.__prev}return iteratorDone()},b}(Iterator);function mapIteratorValue(g,b){return iteratorValue(g,b[0],b[1])}function mapIteratorFrame(g,b){return{node:g,index:0,__prev:b}}function makeMap(g,b,m,w){var _=Object.create(MapPrototype);return _.size=g,_._root=b,_.__ownerID=m,_.__hash=w,_.__altered=!1,_}var EMPTY_MAP;function emptyMap(){return EMPTY_MAP||(EMPTY_MAP=makeMap(0))}function updateMap(g,b,m){var w,_;if(g._root){var C=MakeRef(),k=MakeRef();if(w=updateNode(g._root,g.__ownerID,0,void 0,b,m,C,k),!k.value)return g;_=g.size+(C.value?m===NOT_SET?-1:1:0)}else{if(m===NOT_SET)return g;_=1,w=new ArrayMapNode(g.__ownerID,[[b,m]])}return g.__ownerID?(g.size=_,g._root=w,g.__hash=void 0,g.__altered=!0,g):w?makeMap(_,w):emptyMap()}function updateNode(g,b,m,w,_,C,k,I){return g?g.update(b,m,w,_,C,k,I):C===NOT_SET?g:(SetRef(I),SetRef(k),new ValueNode(b,w,[_,C]))}function isLeafNode(g){return g.constructor===ValueNode||g.constructor===HashCollisionNode}function mergeIntoNode(g,b,m,w,_){if(g.keyHash===w)return new HashCollisionNode(b,w,[g.entry,_]);var C=(m===0?g.keyHash:g.keyHash>>>m)&MASK,k=(m===0?w:w>>>m)&MASK,I,$=C===k?[mergeIntoNode(g,b,m+SHIFT,w,_)]:(I=new ValueNode(b,w,_),C<k?[g,I]:[I,g]);return new BitmapIndexedNode(b,1<<C|1<<k,$)}function createNodes(g,b,m,w){g||(g=new OwnerID);for(var _=new ValueNode(g,hash$1(m),[m,w]),C=0;C<b.length;C++){var k=b[C];_=_.update(g,0,void 0,k[0],k[1])}return _}function packNodes(g,b,m,w){for(var _=0,C=0,k=new Array(m),I=0,$=1,P=b.length;I<P;I++,$<<=1){var M=b[I];M!==void 0&&I!==w&&(_|=$,k[C++]=M)}return new BitmapIndexedNode(g,_,k)}function expandNodes(g,b,m,w,_){for(var C=0,k=new Array(SIZE),I=0;m!==0;I++,m>>>=1)k[I]=m&1?b[C++]:void 0;return k[w]=_,new HashArrayMapNode(g,C+1,k)}function popCount(g){return g-=g>>1&1431655765,g=(g&858993459)+(g>>2&858993459),g=g+(g>>4)&252645135,g+=g>>8,g+=g>>16,g&127}function setAt(g,b,m,w){var _=w?g:arrCopy(g);return _[b]=m,_}function spliceIn(g,b,m,w){var _=g.length+1;if(w&&b+1===_)return g[b]=m,g;for(var C=new Array(_),k=0,I=0;I<_;I++)I===b?(C[I]=m,k=-1):C[I]=g[I+k];return C}function spliceOut(g,b,m){var w=g.length-1;if(m&&b===w)return g.pop(),g;for(var _=new Array(w),C=0,k=0;k<w;k++)k===b&&(C=1),_[k]=g[k+C];return _}var MAX_ARRAY_MAP_SIZE=SIZE/4,MAX_BITMAP_INDEXED_SIZE=SIZE/2,MIN_HASH_ARRAY_MAP_SIZE=SIZE/4,IS_LIST_SYMBOL="@@__IMMUTABLE_LIST__@@";function isList$1(g){return!!(g&&g[IS_LIST_SYMBOL])}var List=function(g){function b(m){var w=emptyList();if(m==null)return w;if(isList$1(m))return m;var _=g(m),C=_.size;return C===0?w:(assertNotInfinite(C),C>0&&C<SIZE?makeList(0,C,SHIFT,null,new VNode(_.toArray())):w.withMutations(function(k){k.setSize(C),_.forEach(function(I,$){return k.set($,I)})}))}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.of=function(){return this(arguments)},b.prototype.toString=function(){return this.__toString("List [","]")},b.prototype.get=function(w,_){if(w=wrapIndex(this,w),w>=0&&w<this.size){w+=this._origin;var C=listNodeFor(this,w);return C&&C.array[w&MASK]}return _},b.prototype.set=function(w,_){return updateList(this,w,_)},b.prototype.remove=function(w){return this.has(w)?w===0?this.shift():w===this.size-1?this.pop():this.splice(w,1):this},b.prototype.insert=function(w,_){return this.splice(w,0,_)},b.prototype.clear=function(){return this.size===0?this:this.__ownerID?(this.size=this._origin=this._capacity=0,this._level=SHIFT,this._root=this._tail=null,this.__hash=void 0,this.__altered=!0,this):emptyList()},b.prototype.push=function(){var w=arguments,_=this.size;return this.withMutations(function(C){setListBounds(C,0,_+w.length);for(var k=0;k<w.length;k++)C.set(_+k,w[k])})},b.prototype.pop=function(){return setListBounds(this,0,-1)},b.prototype.unshift=function(){var w=arguments;return this.withMutations(function(_){setListBounds(_,-w.length);for(var C=0;C<w.length;C++)_.set(C,w[C])})},b.prototype.shift=function(){return setListBounds(this,1)},b.prototype.concat=function(){for(var w=arguments,_=[],C=0;C<arguments.length;C++){var k=w[C],I=g(typeof k!="string"&&hasIterator(k)?k:[k]);I.size!==0&&_.push(I)}return _.length===0?this:this.size===0&&!this.__ownerID&&_.length===1?this.constructor(_[0]):this.withMutations(function($){_.forEach(function(P){return P.forEach(function(M){return $.push(M)})})})},b.prototype.setSize=function(w){return setListBounds(this,0,w)},b.prototype.map=function(w,_){var C=this;return this.withMutations(function(k){for(var I=0;I<C.size;I++)k.set(I,w.call(_,k.get(I),I,k))})},b.prototype.slice=function(w,_){var C=this.size;return wholeSlice(w,_,C)?this:setListBounds(this,resolveBegin(w,C),resolveEnd$1(_,C))},b.prototype.__iterator=function(w,_){var C=_?this.size:0,k=iterateList(this,_);return new Iterator(function(){var I=k();return I===DONE?iteratorDone():iteratorValue(w,_?--C:C++,I)})},b.prototype.__iterate=function(w,_){for(var C=_?this.size:0,k=iterateList(this,_),I;(I=k())!==DONE&&w(I,_?--C:C++,this)!==!1;);return C},b.prototype.__ensureOwner=function(w){return w===this.__ownerID?this:w?makeList(this._origin,this._capacity,this._level,this._root,this._tail,w,this.__hash):this.size===0?emptyList():(this.__ownerID=w,this.__altered=!1,this)},b}(IndexedCollection);List.isList=isList$1;var ListPrototype=List.prototype;ListPrototype[IS_LIST_SYMBOL]=!0,ListPrototype[DELETE]=ListPrototype.remove,ListPrototype.merge=ListPrototype.concat,ListPrototype.setIn=setIn$1,ListPrototype.deleteIn=ListPrototype.removeIn=deleteIn,ListPrototype.update=update$1,ListPrototype.updateIn=updateIn$1,ListPrototype.mergeIn=mergeIn,ListPrototype.mergeDeepIn=mergeDeepIn,ListPrototype.withMutations=withMutations,ListPrototype.wasAltered=wasAltered,ListPrototype.asImmutable=asImmutable,ListPrototype["@@transducer/init"]=ListPrototype.asMutable=asMutable,ListPrototype["@@transducer/step"]=function(g,b){return g.push(b)},ListPrototype["@@transducer/result"]=function(g){return g.asImmutable()};var VNode=function(b,m){this.array=b,this.ownerID=m};VNode.prototype.removeBefore=function(b,m,w){if(w===m?1<<m:this.array.length===0)return this;var _=w>>>m&MASK;if(_>=this.array.length)return new VNode([],b);var C=_===0,k;if(m>0){var I=this.array[_];if(k=I&&I.removeBefore(b,m-SHIFT,w),k===I&&C)return this}if(C&&!k)return this;var $=editableVNode(this,b);if(!C)for(var P=0;P<_;P++)$.array[P]=void 0;return k&&($.array[_]=k),$},VNode.prototype.removeAfter=function(b,m,w){if(w===(m?1<<m:0)||this.array.length===0)return this;var _=w-1>>>m&MASK;if(_>=this.array.length)return this;var C;if(m>0){var k=this.array[_];if(C=k&&k.removeAfter(b,m-SHIFT,w),C===k&&_===this.array.length-1)return this}var I=editableVNode(this,b);return I.array.splice(_+1),C&&(I.array[_]=C),I};var DONE={};function iterateList(g,b){var m=g._origin,w=g._capacity,_=getTailOffset(w),C=g._tail;return k(g._root,g._level,0);function k(P,M,U){return M===0?I(P,U):$(P,M,U)}function I(P,M){var U=M===_?C&&C.array:P&&P.array,G=M>m?0:m-M,X=w-M;return X>SIZE&&(X=SIZE),function(){if(G===X)return DONE;var Z=b?--X:G++;return U&&U[Z]}}function $(P,M,U){var G,X=P&&P.array,Z=U>m?0:m-U>>M,ne=(w-U>>M)+1;return ne>SIZE&&(ne=SIZE),function(){for(;;){if(G){var re=G();if(re!==DONE)return re;G=null}if(Z===ne)return DONE;var ve=b?--ne:Z++;G=k(X&&X[ve],M-SHIFT,U+(ve<<M))}}}}function makeList(g,b,m,w,_,C,k){var I=Object.create(ListPrototype);return I.size=b-g,I._origin=g,I._capacity=b,I._level=m,I._root=w,I._tail=_,I.__ownerID=C,I.__hash=k,I.__altered=!1,I}var EMPTY_LIST;function emptyList(){return EMPTY_LIST||(EMPTY_LIST=makeList(0,0,SHIFT))}function updateList(g,b,m){if(b=wrapIndex(g,b),b!==b)return g;if(b>=g.size||b<0)return g.withMutations(function(k){b<0?setListBounds(k,b).set(0,m):setListBounds(k,0,b+1).set(b,m)});b+=g._origin;var w=g._tail,_=g._root,C=MakeRef();return b>=getTailOffset(g._capacity)?w=updateVNode(w,g.__ownerID,0,b,m,C):_=updateVNode(_,g.__ownerID,g._level,b,m,C),C.value?g.__ownerID?(g._root=_,g._tail=w,g.__hash=void 0,g.__altered=!0,g):makeList(g._origin,g._capacity,g._level,_,w):g}function updateVNode(g,b,m,w,_,C){var k=w>>>m&MASK,I=g&&k<g.array.length;if(!I&&_===void 0)return g;var $;if(m>0){var P=g&&g.array[k],M=updateVNode(P,b,m-SHIFT,w,_,C);return M===P?g:($=editableVNode(g,b),$.array[k]=M,$)}return I&&g.array[k]===_?g:(C&&SetRef(C),$=editableVNode(g,b),_===void 0&&k===$.array.length-1?$.array.pop():$.array[k]=_,$)}function editableVNode(g,b){return b&&g&&b===g.ownerID?g:new VNode(g?g.array.slice():[],b)}function listNodeFor(g,b){if(b>=getTailOffset(g._capacity))return g._tail;if(b<1<<g._level+SHIFT){for(var m=g._root,w=g._level;m&&w>0;)m=m.array[b>>>w&MASK],w-=SHIFT;return m}}function setListBounds(g,b,m){b!==void 0&&(b|=0),m!==void 0&&(m|=0);var w=g.__ownerID||new OwnerID,_=g._origin,C=g._capacity,k=_+b,I=m===void 0?C:m<0?C+m:_+m;if(k===_&&I===C)return g;if(k>=I)return g.clear();for(var $=g._level,P=g._root,M=0;k+M<0;)P=new VNode(P&&P.array.length?[void 0,P]:[],w),$+=SHIFT,M+=1<<$;M&&(k+=M,_+=M,I+=M,C+=M);for(var U=getTailOffset(C),G=getTailOffset(I);G>=1<<$+SHIFT;)P=new VNode(P&&P.array.length?[P]:[],w),$+=SHIFT;var X=g._tail,Z=G<U?listNodeFor(g,I-1):G>U?new VNode([],w):X;if(X&&G>U&&k<C&&X.array.length){P=editableVNode(P,w);for(var ne=P,re=$;re>SHIFT;re-=SHIFT){var ve=U>>>re&MASK;ne=ne.array[ve]=editableVNode(ne.array[ve],w)}ne.array[U>>>SHIFT&MASK]=X}if(I<C&&(Z=Z&&Z.removeAfter(w,0,I)),k>=G)k-=G,I-=G,$=SHIFT,P=null,Z=Z&&Z.removeBefore(w,0,k);else if(k>_||G<U){for(M=0;P;){var Se=k>>>$&MASK;if(Se!==G>>>$&MASK)break;Se&&(M+=(1<<$)*Se),$-=SHIFT,P=P.array[Se]}P&&k>_&&(P=P.removeBefore(w,$,k-M)),P&&G<U&&(P=P.removeAfter(w,$,G-M)),M&&(k-=M,I-=M)}return g.__ownerID?(g.size=I-k,g._origin=k,g._capacity=I,g._level=$,g._root=P,g._tail=Z,g.__hash=void 0,g.__altered=!0,g):makeList(k,I,$,P,Z)}function getTailOffset(g){return g<SIZE?0:g-1>>>SHIFT<<SHIFT}var OrderedMap=function(g){function b(m){return m==null?emptyOrderedMap():isOrderedMap(m)?m:emptyOrderedMap().withMutations(function(w){var _=KeyedCollection(m);assertNotInfinite(_.size),_.forEach(function(C,k){return w.set(k,C)})})}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.of=function(){return this(arguments)},b.prototype.toString=function(){return this.__toString("OrderedMap {","}")},b.prototype.get=function(w,_){var C=this._map.get(w);return C!==void 0?this._list.get(C)[1]:_},b.prototype.clear=function(){return this.size===0?this:this.__ownerID?(this.size=0,this._map.clear(),this._list.clear(),this):emptyOrderedMap()},b.prototype.set=function(w,_){return updateOrderedMap(this,w,_)},b.prototype.remove=function(w){return updateOrderedMap(this,w,NOT_SET)},b.prototype.wasAltered=function(){return this._map.wasAltered()||this._list.wasAltered()},b.prototype.__iterate=function(w,_){var C=this;return this._list.__iterate(function(k){return k&&w(k[1],k[0],C)},_)},b.prototype.__iterator=function(w,_){return this._list.fromEntrySeq().__iterator(w,_)},b.prototype.__ensureOwner=function(w){if(w===this.__ownerID)return this;var _=this._map.__ensureOwner(w),C=this._list.__ensureOwner(w);return w?makeOrderedMap(_,C,w,this.__hash):this.size===0?emptyOrderedMap():(this.__ownerID=w,this._map=_,this._list=C,this)},b}(Map$1);OrderedMap.isOrderedMap=isOrderedMap,OrderedMap.prototype[IS_ORDERED_SYMBOL]=!0,OrderedMap.prototype[DELETE]=OrderedMap.prototype.remove;function makeOrderedMap(g,b,m,w){var _=Object.create(OrderedMap.prototype);return _.size=g?g.size:0,_._map=g,_._list=b,_.__ownerID=m,_.__hash=w,_}var EMPTY_ORDERED_MAP;function emptyOrderedMap(){return EMPTY_ORDERED_MAP||(EMPTY_ORDERED_MAP=makeOrderedMap(emptyMap(),emptyList()))}function updateOrderedMap(g,b,m){var w=g._map,_=g._list,C=w.get(b),k=C!==void 0,I,$;if(m===NOT_SET){if(!k)return g;_.size>=SIZE&&_.size>=w.size*2?($=_.filter(function(P,M){return P!==void 0&&C!==M}),I=$.toKeyedSeq().map(function(P){return P[0]}).flip().toMap(),g.__ownerID&&(I.__ownerID=$.__ownerID=g.__ownerID)):(I=w.remove(b),$=C===_.size-1?_.pop():_.set(C,void 0))}else if(k){if(m===_.get(C)[1])return g;I=w,$=_.set(C,[b,m])}else I=w.set(b,_.size),$=_.set(_.size,[b,m]);return g.__ownerID?(g.size=I.size,g._map=I,g._list=$,g.__hash=void 0,g):makeOrderedMap(I,$)}var IS_STACK_SYMBOL="@@__IMMUTABLE_STACK__@@";function isStack(g){return!!(g&&g[IS_STACK_SYMBOL])}var Stack=function(g){function b(m){return m==null?emptyStack():isStack(m)?m:emptyStack().pushAll(m)}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.of=function(){return this(arguments)},b.prototype.toString=function(){return this.__toString("Stack [","]")},b.prototype.get=function(w,_){var C=this._head;for(w=wrapIndex(this,w);C&&w--;)C=C.next;return C?C.value:_},b.prototype.peek=function(){return this._head&&this._head.value},b.prototype.push=function(){var w=arguments;if(arguments.length===0)return this;for(var _=this.size+arguments.length,C=this._head,k=arguments.length-1;k>=0;k--)C={value:w[k],next:C};return this.__ownerID?(this.size=_,this._head=C,this.__hash=void 0,this.__altered=!0,this):makeStack(_,C)},b.prototype.pushAll=function(w){if(w=g(w),w.size===0)return this;if(this.size===0&&isStack(w))return w;assertNotInfinite(w.size);var _=this.size,C=this._head;return w.__iterate(function(k){_++,C={value:k,next:C}},!0),this.__ownerID?(this.size=_,this._head=C,this.__hash=void 0,this.__altered=!0,this):makeStack(_,C)},b.prototype.pop=function(){return this.slice(1)},b.prototype.clear=function(){return this.size===0?this:this.__ownerID?(this.size=0,this._head=void 0,this.__hash=void 0,this.__altered=!0,this):emptyStack()},b.prototype.slice=function(w,_){if(wholeSlice(w,_,this.size))return this;var C=resolveBegin(w,this.size),k=resolveEnd$1(_,this.size);if(k!==this.size)return g.prototype.slice.call(this,w,_);for(var I=this.size-C,$=this._head;C--;)$=$.next;return this.__ownerID?(this.size=I,this._head=$,this.__hash=void 0,this.__altered=!0,this):makeStack(I,$)},b.prototype.__ensureOwner=function(w){return w===this.__ownerID?this:w?makeStack(this.size,this._head,w,this.__hash):this.size===0?emptyStack():(this.__ownerID=w,this.__altered=!1,this)},b.prototype.__iterate=function(w,_){var C=this;if(_)return new ArraySeq(this.toArray()).__iterate(function($,P){return w($,P,C)},_);for(var k=0,I=this._head;I&&w(I.value,k++,this)!==!1;)I=I.next;return k},b.prototype.__iterator=function(w,_){if(_)return new ArraySeq(this.toArray()).__iterator(w,_);var C=0,k=this._head;return new Iterator(function(){if(k){var I=k.value;return k=k.next,iteratorValue(w,C++,I)}return iteratorDone()})},b}(IndexedCollection);Stack.isStack=isStack;var StackPrototype=Stack.prototype;StackPrototype[IS_STACK_SYMBOL]=!0,StackPrototype.shift=StackPrototype.pop,StackPrototype.unshift=StackPrototype.push,StackPrototype.unshiftAll=StackPrototype.pushAll,StackPrototype.withMutations=withMutations,StackPrototype.wasAltered=wasAltered,StackPrototype.asImmutable=asImmutable,StackPrototype["@@transducer/init"]=StackPrototype.asMutable=asMutable,StackPrototype["@@transducer/step"]=function(g,b){return g.unshift(b)},StackPrototype["@@transducer/result"]=function(g){return g.asImmutable()};function makeStack(g,b,m,w){var _=Object.create(StackPrototype);return _.size=g,_._head=b,_.__ownerID=m,_.__hash=w,_.__altered=!1,_}var EMPTY_STACK;function emptyStack(){return EMPTY_STACK||(EMPTY_STACK=makeStack(0))}var IS_SET_SYMBOL="@@__IMMUTABLE_SET__@@";function isSet(g){return!!(g&&g[IS_SET_SYMBOL])}function isOrderedSet(g){return isSet(g)&&isOrdered(g)}function deepEqual(g,b){if(g===b)return!0;if(!isCollection$2(b)||g.size!==void 0&&b.size!==void 0&&g.size!==b.size||g.__hash!==void 0&&b.__hash!==void 0&&g.__hash!==b.__hash||isKeyed(g)!==isKeyed(b)||isIndexed(g)!==isIndexed(b)||isOrdered(g)!==isOrdered(b))return!1;if(g.size===0&&b.size===0)return!0;var m=!isAssociative(g);if(isOrdered(g)){var w=g.entries();return b.every(function($,P){var M=w.next().value;return M&&is$1(M[1],$)&&(m||is$1(M[0],P))})&&w.next().done}var _=!1;if(g.size===void 0)if(b.size===void 0)typeof g.cacheResult=="function"&&g.cacheResult();else{_=!0;var C=g;g=b,b=C}var k=!0,I=b.__iterate(function($,P){if(m?!g.has($):_?!is$1($,g.get(P,NOT_SET)):!is$1(g.get(P,NOT_SET),$))return k=!1,!1});return k&&g.size===I}function mixin(g,b){var m=function(w){g.prototype[w]=b[w]};return Object.keys(b).forEach(m),Object.getOwnPropertySymbols&&Object.getOwnPropertySymbols(b).forEach(m),g}function toJS$1(g){if(!g||typeof g!="object")return g;if(!isCollection$2(g)){if(!isDataStructure(g))return g;g=Seq(g)}if(isKeyed(g)){var b={};return g.__iterate(function(w,_){b[_]=toJS$1(w)}),b}var m=[];return g.__iterate(function(w){m.push(toJS$1(w))}),m}var Set$1=function(g){function b(m){return m==null?emptySet():isSet(m)&&!isOrdered(m)?m:emptySet().withMutations(function(w){var _=g(m);assertNotInfinite(_.size),_.forEach(function(C){return w.add(C)})})}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.of=function(){return this(arguments)},b.fromKeys=function(w){return this(KeyedCollection(w).keySeq())},b.intersect=function(w){return w=Collection$1(w).toArray(),w.length?SetPrototype.intersect.apply(b(w.pop()),w):emptySet()},b.union=function(w){return w=Collection$1(w).toArray(),w.length?SetPrototype.union.apply(b(w.pop()),w):emptySet()},b.prototype.toString=function(){return this.__toString("Set {","}")},b.prototype.has=function(w){return this._map.has(w)},b.prototype.add=function(w){return updateSet(this,this._map.set(w,w))},b.prototype.remove=function(w){return updateSet(this,this._map.remove(w))},b.prototype.clear=function(){return updateSet(this,this._map.clear())},b.prototype.map=function(w,_){var C=this,k=[],I=[];return this.forEach(function($){var P=w.call(_,$,$,C);P!==$&&(k.push($),I.push(P))}),this.withMutations(function($){k.forEach(function(P){return $.remove(P)}),I.forEach(function(P){return $.add(P)})})},b.prototype.union=function(){for(var w=[],_=arguments.length;_--;)w[_]=arguments[_];return w=w.filter(function(C){return C.size!==0}),w.length===0?this:this.size===0&&!this.__ownerID&&w.length===1?this.constructor(w[0]):this.withMutations(function(C){for(var k=0;k<w.length;k++)g(w[k]).forEach(function(I){return C.add(I)})})},b.prototype.intersect=function(){for(var w=[],_=arguments.length;_--;)w[_]=arguments[_];if(w.length===0)return this;w=w.map(function(k){return g(k)});var C=[];return this.forEach(function(k){w.every(function(I){return I.includes(k)})||C.push(k)}),this.withMutations(function(k){C.forEach(function(I){k.remove(I)})})},b.prototype.subtract=function(){for(var w=[],_=arguments.length;_--;)w[_]=arguments[_];if(w.length===0)return this;w=w.map(function(k){return g(k)});var C=[];return this.forEach(function(k){w.some(function(I){return I.includes(k)})&&C.push(k)}),this.withMutations(function(k){C.forEach(function(I){k.remove(I)})})},b.prototype.sort=function(w){return OrderedSet(sortFactory(this,w))},b.prototype.sortBy=function(w,_){return OrderedSet(sortFactory(this,_,w))},b.prototype.wasAltered=function(){return this._map.wasAltered()},b.prototype.__iterate=function(w,_){var C=this;return this._map.__iterate(function(k){return w(k,k,C)},_)},b.prototype.__iterator=function(w,_){return this._map.__iterator(w,_)},b.prototype.__ensureOwner=function(w){if(w===this.__ownerID)return this;var _=this._map.__ensureOwner(w);return w?this.__make(_,w):this.size===0?this.__empty():(this.__ownerID=w,this._map=_,this)},b}(SetCollection);Set$1.isSet=isSet;var SetPrototype=Set$1.prototype;SetPrototype[IS_SET_SYMBOL]=!0,SetPrototype[DELETE]=SetPrototype.remove,SetPrototype.merge=SetPrototype.concat=SetPrototype.union,SetPrototype.withMutations=withMutations,SetPrototype.asImmutable=asImmutable,SetPrototype["@@transducer/init"]=SetPrototype.asMutable=asMutable,SetPrototype["@@transducer/step"]=function(g,b){return g.add(b)},SetPrototype["@@transducer/result"]=function(g){return g.asImmutable()},SetPrototype.__empty=emptySet,SetPrototype.__make=makeSet;function updateSet(g,b){return g.__ownerID?(g.size=b.size,g._map=b,g):b===g._map?g:b.size===0?g.__empty():g.__make(b)}function makeSet(g,b){var m=Object.create(SetPrototype);return m.size=g?g.size:0,m._map=g,m.__ownerID=b,m}var EMPTY_SET;function emptySet(){return EMPTY_SET||(EMPTY_SET=makeSet(emptyMap()))}var Range=function(g){function b(m,w,_){if(!(this instanceof b))return new b(m,w,_);if(invariant(_!==0,"Cannot step a Range by 0"),m=m||0,w===void 0&&(w=1/0),_=_===void 0?1:Math.abs(_),w<m&&(_=-_),this._start=m,this._end=w,this._step=_,this.size=Math.max(0,Math.ceil((w-m)/_-1)+1),this.size===0){if(EMPTY_RANGE)return EMPTY_RANGE;EMPTY_RANGE=this}}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.prototype.toString=function(){return this.size===0?"Range []":"Range [ "+this._start+"..."+this._end+(this._step!==1?" by "+this._step:"")+" ]"},b.prototype.get=function(w,_){return this.has(w)?this._start+wrapIndex(this,w)*this._step:_},b.prototype.includes=function(w){var _=(w-this._start)/this._step;return _>=0&&_<this.size&&_===Math.floor(_)},b.prototype.slice=function(w,_){return wholeSlice(w,_,this.size)?this:(w=resolveBegin(w,this.size),_=resolveEnd$1(_,this.size),_<=w?new b(0,0):new b(this.get(w,this._end),this.get(_,this._end),this._step))},b.prototype.indexOf=function(w){var _=w-this._start;if(_%this._step===0){var C=_/this._step;if(C>=0&&C<this.size)return C}return-1},b.prototype.lastIndexOf=function(w){return this.indexOf(w)},b.prototype.__iterate=function(w,_){for(var C=this.size,k=this._step,I=_?this._start+(C-1)*k:this._start,$=0;$!==C&&w(I,_?C-++$:$++,this)!==!1;)I+=_?-k:k;return $},b.prototype.__iterator=function(w,_){var C=this.size,k=this._step,I=_?this._start+(C-1)*k:this._start,$=0;return new Iterator(function(){if($===C)return iteratorDone();var P=I;return I+=_?-k:k,iteratorValue(w,_?C-++$:$++,P)})},b.prototype.equals=function(w){return w instanceof b?this._start===w._start&&this._end===w._end&&this._step===w._step:deepEqual(this,w)},b}(IndexedSeq),EMPTY_RANGE;function getIn(g,b,m){for(var w=coerceKeyPath(b),_=0;_!==w.length;)if(g=get(g,w[_++],NOT_SET),g===NOT_SET)return m;return g}function getIn$1(g,b){return getIn(this,g,b)}function hasIn(g,b){return getIn(g,b,NOT_SET)!==NOT_SET}function hasIn$1(g){return hasIn(this,g)}function toObject(){assertNotInfinite(this.size);var g={};return this.__iterate(function(b,m){g[m]=b}),g}Collection$1.isIterable=isCollection$2,Collection$1.isKeyed=isKeyed,Collection$1.isIndexed=isIndexed,Collection$1.isAssociative=isAssociative,Collection$1.isOrdered=isOrdered,Collection$1.Iterator=Iterator,mixin(Collection$1,{toArray:function(){assertNotInfinite(this.size);var b=new Array(this.size||0),m=isKeyed(this),w=0;return this.__iterate(function(_,C){b[w++]=m?[C,_]:_}),b},toIndexedSeq:function(){return new ToIndexedSequence(this)},toJS:function(){return toJS$1(this)},toKeyedSeq:function(){return new ToKeyedSequence(this,!0)},toMap:function(){return Map$1(this.toKeyedSeq())},toObject,toOrderedMap:function(){return OrderedMap(this.toKeyedSeq())},toOrderedSet:function(){return OrderedSet(isKeyed(this)?this.valueSeq():this)},toSet:function(){return Set$1(isKeyed(this)?this.valueSeq():this)},toSetSeq:function(){return new ToSetSequence(this)},toSeq:function(){return isIndexed(this)?this.toIndexedSeq():isKeyed(this)?this.toKeyedSeq():this.toSetSeq()},toStack:function(){return Stack(isKeyed(this)?this.valueSeq():this)},toList:function(){return List(isKeyed(this)?this.valueSeq():this)},toString:function(){return"[Collection]"},__toString:function(b,m){return this.size===0?b+m:b+" "+this.toSeq().map(this.__toStringMapper).join(", ")+" "+m},concat:function(){for(var b=[],m=arguments.length;m--;)b[m]=arguments[m];return reify(this,concatFactory(this,b))},includes:function(b){return this.some(function(m){return is$1(m,b)})},entries:function(){return this.__iterator(ITERATE_ENTRIES)},every:function(b,m){assertNotInfinite(this.size);var w=!0;return this.__iterate(function(_,C,k){if(!b.call(m,_,C,k))return w=!1,!1}),w},filter:function(b,m){return reify(this,filterFactory(this,b,m,!0))},find:function(b,m,w){var _=this.findEntry(b,m);return _?_[1]:w},forEach:function(b,m){return assertNotInfinite(this.size),this.__iterate(m?b.bind(m):b)},join:function(b){assertNotInfinite(this.size),b=b!==void 0?""+b:",";var m="",w=!0;return this.__iterate(function(_){w?w=!1:m+=b,m+=_!=null?_.toString():""}),m},keys:function(){return this.__iterator(ITERATE_KEYS)},map:function(b,m){return reify(this,mapFactory(this,b,m))},reduce:function(b,m,w){return reduce(this,b,m,w,arguments.length<2,!1)},reduceRight:function(b,m,w){return reduce(this,b,m,w,arguments.length<2,!0)},reverse:function(){return reify(this,reverseFactory(this,!0))},slice:function(b,m){return reify(this,sliceFactory(this,b,m,!0))},some:function(b,m){return!this.every(not(b),m)},sort:function(b){return reify(this,sortFactory(this,b))},values:function(){return this.__iterator(ITERATE_VALUES)},butLast:function(){return this.slice(0,-1)},isEmpty:function(){return this.size!==void 0?this.size===0:!this.some(function(){return!0})},count:function(b,m){return ensureSize(b?this.toSeq().filter(b,m):this)},countBy:function(b,m){return countByFactory(this,b,m)},equals:function(b){return deepEqual(this,b)},entrySeq:function(){var b=this;if(b._cache)return new ArraySeq(b._cache);var m=b.toSeq().map(entryMapper).toIndexedSeq();return m.fromEntrySeq=function(){return b.toSeq()},m},filterNot:function(b,m){return this.filter(not(b),m)},findEntry:function(b,m,w){var _=w;return this.__iterate(function(C,k,I){if(b.call(m,C,k,I))return _=[k,C],!1}),_},findKey:function(b,m){var w=this.findEntry(b,m);return w&&w[0]},findLast:function(b,m,w){return this.toKeyedSeq().reverse().find(b,m,w)},findLastEntry:function(b,m,w){return this.toKeyedSeq().reverse().findEntry(b,m,w)},findLastKey:function(b,m){return this.toKeyedSeq().reverse().findKey(b,m)},first:function(b){return this.find(returnTrue,null,b)},flatMap:function(b,m){return reify(this,flatMapFactory(this,b,m))},flatten:function(b){return reify(this,flattenFactory(this,b,!0))},fromEntrySeq:function(){return new FromEntriesSequence(this)},get:function(b,m){return this.find(function(w,_){return is$1(_,b)},void 0,m)},getIn:getIn$1,groupBy:function(b,m){return groupByFactory(this,b,m)},has:function(b){return this.get(b,NOT_SET)!==NOT_SET},hasIn:hasIn$1,isSubset:function(b){return b=typeof b.includes=="function"?b:Collection$1(b),this.every(function(m){return b.includes(m)})},isSuperset:function(b){return b=typeof b.isSubset=="function"?b:Collection$1(b),b.isSubset(this)},keyOf:function(b){return this.findKey(function(m){return is$1(m,b)})},keySeq:function(){return this.toSeq().map(keyMapper).toIndexedSeq()},last:function(b){return this.toSeq().reverse().first(b)},lastKeyOf:function(b){return this.toKeyedSeq().reverse().keyOf(b)},max:function(b){return maxFactory(this,b)},maxBy:function(b,m){return maxFactory(this,m,b)},min:function(b){return maxFactory(this,b?neg(b):defaultNegComparator)},minBy:function(b,m){return maxFactory(this,m?neg(m):defaultNegComparator,b)},rest:function(){return this.slice(1)},skip:function(b){return b===0?this:this.slice(Math.max(0,b))},skipLast:function(b){return b===0?this:this.slice(0,-Math.max(0,b))},skipWhile:function(b,m){return reify(this,skipWhileFactory(this,b,m,!0))},skipUntil:function(b,m){return this.skipWhile(not(b),m)},sortBy:function(b,m){return reify(this,sortFactory(this,m,b))},take:function(b){return this.slice(0,Math.max(0,b))},takeLast:function(b){return this.slice(-Math.max(0,b))},takeWhile:function(b,m){return reify(this,takeWhileFactory(this,b,m))},takeUntil:function(b,m){return this.takeWhile(not(b),m)},update:function(b){return b(this)},valueSeq:function(){return this.toIndexedSeq()},hashCode:function(){return this.__hash||(this.__hash=hashCollection(this))}});var CollectionPrototype=Collection$1.prototype;CollectionPrototype[IS_COLLECTION_SYMBOL]=!0,CollectionPrototype[ITERATOR_SYMBOL]=CollectionPrototype.values,CollectionPrototype.toJSON=CollectionPrototype.toArray,CollectionPrototype.__toStringMapper=quoteString,CollectionPrototype.inspect=CollectionPrototype.toSource=function(){return this.toString()},CollectionPrototype.chain=CollectionPrototype.flatMap,CollectionPrototype.contains=CollectionPrototype.includes,mixin(KeyedCollection,{flip:function(){return reify(this,flipFactory(this))},mapEntries:function(b,m){var w=this,_=0;return reify(this,this.toSeq().map(function(C,k){return b.call(m,[k,C],_++,w)}).fromEntrySeq())},mapKeys:function(b,m){var w=this;return reify(this,this.toSeq().flip().map(function(_,C){return b.call(m,_,C,w)}).flip())}});var KeyedCollectionPrototype=KeyedCollection.prototype;KeyedCollectionPrototype[IS_KEYED_SYMBOL]=!0,KeyedCollectionPrototype[ITERATOR_SYMBOL]=CollectionPrototype.entries,KeyedCollectionPrototype.toJSON=toObject,KeyedCollectionPrototype.__toStringMapper=function(g,b){return quoteString(b)+": "+quoteString(g)},mixin(IndexedCollection,{toKeyedSeq:function(){return new ToKeyedSequence(this,!1)},filter:function(b,m){return reify(this,filterFactory(this,b,m,!1))},findIndex:function(b,m){var w=this.findEntry(b,m);return w?w[0]:-1},indexOf:function(b){var m=this.keyOf(b);return m===void 0?-1:m},lastIndexOf:function(b){var m=this.lastKeyOf(b);return m===void 0?-1:m},reverse:function(){return reify(this,reverseFactory(this,!1))},slice:function(b,m){return reify(this,sliceFactory(this,b,m,!1))},splice:function(b,m){var w=arguments.length;if(m=Math.max(m||0,0),w===0||w===2&&!m)return this;b=resolveBegin(b,b<0?this.count():this.size);var _=this.slice(0,b);return reify(this,w===1?_:_.concat(arrCopy(arguments,2),this.slice(b+m)))},findLastIndex:function(b,m){var w=this.findLastEntry(b,m);return w?w[0]:-1},first:function(b){return this.get(0,b)},flatten:function(b){return reify(this,flattenFactory(this,b,!1))},get:function(b,m){return b=wrapIndex(this,b),b<0||this.size===1/0||this.size!==void 0&&b>this.size?m:this.find(function(w,_){return _===b},void 0,m)},has:function(b){return b=wrapIndex(this,b),b>=0&&(this.size!==void 0?this.size===1/0||b<this.size:this.indexOf(b)!==-1)},interpose:function(b){return reify(this,interposeFactory(this,b))},interleave:function(){var b=[this].concat(arrCopy(arguments)),m=zipWithFactory(this.toSeq(),IndexedSeq.of,b),w=m.flatten(!0);return m.size&&(w.size=m.size*b.length),reify(this,w)},keySeq:function(){return Range(0,this.size)},last:function(b){return this.get(-1,b)},skipWhile:function(b,m){return reify(this,skipWhileFactory(this,b,m,!1))},zip:function(){var b=[this].concat(arrCopy(arguments));return reify(this,zipWithFactory(this,defaultZipper,b))},zipAll:function(){var b=[this].concat(arrCopy(arguments));return reify(this,zipWithFactory(this,defaultZipper,b,!0))},zipWith:function(b){var m=arrCopy(arguments);return m[0]=this,reify(this,zipWithFactory(this,b,m))}});var IndexedCollectionPrototype=IndexedCollection.prototype;IndexedCollectionPrototype[IS_INDEXED_SYMBOL]=!0,IndexedCollectionPrototype[IS_ORDERED_SYMBOL]=!0,mixin(SetCollection,{get:function(b,m){return this.has(b)?b:m},includes:function(b){return this.has(b)},keySeq:function(){return this.valueSeq()}}),SetCollection.prototype.has=CollectionPrototype.includes,SetCollection.prototype.contains=SetCollection.prototype.includes,mixin(KeyedSeq,KeyedCollection.prototype),mixin(IndexedSeq,IndexedCollection.prototype),mixin(SetSeq,SetCollection.prototype);function reduce(g,b,m,w,_,C){return assertNotInfinite(g.size),g.__iterate(function(k,I,$){_?(_=!1,m=k):m=b.call(w,m,k,I,$)},C),m}function keyMapper(g,b){return b}function entryMapper(g,b){return[b,g]}function not(g){return function(){return!g.apply(this,arguments)}}function neg(g){return function(){return-g.apply(this,arguments)}}function defaultZipper(){return arrCopy(arguments)}function defaultNegComparator(g,b){return g<b?1:g>b?-1:0}function hashCollection(g){if(g.size===1/0)return 0;var b=isOrdered(g),m=isKeyed(g),w=b?1:0,_=g.__iterate(m?b?function(C,k){w=31*w+hashMerge(hash$1(C),hash$1(k))|0}:function(C,k){w=w+hashMerge(hash$1(C),hash$1(k))|0}:b?function(C){w=31*w+hash$1(C)|0}:function(C){w=w+hash$1(C)|0});return murmurHashOfSize(_,w)}function murmurHashOfSize(g,b){return b=imul(b,3432918353),b=imul(b<<15|b>>>-15,461845907),b=imul(b<<13|b>>>-13,5),b=(b+3864292196|0)^g,b=imul(b^b>>>16,2246822507),b=imul(b^b>>>13,3266489909),b=smi(b^b>>>16),b}function hashMerge(g,b){return g^b+2654435769+(g<<6)+(g>>2)|0}var OrderedSet=function(g){function b(m){return m==null?emptyOrderedSet():isOrderedSet(m)?m:emptyOrderedSet().withMutations(function(w){var _=SetCollection(m);assertNotInfinite(_.size),_.forEach(function(C){return w.add(C)})})}return g&&(b.__proto__=g),b.prototype=Object.create(g&&g.prototype),b.prototype.constructor=b,b.of=function(){return this(arguments)},b.fromKeys=function(w){return this(KeyedCollection(w).keySeq())},b.prototype.toString=function(){return this.__toString("OrderedSet {","}")},b}(Set$1);OrderedSet.isOrderedSet=isOrderedSet;var OrderedSetPrototype=OrderedSet.prototype;OrderedSetPrototype[IS_ORDERED_SYMBOL]=!0,OrderedSetPrototype.zip=IndexedCollectionPrototype.zip,OrderedSetPrototype.zipWith=IndexedCollectionPrototype.zipWith,OrderedSetPrototype.__empty=emptyOrderedSet,OrderedSetPrototype.__make=makeOrderedSet;function makeOrderedSet(g,b){var m=Object.create(OrderedSetPrototype);return m.size=g?g.size:0,m._map=g,m.__ownerID=b,m}var EMPTY_ORDERED_SET;function emptyOrderedSet(){return EMPTY_ORDERED_SET||(EMPTY_ORDERED_SET=makeOrderedSet(emptyOrderedMap()))}var Record=function(b,m){var w,_=function(I){var $=this;if(I instanceof _)return I;if(!(this instanceof _))return new _(I);if(!w){w=!0;var P=Object.keys(b),M=C._indices={};C._name=m,C._keys=P,C._defaultValues=b;for(var U=0;U<P.length;U++){var G=P[U];M[G]=U,C[G]?typeof console=="object"&&console.warn&&console.warn("Cannot define "+recordName(this)+' with property "'+G+'" since that property name is part of the Record API.'):setProp(C,G)}}this.__ownerID=void 0,this._values=List().withMutations(function(X){X.setSize($._keys.length),KeyedCollection(I).forEach(function(Z,ne){X.set($._indices[ne],Z===$._defaultValues[ne]?void 0:Z)})})},C=_.prototype=Object.create(RecordPrototype);return C.constructor=_,m&&(_.displayName=m),_};Record.prototype.toString=function(){for(var b=recordName(this)+" { ",m=this._keys,w,_=0,C=m.length;_!==C;_++)w=m[_],b+=(_?", ":"")+w+": "+quoteString(this.get(w));return b+" }"},Record.prototype.equals=function(b){return this===b||b&&this._keys===b._keys&&recordSeq(this).equals(recordSeq(b))},Record.prototype.hashCode=function(){return recordSeq(this).hashCode()},Record.prototype.has=function(b){return this._indices.hasOwnProperty(b)},Record.prototype.get=function(b,m){if(!this.has(b))return m;var w=this._indices[b],_=this._values.get(w);return _===void 0?this._defaultValues[b]:_},Record.prototype.set=function(b,m){if(this.has(b)){var w=this._values.set(this._indices[b],m===this._defaultValues[b]?void 0:m);if(w!==this._values&&!this.__ownerID)return makeRecord(this,w)}return this},Record.prototype.remove=function(b){return this.set(b)},Record.prototype.clear=function(){var b=this._values.clear().setSize(this._keys.length);return this.__ownerID?this:makeRecord(this,b)},Record.prototype.wasAltered=function(){return this._values.wasAltered()},Record.prototype.toSeq=function(){return recordSeq(this)},Record.prototype.toJS=function(){return toJS$1(this)},Record.prototype.entries=function(){return this.__iterator(ITERATE_ENTRIES)},Record.prototype.__iterator=function(b,m){return recordSeq(this).__iterator(b,m)},Record.prototype.__iterate=function(b,m){return recordSeq(this).__iterate(b,m)},Record.prototype.__ensureOwner=function(b){if(b===this.__ownerID)return this;var m=this._values.__ensureOwner(b);return b?makeRecord(this,m,b):(this.__ownerID=b,this._values=m,this)},Record.isRecord=isRecord,Record.getDescriptiveName=recordName;var RecordPrototype=Record.prototype;RecordPrototype[IS_RECORD_SYMBOL]=!0,RecordPrototype[DELETE]=RecordPrototype.remove,RecordPrototype.deleteIn=RecordPrototype.removeIn=deleteIn,RecordPrototype.getIn=getIn$1,RecordPrototype.hasIn=CollectionPrototype.hasIn,RecordPrototype.merge=merge,RecordPrototype.mergeWith=mergeWith,RecordPrototype.mergeIn=mergeIn,RecordPrototype.mergeDeep=mergeDeep$1,RecordPrototype.mergeDeepWith=mergeDeepWith$1,RecordPrototype.mergeDeepIn=mergeDeepIn,RecordPrototype.setIn=setIn$1,RecordPrototype.update=update$1,RecordPrototype.updateIn=updateIn$1,RecordPrototype.withMutations=withMutations,RecordPrototype.asMutable=asMutable,RecordPrototype.asImmutable=asImmutable,RecordPrototype[ITERATOR_SYMBOL]=RecordPrototype.entries,RecordPrototype.toJSON=RecordPrototype.toObject=CollectionPrototype.toObject,RecordPrototype.inspect=RecordPrototype.toSource=function(){return this.toString()};function makeRecord(g,b,m){var w=Object.create(Object.getPrototypeOf(g));return w._values=b,w.__ownerID=m,w}function recordName(g){return g.constructor.displayName||g.constructor.name||"Record"}function recordSeq(g){return keyedSeqFromValue(g._keys.map(function(b){return[b,g.get(b)]}))}function setProp(g,b){try{Object.defineProperty(g,b,{get:function(){return this.get(b)},set:function(m){invariant(this.__ownerID,"Cannot set on an immutable record."),this.set(b,m)}})}catch{}}class State extends BehaviorSubject{constructor(){super(...arguments);ri(this,"getState",()=>this.getValue());ri(this,"setState",m=>{this.next(m)});ri(this,"updateState",m=>{this.next(m(this.getValue()))});ri(this,"getSnapshot",()=>this.getValue())}next(m,w){!w&&this.value===m||super.next(m)}copyFrom(m){this.next(m.getSnapshot())}}class ObservableCollection extends State{constructor(){super(...arguments);ri(this,"listeners",new Map)}get(m){return this.getValue().get(m)}has(m){return this.getValue().has(m)}observeKey(m){return new Observable$1(w=>(this.addListener(m,w),w.next(this.get(m)),()=>{this.removeListener(m,w)}))}notify(m){var w;(w=this.listeners.get(m))==null||w.forEach(_=>{_.next(this.get(m))})}next(m){const w=this.getSnapshot();super.next(m);const _=new Set;w.forEach((C,k)=>{m.has(k)||_.add(k)}),m.forEach((C,k)=>{w.has(k)&&Object.is(w.get(k),C)||_.add(k)}),_.forEach(C=>{this.notify(C)})}addListener(m,w){let _=this.listeners.get(m);_||(_=new Set,this.listeners.set(m,_)),_.add(w)}removeListener(m,w){const _=this.listeners.get(m);_&&(_.delete(w),_.size===0&&this.listeners.delete(m))}}class ObservableMap extends ObservableCollection{constructor(){super(Map$1())}set(b,m){return this.updateState(w=>w.set(b,m)),this}update(b,m){return this.updateState(w=>w.update(b,m)),this}delete(b){return this.updateState(m=>m.delete(b)),this}deleteAll(b){return this.updateState(m=>m.deleteAll(b)),this}clear(){return this.next(Map$1()),this}merge(b){return this.updateState(m=>m.merge(b)),this}}class Computed extends Observable$1{constructor(m,w){super(_=>this.state$.subscribe(_));ri(this,"state$");ri(this,"subscription");ri(this,"getSnapshot",()=>this.state$.getValue());this.state$=new BehaviorSubject(m),this.subscription=w.subscribe(this.state$)}static fromStates(m,w){const _=w(m.map(k=>k.getSnapshot())),C=combineLatest(m).pipe(map$1(w));return new Computed(_,C)}destroy(){this.subscription.unsubscribe()}}var shim={exports:{}},useSyncExternalStoreShim_production_min={};/**
* @license React
* use-sync-external-store-shim.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredUseSyncExternalStoreShim_production_min;function requireUseSyncExternalStoreShim_production_min(){if(hasRequiredUseSyncExternalStoreShim_production_min)return useSyncExternalStoreShim_production_min;hasRequiredUseSyncExternalStoreShim_production_min=1;var g=requireReact();function b(U,G){return U===G&&(U!==0||1/U===1/G)||U!==U&&G!==G}var m=typeof Object.is=="function"?Object.is:b,w=g.useState,_=g.useEffect,C=g.useLayoutEffect,k=g.useDebugValue;function I(U,G){var X=G(),Z=w({inst:{value:X,getSnapshot:G}}),ne=Z[0].inst,re=Z[1];return C(function(){ne.value=X,ne.getSnapshot=G,$(ne)&&re({inst:ne})},[U,X,G]),_(function(){return $(ne)&&re({inst:ne}),U(function(){$(ne)&&re({inst:ne})})},[U]),k(X),X}function $(U){var G=U.getSnapshot;U=U.value;try{var X=G();return!m(U,X)}catch{return!0}}function P(U,G){return G()}var M=typeof window>"u"||typeof window.document>"u"||typeof window.document.createElement>"u"?P:I;return useSyncExternalStoreShim_production_min.useSyncExternalStore=g.useSyncExternalStore!==void 0?g.useSyncExternalStore:M,useSyncExternalStoreShim_production_min}var useSyncExternalStoreShim_development={};/**
* @license React
* use-sync-external-store-shim.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredUseSyncExternalStoreShim_development;function requireUseSyncExternalStoreShim_development(){return hasRequiredUseSyncExternalStoreShim_development||(hasRequiredUseSyncExternalStoreShim_development=1,{}.NODE_ENV!=="production"&&function(){typeof __REACT_DEVTOOLS_GLOBAL_HOOK__<"u"&&typeof __REACT_DEVTOOLS_GLOBAL_HOOK__.registerInternalModuleStart=="function"&&__REACT_DEVTOOLS_GLOBAL_HOOK__.registerInternalModuleStart(new Error);var g=requireReact(),b=g.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED;function m(ge){{for(var oe=arguments.length,me=new Array(oe>1?oe-1:0),De=1;De<oe;De++)me[De-1]=arguments[De];w("error",ge,me)}}function w(ge,oe,me){{var De=b.ReactDebugCurrentFrame,Le=De.getStackAddendum();Le!==""&&(oe+="%s",me=me.concat([Le]));var rt=me.map(function(Ue){return String(Ue)});rt.unshift("Warning: "+oe),Function.prototype.apply.call(console[ge],console,rt)}}function _(ge,oe){return ge===oe&&(ge!==0||1/ge===1/oe)||ge!==ge&&oe!==oe}var C=typeof Object.is=="function"?Object.is:_,k=g.useState,I=g.useEffect,$=g.useLayoutEffect,P=g.useDebugValue,M=!1,U=!1;function G(ge,oe,me){M||g.startTransition!==void 0&&(M=!0,m("You are using an outdated, pre-release alpha of React 18 that does not support useSyncExternalStore. The use-sync-external-store shim will not work correctly. Upgrade to a newer pre-release."));var De=oe();if(!U){var Le=oe();C(De,Le)||(m("The result of getSnapshot should be cached to avoid an infinite loop"),U=!0)}var rt=k({inst:{value:De,getSnapshot:oe}}),Ue=rt[0].inst,Ze=rt[1];return $(function(){Ue.value=De,Ue.getSnapshot=oe,X(Ue)&&Ze({inst:Ue})},[ge,De,oe]),I(function(){X(Ue)&&Ze({inst:Ue});var gt=function(){X(Ue)&&Ze({inst:Ue})};return ge(gt)},[ge]),P(De),De}function X(ge){var oe=ge.getSnapshot,me=ge.value;try{var De=oe();return!C(me,De)}catch{return!0}}function Z(ge,oe,me){return oe()}var ne=typeof window<"u"&&typeof window.document<"u"&&typeof window.document.createElement<"u",re=!ne,ve=re?Z:G,Se=g.useSyncExternalStore!==void 0?g.useSyncExternalStore:ve;useSyncExternalStoreShim_development.useSyncExternalStore=Se,typeof __REACT_DEVTOOLS_GLOBAL_HOOK__<"u"&&typeof __REACT_DEVTOOLS_GLOBAL_HOOK__.registerInternalModuleStop=="function"&&__REACT_DEVTOOLS_GLOBAL_HOOK__.registerInternalModuleStop(new Error)}()),useSyncExternalStoreShim_development}({}).NODE_ENV==="production"?shim.exports=requireUseSyncExternalStoreShim_production_min():shim.exports=requireUseSyncExternalStoreShim_development();var shimExports=shim.exports;const useSubscribe=g=>reactExports.useCallback(b=>{const m=g.subscribe(b);return()=>{m.unsubscribe()}},[g]);function useState(g){const b=useSubscribe(g),{getSnapshot:m}=g;return shimExports.useSyncExternalStore(b,m)}function useSetState(g){return reactExports.useCallback(b=>{typeof b!="function"?g.setState(b):g.setState(b(g.getSnapshot()))},[g])}function useReactStyleState(g){const b=useState(g),m=useSetState(g);return[b,m]}const observablePlaceholder$=of(void 0);function useObservable(g,b){const m=reactExports.useMemo(()=>new Computed(g,b),[b]);return reactExports.useEffect(()=>()=>{m.destroy()},[m]),useState(m)}function useObservableCollection(g,b){const m=reactExports.useMemo(()=>b&&g?g==null?void 0:g.observeKey(b):observablePlaceholder$,[b,g]),w=useSubscribe(m),_=reactExports.useCallback(()=>b?g==null?void 0:g.get(b):void 0,[b,g]);return shimExports.useSyncExternalStore(w,_)}function useEventCallback$1(g){const b=reactExports.useRef(g);return reactExports.useLayoutEffect(()=>{b.current=g}),reactExports.useCallback((...m)=>{const w=b.current;return w(...m)},[])}function toVal(g){var b,m,w="";if(typeof g=="string"||typeof g=="number")w+=g;else if(typeof g=="object")if(Array.isArray(g))for(b=0;b<g.length;b++)g[b]&&(m=toVal(g[b]))&&(w&&(w+=" "),w+=m);else for(b in g)g[b]&&(w&&(w+=" "),w+=b);return w}function clsx(){for(var g=0,b,m,w="";g<arguments.length;)(b=arguments[g++])&&(m=toVal(b))&&(w&&(w+=" "),w+=m);return w}const clsx_m=Object.freeze(Object.defineProperty({__proto__:null,default:clsx},Symbol.toStringTag,{value:"Module"}));class ObservableOrderedMap extends ObservableCollection{constructor(){super(OrderedMap())}set(b,m){return this.updateState(w=>w.set(b,m)),this}update(b,m){return this.updateState(w=>w.update(b,m)),this}delete(b){return this.updateState(m=>m.delete(b)),this}deleteAll(b){return this.updateState(m=>m.deleteAll(b)),this}clear(){return this.next(OrderedMap()),this}merge(b){return this.updateState(m=>m.merge(b)),this}insertBefore(b,m,w){return this.updateState(_=>OrderedMap().withMutations(C=>{for(const[k,I]of _.entries())b===k&&C.set(m,w),C.set(k,I)})),this.notify(m),this}insertAfter(b,m,w){return this.updateState(_=>OrderedMap().withMutations(C=>{for(const[k,I]of _.entries())C.set(k,I),b===k&&C.set(m,w)})),this.notify(m),this}}var FlowFeatures=(g=>(g.OpenCodeFileInNode="OpenCodeFileInNode",g.ShowWarningIconOnNode="ShowWarningIconOnNode",g))(FlowFeatures||{});const resolveTool=(g,b,m,w)=>{var _,C,k;if(((_=g==null?void 0:g.source)==null?void 0:_.type)==="code")return b;if(((C=g==null?void 0:g.source)==null?void 0:C.type)==="package_with_prompt"){const I=(k=g==null?void 0:g.source)==null?void 0:k.path,$=w(I??"");return m?{...m,inputs:{...$==null?void 0:$.inputs,...addPositionField(m==null?void 0:m.inputs,"parameter")},code:$==null?void 0:$.code}:void 0}return m},addPositionField=(g,b)=>{if(!g)return g;const m={...g};return Object.keys(m).forEach(w=>{m[w]={...m[w],position:b}}),m},promptFlowGraphReducer=g=>(b,m)=>g(b,m),graphReducer=()=>getGraphReducer(promptFlowGraphReducer),keyWords=["and","as","assert","break","class","continue","def","del","elif","else","except","False","finally","for","from","global","if","import","in","is","lambda","None","nonlocal","not","or","pass","raise","return","True","try","while","with","yield"],keyFunction=["abs","all","any","ascii","bin","bool","bytearray","bytes","callable","chr","classmethod","compile","complex","delattr","dict","dir","divmod","enumerate","eval","exec","filter","float","format","frozenset","getattr","globals","hasattr","hash","help","hex","id","input","int","isinstance","issubclass","iter","len","list","locals","map","max","memoryview","min","next","object","oct","open","ord","pow","print","property","range","repr","reversed","round","set","setattr","slice","sorted","str","sum","super","tuple","type","vars","zip"],flowWords=["input","inputs","output","outputs","flow","flows"],checkNodeNameValid=g=>keyWords.some(b=>b===g)||keyFunction.some(b=>b===g)||flowWords.some(b=>b===g)?!1:/^[a-zA-Z_][a-zA-Z0-9_]*$/.test(g),generateRandomStrings=g=>{const b="abcdefghijklmnopqrstuvwxyz0123456789";let m="";for(let w=0;w<g;w++){const _=Math.floor(Math.random()*b.length);m+=b[_]}return m},getRandomInputDefinitionId=()=>generateRandomStrings(8),getRandomOutputDefinitionId=getRandomInputDefinitionId,intNumberRegExp=/^[+-]?\d+$/,doubleNumberRegExp=/^[+-]?\d+(\.\d+)?$/,isBool=g=>g.toLowerCase()==="true"||g.toLowerCase()==="false",isNumber$1=g=>doubleNumberRegExp.test(g.trim())?g===g.trim()&&g.length>0&&!Number.isNaN(Number(g)):!1,isInt=g=>intNumberRegExp.test(g.trim())?isNumber$1(g)&&Number.isInteger(Number(g)):!1,isList=g=>{try{const b=JSON.parse(g);return Array.isArray(b)}catch{return!1}},isObject$4=g=>{try{const b=JSON.parse(g);return Object.prototype.toString.call(b)==="[object Object]"}catch{return!1}},isTypeValid=(g,b)=>{const m=typeof g,w=m==="string";switch(b){case ValueType.int:return w?isInt(g):Number.isInteger(g);case ValueType.double:return w?isNumber$1(g):m==="number";case ValueType.list:return w?isList(g):Array.isArray(g);case ValueType.object:return w?isObject$4(g):m==="object";case ValueType.bool:return w?isBool(g):m==="boolean";case ValueType.function_str:return!0;default:return!0}},getCycle=(g,b,m,w)=>{var k,I;const _=[],C=new Set(g.keys());for(g.forEach(($,P)=>{$===0&&_.push(P)});_.length>0;){const $=_.shift();$&&(C.delete($),(k=b.get($))==null||k.forEach(P=>{const M=(g.get(P)??0)-1;g.set(P,M),M===0&&_.push(P)}))}for(m.forEach(($,P)=>{$===0&&_.push(P)});_.length>0;){const $=_.shift();$&&(C.delete($),(I=w.get($))==null||I.forEach(P=>{const M=(m.get(P)??0)-1;m.set(P,M),M===0&&_.push(P)}))}return C},getNodesThatMoreThanOneVariant=(g={})=>{const b=[];return Object.keys(g).forEach(m=>{const w=g[m],{variants:_={},defaultVariantId:C,default_variant_id:k}=w,I=Object.keys(_).length;I>1&&b.push({nodeName:m,variantsCount:I,defaultVariantId:C??k??BASELINE_VARIANT_ID,variants:_})}),b},getVariantNodes=(g={})=>{const b={};return Object.keys(g).forEach(m=>{const w=g[m],{variants:_={}}=w;if(Object.keys(_).length>1){const k=lodashExports.cloneDeep(w);Object.entries((k==null?void 0:k.variants)??{}).forEach(([$,P])=>{P.node&&delete P.node.name});const I=k.defaultVariantId;delete k.defaultVariantId,b[m]={default_variant_id:I,...k}}}),Object.keys(b).length>0?b:void 0};class FlowViewModelShared{constructor(){ri(this,"nodesIndex$");ri(this,"allNodeNames$");ri(this,"orientation$");ri(this,"language$");this.nodesIndex$=new State(List()),this.allNodeNames$=Computed.fromStates([],([])=>List()),this.orientation$=new State(Orientation$1.Vertical),this.language$=new State(Language.Python)}tweakFlattenNodeOrder(b,m){const w=this.nodesIndex$.getSnapshot(),_=w.findIndex(k=>k===b),C=_+m;if(_>=0&&C>=0&&C<w.size){const k=w.get(_),I=w.get(C);this.nodesIndex$.setState(w.set(_,I).set(C,k))}}}ri(FlowViewModelShared,"inject",[]);class BaseFlowViewModel extends FlowViewModelShared{constructor(){super();ri(this,"isWorkspaceReady$",new State(!1));ri(this,"currentNodeId$",new State(void 0));ri(this,"graphConfig",GraphConfigBuilder.default().build());ri(this,"canvasState$");ri(this,"graphReducer",graphReducer());ri(this,"allNodeNames$");ri(this,"baseEntity");ri(this,"isReadonly$",new State(!1));ri(this,"name$",new State(""));ri(this,"flowType$",new State(FlowType.Default));ri(this,"owner$",new State(void 0));ri(this,"isArchived$",new State(!1));ri(this,"selectedStepId$",new State(void 0));ri(this,"tools$",new ObservableOrderedMap);ri(this,"toolsStatus$",new ObservableOrderedMap);ri(this,"batchInputs$",new State([]));ri(this,"bulkRunDataReference$",new State(void 0));ri(this,"chatMessages$",new State([]));ri(this,"nodeVariants$",new ObservableOrderedMap);ri(this,"tuningNodeNames$",new State([]));ri(this,"inputSpec$",new ObservableOrderedMap);ri(this,"selectedBulkIndex$",new State(void 0));ri(this,"nodeRuns$",new ObservableOrderedMap);ri(this,"flowRuns$",new State([]));ri(this,"rootFlowRunMap$",new ObservableMap);ri(this,"flowOutputs$",new ObservableOrderedMap);ri(this,"connections$",new ObservableOrderedMap);ri(this,"promptToolSetting$",new State(void 0));ri(this,"userInfo$",new State(void 0));ri(this,"bulkRunDescription$",new State(""));ri(this,"bulkRunTags$",new State([]));ri(this,"invalidStepInputs$");ri(this,"nodeParameterTypes$",new ObservableMap);ri(this,"theme$",new State(void 0));ri(this,"selectedRuntimeName$",new State(void 0));ri(this,"connectionList$",new State([]));ri(this,"connectionSpecList$",new State([]));ri(this,"connectionDeployments$",new ObservableOrderedMap);ri(this,"connectionDeploymentsLoading$",new ObservableOrderedMap);ri(this,"runStatus$",new State(void 0));ri(this,"flowRunType$",new State(void 0));ri(this,"packageToolsDictionary$",new ObservableMap);ri(this,"codeToolsDictionary$",new ObservableMap);ri(this,"isToolsJsonReady$",new State(!1));ri(this,"flowGraphLayout$",new State(void 0));ri(this,"flowUIHint$",new State(void 0));ri(this,"isInitialized$",new State(!1));ri(this,"flowFeatures$",new State(new Set));ri(this,"loaded",!1);ri(this,"_allLlmParameterKeys",[]);new Set(dataReadonlyMode).add(GraphFeatures.AutoFit);const w=new Set;w.add(FlowFeatures.OpenCodeFileInNode),this.flowFeatures$.next(w),this.canvasState$=new State(createGraphState({settings:{graphConfig:this.graphConfig,canvasBoundaryPadding:{top:800,bottom:800}},data:GraphModel.empty()})),this.allNodeNames$=Computed.fromStates([this.nodeVariants$],([_])=>List(Array.from(_.keys()).filter(C=>!!C&&C!==FLOW_INPUT_NODE_NAME&&C!==FLOW_OUTPUT_NODE_NAME))),merge$1(this.flowOutputs$,this.batchInputs$,this.inputSpec$,this.selectedRuntimeName$,this.bulkRunTags$,this.nodeVariants$,this.codeToolsDictionary$,this.packageToolsDictionary$).pipe(filter$1(()=>this.loaded),filter$1(()=>this.isInitialized$.getSnapshot()),debounceTime(100)).subscribe(()=>{this.notifyFlowChange()}),merge$1(this.flowGraphLayout$,this.orientation$).pipe(debounceTime(100)).subscribe(()=>{this.notifyLayoutChange()}),merge$1(this.flowUIHint$).pipe(debounceTime(100)).subscribe(()=>{this.notifyUIHintChange()}),this.invalidStepInputs$=Computed.fromStates([this.nodeVariants$,this.codeToolsDictionary$,this.packageToolsDictionary$,this.connectionList$,this.inputSpec$,this.nodeParameterTypes$],([_,C,k,I,$,P])=>this.validateNodeInputs(_))}attemptToRenameStep(m,w){if(!checkNodeNameValid(w))return`step name ${w} is not valid`;if(this.nodeVariants$.get(w))return`step with name ${w} already exists`;if(!this.nodeVariants$.get(m))return`step ${m} not found`;const C=(I,$,P)=>{const M={...I};return Object.keys(M).forEach(U=>{const G=M[U],X=getRefValueFromRaw(G),[Z]=(X==null?void 0:X.split("."))??[];Z===$&&(M[U]=G.replace(`${$}`,`${P}`))}),M},k=(I,$,P)=>{if(!I)return;const M={};return Object.entries(I).forEach(([U,G])=>{var X,Z,ne;M[U]={...G,node:{...G.node,name:((X=G.node)==null?void 0:X.name)===$?P:(Z=G.node)==null?void 0:Z.name,inputs:C(((ne=G.node)==null?void 0:ne.inputs)??{},$,P)}}}),M};reactDomExports.unstable_batchedUpdates(()=>{this.nodeVariants$.updateState(I=>I.mapEntries(([$,P])=>{const M={...P,variants:k(P.variants,m,w)};return[$===m?w:$,M]})),this.flowGraphLayout$.updateState(I=>({...I,nodeLayouts:renameKeyInObject((I==null?void 0:I.nodeLayouts)??{},m,w)})),this.flowUIHint$.updateState(I=>({...I,nodes:renameKeyInObject((I==null?void 0:I.nodes)??{},m,w)})),this.currentNodeId$.getSnapshot()===m&&this.currentNodeId$.next(w),this.selectedStepId$.getSnapshot()===m&&this.selectedStepId$.next(w),this.nodeRuns$.getSnapshot().forEach((I,$)=>{if(I.node===m){const[P,M,U,G]=$.split("#"),X=parseInt(M,10);this.nodeRuns$.set(this.getNodeRunKey(w,isNaN(X)?0:X,U,G),{...I,node:w}),this.nodeRuns$.delete($)}})})}acceptFlowEdit(m,w){m!==this.viewType&&this.loadFlow(w)}loadSampleFlow(m){this.loaded=!1;try{reactDomExports.unstable_batchedUpdates(()=>{this.loadFlowDto(m)}),this.loaded=!0}catch(w){throw this.loaded=!0,w}}loadFlow(m){this.loaded=!1;try{reactDomExports.unstable_batchedUpdates(()=>{this.baseEntity=m,this.owner$.next(m.owner),this.isArchived$.next(m.isArchived??!1),this.loadFlowDto(m),m.flowRunResult&&this.loadStatus(m.flowRunResult)}),this.loaded=!0}catch(w){throw this.loaded=!0,w}}loadCodeTool(m,w){this.codeToolsDictionary$.set(m,w)}loadPackageTool(m,w){this.packageToolsDictionary$.set(m,w)}toBatchRequestData(){return{flow:{flowGraph:this.toFlowGraph(),nodeVariants:this.toNodeVariants(),flowGraphLayout:this.flowGraphLayout$.getSnapshot()},flowSubmitRunSettings:{...this.toFlowRunSettings()},flowRunDisplayName:this.name$.getSnapshot()}}toAddOnEvaluationRequestData(){return{flowSubmitRunSettings:{...this.toFlowRunSettings()}}}loadStatus(m){var k;this.clearStatus();let w=0;const _=[],C=new Map;if((k=m.flow_runs)!=null&&k.length){for(const I of m.flow_runs)I.index===null?C.set(I.run_id,I):(w=I.index,_.push(I));_.sort((I,$)=>{var P;return I.root_run_id===$.root_run_id?(I.index??0)-($.index??0):I.variant_id&&$.variant_id?I.variant_id.localeCompare($.variant_id):((P=I.root_run_id)==null?void 0:P.localeCompare(($==null?void 0:$.root_run_id)??""))??0}),this.flowRuns$.next(_),this.rootFlowRunMap$.next(Map$1(C))}m.flowRunType&&this.flowRunType$.next(m.flowRunType),m.runStatus&&this.runStatus$.next(m.runStatus),this.loadNodesStatus(m.node_runs||[]),this.selectedBulkIndex$.next(w)}loadNodesStatus(m){const w=this.tuningNodeNames$.getSnapshot()[0];m.forEach(_=>{const C=_.node===w,k=this.getDefaultVariantId(_.node),I=_.variant_id||k,$=C?I:k,P=this.getNodeRunKey(_.node,_.index??0,$,I);this.nodeRuns$.set(P,_)})}loadSingleNodeRunStatus(m,w,_){this.resetNodesStatus(m,w),_.forEach(C=>{const k=this.getDefaultVariantId(C.node),I=C.variant_id||k,$=C.variant_id||k,P=this.getNodeRunKey(C.node,C.index??0,$,I);this.nodeRuns$.set(P,C)})}resetNodesStatus(m,w){this.nodeRuns$.updateState(_=>_.filter(C=>{if(C.node!==m)return!0;const k=this.getDefaultVariantId(C.node);return(C.variant_id||k)!==w}))}clearStatus(){this.selectedBulkIndex$.next(void 0),this.nodeRuns$.clear(),this.flowRuns$.next([]),this.rootFlowRunMap$.clear()}getDefaultVariantId(m){var w;return((w=this.nodeVariants$.get(m))==null?void 0:w.defaultVariantId)||BASELINE_VARIANT_ID}setStepInput(m,w,_,C){const k=this.getNode(m,C);if(!(k!=null&&k.name))return;const I={...k,inputs:{...k.inputs,[w]:_}};this.setNode(m,C,I)}removeStepInputs(m,w,_){const C=this.getNode(m,_);if(!(C!=null&&C.name))return;const k={...C.inputs};w.forEach($=>{delete k[$]});const I={...C,inputs:k};this.setNode(m,_,I)}renameStepInput(m,w,_){const C=this.getNode(m,BASELINE_VARIANT_ID);if(!(C!=null&&C.name))return;const k={...C,inputs:renameKeyInObject(C.inputs??{},w,_)};this.setNode(m,BASELINE_VARIANT_ID,k)}setStepActivate(m,w,_){const C=this.getNode(m,w);if(!(C!=null&&C.name))return;const k={...C,activate:_};this.setNode(m,w,k)}setStepKeyValue(m,w,_,C){const k=this.getNode(m,C);if(!(k!=null&&k.name))return;const I={...k,[w]:_};this.setNode(m,C,I)}setStepSourcePath(m,w,_){const C=this.getNode(m,_);if(!(C!=null&&C.name))return;const k={...C,source:{...C.source,path:w}};this.setNode(m,_,k)}setBatchInput(m,w,_){const C=this.batchInputs$.getSnapshot();if(!C[m])return;const k=[...C];k[m]={...k[m],[w]:_},this.batchInputs$.setState(k)}setBulkRunTag(m,w,_){const C=[...this.bulkRunTags$.getSnapshot()];if(!C[m])return;const k={};k[w]=_,C[m]=k,this.bulkRunTags$.next(C)}deleteBulkRunTag(m){const w=[...this.bulkRunTags$.getSnapshot()];w.splice(m,1),this.bulkRunTags$.next(w)}addBulkRunTagRow(){const m=this.bulkRunTags$.getSnapshot(),w={"":""};this.bulkRunTags$.next([...m,w])}getNodeRunKey(m,w,_=BASELINE_VARIANT_ID,C=BASELINE_VARIANT_ID){return`${m}#${w}#${_}#${C}`}dispatch(m){var k;let w="";switch(m.type){case GraphCanvasEvent.Click:this.currentNodeId$.next(void 0);break;case GraphNodeEvent.Click:this.currentNodeId$.next(m.node.id,!0);break;case GraphNodeEvent.DragEnd:{w=m.node.name??"";break}}const _=this.canvasState$.getSnapshot(),C=this.graphReducer(_,m);if(this.canvasState$.next(C),w){const I=C.data.present.nodes.find(M=>M.name===w),$=this.flowGraphLayout$.getSnapshot(),P={...$,nodeLayouts:{...$==null?void 0:$.nodeLayouts,[w]:{...(k=$==null?void 0:$.nodeLayouts)==null?void 0:k[w],x:I==null?void 0:I.x,y:I==null?void 0:I.y}}};this.flowGraphLayout$.next(P)}}setGraphConfig(m){this.graphConfig=m;const w=this.canvasState$.getSnapshot();this.canvasState$.next({...w,settings:{...w.settings,graphConfig:m}})}toFlowGraph(){const m=this.nodeVariants$.getSnapshot(),w=getDefaultNodeList(List.of(...m.keys()),m);return{inputs:this.inputSpec$.getSnapshot().toJSON(),outputs:this.flowOutputs$.getSnapshot().toJSON(),nodes:w,tools:void 0}}toFlowGraphSnapshot(m){const w=lodashExports.mapValues(this.inputSpec$.getSnapshot().toJSON(),P=>{P.default!==void 0&&(P.default=convertValByType(P.default,P.type));const{name:M,id:U,...G}=P;return G}),_=lodashExports.mapValues(this.flowOutputs$.getSnapshot().toJSON(),P=>{const{name:M,id:U,...G}=P;return G}),k=getNodesThatMoreThanOneVariant(m).map(P=>P.nodeName),I=getFlowSnapshotNodeList(List.of(...Object.keys(m)),m,k),$=getVariantNodes(m);return{inputs:w,outputs:_,nodes:I,node_variants:$}}toNodeVariants(){const m=this.nodeVariants$.getSnapshot().toJSON(),w={};return Object.keys(m).forEach(_=>{const C=m[_],k={};Object.keys(C.variants??{}).forEach(I=>{const $=(C.variants??{})[I];k[I]={...$,node:$.node?this.pruneNodeInputs($.node):void 0}}),w[_]={...C,variants:k}}),w}toFlowRunSettings(){var m,w;return{tuningNodeNames:this.tuningNodeNames$.getSnapshot(),variants:void 0,runtimeName:(m=this.selectedRuntimeName$)==null?void 0:m.getSnapshot(),description:this.bulkRunDescription$.getSnapshot(),tags:Object.assign({},...this.bulkRunTags$.getSnapshot()),...this.bulkRunDataReference$.getSnapshot()!==void 0?{batchDataInput:{dataUri:(w=this.bulkRunDataReference$.getSnapshot())==null?void 0:w.id}}:{batch_inputs:this.batchInputs$.getSnapshot()}}}toJSON(){const m=this.toNodeVariants();return{...this.baseEntity,flow:{flowGraph:this.toFlowGraphSnapshot(m),flowGraphLayout:this.toFlowGraphLayout()},flowName:this.name$.getSnapshot(),flowRunSettings:this.toFlowRunSettings(),flowRunResult:{flow_runs:[...Array.from(this.rootFlowRunMap$.getSnapshot().values()),...this.flowRuns$.getSnapshot()],node_runs:Array.from(this.nodeRuns$.getSnapshot().values())}}}toFlowGraphLayout(){const m=this.flowGraphLayout$.getSnapshot()??{},w=Array.from(this.nodeVariants$.getSnapshot().keys()),_={...m.nodeLayouts};return Object.keys(_).forEach(C=>{_[C]={..._[C],index:w.indexOf(C)}}),{...m,nodeLayouts:_,orientation:this.orientation$.getSnapshot()}}toFlowUIHint(){return this.flowUIHint$.getSnapshot()??{nodes:{}}}updateToolCode(m,w){const _=this.codeToolsDictionary$.get(m);_&&this.codeToolsDictionary$.set(m,{..._,code:w})}updateToolStatus(m,w){const _=this.toolsStatus$.get(m);this.toolsStatus$.set(m,{..._,...w})}updateFlowInput(m,w){const _=this.batchInputs$.getSnapshot(),C=_==null?void 0:_[0];let k=w;try{const I=JSON.parse(w);k=JSON.stringify(I)}catch{k=w}this.batchInputs$.next([{...C,[m]:k},..._.slice(1)])}addNewNode(m,w){if(!m.name)return;const _=m,C={defaultVariantId:BASELINE_VARIANT_ID,variants:{[BASELINE_VARIANT_ID]:{node:_}}};w?this.nodeVariants$.insertBefore(w,m.name,C):this.nodeVariants$.set(m.name,C)}patchEditData(m){var w,_,C,k;switch(m.type){case"chatInput":{if(this.flowType$.getSnapshot()!==FlowType.Chat)return;const $=this.batchInputs$.getSnapshot(),P=((w=this.getChatInputDefinition())==null?void 0:w.name)??DEFAULT_CHAT_INPUT_NAME;this.batchInputs$.next([{...$[0],[P]:m.value}]);break}case"chatHistory":{if(this.flowType$.getSnapshot()!==FlowType.Chat)return;const $=this.batchInputs$.getSnapshot(),P=((_=this.getChatHistoryDefinition())==null?void 0:_.name)??DEFAULT_CHAT_HISTORY_NAME,M=((C=this.getChatInputDefinition())==null?void 0:C.name)??DEFAULT_CHAT_INPUT_NAME,U=((k=this.getChatOutputDefinition())==null?void 0:k.name)??DEFAULT_CHAT_OUTPUT_NAME;this.batchInputs$.next([{...$[0],[P]:[...$[0][P],{inputs:{[M]:m.value.chatInput},outputs:{[U]:m.value.chatOutput}}].slice(-10)}]);break}case"flowGraph":{try{this.loaded=!1,reactDomExports.unstable_batchedUpdates(()=>{this.loadFlorGraph(m.value)})}finally{this.loaded=!0}break}default:const I=m;throw new Error(`Didn't expect to get here: ${I}`)}}getChatInputDefinition(){return this.inputSpec$.getSnapshot().find(isChatInput)}getChatHistoryDefinition(){const m=this.flowType$.getSnapshot();return this.inputSpec$.getSnapshot().find(w=>isChatHistory(m,w))}getChatOutputDefinition(){return this.flowOutputs$.getSnapshot().find(isChatOutput)}clearChatMessages(){this.chatMessages$.next([]),this.syncChatMessagesToInputsValues([])}getProviderByConnection(m){var I;if(!m)return;const w=this.connectionList$.getSnapshot(),_=this.promptToolSetting$.getSnapshot(),C=w.find($=>$.connectionName===m);if(!C)return;const k=(I=_==null?void 0:_.providers)==null?void 0:I.find($=>{var P;return C.connectionType&&((P=$.connection_type)==null?void 0:P.includes(C.connectionType))});if(k)return k.provider}addFlowInput(m,w){this.inputSpec$.set(m,{...w,name:m,id:(w==null?void 0:w.id)??getRandomInputDefinitionId()})}addFlowOutput(m,w){this.flowOutputs$.set(m,{...w,name:m,id:(w==null?void 0:w.id)??getRandomOutputDefinitionId()})}loadFlorGraph(m){var k;const w=(m==null?void 0:m.nodes)||[],_=(m==null?void 0:m.outputs)||{},C=(m==null?void 0:m.inputs)||{};this.nodeVariants$.clear(),w.forEach(I=>{I.name&&(this.nodeVariants$.get(I.name)||this.nodeVariants$.set(I.name,{defaultVariantId:BASELINE_VARIANT_ID,variants:{[BASELINE_VARIANT_ID]:{node:I}}}))}),(k=Object.entries((m==null?void 0:m.node_variants)??{}))==null||k.forEach(([I,$])=>{const P={...$.variants};Object.entries(P).forEach(([M,U])=>{U.node&&(U.node.name=I)}),this.nodeVariants$.set(I,{defaultVariantId:$.default_variant_id??BASELINE_VARIANT_ID,variants:P})}),this.flowOutputs$.clear(),Object.keys(_).forEach(I=>{const $=_[I];$&&this.addFlowOutput(I,$)}),this.inputSpec$.clear(),Object.keys(C).forEach(I=>{const $=C[I];$&&this.addFlowInput(I,$)})}loadFlowDto(m){var w,_,C,k,I,$,P,M,U,G,X,Z;if(this.name$.next(m.flowName??""),this.flowType$.next(m.flowType??FlowType.Default),this.loadFlorGraph((w=m.flow)==null?void 0:w.flowGraph),(_=m.flow)!=null&&_.nodeVariants&&((k=Object.entries(((C=m.flow)==null?void 0:C.nodeVariants)??{}))==null||k.forEach(([ne,re])=>{this.nodeVariants$.set(ne,{...re,defaultVariantId:re.defaultVariantId??BASELINE_VARIANT_ID})})),($=(I=m.flow)==null?void 0:I.flowGraphLayout)!=null&&$.nodeLayouts){const ne=(P=m.flow)==null?void 0:P.flowGraphLayout;this.flowGraphLayout$.next(ne),ne.orientation&&this.orientation$.next(ne.orientation)}if(this.selectedRuntimeName$.setState(((M=m.flowRunSettings)==null?void 0:M.runtimeName)??""),this.batchInputs$.setState(((U=m.flowRunSettings)==null?void 0:U.batch_inputs)??[{}]),this.tuningNodeNames$.setState(((G=m.flowRunSettings)==null?void 0:G.tuningNodeNames)??[]),this.bulkRunDescription$.next(m.description??""),this.bulkRunTags$.next([]),m.tags){const ne=[];Object.keys(m.tags).forEach(re=>{var ve;ne.push({[re]:((ve=m==null?void 0:m.tags)==null?void 0:ve[re])??""})}),this.bulkRunTags$.next(ne)}this.initNodeParameterTypes((X=m.flow)==null?void 0:X.flowGraph),m.flowType===FlowType.Chat&&(this.initChatFlow(m),this.initChatMessages(((Z=m.flowRunSettings)==null?void 0:Z.batch_inputs)??[{}]))}initNodeParameterTypes(m){if(!m)return;const w=this.nodeVariants$.getSnapshot().toJSON();let _=Map$1(new Map);Object.keys(w).forEach(C=>{const k=w[C];Object.keys(k.variants??{}).forEach(I=>{var P;const $=(k.variants??{})[I];if($.node){const M={inputs:{},activate:{is:void 0}},U=this.getToolOfNode($.node);if(($.node.type??(U==null?void 0:U.type))===ToolType.python){const G=Object.keys((U==null?void 0:U.inputs)??{});Object.keys($.node.inputs??{}).filter(ne=>!G.includes(ne)).forEach(ne=>{var re,ve;M.inputs[ne]=inferTypeByVal((ve=(re=$.node)==null?void 0:re.inputs)==null?void 0:ve[ne])??ValueType.string})}M.activate.is=inferTypeByVal((P=$.node.activate)==null?void 0:P.is)??ValueType.string,_=_.set(`${C}#${I}`,M)}})}),this.nodeParameterTypes$.next(_)}initChatFlow(m){if(m.flowType!==FlowType.Chat)return;this.inputSpec$.getSnapshot().some(k=>isChatHistory(m.flowType,k))||(this.addFlowInput(DEFAULT_CHAT_HISTORY_NAME,{name:DEFAULT_CHAT_HISTORY_NAME,type:ValueType.list}),this.batchInputs$.updateState(k=>[{...k[0],[DEFAULT_CHAT_HISTORY_NAME]:[]},...k.slice(1)])),this.inputSpec$.getSnapshot().some(k=>isChatInput(k))||this.addFlowInput(DEFAULT_CHAT_INPUT_NAME,{name:DEFAULT_CHAT_INPUT_NAME,type:ValueType.string,is_chat_input:!0}),this.flowOutputs$.getSnapshot().some(k=>isChatOutput(k))||this.addFlowOutput(DEFAULT_CHAT_OUTPUT_NAME,{name:DEFAULT_CHAT_OUTPUT_NAME,type:ValueType.string,is_chat_output:!0})}initChatMessages(m){var $,P,M;const w=(($=this.getChatHistoryDefinition())==null?void 0:$.name)??DEFAULT_CHAT_HISTORY_NAME,_=m[0][w];if(!Array.isArray(_))return;const C=((P=this.getChatInputDefinition())==null?void 0:P.name)??DEFAULT_CHAT_INPUT_NAME,k=((M=this.getChatOutputDefinition())==null?void 0:M.name)??DEFAULT_CHAT_OUTPUT_NAME,I=parseChatMessages(C,k,_);this.chatMessages$.next(I),this.syncChatMessagesToInputsValues(I)}syncChatMessagesToInputsValues(m){var _,C,k;if(this.batchInputs$.getSnapshot().length<=1){const I=((_=this.getChatInputDefinition())==null?void 0:_.name)??DEFAULT_CHAT_INPUT_NAME,$=((C=this.getChatOutputDefinition())==null?void 0:C.name)??DEFAULT_CHAT_OUTPUT_NAME,P=((k=this.getChatHistoryDefinition())==null?void 0:k.name)??DEFAULT_CHAT_HISTORY_NAME,M=[];for(let U=0;U<m.length;++U){for(;U<m.length&&m[U].from!==ChatMessageFrom.User;++U);if(U+1<m.length){const G=m[U],X=m[U+1];if(X.from===ChatMessageFrom.Chatbot&&!X.error){U+=1;const Z=X.extraData;M.push({inputs:{...Z.flowInputs,[I]:G.content},outputs:{...Z.flowOutputs,[$]:X.content}})}}}this.batchInputs$.updateState(U=>[{...U[0],[P]:M}])}}getNode(m,w){var _,C,k;return(k=(C=(_=this.nodeVariants$.get(m))==null?void 0:_.variants)==null?void 0:C[w])==null?void 0:k.node}setNode(m,w,_){var k;const C=this.nodeVariants$.get(m);this.nodeVariants$.set(m,{defaultVariantId:(C==null?void 0:C.defaultVariantId)??BASELINE_VARIANT_ID,variants:{...C==null?void 0:C.variants,[w]:{...(k=C==null?void 0:C.variants)==null?void 0:k[w],node:_}}})}getAllLlmParameterKeys(){var m;if(this._allLlmParameterKeys.length===0){const w=this.promptToolSetting$.getSnapshot();if(!w)return[];const _=(m=w.providers)==null?void 0:m.flatMap(k=>{var I;return(I=k.apis)==null?void 0:I.map($=>$.parameters)}),C=new Set(_==null?void 0:_.flatMap(k=>Object.keys(k??{})));this._allLlmParameterKeys=[...C.values()]}return this._allLlmParameterKeys}pruneNodeInputs(m){var G,X,Z,ne;const w=m?this.getToolOfNode(m):void 0,_=this.promptToolSetting$.getSnapshot(),C=this.connectionList$.getSnapshot(),k=this.connectionSpecList$.getSnapshot();if(!w||!_)return m;if((m.type??w.type)===ToolType.python&&w.enable_kwargs){const re={};return Object.keys(m.inputs??{}).forEach(ve=>{var Se,ge,oe,me;if(((Se=m.inputs)==null?void 0:Se[ve])!==void 0){const De=(ge=w.inputs)==null?void 0:ge[ve];re[ve]=convertValByType((oe=m.inputs)==null?void 0:oe[ve],(me=De==null?void 0:De.type)==null?void 0:me[0])}}),{...m,inputs:re}}const I=this.getProviderByConnection(m.connection??"");if((m.type??w.type)===ToolType.llm&&(!I||!m.api))return m;const $=(m.type??w.type)===ToolType.llm,P=$?(ne=(Z=(X=(G=_==null?void 0:_.providers)==null?void 0:G.find(re=>re.provider===I))==null?void 0:X.apis)==null?void 0:Z.find(re=>re.api===m.api))==null?void 0:ne.parameters:void 0,M=new Set(filterNodeInputsKeys(w.inputs,m.inputs,C,k).concat($?this.getAllLlmParameterKeys():[])),U={};return Object.keys(m.inputs??{}).forEach(re=>{var ve,Se,ge,oe;if(M.has(re)&&((ve=m.inputs)==null?void 0:ve[re])!==void 0){const me=((Se=w.inputs)==null?void 0:Se[re])??(P==null?void 0:P[re]);U[re]=convertValByType((ge=m.inputs)==null?void 0:ge[re],(oe=me==null?void 0:me.type)==null?void 0:oe[0])}}),{...m,inputs:U}}getToolOfNode(m){var C,k;const w=this.codeToolsDictionary$.get(((C=m.source)==null?void 0:C.path)??""),_=this.packageToolsDictionary$.get(((k=m.source)==null?void 0:k.tool)??"");return resolveTool(m,w,_,I=>this.codeToolsDictionary$.get(I))}validateNodeInputs(m){const w=new Map,_=this.getNodesInCycle(m),C=this.connectionList$.getSnapshot(),k=this.connectionSpecList$.getSnapshot(),I=[];return this.inputSpec$.getSnapshot().forEach((P,M)=>{const U=P.default,G=P.type;if(U!==void 0&&U!==""&&!isTypeValid(U,G)){const X={section:"inputs",parameterName:M,type:ValidationErrorType.InputInvalidType,message:"Input type is not valid"};I.push(X)}}),I.length>0&&w.set(`${FLOW_INPUT_NODE_NAME}#`,I),Array.from(m.values()).forEach(P=>{const{variants:M={}}=P;Object.keys(M).forEach(U=>{var Se,ge,oe;const G=M[U],{node:X}=G,Z=X?this.getToolOfNode(X):void 0,ne=filterNodeInputsKeys(Z==null?void 0:Z.inputs,X==null?void 0:X.inputs,C,k);if(!X||!X.name)return;if(!Z){const me=X;w.set(`${X.name}#${U}`,[{type:ValidationErrorType.MissingTool,message:`Can't find tool ${((Se=me==null?void 0:me.source)==null?void 0:Se.tool)??((ge=me==null?void 0:me.source)==null?void 0:ge.path)}`}]);return}const re=[],ve=this.validateNodeConfig(X,Z);if(ve&&re.push(ve),ne.forEach(me=>{const De=this.validateNodeInputRequired(Z,X,me);De&&re.push(De)}),X.inputs&&re.push(...Object.keys(X.inputs).map(me=>{if(!ne.includes(me)&&!Z.enable_kwargs)return;const{isReference:De,error:Le}=this.validateNodeInputReference(X,"inputs",me,m,_);if(Le)return Le;if(!De)return this.validateNodeInputType(Z,X,U,me)}).filter(Boolean)),X.activate){const{error:me}=this.validateNodeInputReference(X,"activate","when",m,_);me&&re.push(me);const De=X.activate.is,Le=(oe=this.nodeParameterTypes$.get(`${X.name}#${U}`))==null?void 0:oe.activate.is;if(!isTypeValid(De,Le)){const rt={section:"activate",parameterName:"is",type:ValidationErrorType.InputInvalidType,message:"Input type is not valid"};re.push(rt)}}w.set(`${X.name}#${U}`,re)})}),w}getNodesInCycle(m){const w=getDefaultNodeList(List.of(...m.keys()),m),_=new Map;w.forEach(M=>{var G;const U=(X,Z,ne)=>{const re=getRefValueFromRaw(ne),[ve]=(re==null?void 0:re.split("."))??[];!ve||isFlowInput(ve)||_.set(`${M.name}.${X}.${Z}`,ve)};Object.keys((M==null?void 0:M.inputs)??{}).forEach(X=>{var ne;const Z=(ne=M.inputs)==null?void 0:ne[X];U("inputs",X,Z)}),U("activate","when",(G=M.activate)==null?void 0:G.when)});const C=new Map,k=new Map,I=new Map,$=new Map;return w.forEach(M=>{const U=M.name;U&&(C.set(U,0),k.set(U,0),I.set(U,[]),$.set(U,[]))}),w.forEach(M=>{const U=M.name;if(!U)return;const G=(X,Z)=>{const ne=_.get(`${U}.${X}.${Z}`);ne&&(C.set(U,(C.get(U)??0)+1),k.set(ne,(k.get(ne)??0)+1),I.set(ne,[...I.get(ne)??[],U]),$.set(U,[...$.get(U)??[],ne]))};Object.keys((M==null?void 0:M.inputs)??{}).forEach(X=>{G("inputs",X)}),G("activate","when")}),getCycle(C,I,k,$)}validateNodeConfig(m,w){var C,k,I,$,P,M,U;const _=this.promptToolSetting$.getSnapshot();if((m.type??(w==null?void 0:w.type))===ToolType.llm){if(!m.connection)return{parameterName:"connection",type:ValidationErrorType.NodeConfigInvalid,message:"connection is required"};if(!this.connectionList$.getSnapshot().some(re=>re.connectionName===m.connection))return{parameterName:"connection",type:ValidationErrorType.NodeConfigInvalid,message:"connection is not valid"};if(!m.api)return{parameterName:"api",type:ValidationErrorType.NodeConfigInvalid,message:"api is required"};const G=this.getProviderByConnection(m.connection),X=($=(I=(k=(C=_==null?void 0:_.providers)==null?void 0:C.find(re=>re.provider===G))==null?void 0:k.apis)==null?void 0:I.find(re=>re.api===m.api))==null?void 0:$.parameters;if((X==null?void 0:X.model)&&!((P=m.inputs)!=null&&P.model))return{parameterName:"model",type:ValidationErrorType.NodeConfigInvalid,message:"model is required"};if((X==null?void 0:X.deployment_name)&&!((M=m.inputs)!=null&&M.deployment_name))return{parameterName:"deployment_name",type:ValidationErrorType.NodeConfigInvalid,message:"deployment_name is required"}}if(w&&((U=w==null?void 0:w.connection_type)!=null&&U.length)&&!m.connection)return{parameterName:"connection",type:ValidationErrorType.NodeConfigInvalid,message:"connection is required"}}validateNodeInputRequired(m,w,_){var k,I,$;if(((I=(k=m.inputs)==null?void 0:k[_])==null?void 0:I.default)!==void 0)return;const C=($=w.inputs)==null?void 0:$[_];if(C===void 0||C==="")return{section:"inputs",parameterName:_,type:ValidationErrorType.InputEmpty,message:"Input cannot be empty"}}validateNodeInputReference(m,w,_,C,k){var G;const I=(G=m==null?void 0:m[w])==null?void 0:G[_],$=getRefValueFromRaw(I),[P,M]=($==null?void 0:$.split("."))??[];return P?isFlowInput(P)?this.inputSpec$.get(M)?{isReference:!0,error:void 0}:{isReference:!0,error:{section:w,parameterName:_,type:ValidationErrorType.InputDependencyNotFound,message:`${$} is not a valid flow input`}}:P===m.name?{isReference:!0,error:{section:w,parameterName:_,type:ValidationErrorType.InputSelfReference,message:"Input cannot reference itself"}}:C.get(P)?m.name&&k.has(m.name)&&k.has(P)?{isReference:!0,error:{section:w,parameterName:_,type:ValidationErrorType.CircularDependency,message:"Input cannot reference a node in a cycle"}}:{isReference:!0,error:void 0}:{isReference:!0,error:{section:w,parameterName:_,type:ValidationErrorType.InputDependencyNotFound,message:`${P} is not a valid node name`}}:{isReference:!1,error:void 0}}validateNodeInputType(m,w,_,C){var P,M,U,G,X;const k=(P=w.inputs)==null?void 0:P[C];if(!k)return;const I=(M=m==null?void 0:m.inputs)==null?void 0:M[C],$=((U=I==null?void 0:I.type)==null?void 0:U[0])??((X=(G=this.nodeParameterTypes$.get(`${w.name}#${_}`))==null?void 0:G.inputs)==null?void 0:X[C]);if(!(!k||!m||!$)&&!isTypeValid(k,$))return{section:"inputs",parameterName:C,type:ValidationErrorType.InputInvalidType,message:"Input type is not valid"}}}S$=SINGLETON,ri(BaseFlowViewModel,S$,!0);class DefaultFlowViewModel extends BaseFlowViewModel{constructor(){super(...arguments);ri(this,"viewType","default")}fetchConnectionList(){}fetchPromptToolSetting(){}openRunListView(){}deployFlow(){}setSelectedStepId(){}notifyFlowChange(){}notifyLayoutChange(){}notifyUIHintChange(){}}const FlowViewModelToken=createInjectionToken("FlowViewModel",new DefaultFlowViewModel),SvgAzureContentSafetyIcon=g=>reactExports.createElement("svg",{id:"uuid-40011f3f-22d0-4882-8376-afe2ef514a7e",xmlns:"http://www.w3.org/2000/svg",width:18,height:18,viewBox:"0 0 18 18",...g},reactExports.createElement("defs",null,reactExports.createElement("linearGradient",{id:"uuid-5c4dfc33-1236-40a5-b487-5c8d33e4013b",x1:12.062,y1:5.427,x2:12.062,y2:3.991,gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#76bc2d"}),reactExports.createElement("stop",{offset:1,stopColor:"#86d633"})),reactExports.createElement("linearGradient",{id:"uuid-5dc2ae3c-3a23-47ff-9dc1-e087ff0e2742",x1:2.902,y1:6.762,x2:9.455,y2:6.762,gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#e6e6e6"}),reactExports.createElement("stop",{offset:1,stopColor:"#999"})),reactExports.createElement("linearGradient",{id:"uuid-d781b8b0-afbe-4f6e-a478-ee1974441cbf",x1:-1288.505,y1:-521.774,x2:-1284.777,y2:-521.774,gradientTransform:"translate(-512.319 1291.819) rotate(90)",gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#86d633"}),reactExports.createElement("stop",{offset:1,stopColor:"#76bc2d"})),reactExports.createElement("linearGradient",{id:"uuid-efb884ed-afc6-4667-82f2-34983e82b107",x1:2.902,y1:11.544,x2:9.455,y2:11.544,gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#e6e6e6"}),reactExports.createElement("stop",{offset:1,stopColor:"#999"})),reactExports.createElement("linearGradient",{id:"uuid-e8c8c19d-aa6c-48ed-823e-cfec5a014d78",x1:-274.183,y1:-521.774,x2:-279.397,y2:-521.774,gradientTransform:"translate(-512.319 -263.224) rotate(-90) scale(1 -1)",gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#faa21d"}),reactExports.createElement("stop",{offset:.999,stopColor:"#f78d1e"})),reactExports.createElement("linearGradient",{id:"uuid-7a6a88dd-1778-43da-9238-45bfc5a17b3e",x1:-140.646,y1:13.626,x2:-143.764,y2:4.784,gradientTransform:"translate(149.182) skewX(-19.425)",gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#50e6ff"}),reactExports.createElement("stop",{offset:1,stopColor:"#9cebff"}))),reactExports.createElement("path",{d:"m16.62,4.541l-2.765-1.597c-.129-.075-.291.019-.291.168v.822h-6.158v1.55h6.158v.822c0,.149.161.242.291.168l2.765-1.597c.129-.075.129-.261,0-.336Z",fill:"url(#uuid-5c4dfc33-1236-40a5-b487-5c8d33e4013b)"}),reactExports.createElement("path",{d:"m4.495,9.616h-1.592v-4.634c-.002-.591.476-1.071,1.067-1.073,0,0,.001,0,.002,0h5.484v1.592h-4.96v4.115Z",fill:"url(#uuid-5dc2ae3c-3a23-47ff-9dc1-e087ff0e2742)"}),reactExports.createElement("circle",{cx:9.455,cy:4.603,r:2.607,fill:"url(#uuid-d781b8b0-afbe-4f6e-a478-ee1974441cbf)"}),reactExports.createElement("path",{d:"m9.455,14.4H3.971c-.591,0-1.07-.48-1.069-1.071,0,0,0-.001,0-.002v-4.638h1.592v4.115h4.96v1.596Z",fill:"url(#uuid-efb884ed-afc6-4667-82f2-34983e82b107)"}),reactExports.createElement("circle",{cx:9.455,cy:13.397,r:2.607,fill:"url(#uuid-e8c8c19d-aa6c-48ed-823e-cfec5a014d78)"}),reactExports.createElement("path",{d:"m5.008,12.097H1.696c-.272,0-.453-.301-.405-.673l.584-4.534c.048-.372.307-.673.578-.673h3.312c.272,0,.453.301.405.673l-.584,4.534c-.048.372-.307.673-.578.673Z",fill:"url(#uuid-7a6a88dd-1778-43da-9238-45bfc5a17b3e)"}),reactExports.createElement("path",{d:"m.362,3.138C.162,3.138,0,2.976,0,2.777h0V.361C0,.162.162,0,.362,0h2.266c.2,0,.362.162.362.361,0,.199-.162.361-.362.361H.724v2.053c0,.199-.161.362-.361.362,0,0,0,0-.001,0Zm17.638-.361V.361C18,.162,17.838,0,17.638,0h-2.266c-.2,0-.362.162-.362.361s.162.361.362.361h1.904v2.053c0,.199.162.361.362.361.2,0,.361-.162.362-.361h0ZM2.99,17.639c0-.199-.162-.361-.362-.361H.724v-2.053c0-.199-.162-.361-.362-.361-.2,0-.362.162-.362.361v2.415c0,.199.163.36.362.36h2.266c.2,0,.362-.162.362-.361Zm15.01.001v-2.415c0-.199-.162-.361-.362-.361-.2,0-.361.162-.362.361v2.053h-1.904c-.2,0-.362.162-.362.362,0,.199.162.361.362.361h2.266c.199,0,.361-.161.362-.36Z",fill:"#76bc2d"})),SvgBingLogoIcon=g=>reactExports.createElement("svg",{xmlns:"http://www.w3.org/2000/svg",xmlnsXlink:"http://www.w3.org/1999/xlink",viewBox:"0 0 234 343.41",...g},reactExports.createElement("defs",null,reactExports.createElement("linearGradient",{id:"a",x1:-29.25,y1:662.02,x2:-23.09,y2:658.46,gradientTransform:"matrix(24.45, 0, 0, -24.45, 967.18, 16420.97)",gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#37bdff"}),reactExports.createElement("stop",{offset:.18,stopColor:"#33bffd"}),reactExports.createElement("stop",{offset:.36,stopColor:"#28c5f5"}),reactExports.createElement("stop",{offset:.53,stopColor:"#15d0e9"}),reactExports.createElement("stop",{offset:.55,stopColor:"#12d1e7"}),reactExports.createElement("stop",{offset:.59,stopColor:"#1cd2e5"}),reactExports.createElement("stop",{offset:.77,stopColor:"#42d8dc"}),reactExports.createElement("stop",{offset:.91,stopColor:"#59dbd6"}),reactExports.createElement("stop",{offset:1,stopColor:"#62dcd4"})),reactExports.createElement("linearGradient",{id:"b",x1:-32.86,y1:656.68,x2:-23.89,y2:656.68,gradientTransform:"matrix(24.45, 0, 0, -24.45, 967.18, 16420.97)",gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#39d2ff"}),reactExports.createElement("stop",{offset:.15,stopColor:"#38cefe"}),reactExports.createElement("stop",{offset:.29,stopColor:"#35c3fa"}),reactExports.createElement("stop",{offset:.43,stopColor:"#2fb0f3"}),reactExports.createElement("stop",{offset:.55,stopColor:"#299aeb"}),reactExports.createElement("stop",{offset:.58,stopColor:"#2692ec"}),reactExports.createElement("stop",{offset:.76,stopColor:"#1a6cf1"}),reactExports.createElement("stop",{offset:.91,stopColor:"#1355f4"}),reactExports.createElement("stop",{offset:1,stopColor:"#104cf5"})),reactExports.createElement("linearGradient",{id:"c",x1:-31.2,y1:655.9,x2:-31.2,y2:667.89,gradientTransform:"matrix(24.45, 0, 0, -24.45, 967.18, 16420.97)",gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#1b48ef"}),reactExports.createElement("stop",{offset:.12,stopColor:"#1c51f0"}),reactExports.createElement("stop",{offset:.32,stopColor:"#1e69f5"}),reactExports.createElement("stop",{offset:.57,stopColor:"#2190fb"}),reactExports.createElement("stop",{offset:1,stopColor:"#26b8f4"})),reactExports.createElement("clipPath",{id:"d",transform:"translate(-163 -82.94)"},reactExports.createElement("rect",{x:163.02,y:288.38,width:227.17,height:140.76,style:{fill:"none"}})),reactExports.createElement("linearGradient",{id:"e",x1:-31.08,y1:654.47,x2:-25.54,y2:660,gradientTransform:"matrix(24.45, 0, 0, -24.45, 967.18, 16420.97)",gradientUnits:"userSpaceOnUse"},reactExports.createElement("stop",{offset:0,stopColor:"#fff"}),reactExports.createElement("stop",{offset:.37,stopColor:"#fdfdfd"}),reactExports.createElement("stop",{offset:.51,stopColor:"#f6f6f6"}),reactExports.createElement("stop",{offset:.6,stopColor:"#ebebeb"}),reactExports.createElement("stop",{offset:.68,stopColor:"#dadada"}),reactExports.createElement("stop",{offset:.75,stopColor:"#c4c4c4"}),reactExports.createElement("stop",{offset:.81,stopColor:"#a8a8a8"}),reactExports.createElement("stop",{offset:.86,stopColor:"#888"}),reactExports.createElement("stop",{offset:.91,stopColor:"#626262"}),reactExports.createElement("stop",{offset:.95,stopColor:"#373737"}),reactExports.createElement("stop",{offset:.99,stopColor:"#090909"}),reactExports.createElement("stop",{offset:1})),reactExports.createElement("clipPath",{id:"f",transform:"translate(-163 -82.94)"},reactExports.createElement("rect",{x:163.02,y:82.87,width:86.51,height:302.96,style:{fill:"none"}})),reactExports.createElement("linearGradient",{id:"g",x1:-31.2,y1:668.1,x2:-31.2,y2:656.02,xlinkHref:"#e"})),reactExports.createElement("title",null,"bing-logo"),reactExports.createElement("path",{d:"M397,303.4a92.73,92.73,0,0,1-24.84,63.16,41.81,41.81,0,0,0,4.5-6,38.11,38.11,0,0,0,2.69-5.08,17.7,17.7,0,0,0,.74-1.78,17.25,17.25,0,0,0,.65-1.78c.21-.56.39-1.14.55-1.72s.33-1.2.46-1.81l.07-.21c.14-.6.25-1.2.37-1.81s.23-1.25.33-1.88v0c.09-.58.16-1.16.21-1.76a40,40,0,0,0,.21-4.13A41.41,41.41,0,0,0,377,317.11a36.51,36.51,0,0,0-2.85-4.17,39.93,39.93,0,0,0-4-4.43,41.45,41.45,0,0,0-12.36-8.28,38.78,38.78,0,0,0-6.22-2.14l-.09,0-.74-.25-10.81-3.71v0l-28.27-9.72c-.09,0-.21,0-.28,0l-1.77-.65A26.23,26.23,0,0,1,296.29,272L286,245.62l-11.83-30.16-2.27-5.82-.58-1.18a13.35,13.35,0,0,1-1-5.08,12,12,0,0,1,0-1.35,13.19,13.19,0,0,1,18.26-10.79l52.69,27,10.39,5.31A91.11,91.11,0,0,1,367,235a92.45,92.45,0,0,1,29.79,61.87C396.91,299.06,397,301.22,397,303.4Z",transform:"translate(-163 -82.94)",style:{fill:"url(#a)"}}),reactExports.createElement("path",{d:"M382.91,338.56a42.8,42.8,0,0,1-.72,7.82c-.14.67-.28,1.35-.44,2-.3,1.2-.62,2.36-1,3.53-.21.6-.42,1.2-.65,1.78s-.49,1.18-.74,1.78a38.1,38.1,0,0,1-2.69,5.08,42.22,42.22,0,0,1-4.5,6c-7.68,8.49-33.75,23.63-43.36,29.79l-21.33,13c-15.63,9.63-30.41,16.45-49,16.91-.88,0-1.74,0-2.6,0-1.2,0-2.39,0-3.57-.07a92.86,92.86,0,0,1-74.92-43.17,91.58,91.58,0,0,1-13.68-38.67,41.13,41.13,0,0,0,60,28.95l.14-.07,2.09-1.25,8.49-5,10.81-6.4v-.3l1.39-.83,96.71-57.29,7.44-4.41.74.25.09,0a38.31,38.31,0,0,1,6.22,2.14,41.45,41.45,0,0,1,12.36,8.28,40,40,0,0,1,4,4.43,37,37,0,0,1,2.85,4.17A41.64,41.64,0,0,1,382.91,338.56Z",transform:"translate(-163 -82.94)",style:{fill:"url(#b)"}}),reactExports.createElement("path",{d:"M245.24,147.35l0,213.29L234.39,367l-8.5,5-2.09,1.27a.24.24,0,0,0-.13.06,41.13,41.13,0,0,1-60-28.94c-.16-.89-.28-1.81-.38-2.7-.13-1.68-.22-3.33-.25-5v-240a13.77,13.77,0,0,1,21.46-11.41l42.07,27.48a5.55,5.55,0,0,0,.73.51A41.14,41.14,0,0,1,245.24,147.35Z",transform:"translate(-163 -82.94)",style:{fill:"url(#c)"}}),reactExports.createElement("g",{style:{opacity:.14900000393390656,isolation:"isolate"}},reactExports.createElement("g",{style:{clipPath:"url(#d)"}},reactExports.createElement("path",{d:"M382.91,338.56a42.8,42.8,0,0,1-.72,7.82c-.14.67-.28,1.35-.44,2-.3,1.2-.62,2.36-1,3.53-.21.6-.42,1.2-.65,1.78s-.49,1.18-.74,1.78a38.1,38.1,0,0,1-2.69,5.08,41.81,41.81,0,0,1-4.5,6c-7.68,8.49-33.75,23.63-43.36,29.79l-21.33,13c-15.63,9.63-30.41,16.45-49,16.91-.88,0-1.74,0-2.6,0-1.2,0-2.39,0-3.57-.07a92.86,92.86,0,0,1-74.92-43.17,91.58,91.58,0,0,1-13.68-38.67,41.13,41.13,0,0,0,60,28.95l.14-.07,2.09-1.25,8.49-5,10.81-6.4v-.3l1.39-.83,96.71-57.29,7.44-4.41.74.25.09,0a38.31,38.31,0,0,1,6.22,2.14,41.45,41.45,0,0,1,12.36,8.28,40,40,0,0,1,4,4.43,37,37,0,0,1,2.85,4.17A41.64,41.64,0,0,1,382.91,338.56Z",transform:"translate(-163 -82.94)",style:{fill:"url(#e)"}}))),reactExports.createElement("g",{style:{opacity:.09799999743700027,isolation:"isolate"}},reactExports.createElement("g",{style:{clipPath:"url(#f)"}},reactExports.createElement("path",{d:"M245.24,147.35l0,213.29L234.39,367l-8.5,5-2.09,1.27a.24.24,0,0,0-.13.06,41.13,41.13,0,0,1-60-28.94c-.16-.89-.28-1.81-.38-2.7-.13-1.68-.22-3.33-.25-5v-240a13.77,13.77,0,0,1,21.46-11.41l42.07,27.48a5.55,5.55,0,0,0,.73.51A41.14,41.14,0,0,1,245.24,147.35Z",transform:"translate(-163 -82.94)",style:{fill:"url(#g)"}})))),DefaultIcon=()=>jsxRuntimeExports.jsxs("svg",{xmlns:"http://www.w3.org/2000/svg",width:"16px",height:"16px",viewBox:"0 0 18 18",children:[jsxRuntimeExports.jsxs("defs",{children:[jsxRuntimeExports.jsxs("linearGradient",{id:"a5efbc52-c9a4-425f-9d94-50e000195659",x1:"9",y1:"18.967",x2:"9",y2:"3.398",gradientUnits:"userSpaceOnUse",children:[jsxRuntimeExports.jsx("stop",{offset:"0",stopColor:"#0078d4"}),jsxRuntimeExports.jsx("stop",{offset:"0.156",stopColor:"#1380da"}),jsxRuntimeExports.jsx("stop",{offset:"0.528",stopColor:"#3c91e5"}),jsxRuntimeExports.jsx("stop",{offset:"0.822",stopColor:"#559cec"}),jsxRuntimeExports.jsx("stop",{offset:"1",stopColor:"#5ea0ef"})]}),jsxRuntimeExports.jsxs("linearGradient",{id:"a110d41d-e4ca-48ee-9efe-328e60a20dcc",x1:"9",y1:"5.019",x2:"9",y2:"13.676",gradientUnits:"userSpaceOnUse",children:[jsxRuntimeExports.jsx("stop",{offset:"0.22",stopColor:"#fff"}),jsxRuntimeExports.jsx("stop",{offset:"1",stopColor:"#e6e6e6"})]}),jsxRuntimeExports.jsxs("linearGradient",{id:"bcf81335-a15c-4e8a-85c4-cb14c4ef74b0",x1:"8.991",y1:"2.883",x2:"8.991",y2:"11.32",gradientUnits:"userSpaceOnUse",children:[jsxRuntimeExports.jsx("stop",{offset:"0.22",stopColor:"#fff"}),jsxRuntimeExports.jsx("stop",{offset:"1",stopColor:"#e6e6e6"})]})]}),jsxRuntimeExports.jsx("g",{id:"b5d797c5-507f-4358-b61e-ca040c36ef52",children:jsxRuntimeExports.jsxs("g",{children:[jsxRuntimeExports.jsx("path",{d:"M.038,9.142,4.4,16.69a.285.285,0,0,0,.246.142h8.716a.285.285,0,0,0,.246-.142l4.358-7.548a.283.283,0,0,0,0-.284L13.6,1.31a.285.285,0,0,0-.246-.142H4.642A.285.285,0,0,0,4.4,1.31L.038,8.858A.283.283,0,0,0,.038,9.142Z",fill:"url(#a5efbc52-c9a4-425f-9d94-50e000195659)"}),jsxRuntimeExports.jsxs("g",{children:[jsxRuntimeExports.jsx("path",{id:"a81cd782-d573-434f-a6f1-758ffbb6f88b",d:"M12.239,6.083l.048.042a.085.085,0,0,0,.115,0l.447-.374.808-1.334a.083.083,0,0,0,0-.1l-.138-.145a.085.085,0,0,0-.1,0l-1.273.863L11.78,5.5a.086.086,0,0,0,0,.109l.049.048L9.2,8.394l-.543-.6-.6.6a1.093,1.093,0,0,1-.26.911.945.945,0,0,1-.826.3L4.376,12.232a.163.163,0,0,0,0,.231l0,.005,1.255,1.3a.162.162,0,0,0,.23.011l.011-.011L8.4,11.14a1.037,1.037,0,0,1,.3-.869.964.964,0,0,1,.826-.3l.6-.6L9.6,8.78Z",opacity:"0.4",fill:"url(#a110d41d-e4ca-48ee-9efe-328e60a20dcc)"}),jsxRuntimeExports.jsx("path",{d:"M13.283,12.057l-.6-.645L8.648,7.278h0l-.2-.218a2.242,2.242,0,0,0-.525-2.2,2.067,2.067,0,0,0-1.865-.6.09.09,0,0,0-.065.11.088.088,0,0,0,.017.035l1.05,1.068a.091.091,0,0,1,0,.085L6.808,6.65a.084.084,0,0,1-.061.06l-1.074.3a.084.084,0,0,1-.084,0l-1.02-1.08a.084.084,0,0,0-.145.054,2.19,2.19,0,0,0,.6,1.919,2.035,2.035,0,0,0,2.034.543l.036.043.23.235h0l4.592,4.828a.954.954,0,0,0,1.34.048l.048-.048a1.017,1.017,0,0,0,.284-.724A1.117,1.117,0,0,0,13.283,12.057Z",fill:"url(#bcf81335-a15c-4e8a-85c4-cb14c4ef74b0)"})]})]})})]}),OpenAIIcon=()=>jsxRuntimeExports.jsxs("svg",{fill:"currentColor",width:"16px",height:"16px",viewBox:"0 0 2048 2048",role:"img",xmlns:"http://www.w3.org/2000/svg",children:[jsxRuntimeExports.jsx("title",{children:"OpenAI icon"}),jsxRuntimeExports.jsx("path",{d:"M832 676l575 288v760l-575 288-575-288V964l575-288zm0 144l-368 184 368 183 368-183-368-184zm-447 825l383 191v-538l-383-191v538zm894 0v-538l-383 191v538l383-191zm577-733q14 0 23 9t9 23q0 23 9 43t24 36 35 24 44 9q14 0 23 9t9 23q0 14-9 23t-23 9q-23 0-43 9t-36 24-24 35-9 44q0 14-9 23t-23 9q-14 0-23-9t-9-23q0-23-9-43t-24-36-35-24-44-9q-14 0-23-9t-9-23q0-14 9-23t23-9q23 0 43-9t36-24 24-35 9-44q0-14 9-23t23-9zM704 496q-14 0-23-9t-9-23q0-23-9-43t-24-36-35-24-44-9q-14 0-23-9t-9-23q0-14 9-23t23-9q23 0 43-9t36-24 24-35 9-44q0-14 9-23t23-9q14 0 23 9t9 23q0 23 9 43t24 36 35 24 44 9q14 0 23 9t9 23q0 14-9 23t-23 9q-23 0-43 9t-36 24-24 35-9 44q0 14-9 23t-23 9zm1206-48q0 23-15 38t-39 16q-27 0-57 11t-58 28-54 37-45 40q-19 19-39 44t-38 54-28 59-11 57q0 23-15 38t-39 16q-23 0-38-15t-16-39q0-27-11-57t-28-58-37-54-40-45q-19-19-44-39t-54-38-59-28-57-11q-23 0-38-15t-16-39q0-23 15-38t39-16q27 0 57-11t58-28 54-37 45-40q19-19 39-44t38-54 28-59 11-57q0-23 15-38t39-16q23 0 38 15t16 39q0 27 11 57t28 58 37 54 40 45q19 19 44 39t54 38 59 28 57 11q23 0 38 15t16 39zm-438 212q38-65 92-119t120-93q-65-38-119-92t-93-120q-38 65-92 119t-120 93q65 38 119 92t93 120z"})]}),PromptIcon=()=>jsxRuntimeExports.jsx("svg",{width:"20",height:"20",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg",children:jsxRuntimeExports.jsx("path",{d:"M9.5 6.50238C9.5 6.22624 9.72386 6.00238 10 6.00238C10.2761 6.00238 10.5 6.22624 10.5 6.50238V7.50391C10.5 7.78005 10.2761 8.00391 10 8.00391C9.72386 8.00391 9.5 7.78005 9.5 7.50391V6.50238ZM12.8506 7.44332C12.6553 7.24806 12.3388 7.24806 12.1435 7.44332L11.4353 8.15151C11.2401 8.34677 11.2401 8.66335 11.4353 8.85861C11.6306 9.05388 11.9472 9.05388 12.1424 8.85861L12.8506 8.15043C13.0459 7.95517 13.0459 7.63858 12.8506 7.44332ZM7.8521 7.44332C7.65684 7.24806 7.34026 7.24806 7.145 7.44332C6.94973 7.63858 6.94973 7.95517 7.145 8.15043L7.85318 8.85861C8.04844 9.05388 8.36503 9.05388 8.56029 8.85861C8.75555 8.66335 8.75555 8.34677 8.56029 8.15151L7.8521 7.44332ZM10 2C13.3137 2 16 4.59693 16 7.80041C16 9.47737 15.2546 11.0164 13.7961 12.3942C13.7324 12.4544 13.6831 12.5269 13.6512 12.6065L13.6251 12.6883L12.6891 16.6051C12.5048 17.3763 11.8236 17.935 11.0181 17.9947L10.8748 18H9.12546C8.30655 18 7.59 17.4839 7.34866 16.7385L7.31108 16.6047L6.37626 12.6886C6.34955 12.5766 6.29016 12.4745 6.20516 12.3942C4.8153 11.0819 4.07265 9.62354 4.00507 8.03903L4 7.80041L4.00321 7.60894C4.1077 4.49409 6.75257 2 10 2ZM7.955 15L8.27386 16.3344L8.30004 16.4305C8.39695 16.7298 8.67583 16.9517 9.0116 16.993L9.12546 17L10.8379 17.0007L10.9442 16.9974C11.2865 16.9721 11.5726 16.7609 11.6854 16.4718L11.7165 16.3727L12.045 15H7.955ZM10 3C7.36782 3 5.21188 4.95301 5.0151 7.41357L5.00307 7.62569L4.99977 7.77916L5.00416 7.99642C5.05977 9.30026 5.67758 10.5208 6.89167 11.6671C7.07995 11.8449 7.22191 12.0647 7.30572 12.3078L7.34894 12.4564L7.716 14H9.50024V9.49707C9.50024 9.22093 9.7241 8.99707 10.0002 8.99707C10.2764 8.99707 10.5002 9.22093 10.5002 9.49707V14H12.285L12.6722 12.3851L12.7231 12.2343C12.8091 12.0198 12.9409 11.8265 13.1094 11.6673C14.3825 10.4646 15 9.18054 15 7.80041C15 5.15693 12.7689 3 10 3Z",fill:"currentColor"})}),PythonIcon=()=>jsxRuntimeExports.jsxs("svg",{width:"16px",height:"16px",viewBox:"0 0 32 32",fill:"none",xmlns:"http://www.w3.org/2000/svg",children:[jsxRuntimeExports.jsx("path",{fillRule:"evenodd",clipRule:"evenodd",d:"M13.0164 2C10.8193 2 9.03825 3.72453 9.03825 5.85185V8.51852H15.9235V9.25926H5.97814C3.78107 9.25926 2 10.9838 2 13.1111L2 18.8889C2 21.0162 3.78107 22.7407 5.97814 22.7407H8.27322V19.4815C8.27322 17.3542 10.0543 15.6296 12.2514 15.6296H19.5956C21.4547 15.6296 22.9617 14.1704 22.9617 12.3704V5.85185C22.9617 3.72453 21.1807 2 18.9836 2H13.0164ZM12.0984 6.74074C12.8589 6.74074 13.4754 6.14378 13.4754 5.40741C13.4754 4.67103 12.8589 4.07407 12.0984 4.07407C11.3378 4.07407 10.7213 4.67103 10.7213 5.40741C10.7213 6.14378 11.3378 6.74074 12.0984 6.74074Z",fill:"#327EBD"}),jsxRuntimeExports.jsx("path",{fillRule:"evenodd",clipRule:"evenodd",d:"M18.9834 30C21.1805 30 22.9616 28.2755 22.9616 26.1482V23.4815L16.0763 23.4815L16.0763 22.7408L26.0217 22.7408C28.2188 22.7408 29.9998 21.0162 29.9998 18.8889V13.1111C29.9998 10.9838 28.2188 9.25928 26.0217 9.25928L23.7266 9.25928V12.5185C23.7266 14.6459 21.9455 16.3704 19.7485 16.3704L12.4042 16.3704C10.5451 16.3704 9.03809 17.8296 9.03809 19.6296L9.03809 26.1482C9.03809 28.2755 10.8192 30 13.0162 30H18.9834ZM19.9015 25.2593C19.1409 25.2593 18.5244 25.8562 18.5244 26.5926C18.5244 27.329 19.1409 27.9259 19.9015 27.9259C20.662 27.9259 21.2785 27.329 21.2785 26.5926C21.2785 25.8562 20.662 25.2593 19.9015 25.2593Z",fill:"#FFDA4B"})]}),SvgTypescriptFlowLogo=g=>reactExports.createElement("svg",{xmlns:"http://www.w3.org/2000/svg","aria-label":"TypeScript",role:"img",viewBox:"0 0 512 512",...g},reactExports.createElement("rect",{width:512,height:512,rx:"15%",fill:"#3178c6"}),reactExports.createElement("path",{fill:"#ffffff",d:"m233 284h64v-41H118v41h64v183h51zm84 173c8.1 4.2 18 7.3 29 9.4s23 3.1 35 3.1c12 0 23-1.1 34-3.4c11-2.3 20-6.1 28-11c8.1-5.3 15-12 19-21s7.1-19 7.1-32c0-9.1-1.4-17-4.1-24s-6.6-13-12-18c-5.1-5.3-11-10-18-14s-15-8.2-24-12c-6.6-2.7-12-5.3-18-7.9c-5.2-2.6-9.7-5.2-13-7.8c-3.7-2.7-6.5-5.5-8.5-8.4c-2-3-3-6.3-3-10c0-3.4.89-6.5 2.7-9.3s4.3-5.1 7.5-7.1c3.2-2 7.2-3.5 12-4.6c4.7-1.1 9.9-1.6 16-1.6c4.2 0 8.6.31 13 .94c4.6.63 9.3 1.6 14 2.9c4.7 1.3 9.3 2.9 14 4.9c4.4 2 8.5 4.3 12 6.9v-47c-7.6-2.9-16-5.1-25-6.5s-19-2.1-31-2.1c-12 0-23 1.3-34 3.8s-20 6.5-28 12c-8.1 5.4-14 12-19 21c-4.7 8.4-7 18-7 30c0 15 4.3 28 13 38c8.6 11 22 19 39 27c6.9 2.8 13 5.6 19 8.3s11 5.5 15 8.4c4.3 2.9 7.7 6.1 10 9.5c2.5 3.4 3.8 7.4 3.8 12c0 3.2-.78 6.2-2.3 9s-3.9 5.2-7.1 7.2s-7.1 3.6-12 4.8c-4.7 1.1-10 1.7-17 1.7c-11 0-22-1.9-32-5.7c-11-3.8-21-9.5-28.1-15.44z"})),VectorSearchIcon=()=>jsxRuntimeExports.jsxs("svg",{xmlns:"http://www.w3.org/2000/svg",width:"16px",height:"16px",viewBox:"0 0 18 18",role:"img",children:[jsxRuntimeExports.jsx("defs",{children:jsxRuntimeExports.jsxs("linearGradient",{id:"fb5d9d20-fc2c-4e2c-bffd-dc236176d8b2",x1:"-6428.21",y1:"9646.124",x2:"-6428.21",y2:"9617.899",gradientTransform:"matrix(0.5, 0, 0, -0.5, 3224.856, 4823.856)",gradientUnits:"userSpaceOnUse",children:[jsxRuntimeExports.jsx("stop",{offset:"0",stopColor:"#5ea0ef"}),jsxRuntimeExports.jsx("stop",{offset:"0.178",stopColor:"#589eed"}),jsxRuntimeExports.jsx("stop",{offset:"0.406",stopColor:"#4897e9"}),jsxRuntimeExports.jsx("stop",{offset:"0.662",stopColor:"#2e8ce1"}),jsxRuntimeExports.jsx("stop",{offset:"0.936",stopColor:"#0a7cd7"}),jsxRuntimeExports.jsx("stop",{offset:"1",stopColor:"#0078d4"})]})}),jsxRuntimeExports.jsx("g",{id:"a05a9809-540f-4ec8-9a73-07896b5e7f5c",children:jsxRuntimeExports.jsxs("g",{children:[jsxRuntimeExports.jsx("path",{d:"M8.438,10.379h4.234v4.234H8.438ZM3.5,4.734H7.732V.5H4.086a.588.588,0,0,0-.588.588Zm.588,9.879H7.732V10.379H3.5v3.646A.588.588,0,0,0,4.086,14.613ZM3.5,9.674H7.732V5.44H3.5Zm9.88,4.939h3.646a.588.588,0,0,0,.588-.588V10.379H13.378ZM8.438,9.674h4.234V5.44H8.438Zm4.94,0h4.234V5.44H13.378Zm0-9.174V4.734h4.234V1.088A.588.588,0,0,0,17.024.5ZM8.438,4.734h4.234V.5H8.438Z",fill:"url(#fb5d9d20-fc2c-4e2c-bffd-dc236176d8b2)"}),jsxRuntimeExports.jsx("rect",{x:"-0.212",y:"14.751",width:"5.457",height:"1.243",rx:"0.581",transform:"translate(-10.133 6.282) rotate(-45)",fill:"#198ab3"}),jsxRuntimeExports.jsx("circle",{cx:"5.959",cy:"11.709",r:"3.744",fill:"#50e6ff"}),jsxRuntimeExports.jsx("circle",{cx:"5.952",cy:"11.642",r:"2.94",fill:"#fff"})]})})]}),DEFAULT_SIZE=16;var ToolsIcon$1=(g=>(g["promptflow.tools.azure_content_safety.AzureContentSafety"]="PromptFlowToolAzureContentSafety",g["promptflow.tools.serpapi.SerpAPI"]="PromptFlowToolSerpAPI",g["promptflow.tools.bing.Bing"]="PromptFlowToolBing",g["promptflow.tools.azure_content_moderator.AzureContentModerator"]="PromptFlowToolAzureContentModerator",g["embeddingstore.tool.vector_index_lookup_by_text.VectorIndexLookupByText"]="PromptFlowToolVectorIndexLookupByText",g["embeddingstore.tool.faiss_index_lookup.FaissIndexLookup"]="PromptFlowToolFaissIndexLookup",g["embeddingstore.tool.vector_db_lookup.VectorDBLookup"]="PromptFlowToolVectorDBLookup",g["embeddingstore.tool.vector_search.VectorSearch"]="PromptFlowToolVectorSearch",g.llm="PromptFlowToolLlm",g.python="PromptFlowToolPython",g.typescript="PromptFlowToolTypeScript",g.javascript="PromptFlowToolTypeScript",g.prompt="PromptFlowToolPrompt",g.default="PromptFlowToolDefault",g))(ToolsIcon$1||{});const toolsIcons={PromptFlowToolAzureContentSafety:jsxRuntimeExports.jsx(SvgAzureContentSafetyIcon,{width:DEFAULT_SIZE,height:DEFAULT_SIZE}),PromptFlowToolSerpAPI:jsxRuntimeExports.jsx(DefaultIcon,{}),PromptFlowToolBing:jsxRuntimeExports.jsx(SvgBingLogoIcon,{width:DEFAULT_SIZE,height:DEFAULT_SIZE}),PromptFlowToolAzureContentModerator:jsxRuntimeExports.jsx(SvgAzureContentSafetyIcon,{width:DEFAULT_SIZE,height:DEFAULT_SIZE}),PromptFlowToolVectorIndexLookupByText:jsxRuntimeExports.jsx(VectorSearchIcon,{}),PromptFlowToolFaissIndexLookup:jsxRuntimeExports.jsx(VectorSearchIcon,{}),PromptFlowToolVectorDBLookup:jsxRuntimeExports.jsx(VectorSearchIcon,{}),PromptFlowToolVectorSearch:jsxRuntimeExports.jsx(VectorSearchIcon,{}),PromptFlowToolLlm:jsxRuntimeExports.jsx(OpenAIIcon,{}),PromptFlowToolPython:jsxRuntimeExports.jsx(PythonIcon,{}),PromptFlowToolTypeScript:jsxRuntimeExports.jsx(SvgTypescriptFlowLogo,{width:DEFAULT_SIZE,height:DEFAULT_SIZE}),PromptFlowToolPrompt:jsxRuntimeExports.jsx(PromptIcon,{}),PromptFlowToolDefault:jsxRuntimeExports.jsx(DefaultIcon,{})};registerIcons({icons:{...toolsIcons}});const getToolIconName=g=>{if(!g)return ToolsIcon$1.default;const b=(g==null?void 0:g.is_builtin)??!1,m=!!(g!=null&&g.package_version);return b||m?!(g!=null&&g.module)||!(g!=null&&g.class_name)?ToolsIcon$1.default:ToolsIcon$1[`${g.module}.${g.class_name}`]??ToolsIcon$1.default:g.type?ToolsIcon$1[g.type]??ToolsIcon$1.default:ToolsIcon$1.default},useToolsIcon=g=>reactExports.useMemo(()=>getToolIconName(g),[g]),useFlowViewModel=()=>{const[g]=useInjected(FlowViewModelToken);return g},useFlowNode=(g,b)=>{const m=useFlowViewModel(),w=useObservableCollection(m.nodeVariants$,g);return React$7.useMemo(()=>{const{variants:C,defaultVariantId:k}=w??{},I=C==null?void 0:C[b??k??""];return I==null?void 0:I.node},[w,b])},useHasVariants=g=>{const b=useFlowViewModel(),m=useObservableCollection(b.nodeVariants$,g);return!!(m!=null&&m.variants)&&Object.keys(m==null?void 0:m.variants).length>1},useNodeTool=g=>useToolByNodeId(g),useNodeToolType=g=>{const b=useNodeTool(g);return b==null?void 0:b.type},useNodeActivateConfig=g=>{const b=useFlowNode(g);return b==null?void 0:b.activate},useToolsIconNameByNodeId=g=>{const b=useToolByNodeId(g);return useToolsIcon(b)},useToolsIconByNodeId=g=>{const b=useToolByNodeId(g);return b==null?void 0:b.icon},useToolByNodeId=(g,b)=>{var k,I;const m=useFlowViewModel(),w=useFlowNode(g,b),_=useObservableCollection(m.codeToolsDictionary$,((k=w==null?void 0:w.source)==null?void 0:k.path)??""),C=useObservableCollection(m.packageToolsDictionary$,((I=w==null?void 0:w.source)==null?void 0:I.tool)??"");return React$7.useMemo(()=>resolveTool(w,_,C,$=>m.codeToolsDictionary$.get($??"")),[_,w,m.codeToolsDictionary$,C])},useToolStatusByNode=g=>{var m;const b=useFlowViewModel();return useObservableCollection(b.toolsStatus$,((m=g==null?void 0:g.source)==null?void 0:m.path)??"")},useNodeName=g=>{const b=useFlowNode(g);return(b==null?void 0:b.name)??g??""},useNodeIsReduce=g=>{const b=useFlowNode(g);return b==null?void 0:b.aggregation},useNodeRun=g=>{const b=useFlowViewModel(),m=useState(b.selectedBulkIndex$)??0,w=b.getNodeRunKey(g,m,b.getDefaultVariantId(g));return useObservableCollection(b.nodeRuns$,w)},useNodeRunStatus=g=>{const b=useNodeRun(g);return(b==null?void 0:b.status)??""},useNodeRunStatusColor=g=>{const b=useTheme(),m=useNodeRunStatus(g);if(m){if(m===Status.Completed)return b.semanticColors.successIcon;if(m==="Bypassed")return"#7A7A7A";if(m!==Status.NotStarted)return b.semanticColors.errorIcon}},useLoadFlow=()=>{const[g]=useInjected(FlowViewModelToken);return reactExports.useCallback(b=>{g.loadFlow(b)},[g])},useInvalidInputKeys=(g,b)=>{const m=useFlowViewModel(),w=useFlowFeatures(),_=useObservable(new Map,m.invalidStepInputs$),C=useObservableCollection(m.nodeVariants$,g);if(!w.has(FlowFeatures.ShowWarningIconOnNode))return[];const{defaultVariantId:k}=C??{};return _.get(`${g}#${b??k}`)??[]},useInvalidToolMeta=(g,b)=>{const m=useFlowNode(g,b),w=useToolStatusByNode(m);return!!(w!=null&&w.errorMessage)},useFlowTheme=()=>{const g=useFlowViewModel();return useState(g.theme$)},usePortNodeVisible=g=>{const b=useFlowViewModel(),w=useState(b.canvasState$).data.present.edges;return g===FLOW_INPUT_NODE_ID?!!w.find(_=>_.source===g):g===FLOW_OUTPUT_NODE_ID?!!w.find(_=>_.target===g):!0},useClearFlowRuns=()=>{const g=useFlowViewModel();return reactExports.useCallback(()=>{g.clearStatus()},[g])},useDagGraphDispatch=()=>{const[g]=useInjected(FlowViewModelToken);return reactExports.useCallback(b=>{g.dispatch(b)},[g])},useFlowFeatures=()=>{const g=useFlowViewModel();return useState(g.flowFeatures$)},lightTheme={semanticColors:{canvasBackground:"#ffffff",disabledBorder:"#c8c6c4",nodeBorder:"#8a8886",selectedNodeBorder:"#015CDA",nodeName:"#121212",nodeBackground:"#ffffff",selectedNodeBackground:"#EBF3FC",nodeBoxShadow:"0 1.6px 3.6px 0 rgba(0, 0, 0, 0.6), 0 0.3px 0.9px 0 rgba(0, 0, 0, 0.6)",inputsOutputsBackground:"#f4f4f4",inputsOutputsBoxShadow:"0 1.6px 3.6px 0 rgba(0, 0, 0, 0.6), 0 0.3px 0.9px 0 rgba(0, 0, 0, 0.6)",inputsOutputsText:"#121212",strokeColor:"#8a8886",selectedStrokeColor:"#015CDA",portColor:"#121212",selectedPortColor:"#EBF3FC",nodeHover:"#EBF3FC",successIcon:"#107C10",errorIcon:"#A80000",cancelRequestedIcon:"#015CDA",badgeBackground:"#000000",badgeText:"#ffffff",boxShadow:"rgba(0, 0, 0, 0.18) 0px 1.6px 3.6px 0px, rgba(0, 0, 0, 0.22) 0px 0.3px 0.9px 0px",infoBackground:"#f3f2f1",messageText:"#323130",bodyBackground:"#ffffff",bodyText:"#000000",bodyDivider:"#eaeaea"}},darkTheme={semanticColors:{canvasBackground:"#252525",disabledBorder:"#595959",nodeBorder:"#8a8886",selectedNodeBorder:"#015CDA",nodeName:"#ffffff",nodeBackground:"#121212",selectedNodeBackground:"#121212",nodeBoxShadow:"0 1.6px 3.6px 0 rgba(0, 0, 0, 0.18), 0 0.3px 0.9px 0 rgba(0, 0, 0, 0.22)",inputsOutputsBackground:"#252525",inputsOutputsBoxShadow:"0 1.6px 3.6px 0 rgba(0, 0, 0, 0.18), 0 0.3px 0.9px 0 rgba(0, 0, 0, 0.22)",inputsOutputsText:"#ffffff",strokeColor:"#8a8886",selectedStrokeColor:"#015CDA",portColor:"#ffffff",selectedPortColor:"#606060",nodeHover:"#1a1a1a",successIcon:"#107C10",errorIcon:"#A80000",cancelRequestedIcon:"#015CDA",badgeBackground:"#424242",badgeText:"#ffffff",boxShadow:"rgba(0, 0, 0, 0.6) 0px 1.6px 3.6px 0px, rgba(0, 0, 0, 0.6) 0px 0.3px 0.9px 0px",infoBackground:"#323130",messageText:"#F3F2F1",bodyBackground:"#121212",bodyText:"#ffffff",bodyDivider:"#343434"}},useCommonTheme=()=>{const g=useTheme();return useFlowTheme()??g.theme??Theme$1.Light},useCommonStyles=()=>{const g=useCommonTheme(),b=useTheme();return reactExports.useMemo(()=>{switch(g){case Theme$1.Dark:return{...b,theme:g,semanticColors:{...b.semanticColors,...darkTheme.semanticColors}};case Theme$1.Light:default:return{...b,theme:g,semanticColors:{...b.semanticColors,...lightTheme.semanticColors}}}},[g,b])};class BaseFlowSettingViewModel{constructor(b,m){ri(this,"isChatBoxBottomTipVisible$");ri(this,"simpleMode$");ri(this,"viewMyOnlyFlow$");ri(this,"viewOnlyMyRuns$");ri(this,"viewArchived$");ri(this,"wrapTextOn$");ri(this,"diffModeOn$");ri(this,"isRightTopPaneCollapsed$");ri(this,"isRightBottomPaneCollapsed$");this.isChatBoxBottomTipVisible$=new State(b.isChatBoxBottomTipVisible),this.simpleMode$=new State(b.simpleMode),this.viewMyOnlyFlow$=new State(b.viewMyOnlyFlow),this.viewOnlyMyRuns$=new State(b.viewOnlyMyRuns),this.viewArchived$=new State(b.viewArchived),this.wrapTextOn$=new State(b.wrapTextOn),this.diffModeOn$=new State(b.diffModeOn),this.isRightTopPaneCollapsed$=new State(b.isRightTopPaneCollapsed),this.isRightBottomPaneCollapsed$=new State(b.isRightBottomPaneCollapsed);const w=(_,C)=>{C.subscribe(k=>{m({...this.getSettingsSnapshot(),[_]:k})})};w("isChatBoxBottomTipVisible",this.isChatBoxBottomTipVisible$),w("simpleMode",this.simpleMode$),w("viewMyOnlyFlow",this.viewMyOnlyFlow$),w("viewOnlyMyRuns",this.viewOnlyMyRuns$),w("viewArchived",this.viewArchived$),w("wrapTextOn",this.wrapTextOn$),w("diffModeOn",this.diffModeOn$),w("isRightTopPaneCollapsed",this.isRightTopPaneCollapsed$),w("isRightBottomPaneCollapsed",this.isRightBottomPaneCollapsed$)}getSettingsSnapshot(){return{isChatBoxBottomTipVisible:this.isChatBoxBottomTipVisible$.getSnapshot(),simpleMode:this.simpleMode$.getSnapshot(),viewMyOnlyFlow:this.viewMyOnlyFlow$.getSnapshot(),viewOnlyMyRuns:this.viewOnlyMyRuns$.getSnapshot(),viewArchived:this.viewArchived$.getSnapshot(),wrapTextOn:this.wrapTextOn$.getSnapshot(),diffModeOn:this.diffModeOn$.getSnapshot(),isRightTopPaneCollapsed:this.isRightTopPaneCollapsed$.getSnapshot(),isRightBottomPaneCollapsed:this.isRightBottomPaneCollapsed$.getSnapshot()}}}CR=SINGLETON,ri(BaseFlowSettingViewModel,CR,!0);class DefaultFlowSettingViewModel extends BaseFlowSettingViewModel{constructor(){super({isChatBoxBottomTipVisible:!0,simpleMode:!0,viewMyOnlyFlow:!1,viewOnlyMyRuns:!1,viewArchived:!0,wrapTextOn:!1,diffModeOn:!1,isRightTopPaneCollapsed:!0,isRightBottomPaneCollapsed:!1},()=>{})}}const FlowSettingViewModelToken=createInjectionToken("FlowSettingViewModel",new DefaultFlowSettingViewModel),useFlowSettingViewModel=()=>{const[g]=useInjected(FlowSettingViewModelToken);return g},useSimpleMode=()=>{const g=useFlowSettingViewModel();return useReactStyleState(g.simpleMode$)},useFlowNodeStyles=({node:g,height:b,width:m,statusColor:w,nodeColor:_,hasLeftSideAction:C,isNodeHighlighted:k=!1})=>{const I=useCommonStyles(),[$]=useSimpleMode(),P=bitset.has(GraphNodeStatus.Selected)(g.status),M=P||k,U=M?_??I.semanticColors.selectedNodeBorder:I.semanticColors.nodeBorder,G=k?"3px 3px 3px 3px":"1.5px 1.5px 1.5px 1.5px",X=28;return mergeStyleSets$1({wrapper:["flow-node-wrapper",{backgroundColor:I.semanticColors.nodeBackground,borderRadius:`4px 4px ${$?"4px 4px":"0px 0px"}`}],nodeActions:{marginLeft:`-${X/2}px`,width:`${X}px`,flexGrow:0,flexShrink:0,border:`1px solid ${U}`,borderRadius:`${X}px`,backgroundColor:I.semanticColors.nodeBackground,height:`${X}px`,display:"flex",justifyContent:"center",alignItems:"center",selectors:{":hover":{backgroundColor:I.semanticColors.nodeHover}}},root:["flow-node",{display:"flex",flexDirection:"row",alignItems:"center",boxSizing:"border-box",height:b,width:m,borderRadius:`4px 4px ${$?"4px 4px":"0px 0px"}`,border:`solid ${U}`,borderWidth:`${G}`,borderTop:w?`4px solid ${w}`:`solid ${G} ${U}`,borderBottom:$?void 0:`1.5px solid ${I.semanticColors.nodeBorder}`,backgroundColor:P?`${_}1A`??I.semanticColors.selectedNodeBackground:I.semanticColors.nodeBackground,boxShadow:`0px 4px 8px ${I.semanticColors.nodeBoxShadow}, 0px 0px 2px ${I.semanticColors.nodeBoxShadow}`,selectors:{":hover":{backgroundColor:P?`${_}33`??I.semanticColors.nodeHover:I.semanticColors.nodeHover}}}],right:["flow-node-right",{padding:"0 8px",width:C?`calc(100% - ${X/2+16}px)`:"calc(100% - 16px)"}],titleBar:["flow-node-title-bar",{display:"flex",alignItems:"center",height:36,width:"100%"}],provider:["flow-node-provider",{marginRight:8}],nodeName:["flow-node-name",{fontSize:14,fontWeight:600,color:I.semanticColors.nodeName,width:"100%",whiteSpace:"nowrap",overflow:"hidden ",textOverflow:"ellipsis"}],status:["flow-node-status",{marginLeft:"auto",color:w}],warning:["flow-node-warning",{marginLeft:"16px",color:I.semanticColors.errorIcon}],content:["flow-node-content",{display:"flex",alignItems:"center",justifyContent:"space-between",marginBottom:"4px"}],actions:["flow-node-actions",{display:"flex",alignItems:"center",selectors:{"> button:hover":{backgroundColor:I.semanticColors.nodeHover}}}],inputsOutputsContainer:["flow-node-inputs-outputs-container",{display:"flex",flexDirection:"column",backgroundColor:I.semanticColors.inputsOutputsBackground}],inputsOutputsContainerInline:{borderRadius:"0px 0px 4px 4px",border:`solid ${U}`,borderWidth:`0px ${M?"3px 3px 3px":"1.5px 1.5px 1.5px"}`},inputsOutputsTitle:["flow-node-inputs-outputs-title",{fontSize:12,fontWeight:600,margin:0}],inputOutputsContent:["flow-node-inputs-outputs-content",{fontSize:12,lineHeight:16,maxHeight:16*3,overflow:"hidden",textOverflow:"ellipsis"}],inputs:["flow-node-inputs",{overflow:"hidden",color:I.semanticColors.inputsOutputsText,padding:8}],outputs:["flow-node-outputs",{overflow:"hidden",borderTop:`1.5px solid ${I.semanticColors.nodeBorder}`,color:I.semanticColors.inputsOutputsText,padding:8}],badges:["flow-node-badges",{display:"flex"}],badge:["flow-node-badge-aggregation",{backgroundColor:I.semanticColors.badgeBackground,color:I.semanticColors.badgeText,borderRadius:"6px",fontSize:"10px",padding:"0 2px",fontWeight:600,paddingBottom:1}],runStatus:["flow-node-run-status",{display:"flex",backgroundColor:I.semanticColors.inputsOutputsBackground,selectors:{"> button:hover":{backgroundColor:I.semanticColors.nodeHover}}}],detailTriggerContainer:{paddingLeft:16,position:"absolute",top:0,left:220},detailTrigger:{overflowY:"hidden",transition:"width 0.3s, height 0.3s",display:"flex",cursor:"default",userSelect:"none",gap:10,backgroundColor:I.semanticColors.inputsOutputsBackground,border:`1.5px solid ${I.semanticColors.nodeBorder}`,padding:"8px 14px",borderRadius:5},detailTitle:{display:"flex",alignItems:"center",justifyContent:"space-between",fontWeight:600,fontFamily:'"Segoe UI", "Segoe UI Web (West European)", "Segoe UI", -apple-system, BlinkMacSystemFont, Roboto, "Helvetica Neue", sans-serif',fontSize:"small"}})},useFlowPortNodeStyle=g=>{const b=useCommonStyles(),m=bitset.has(GraphNodeStatus.Selected)(g.status),w=m?b.semanticColors.selectedStrokeColor:b.semanticColors.strokeColor,_="1.5",C=m?b.semanticColors.selectedNodeBackground:b.semanticColors.nodeBackground;return{stroke:w,strokeWidth:_,fill:C,textColor:b.semanticColors.nodeName}},countOccurrences=g=>{const b={};for(const m of g)m!==void 0&&(b[m]=(b[m]??0)+1);return b},__GLOBAL__=typeof window>"u"?global:window,__NAMESPACE_PREFIX__="@griffel/";function getGlobalVar(g,b){return __GLOBAL__[Symbol.for(__NAMESPACE_PREFIX__+g)]||(__GLOBAL__[Symbol.for(__NAMESPACE_PREFIX__+g)]=b),__GLOBAL__[Symbol.for(__NAMESPACE_PREFIX__+g)]}const DEBUG_RESET_CLASSES=getGlobalVar("DEBUG_RESET_CLASSES",{}),DEFINITION_LOOKUP_TABLE=getGlobalVar("DEFINITION_LOOKUP_TABLE",{}),DATA_BUCKET_ATTR="data-make-styles-bucket",HASH_PREFIX="f",RESET_HASH_PREFIX="r",SEQUENCE_HASH_LENGTH=7,SEQUENCE_PREFIX="___",DEBUG_SEQUENCE_SEPARATOR="_",SEQUENCE_SIZE={}.NODE_ENV==="production"?SEQUENCE_PREFIX.length+SEQUENCE_HASH_LENGTH:SEQUENCE_PREFIX.length+SEQUENCE_HASH_LENGTH+DEBUG_SEQUENCE_SEPARATOR.length+SEQUENCE_HASH_LENGTH,LOOKUP_DEFINITIONS_INDEX=0,LOOKUP_DIR_INDEX=1,UNSUPPORTED_CSS_PROPERTIES={all:1,animation:1,background:1,backgroundPosition:1,border:1,borderBlock:1,borderBlockEnd:1,borderBlockStart:1,borderBottom:1,borderColor:1,borderImage:1,borderInline:1,borderInlineEnd:1,borderInlineStart:1,borderLeft:1,borderRadius:1,borderRight:1,borderStyle:1,borderTop:1,borderWidth:1,columns:1,columnRule:1,flex:1,flexFlow:1,font:1,gap:1,grid:1,gridArea:1,gridColumn:1,gridRow:1,gridTemplate:1,lineClamp:1,listStyle:1,margin:1,mask:1,maskBorder:1,motion:1,offset:1,outline:1,overflow:1,overscrollBehavior:1,padding:1,placeItems:1,placeSelf:1,textDecoration:1,textEmphasis:1,transition:1};function murmur2(g){for(var b=0,m,w=0,_=g.length;_>=4;++w,_-=4)m=g.charCodeAt(w)&255|(g.charCodeAt(++w)&255)<<8|(g.charCodeAt(++w)&255)<<16|(g.charCodeAt(++w)&255)<<24,m=(m&65535)*1540483477+((m>>>16)*59797<<16),m^=m>>>24,b=(m&65535)*1540483477+((m>>>16)*59797<<16)^(b&65535)*1540483477+((b>>>16)*59797<<16);switch(_){case 3:b^=(g.charCodeAt(w+2)&255)<<16;case 2:b^=(g.charCodeAt(w+1)&255)<<8;case 1:b^=g.charCodeAt(w)&255,b=(b&65535)*1540483477+((b>>>16)*59797<<16)}return b^=b>>>13,b=(b&65535)*1540483477+((b>>>16)*59797<<16),((b^b>>>15)>>>0).toString(36)}function padEndHash(g){const b=g.length;if(b===SEQUENCE_HASH_LENGTH)return g;for(let m=b;m<SEQUENCE_HASH_LENGTH;m++)g+="0";return g}function hashSequence(g,b,m=[]){return{}.NODE_ENV==="production"?SEQUENCE_PREFIX+padEndHash(murmur2(g+b)):SEQUENCE_PREFIX+padEndHash(murmur2(g+b))+DEBUG_SEQUENCE_SEPARATOR+padEndHash(murmur2(m.join("")))}function reduceToClassName(g,b){let m="";for(const w in g){const _=g[w];if(_){const C=Array.isArray(_);b==="rtl"?m+=(C?_[1]:_)+" ":m+=(C?_[0]:_)+" "}}return m.slice(0,-1)}function reduceToClassNameForSlots(g,b){const m={};for(const w in g){const _=reduceToClassName(g[w],b);if(_===""){m[w]="";continue}const C=hashSequence(_,b),k=C+" "+_;DEFINITION_LOOKUP_TABLE[C]=[g[w],b],m[w]=k}return m}const mergeClassesCachedResults={};function mergeClasses(){let g=null,b="",m="";const w=new Array(arguments.length);let _="";for(let M=0;M<arguments.length;M++){const U=arguments[M];if(typeof U=="string"&&U!==""){const G=U.indexOf(SEQUENCE_PREFIX);if(G===-1)({}).NODE_ENV!=="production"&&U.split(" ").forEach(X=>{X.startsWith(RESET_HASH_PREFIX)&&DEBUG_RESET_CLASSES[X]&&(_?console.error(`mergeClasses(): a passed string contains multiple classes produced by makeResetStyles (${U} & ${b}, this will lead to non-deterministic behavior. Learn more:https://griffel.js.org/react/api/make-reset-styles#limitations
Source string: ${U}`):_=X)}),b+=U+" ";else{const X=U.substr(G,SEQUENCE_SIZE);G>0&&(b+=U.slice(0,G)),m+=X,w[M]=X}({}).NODE_ENV!=="production"&&U.indexOf(SEQUENCE_PREFIX,G+1)!==-1&&console.error(`mergeClasses(): a passed string contains multiple identifiers of atomic classes (classes that start with "${SEQUENCE_PREFIX}"), it's possible that passed classes were concatenated in a wrong way. Source string: ${U}`)}}if(m==="")return b.slice(0,-1);const C=mergeClassesCachedResults[m];if(C!==void 0)return b+C;const k=[];for(let M=0;M<arguments.length;M++){const U=w[M];if(U){const G=DEFINITION_LOOKUP_TABLE[U];G?(k.push(G[LOOKUP_DEFINITIONS_INDEX]),{}.NODE_ENV!=="production"&&g!==null&&g!==G[LOOKUP_DIR_INDEX]&&console.error(`mergeClasses(): a passed string contains an identifier (${U}) that has different direction (dir="${G[1]?"rtl":"ltr"}") setting than other classes. This is not supported. Source string: ${arguments[M]}`),g=G[LOOKUP_DIR_INDEX]):{}.NODE_ENV!=="production"&&console.error(`mergeClasses(): a passed string contains an identifier (${U}) that does not match any entry in cache. Source string: ${arguments[M]}`)}}const I=Object.assign.apply(Object,[{}].concat(k));let $=reduceToClassName(I,g);const P=hashSequence($,g,w);return $=P+" "+$,mergeClassesCachedResults[m]=$,DEFINITION_LOOKUP_TABLE[P]=[I,g],b+$}const sequenceDetails={},cssRules=new Set,debugData={getChildrenSequences:g=>{const b=Object.keys(mergeClassesCachedResults).find(m=>mergeClassesCachedResults[m].startsWith(g));return b?b.split(SEQUENCE_PREFIX).filter(m=>m.length).map(m=>SEQUENCE_PREFIX+m):[]},addCSSRule:g=>{cssRules.add(g)},addSequenceDetails:(g,b)=>{Object.entries(g).forEach(([m,w])=>{sequenceDetails[w.substring(0,SEQUENCE_SIZE)]={slotName:m,sourceURL:b}})},getCSSRules:()=>Array.from(cssRules),getSequenceDetails:g=>sequenceDetails[g]};function getDirectionalClassName(g,b){return Array.isArray(g)?b==="rtl"?g[1]:g[0]:g}function getDebugClassNames(g,b,m,w){const _=g[0],C=g[1];return Object.entries(_).map(([k,I])=>{const $=getDirectionalClassName(I,C);let P;if(m&&b){const M=m.find(({className:U})=>U===$);!M&&b[0][k]?P=getDirectionalClassName(b[0][k],b[1]):M&&b[0][k]?P=(w?w.filter(({debugClassNames:G})=>G.filter(({className:X})=>X===$).length>0).length>0:!1)?M.className:M.overriddenBy:(!M&&!b[0][k]||M&&!b[0][k])&&(P=void 0)}return{className:$,overriddenBy:P}})}function getDebugTree(g,b){const m=DEFINITION_LOOKUP_TABLE[g];if(m===void 0)return;const w=b?DEFINITION_LOOKUP_TABLE[b.sequenceHash]:void 0,_=getDebugClassNames(m,w,b==null?void 0:b.debugClassNames,b==null?void 0:b.children),C={sequenceHash:g,direction:m[1],children:[],debugClassNames:_};return debugData.getChildrenSequences(C.sequenceHash).reverse().forEach(I=>{const $=getDebugTree(I,C);$&&C.children.push($)}),C.children.length||(C.rules={},C.debugClassNames.forEach(({className:I})=>{const $=debugData.getSequenceDetails(g);$&&(C.slot=$.slotName,C.sourceURL=$.sourceURL);const P=debugData.getCSSRules().find(M=>M.includes(I));C.rules[I]=P})),C}function injectDevTools(g){const b=g.defaultView;if(!b||b.__GRIFFEL_DEVTOOLS__)return;const m={getInfo:w=>{const _=Array.from(w.classList).find(C=>C.startsWith(SEQUENCE_PREFIX));if(_!==void 0)return getDebugTree(_)}};Object.defineProperty(b,"__GRIFFEL_DEVTOOLS__",{configurable:!1,enumerable:!1,get(){return m}})}const isDevToolsEnabled=(()=>{var g;try{return!!(typeof window<"u"&&(!((g=window.sessionStorage)===null||g===void 0)&&g.getItem("__GRIFFEL_DEVTOOLS__")))}catch{return!1}})();function normalizeCSSBucketEntry(g){if(!Array.isArray(g))return[g];if({}.NODE_ENV!=="production"&&g.length>2)throw new Error("CSS Bucket contains an entry with greater than 2 items, please report this to https://github.com/microsoft/griffel/issues");return g}function createIsomorphicStyleSheet(g,b,m){const w=[];if(m[DATA_BUCKET_ATTR]=b,g)for(const C in m)g.setAttribute(C,m[C]);function _(C){return g!=null&&g.sheet?g.sheet.insertRule(C,g.sheet.cssRules.length):w.push(C)}return{elementAttributes:m,insertRule:_,element:g,bucketName:b,cssRules(){return g!=null&&g.sheet?Array.from(g.sheet.cssRules).map(C=>C.cssText):w}}}const styleBucketOrdering=["r","d","l","v","w","f","i","h","a","k","t","m"],styleBucketOrderingMap=styleBucketOrdering.reduce((g,b,m)=>(g[b]=m,g),{});function getStyleSheetForBucket(g,b,m,w={}){const _=g==="m",C=_?g+w.m:g;if(!m.stylesheets[C]){const k=b&&b.createElement("style"),I=createIsomorphicStyleSheet(k,g,Object.assign(Object.assign({},m.styleElementAttributes),_&&{media:w.m}));if(m.stylesheets[C]=I,b&&k){const $=findElementSibling(b,g,m,w);b.head.insertBefore(k,$)}}return m.stylesheets[C]}function findElementSibling(g,b,m,w){const _=styleBucketOrderingMap[b];let C=I=>_-styleBucketOrderingMap[I.getAttribute(DATA_BUCKET_ATTR)],k=g.head.querySelectorAll(`[${DATA_BUCKET_ATTR}]`);if(b==="m"&&w){const I=g.head.querySelectorAll(`[${DATA_BUCKET_ATTR}="${b}"]`);I.length&&(k=I,C=$=>m.compareMediaQueries(w.m,$.media))}for(const I of k)if(C(I)<0)return I;return null}let lastIndex=0;const defaultCompareMediaQueries=(g,b)=>g<b?-1:g>b?1:0;function createDOMRenderer(g=typeof document>"u"?void 0:document,b={}){const{unstable_filterCSSRule:m,styleElementAttributes:w,compareMediaQueries:_=defaultCompareMediaQueries}=b,C={insertionCache:{},stylesheets:{},styleElementAttributes:Object.freeze(w),compareMediaQueries:_,id:`d${lastIndex++}`,insertCSSRules(k){for(const I in k){const $=k[I];for(let P=0,M=$.length;P<M;P++){const[U,G]=normalizeCSSBucketEntry($[P]),X=getStyleSheetForBucket(I,g,C,G);if(!C.insertionCache[U]){C.insertionCache[U]=I,{}.NODE_ENV!=="production"&&isDevToolsEnabled&&debugData.addCSSRule(U);try{m?m(U)&&X.insertRule(U):X.insertRule(U)}catch(Z){({}).NODE_ENV!=="production"&&!ignoreSuffixesRegex.test(U)&&console.error(`There was a problem inserting the following rule: "${U}"`,Z)}}}}}};return g&&{}.NODE_ENV!=="production"&&isDevToolsEnabled&&injectDevTools(g),C}const ignoreSuffixes=["-moz-placeholder","-moz-focus-inner","-moz-focusring","-ms-input-placeholder","-moz-read-write","-moz-read-only"].join("|"),ignoreSuffixesRegex=new RegExp(`:(${ignoreSuffixes})`),UNKNOWN_FUNCTION="<unknown>";function parseStackTraceLine(g){return parseChrome(g)||parseGecko(g)||parseJSC(g)}const chromeRe=/^\s*at (.*?) ?\(((?:file|https?|blob|chrome-extension|native|eval|webpack|<anonymous>|\/|[a-z]:\\|\\\\).*?)?\)?\s*$/i,chromeRe2=/^\s*at ()((?:file|https?|blob|chrome-extension|native|eval|webpack|<anonymous>|\/|[a-z]:\\|\\\\).*?)\s*$/i,chromeEvalRe=/\((\S*)\)/;function parseChrome(g){const b=chromeRe.exec(g)||chromeRe2.exec(g);if(!b)return null;let m=b[2];const w=m&&m.indexOf("native")===0,_=m&&m.indexOf("eval")===0,C=chromeEvalRe.exec(m);return _&&C!=null&&(m=C[1]),{loc:w?null:b[2],name:b[1]||UNKNOWN_FUNCTION}}const geckoRe=/^\s*(.*?)(?:\((.*?)\))?(?:^|@)((?:file|https?|blob|chrome|webpack|resource|\[native).*?|[^@]*bundle)\s*$/i,geckoEvalRe=/(\S+) line (\d+)(?: > eval line \d+)* > eval/i;function parseGecko(g){const b=geckoRe.exec(g);if(!b)return null;let m=b[3];const w=m&&m.indexOf(" > eval")>-1,_=geckoEvalRe.exec(m);return w&&_!=null&&(m=_[1]),{loc:b[3],name:b[1]||UNKNOWN_FUNCTION}}const javaScriptCoreRe=/^\s*(?:([^@]*)(?:\((.*?)\))?@)?(\S.*?)\s*$/i;function parseJSC(g){const b=javaScriptCoreRe.exec(g);return b?{loc:b[3],name:b[1]||UNKNOWN_FUNCTION}:null}function getSourceURLfromError(){const g=String(new Error().stack).split(`
`),b=findUserMakeStyleCallInStacks(g);if(b===void 0)return;const m=parseStackTraceLine(b);return m==null?void 0:m.loc}function findUserMakeStyleCallInStacks(g){for(let b=g.length-1;b>=0;--b)if(g[b].includes("at getSourceURLfromError"))return g[b+3]}function arrayToObject(g){return g.reduce(function(b,m){var w=m[0],_=m[1];return b[w]=_,b[_]=w,b},{})}function isBoolean(g){return typeof g=="boolean"}function isFunction$2(g){return typeof g=="function"}function isNumber(g){return typeof g=="number"}function isNullOrUndefined(g){return g===null||typeof g>"u"}function isObject$3(g){return g&&typeof g=="object"}function isString(g){return typeof g=="string"}function includes(g,b){return g.indexOf(b)!==-1}function flipSign(g){return parseFloat(g)===0?g:g[0]==="-"?g.slice(1):"-"+g}function flipTransformSign(g,b,m,w){return b+flipSign(m)+w}function calculateNewBackgroundPosition(g){var b=g.indexOf(".");if(b===-1)g=100-parseFloat(g)+"%";else{var m=g.length-b-2;g=100-parseFloat(g),g=g.toFixed(m)+"%"}return g}function getValuesAsList(g){return g.replace(/ +/g," ").split(" ").map(function(b){return b.trim()}).filter(Boolean).reduce(function(b,m){var w=b.list,_=b.state,C=(m.match(/\(/g)||[]).length,k=(m.match(/\)/g)||[]).length;return _.parensDepth>0?w[w.length-1]=w[w.length-1]+" "+m:w.push(m),_.parensDepth+=C-k,{list:w,state:_}},{list:[],state:{parensDepth:0}}).list}function handleQuartetValues(g){var b=getValuesAsList(g);if(b.length<=3||b.length>4)return g;var m=b[0],w=b[1],_=b[2],C=b[3];return[m,C,_,w].join(" ")}function canConvertValue(g){return!isBoolean(g)&&!isNullOrUndefined(g)}function splitShadow(g){for(var b=[],m=0,w=0,_=!1;w<g.length;)!_&&g[w]===","?(b.push(g.substring(m,w).trim()),w++,m=w):g[w]==="("?(_=!0,w++):(g[w]===")"&&(_=!1),w++);return m!=w&&b.push(g.substring(m,w+1)),b}var propertyValueConverters={padding:function(b){var m=b.value;return isNumber(m)?m:handleQuartetValues(m)},textShadow:function(b){var m=b.value,w=splitShadow(m).map(function(_){return _.replace(/(^|\s)(-*)([.|\d]+)/,function(C,k,I,$){if($==="0")return C;var P=I===""?"-":"";return""+k+P+$})});return w.join(",")},borderColor:function(b){var m=b.value;return handleQuartetValues(m)},borderRadius:function(b){var m=b.value;if(isNumber(m))return m;if(includes(m,"/")){var w=m.split("/"),_=w[0],C=w[1],k=propertyValueConverters.borderRadius({value:_.trim()}),I=propertyValueConverters.borderRadius({value:C.trim()});return k+" / "+I}var $=getValuesAsList(m);switch($.length){case 2:return $.reverse().join(" ");case 4:{var P=$[0],M=$[1],U=$[2],G=$[3];return[M,P,G,U].join(" ")}default:return m}},background:function(b){var m=b.value,w=b.valuesToConvert,_=b.isRtl,C=b.bgImgDirectionRegex,k=b.bgPosDirectionRegex;if(isNumber(m))return m;var I=m.replace(/(url\(.*?\))|(rgba?\(.*?\))|(hsl\(.*?\))|(#[a-fA-F0-9]+)|((^| )(\D)+( |$))/g,"").trim();return m=m.replace(I,propertyValueConverters.backgroundPosition({value:I,valuesToConvert:w,isRtl:_,bgPosDirectionRegex:k})),propertyValueConverters.backgroundImage({value:m,valuesToConvert:w,bgImgDirectionRegex:C})},backgroundImage:function(b){var m=b.value,w=b.valuesToConvert,_=b.bgImgDirectionRegex;return!includes(m,"url(")&&!includes(m,"linear-gradient(")?m:m.replace(_,function(C,k,I){return C.replace(I,w[I])})},backgroundPosition:function(b){var m=b.value,w=b.valuesToConvert,_=b.isRtl,C=b.bgPosDirectionRegex;return m.replace(_?/^((-|\d|\.)+%)/:null,function(k,I){return calculateNewBackgroundPosition(I)}).replace(C,function(k){return w[k]})},backgroundPositionX:function(b){var m=b.value,w=b.valuesToConvert,_=b.isRtl,C=b.bgPosDirectionRegex;return isNumber(m)?m:propertyValueConverters.backgroundPosition({value:m,valuesToConvert:w,isRtl:_,bgPosDirectionRegex:C})},transition:function(b){var m=b.value,w=b.propertiesToConvert;return m.split(/,\s*/g).map(function(_){var C=_.split(" ");return C[0]=w[C[0]]||C[0],C.join(" ")}).join(", ")},transitionProperty:function(b){var m=b.value,w=b.propertiesToConvert;return m.split(/,\s*/g).map(function(_){return w[_]||_}).join(", ")},transform:function(b){var m=b.value,w="[^\\u0020-\\u007e]",_="(?:(?:(?:\\[0-9a-f]{1,6})(?:\\r\\n|\\s)?)|\\\\[^\\r\\n\\f0-9a-f])",C="((?:-?"+("(?:[0-9]*\\.[0-9]+|[0-9]+)(?:\\s*(?:em|ex|px|cm|mm|in|pt|pc|deg|rad|grad|ms|s|hz|khz|%)|"+("-?"+("(?:[_a-z]|"+w+"|"+_+")")+("(?:[_a-z0-9-]|"+w+"|"+_+")")+"*")+")?")+")|(?:inherit|auto))",k=new RegExp("(translateX\\s*\\(\\s*)"+C+"(\\s*\\))","gi"),I=new RegExp("(translate\\s*\\(\\s*)"+C+"((?:\\s*,\\s*"+C+"){0,1}\\s*\\))","gi"),$=new RegExp("(translate3d\\s*\\(\\s*)"+C+"((?:\\s*,\\s*"+C+"){0,2}\\s*\\))","gi"),P=new RegExp("(rotate[ZY]?\\s*\\(\\s*)"+C+"(\\s*\\))","gi");return m.replace(k,flipTransformSign).replace(I,flipTransformSign).replace($,flipTransformSign).replace(P,flipTransformSign)}};propertyValueConverters.objectPosition=propertyValueConverters.backgroundPosition,propertyValueConverters.margin=propertyValueConverters.padding,propertyValueConverters.borderWidth=propertyValueConverters.padding,propertyValueConverters.boxShadow=propertyValueConverters.textShadow,propertyValueConverters.webkitBoxShadow=propertyValueConverters.boxShadow,propertyValueConverters.mozBoxShadow=propertyValueConverters.boxShadow,propertyValueConverters.WebkitBoxShadow=propertyValueConverters.boxShadow,propertyValueConverters.MozBoxShadow=propertyValueConverters.boxShadow,propertyValueConverters.borderStyle=propertyValueConverters.borderColor,propertyValueConverters.webkitTransform=propertyValueConverters.transform,propertyValueConverters.mozTransform=propertyValueConverters.transform,propertyValueConverters.WebkitTransform=propertyValueConverters.transform,propertyValueConverters.MozTransform=propertyValueConverters.transform,propertyValueConverters.transformOrigin=propertyValueConverters.backgroundPosition,propertyValueConverters.webkitTransformOrigin=propertyValueConverters.transformOrigin,propertyValueConverters.mozTransformOrigin=propertyValueConverters.transformOrigin,propertyValueConverters.WebkitTransformOrigin=propertyValueConverters.transformOrigin,propertyValueConverters.MozTransformOrigin=propertyValueConverters.transformOrigin,propertyValueConverters.webkitTransition=propertyValueConverters.transition,propertyValueConverters.mozTransition=propertyValueConverters.transition,propertyValueConverters.WebkitTransition=propertyValueConverters.transition,propertyValueConverters.MozTransition=propertyValueConverters.transition,propertyValueConverters.webkitTransitionProperty=propertyValueConverters.transitionProperty,propertyValueConverters.mozTransitionProperty=propertyValueConverters.transitionProperty,propertyValueConverters.WebkitTransitionProperty=propertyValueConverters.transitionProperty,propertyValueConverters.MozTransitionProperty=propertyValueConverters.transitionProperty,propertyValueConverters["text-shadow"]=propertyValueConverters.textShadow,propertyValueConverters["border-color"]=propertyValueConverters.borderColor,propertyValueConverters["border-radius"]=propertyValueConverters.borderRadius,propertyValueConverters["background-image"]=propertyValueConverters.backgroundImage,propertyValueConverters["background-position"]=propertyValueConverters.backgroundPosition,propertyValueConverters["background-position-x"]=propertyValueConverters.backgroundPositionX,propertyValueConverters["object-position"]=propertyValueConverters.objectPosition,propertyValueConverters["border-width"]=propertyValueConverters.padding,propertyValueConverters["box-shadow"]=propertyValueConverters.textShadow,propertyValueConverters["-webkit-box-shadow"]=propertyValueConverters.textShadow,propertyValueConverters["-moz-box-shadow"]=propertyValueConverters.textShadow,propertyValueConverters["border-style"]=propertyValueConverters.borderColor,propertyValueConverters["-webkit-transform"]=propertyValueConverters.transform,propertyValueConverters["-moz-transform"]=propertyValueConverters.transform,propertyValueConverters["transform-origin"]=propertyValueConverters.transformOrigin,propertyValueConverters["-webkit-transform-origin"]=propertyValueConverters.transformOrigin,propertyValueConverters["-moz-transform-origin"]=propertyValueConverters.transformOrigin,propertyValueConverters["-webkit-transition"]=propertyValueConverters.transition,propertyValueConverters["-moz-transition"]=propertyValueConverters.transition,propertyValueConverters["transition-property"]=propertyValueConverters.transitionProperty,propertyValueConverters["-webkit-transition-property"]=propertyValueConverters.transitionProperty,propertyValueConverters["-moz-transition-property"]=propertyValueConverters.transitionProperty;var propertiesToConvert=arrayToObject([["paddingLeft","paddingRight"],["marginLeft","marginRight"],["left","right"],["borderLeft","borderRight"],["borderLeftColor","borderRightColor"],["borderLeftStyle","borderRightStyle"],["borderLeftWidth","borderRightWidth"],["borderTopLeftRadius","borderTopRightRadius"],["borderBottomLeftRadius","borderBottomRightRadius"],["padding-left","padding-right"],["margin-left","margin-right"],["border-left","border-right"],["border-left-color","border-right-color"],["border-left-style","border-right-style"],["border-left-width","border-right-width"],["border-top-left-radius","border-top-right-radius"],["border-bottom-left-radius","border-bottom-right-radius"]]),propsToIgnore=["content"],valuesToConvert=arrayToObject([["ltr","rtl"],["left","right"],["w-resize","e-resize"],["sw-resize","se-resize"],["nw-resize","ne-resize"]]),bgImgDirectionRegex=new RegExp("(^|\\W|_)((ltr)|(rtl)|(left)|(right))(\\W|_|$)","g"),bgPosDirectionRegex=new RegExp("(left)|(right)");function convert(g){return Object.keys(g).reduce(function(b,m){var w=g[m];if(isString(w)&&(w=w.trim()),includes(propsToIgnore,m))return b[m]=w,b;var _=convertProperty(m,w),C=_.key,k=_.value;return b[C]=k,b},Array.isArray(g)?[]:{})}function convertProperty(g,b){var m=/\/\*\s?@noflip\s?\*\//.test(b),w=m?g:getPropertyDoppelganger(g),_=m?b:getValueDoppelganger(w,b);return{key:w,value:_}}function getPropertyDoppelganger(g){return propertiesToConvert[g]||g}function getValueDoppelganger(g,b){if(!canConvertValue(b))return b;if(isObject$3(b))return convert(b);var m=isNumber(b),w=isFunction$2(b),_=m||w?b:b.replace(/ !important.*?$/,""),C=!m&&_.length!==b.length,k=propertyValueConverters[g],I;return k?I=k({value:_,valuesToConvert,propertiesToConvert,isRtl:!0,bgImgDirectionRegex,bgPosDirectionRegex}):I=valuesToConvert[_]||_,C?I+" !important":I}var MS="-ms-",MOZ="-moz-",WEBKIT="-webkit-",COMMENT="comm",RULESET="rule",DECLARATION="decl",IMPORT="@import",KEYFRAMES="@keyframes",LAYER="@layer",abs$1=Math.abs,from=String.fromCharCode,assign=Object.assign;function hash(g,b){return charat(g,0)^45?(((b<<2^charat(g,0))<<2^charat(g,1))<<2^charat(g,2))<<2^charat(g,3):0}function trim(g){return g.trim()}function match(g,b){return(g=b.exec(g))?g[0]:g}function replace(g,b,m){return g.replace(b,m)}function indexof(g,b){return g.indexOf(b)}function charat(g,b){return g.charCodeAt(b)|0}function substr(g,b,m){return g.slice(b,m)}function strlen(g){return g.length}function sizeof(g){return g.length}function append(g,b){return b.push(g),g}function combine(g,b){return g.map(b).join("")}function filter(g,b){return g.filter(function(m){return!match(m,b)})}var line=1,column=1,length=0,position=0,character=0,characters="";function node(g,b,m,w,_,C,k,I){return{value:g,root:b,parent:m,type:w,props:_,children:C,line,column,length:k,return:"",siblings:I}}function copy$2(g,b){return assign(node("",null,null,"",null,null,0,g.siblings),g,{length:-g.length},b)}function lift(g){for(;g.root;)g=copy$2(g.root,{children:[g]});append(g,g.siblings)}function char(){return character}function prev(){return character=position>0?charat(characters,--position):0,column--,character===10&&(column=1,line--),character}function next(){return character=position<length?charat(characters,position++):0,column++,character===10&&(column=1,line++),character}function peek(){return charat(characters,position)}function caret$1(){return position}function slice(g,b){return substr(characters,g,b)}function token(g){switch(g){case 0:case 9:case 10:case 13:case 32:return 5;case 33:case 43:case 44:case 47:case 62:case 64:case 126:case 59:case 123:case 125:return 4;case 58:return 3;case 34:case 39:case 40:case 91:return 2;case 41:case 93:return 1}return 0}function alloc(g){return line=column=1,length=strlen(characters=g),position=0,[]}function dealloc(g){return characters="",g}function delimit(g){return trim(slice(position-1,delimiter(g===91?g+2:g===40?g+1:g)))}function tokenize(g){return dealloc(tokenizer(alloc(g)))}function whitespace(g){for(;(character=peek())&&character<33;)next();return token(g)>2||token(character)>3?"":" "}function tokenizer(g){for(;next();)switch(token(character)){case 0:append(identifier(position-1),g);break;case 2:append(delimit(character),g);break;default:append(from(character),g)}return g}function escaping(g,b){for(;--b&&next()&&!(character<48||character>102||character>57&&character<65||character>70&&character<97););return slice(g,caret$1()+(b<6&&peek()==32&&next()==32))}function delimiter(g){for(;next();)switch(character){case g:return position;case 34:case 39:g!==34&&g!==39&&delimiter(character);break;case 40:g===41&&delimiter(g);break;case 92:next();break}return position}function commenter(g,b){for(;next()&&g+character!==47+10;)if(g+character===42+42&&peek()===47)break;return"/*"+slice(b,position-1)+"*"+from(g===47?g:next())}function identifier(g){for(;!token(peek());)next();return slice(g,position)}function compile(g){return dealloc(parse$1("",null,null,null,[""],g=alloc(g),0,[0],g))}function parse$1(g,b,m,w,_,C,k,I,$){for(var P=0,M=0,U=k,G=0,X=0,Z=0,ne=1,re=1,ve=1,Se=0,ge="",oe=_,me=C,De=w,Le=ge;re;)switch(Z=Se,Se=next()){case 40:if(Z!=108&&charat(Le,U-1)==58){indexof(Le+=replace(delimit(Se),"&","&\f"),"&\f")!=-1&&(ve=-1);break}case 34:case 39:case 91:Le+=delimit(Se);break;case 9:case 10:case 13:case 32:Le+=whitespace(Z);break;case 92:Le+=escaping(caret$1()-1,7);continue;case 47:switch(peek()){case 42:case 47:append(comment(commenter(next(),caret$1()),b,m,$),$);break;default:Le+="/"}break;case 123*ne:I[P++]=strlen(Le)*ve;case 125*ne:case 59:case 0:switch(Se){case 0:case 125:re=0;case 59+M:ve==-1&&(Le=replace(Le,/\f/g,"")),X>0&&strlen(Le)-U&&append(X>32?declaration(Le+";",w,m,U-1,$):declaration(replace(Le," ","")+";",w,m,U-2,$),$);break;case 59:Le+=";";default:if(append(De=ruleset(Le,b,m,P,M,_,I,ge,oe=[],me=[],U,C),C),Se===123)if(M===0)parse$1(Le,b,De,De,oe,C,U,I,me);else switch(G===99&&charat(Le,3)===110?100:G){case 100:case 108:case 109:case 115:parse$1(g,De,De,w&&append(ruleset(g,De,De,0,0,_,I,ge,_,oe=[],U,me),me),_,me,U,I,w?oe:me);break;default:parse$1(Le,De,De,De,[""],me,0,I,me)}}P=M=X=0,ne=ve=1,ge=Le="",U=k;break;case 58:U=1+strlen(Le),X=Z;default:if(ne<1){if(Se==123)--ne;else if(Se==125&&ne++==0&&prev()==125)continue}switch(Le+=from(Se),Se*ne){case 38:ve=M>0?1:(Le+="\f",-1);break;case 44:I[P++]=(strlen(Le)-1)*ve,ve=1;break;case 64:peek()===45&&(Le+=delimit(next())),G=peek(),M=U=strlen(ge=Le+=identifier(caret$1())),Se++;break;case 45:Z===45&&strlen(Le)==2&&(ne=0)}}return C}function ruleset(g,b,m,w,_,C,k,I,$,P,M,U){for(var G=_-1,X=_===0?C:[""],Z=sizeof(X),ne=0,re=0,ve=0;ne<w;++ne)for(var Se=0,ge=substr(g,G+1,G=abs$1(re=k[ne])),oe=g;Se<Z;++Se)(oe=trim(re>0?X[Se]+" "+ge:replace(ge,/&\f/g,X[Se])))&&($[ve++]=oe);return node(g,b,m,_===0?RULESET:I,$,P,M,U)}function comment(g,b,m,w){return node(g,b,m,COMMENT,from(char()),substr(g,2,-2),0,w)}function declaration(g,b,m,w,_){return node(g,b,m,DECLARATION,substr(g,0,w),substr(g,w+1,-1),w,_)}function prefix(g,b,m){switch(hash(g,b)){case 5103:return WEBKIT+"print-"+g+g;case 5737:case 4201:case 3177:case 3433:case 1641:case 4457:case 2921:case 5572:case 6356:case 5844:case 3191:case 6645:case 3005:case 6391:case 5879:case 5623:case 6135:case 4599:case 4855:case 4215:case 6389:case 5109:case 5365:case 5621:case 3829:return WEBKIT+g+g;case 4789:return MOZ+g+g;case 5349:case 4246:case 4810:case 6968:case 2756:return WEBKIT+g+MOZ+g+MS+g+g;case 5936:switch(charat(g,b+11)){case 114:return WEBKIT+g+MS+replace(g,/[svh]\w+-[tblr]{2}/,"tb")+g;case 108:return WEBKIT+g+MS+replace(g,/[svh]\w+-[tblr]{2}/,"tb-rl")+g;case 45:return WEBKIT+g+MS+replace(g,/[svh]\w+-[tblr]{2}/,"lr")+g}case 6828:case 4268:case 2903:return WEBKIT+g+MS+g+g;case 6165:return WEBKIT+g+MS+"flex-"+g+g;case 5187:return WEBKIT+g+replace(g,/(\w+).+(:[^]+)/,WEBKIT+"box-$1$2"+MS+"flex-$1$2")+g;case 5443:return WEBKIT+g+MS+"flex-item-"+replace(g,/flex-|-self/g,"")+(match(g,/flex-|baseline/)?"":MS+"grid-row-"+replace(g,/flex-|-self/g,""))+g;case 4675:return WEBKIT+g+MS+"flex-line-pack"+replace(g,/align-content|flex-|-self/g,"")+g;case 5548:return WEBKIT+g+MS+replace(g,"shrink","negative")+g;case 5292:return WEBKIT+g+MS+replace(g,"basis","preferred-size")+g;case 6060:return WEBKIT+"box-"+replace(g,"-grow","")+WEBKIT+g+MS+replace(g,"grow","positive")+g;case 4554:return WEBKIT+replace(g,/([^-])(transform)/g,"$1"+WEBKIT+"$2")+g;case 6187:return replace(replace(replace(g,/(zoom-|grab)/,WEBKIT+"$1"),/(image-set)/,WEBKIT+"$1"),g,"")+g;case 5495:case 3959:return replace(g,/(image-set\([^]*)/,WEBKIT+"$1$`$1");case 4968:return replace(replace(g,/(.+:)(flex-)?(.*)/,WEBKIT+"box-pack:$3"+MS+"flex-pack:$3"),/s.+-b[^;]+/,"justify")+WEBKIT+g+g;case 4200:if(!match(g,/flex-|baseline/))return MS+"grid-column-align"+substr(g,b)+g;break;case 2592:case 3360:return MS+replace(g,"template-","")+g;case 4384:case 3616:return m&&m.some(function(w,_){return b=_,match(w.props,/grid-\w+-end/)})?~indexof(g+(m=m[b].value),"span")?g:MS+replace(g,"-start","")+g+MS+"grid-row-span:"+(~indexof(m,"span")?match(m,/\d+/):+match(m,/\d+/)-+match(g,/\d+/))+";":MS+replace(g,"-start","")+g;case 4896:case 4128:return m&&m.some(function(w){return match(w.props,/grid-\w+-start/)})?g:MS+replace(replace(g,"-end","-span"),"span ","")+g;case 4095:case 3583:case 4068:case 2532:return replace(g,/(.+)-inline(.+)/,WEBKIT+"$1$2")+g;case 8116:case 7059:case 5753:case 5535:case 5445:case 5701:case 4933:case 4677:case 5533:case 5789:case 5021:case 4765:if(strlen(g)-1-b>6)switch(charat(g,b+1)){case 109:if(charat(g,b+4)!==45)break;case 102:return replace(g,/(.+:)(.+)-([^]+)/,"$1"+WEBKIT+"$2-$3$1"+MOZ+(charat(g,b+3)==108?"$3":"$2-$3"))+g;case 115:return~indexof(g,"stretch")?prefix(replace(g,"stretch","fill-available"),b,m)+g:g}break;case 5152:case 5920:return replace(g,/(.+?):(\d+)(\s*\/\s*(span)?\s*(\d+))?(.*)/,function(w,_,C,k,I,$,P){return MS+_+":"+C+P+(k?MS+_+"-span:"+(I?$:+$-+C)+P:"")+g});case 4949:if(charat(g,b+6)===121)return replace(g,":",":"+WEBKIT)+g;break;case 6444:switch(charat(g,charat(g,14)===45?18:11)){case 120:return replace(g,/(.+:)([^;\s!]+)(;|(\s+)?!.+)?/,"$1"+WEBKIT+(charat(g,14)===45?"inline-":"")+"box$3$1"+WEBKIT+"$2$3$1"+MS+"$2box$3")+g;case 100:return replace(g,":",":"+MS)+g}break;case 5719:case 2647:case 2135:case 3927:case 2391:return replace(g,"scroll-","scroll-snap-")+g}return g}function serialize(g,b){for(var m="",w=0;w<g.length;w++)m+=b(g[w],w,g,b)||"";return m}function stringify$3(g,b,m,w){switch(g.type){case LAYER:if(g.children.length)break;case IMPORT:case DECLARATION:return g.return=g.return||g.value;case COMMENT:return"";case KEYFRAMES:return g.return=g.value+"{"+serialize(g.children,w)+"}";case RULESET:if(!strlen(g.value=g.props.join(",")))return""}return strlen(m=serialize(g.children,w))?g.return=g.value+"{"+m+"}":""}function middleware(g){var b=sizeof(g);return function(m,w,_,C){for(var k="",I=0;I<b;I++)k+=g[I](m,w,_,C)||"";return k}}function rulesheet(g){return function(b){b.root||(b=b.return)&&g(b)}}function prefixer(g,b,m,w){if(g.length>-1&&!g.return)switch(g.type){case DECLARATION:g.return=prefix(g.value,g.length,m);return;case KEYFRAMES:return serialize([copy$2(g,{value:replace(g.value,"@","@"+WEBKIT)})],w);case RULESET:if(g.length)return combine(m=g.props,function(_){switch(match(_,w=/(::plac\w+|:read-\w+)/)){case":read-only":case":read-write":lift(copy$2(g,{props:[replace(_,/:(read-\w+)/,":"+MOZ+"$1")]})),lift(copy$2(g,{props:[_]})),assign(g,{props:filter(m,w)});break;case"::placeholder":lift(copy$2(g,{props:[replace(_,/:(plac\w+)/,":"+WEBKIT+"input-$1")]})),lift(copy$2(g,{props:[replace(_,/:(plac\w+)/,":"+MOZ+"$1")]})),lift(copy$2(g,{props:[replace(_,/:(plac\w+)/,MS+"input-$1")]})),lift(copy$2(g,{props:[_]})),assign(g,{props:filter(m,w)});break}return""})}}const globalPlugin=g=>{switch(g.type){case RULESET:if(typeof g.props=="string"){if({}.NODE_ENV!=="production")throw new Error(`"element.props" has type "string" (${JSON.stringify(g.props,null,2)}), it's not expected. Please report a bug if it happens.`);return}g.props=g.props.map(b=>b.indexOf(":global(")===-1?b:tokenize(b).reduce((m,w,_,C)=>{if(w==="")return m;if(w===":"&&C[_+1]==="global"){const k=C[_+2].slice(1,-1)+" ";return m.unshift(k),C[_+1]="",C[_+2]="",m}return m.push(w),m},[]).join(""))}},uppercasePattern=/[A-Z]/g,msPattern=/^ms-/,cache$1={};function toHyphenLower(g){return"-"+g.toLowerCase()}function hyphenateProperty(g){if(Object.prototype.hasOwnProperty.call(cache$1,g))return cache$1[g];if(g.substr(0,2)==="--")return g;const b=g.replace(uppercasePattern,toHyphenLower);return cache$1[g]=msPattern.test(b)?"-"+b:b}function normalizeNestedProperty(g){return g.charAt(0)==="&"?g.slice(1):g}const PSEUDO_SELECTOR_REGEX=/,( *[^ &])/g;function normalizePseudoSelector(g){return"&"+normalizeNestedProperty(g.replace(PSEUDO_SELECTOR_REGEX,",&$1"))}function compileCSSRules(g){const b=[];return serialize(compile(g),middleware([globalPlugin,prefixer,stringify$3,rulesheet(m=>b.push(m))])),b}function createCSSRule(g,b,m){let w=b;return m.length>0&&(w=m.reduceRight((_,C)=>`${normalizePseudoSelector(C)} { ${_} }`,b)),`${g}{${w}}`}function compileCSS(g){const{className:b,media:m,layer:w,selectors:_,support:C,property:k,rtlClassName:I,rtlProperty:$,rtlValue:P,value:M}=g,U=`.${b}`,G=Array.isArray(M)?`${M.map(Z=>`${hyphenateProperty(k)}: ${Z}`).join(";")};`:`${hyphenateProperty(k)}: ${M};`;let X=createCSSRule(U,G,_);if($&&I){const Z=`.${I}`,ne=Array.isArray(P)?`${P.map(re=>`${hyphenateProperty($)}: ${re}`).join(";")};`:`${hyphenateProperty($)}: ${P};`;X+=createCSSRule(Z,ne,_)}return m&&(X=`@media ${m} { ${X} }`),w&&(X=`@layer ${w} { ${X} }`),C&&(X=`@supports ${C} { ${X} }`),compileCSSRules(X)}function cssifyObject(g){let b="";for(const m in g){const w=g[m];typeof w!="string"&&typeof w!="number"||(b+=hyphenateProperty(m)+":"+w+";")}return b}function compileKeyframeRule(g){let b="";for(const m in g)b+=`${m}{${cssifyObject(g[m])}}`;return b}function compileKeyframesCSS(g,b){const m=`@keyframes ${g} {${b}}`,w=[];return serialize(compile(m),middleware([prefixer,stringify$3,rulesheet(_=>w.push(_))])),w}function generateCombinedQuery(g,b){return g.length===0?b:`${g} and ${b}`}function isMediaQuerySelector(g){return g.substr(0,6)==="@media"}function isLayerSelector(g){return g.substr(0,6)==="@layer"}const regex=/^(:|\[|>|&)/;function isNestedSelector(g){return regex.test(g)}function isSupportQuerySelector(g){return g.substr(0,9)==="@supports"}function isObject$2(g){return g!=null&&typeof g=="object"&&Array.isArray(g)===!1}const pseudosMap={"us-w":"w","us-v":"i",nk:"l",si:"v",cu:"f",ve:"h",ti:"a"};function getStyleBucketName(g,b,m,w){if(m)return"m";if(b||w)return"t";if(g.length>0){const _=g[0].trim();if(_.charCodeAt(0)===58)return pseudosMap[_.slice(4,8)]||pseudosMap[_.slice(3,5)]||"d"}return"d"}function hashClassName({media:g,layer:b,property:m,selectors:w,support:_,value:C}){const k=murmur2(w.join("")+g+b+_+m+C.trim());return HASH_PREFIX+k}function hashPropertyKey(g,b,m,w){const _=g.join("")+b+m+w,C=murmur2(_),k=C.charCodeAt(0);return k>=48&&k<=57?String.fromCharCode(k+17)+C.substr(1):C}function pushToClassesMap(g,b,m,w){g[b]=w?[m,w]:m}function createBucketEntry(g,b){return b?[g,b]:g}function pushToCSSRules(g,b,m,w,_){var C;let k;b==="m"&&_&&(k={m:_}),(C=g[b])!==null&&C!==void 0||(g[b]=[]),m&&g[b].push(createBucketEntry(m,k)),w&&g[b].push(createBucketEntry(w,k))}function resolveStyleRules(g,b=[],m="",w="",_="",C={},k={},I){for(const $ in g){if(UNSUPPORTED_CSS_PROPERTIES.hasOwnProperty($)){({}).NODE_ENV!=="production"&&console.error([`@griffel/react: You are using unsupported shorthand CSS property "${$}". Please check your "makeStyles" calls, there *should not* be following:`," ".repeat(2)+"makeStyles({"," ".repeat(4)+`[slot]: { ${$}: "${g[$]}" }`," ".repeat(2)+"})","","Learn why CSS shorthands are not supported: https://aka.ms/griffel-css-shorthands"].join(`
`));continue}const P=g[$];if(P!=null){if(typeof P=="string"||typeof P=="number"){const M=hashPropertyKey(b,m,_,$),U=hashClassName({media:m,layer:w,value:P.toString(),support:_,selectors:b,property:$}),G=I&&{key:$,value:I}||convertProperty($,P),X=G.key!==$||G.value!==P,Z=X?hashClassName({value:G.value.toString(),property:G.key,selectors:b,media:m,layer:w,support:_}):void 0,ne=X?{rtlClassName:Z,rtlProperty:G.key,rtlValue:G.value}:void 0,re=getStyleBucketName(b,w,m,_),[ve,Se]=compileCSS(Object.assign({className:U,media:m,layer:w,selectors:b,property:$,support:_,value:P},ne));pushToClassesMap(C,M,U,Z),pushToCSSRules(k,re,ve,Se,m)}else if($==="animationName"){const M=Array.isArray(P)?P:[P],U=[],G=[];for(const X of M){const Z=compileKeyframeRule(X),ne=compileKeyframeRule(convert(X)),re=HASH_PREFIX+murmur2(Z);let ve;const Se=compileKeyframesCSS(re,Z);let ge=[];Z===ne?ve=re:(ve=HASH_PREFIX+murmur2(ne),ge=compileKeyframesCSS(ve,ne));for(let oe=0;oe<Se.length;oe++)pushToCSSRules(k,"k",Se[oe],ge[oe],m);U.push(re),G.push(ve)}resolveStyleRules({animationName:U.join(", ")},b,m,w,_,C,k,G.join(", "))}else if(Array.isArray(P)){if(P.length===0){({}).NODE_ENV!=="production"&&console.warn(`makeStyles(): An empty array was passed as input to "${$}", the property will be omitted in the styles.`);continue}const M=hashPropertyKey(b,m,_,$),U=hashClassName({media:m,layer:w,value:P.map(oe=>(oe??"").toString()).join(";"),support:_,selectors:b,property:$}),G=P.map(oe=>convertProperty($,oe));if(!!G.some(oe=>oe.key!==G[0].key)){({}).NODE_ENV!=="production"&&console.error("makeStyles(): mixing CSS fallback values which result in multiple CSS properties in RTL is not supported.");continue}const Z=G[0].key!==$||G.some((oe,me)=>oe.value!==P[me]),ne=Z?hashClassName({value:G.map(oe=>{var me;return((me=oe==null?void 0:oe.value)!==null&&me!==void 0?me:"").toString()}).join(";"),property:G[0].key,selectors:b,layer:w,media:m,support:_}):void 0,re=Z?{rtlClassName:ne,rtlProperty:G[0].key,rtlValue:G.map(oe=>oe.value)}:void 0,ve=getStyleBucketName(b,w,m,_),[Se,ge]=compileCSS(Object.assign({className:U,media:m,layer:w,selectors:b,property:$,support:_,value:P},re));pushToClassesMap(C,M,U,ne),pushToCSSRules(k,ve,Se,ge,m)}else if(isObject$2(P))if(isNestedSelector($))resolveStyleRules(P,b.concat(normalizeNestedProperty($)),m,w,_,C,k);else if(isMediaQuerySelector($)){const M=generateCombinedQuery(m,$.slice(6).trim());resolveStyleRules(P,b,M,w,_,C,k)}else if(isLayerSelector($)){const M=(w?`${w}.`:"")+$.slice(6).trim();resolveStyleRules(P,b,m,M,_,C,k)}else if(isSupportQuerySelector($)){const M=generateCombinedQuery(_,$.slice(9).trim());resolveStyleRules(P,b,m,w,M,C,k)}else({}).NODE_ENV!=="production"&&console.error(`Please fix the unresolved style rule:
${$}
${JSON.stringify(P,null,2)}"`)}}return[C,k]}function resolveStyleRulesForSlots(g){const b={},m={};for(const w in g){const _=g[w],[C,k]=resolveStyleRules(_);b[w]=C,Object.keys(k).forEach(I=>{m[I]=(m[I]||[]).concat(k[I])})}return[b,m]}function makeStyles$1(g){const b={};let m=null,w=null,_=null,C=null,k;({}).NODE_ENV!=="production"&&isDevToolsEnabled&&(k=getSourceURLfromError());function I($){const{dir:P,renderer:M}=$;m===null&&([m,w]=resolveStyleRulesForSlots(g));const U=P==="ltr",G=U?M.id:M.id+"r";U?_===null&&(_=reduceToClassNameForSlots(m,P)):C===null&&(C=reduceToClassNameForSlots(m,P)),b[G]===void 0&&(M.insertCSSRules(w),b[G]=!0);const X=U?_:C;return{}.NODE_ENV!=="production"&&isDevToolsEnabled&&debugData.addSequenceDetails(X,k),X}return I}function __styles$1(g,b){const m={};let w=null,_=null,C;({}).NODE_ENV!=="production"&&isDevToolsEnabled&&(C=getSourceURLfromError());function k(I){const{dir:$,renderer:P}=I,M=$==="ltr",U=M?P.id:P.id+"r";M?w===null&&(w=reduceToClassNameForSlots(g,$)):_===null&&(_=reduceToClassNameForSlots(g,$)),m[U]===void 0&&(P.insertCSSRules(b),m[U]=!0);const G=M?w:_;return{}.NODE_ENV!=="production"&&isDevToolsEnabled&&debugData.addSequenceDetails(G,C),G}return k}function isInsideComponent(){try{const g=reactExports.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED.ReactCurrentDispatcher.current;return g==null?!1:(g.useContext({}),!0)}catch{return!1}}const RendererContext=reactExports.createContext(createDOMRenderer());function useRenderer(){return reactExports.useContext(RendererContext)}const TextDirectionContext=reactExports.createContext("ltr");function useTextDirection(){return reactExports.useContext(TextDirectionContext)}function makeStyles(g){const b=makeStyles$1(g);if({}.NODE_ENV!=="production"&&isInsideComponent())throw new Error(["makeStyles(): this function cannot be called in component's scope.","All makeStyles() calls should be top level i.e. in a root scope of a file."].join(" "));return function(){const w=useTextDirection(),_=useRenderer();return b({dir:w,renderer:_})}}function __styles(g,b){const m=__styles$1(g,b);return function(){const _=useTextDirection(),C=useRenderer();return m({dir:_,renderer:C})}}const ProviderContext=reactExports.createContext(void 0),providerContextDefaultValue={targetDocument:typeof document=="object"?document:void 0,dir:"ltr"};ProviderContext.Provider;function useFluent(){var g;return(g=reactExports.useContext(ProviderContext))!==null&&g!==void 0?g:providerContextDefaultValue}function omit(g,b){const m={};for(const w in g)b.indexOf(w)===-1&&g.hasOwnProperty(w)&&(m[w]=g[w]);return m}function getSlots(g){const b={},m={},w=Object.keys(g.components);for(const _ of w){const[C,k]=getSlot(g,_);b[_]=C,m[_]=k}return{slots:b,slotProps:m}}function getSlot(g,b){var m,w,_;if(g[b]===void 0)return[null,void 0];const{children:C,as:k,...I}=g[b],$=((m=g.components)===null||m===void 0?void 0:m[b])===void 0||typeof g.components[b]=="string"?k||((w=g.components)===null||w===void 0?void 0:w[b])||"div":g.components[b];if(typeof C=="function"){const U=C;return[reactExports.Fragment,{children:U($,I)}]}const M=typeof $=="string"&&((_=g[b])===null||_===void 0?void 0:_.as)?omit(g[b],["as"]):g[b];return[$,M]}const resolveShorthand=(g,b)=>{const{required:m=!1,defaultProps:w}=b||{};if(g===null||g===void 0&&!m)return;let _={};return typeof g=="string"||typeof g=="number"||Array.isArray(g)||reactExports.isValidElement(g)?_.children=g:typeof g=="object"&&(_=g),w?{...w,..._}:_};function isFactoryDispatch(g){return typeof g=="function"}const useControllableState=g=>{const b=useIsControlled(g.state),m=typeof g.defaultState>"u"?g.initialState:g.defaultState,[w,_]=reactExports.useState(m),C=b?g.state:w,k=reactExports.useRef(C);reactExports.useEffect(()=>{k.current=C},[C]);const I=reactExports.useCallback($=>{isFactoryDispatch($)?k.current=$(k.current):k.current=$,_(k.current)},[]);return[C,I]},useIsControlled=g=>{const[b]=reactExports.useState(()=>g!==void 0);return{}.NODE_ENV!=="production"&&reactExports.useEffect(()=>{if(b!==(g!==void 0)){const m=new Error,w=b?"a controlled value to be uncontrolled":"an uncontrolled value to be controlled",_=b?"defined to an undefined":"undefined to a defined";console.error(["A component is changing "+w+". This is likely caused by the value","changing from "+_+" value, which should not happen.","Decide between using a controlled or uncontrolled input element for the lifetime of the component.","More info: https://reactjs.org/link/controlled-components",m.stack].join(" "))}},[b,g]),b};function canUseDOM$1(){return typeof window<"u"&&!!(window.document&&window.document.createElement)}const useIsomorphicLayoutEffect=canUseDOM$1()?reactExports.useLayoutEffect:reactExports.useEffect,useEventCallback=g=>{const b=reactExports.useRef(()=>{throw new Error("Cannot call an event handler while rendering")});return useIsomorphicLayoutEffect(()=>{b.current=g},[g]),reactExports.useCallback((...m)=>{const w=b.current;return w(...m)},[b])};function useMergedRefs(...g){const b=reactExports.useCallback(m=>{b.current=m;for(const w of g)typeof w=="function"?w(m):w&&(w.current=m)},[...g]);return b}const toObjectMap=(...g)=>{const b={};for(const m of g){const w=Array.isArray(m)?m:Object.keys(m);for(const _ of w)b[_]=1}return b},baseElementEvents=toObjectMap(["onAuxClick","onCopy","onCut","onPaste","onCompositionEnd","onCompositionStart","onCompositionUpdate","onFocus","onFocusCapture","onBlur","onBlurCapture","onChange","onInput","onSubmit","onLoad","onError","onKeyDown","onKeyDownCapture","onKeyPress","onKeyUp","onAbort","onCanPlay","onCanPlayThrough","onDurationChange","onEmptied","onEncrypted","onEnded","onLoadedData","onLoadedMetadata","onLoadStart","onPause","onPlay","onPlaying","onProgress","onRateChange","onSeeked","onSeeking","onStalled","onSuspend","onTimeUpdate","onVolumeChange","onWaiting","onClick","onClickCapture","onContextMenu","onDoubleClick","onDrag","onDragEnd","onDragEnter","onDragExit","onDragLeave","onDragOver","onDragStart","onDrop","onMouseDown","onMouseDownCapture","onMouseEnter","onMouseLeave","onMouseMove","onMouseOut","onMouseOver","onMouseUp","onMouseUpCapture","onSelect","onTouchCancel","onTouchEnd","onTouchMove","onTouchStart","onScroll","onWheel","onPointerCancel","onPointerDown","onPointerEnter","onPointerLeave","onPointerMove","onPointerOut","onPointerOver","onPointerUp","onGotPointerCapture","onLostPointerCapture"]),baseElementProperties=toObjectMap(["accessKey","children","className","contentEditable","dir","draggable","hidden","htmlFor","id","lang","ref","role","style","tabIndex","title","translate","spellCheck","name"]),microdataProperties=toObjectMap(["itemID","itemProp","itemRef","itemScope","itemType"]),htmlElementProperties=toObjectMap(baseElementProperties,baseElementEvents,microdataProperties),labelProperties=toObjectMap(htmlElementProperties,["form"]),audioProperties=toObjectMap(htmlElementProperties,["height","loop","muted","preload","src","width"]),videoProperties=toObjectMap(audioProperties,["poster"]),olProperties=toObjectMap(htmlElementProperties,["start"]),liProperties=toObjectMap(htmlElementProperties,["value"]),anchorProperties=toObjectMap(htmlElementProperties,["download","href","hrefLang","media","rel","target","type"]),timeProperties=toObjectMap(htmlElementProperties,["dateTime"]),buttonProperties=toObjectMap(htmlElementProperties,["autoFocus","disabled","form","formAction","formEncType","formMethod","formNoValidate","formTarget","type","value"]),inputProperties=toObjectMap(buttonProperties,["accept","alt","autoCapitalize","autoComplete","checked","dirname","form","height","inputMode","list","max","maxLength","min","multiple","pattern","placeholder","readOnly","required","src","step","size","type","value","width"]),textAreaProperties=toObjectMap(buttonProperties,["autoCapitalize","cols","dirname","form","maxLength","placeholder","readOnly","required","rows","wrap"]),selectProperties=toObjectMap(buttonProperties,["form","multiple","required"]),optionProperties=toObjectMap(htmlElementProperties,["selected","value"]),tableProperties=toObjectMap(htmlElementProperties,["cellPadding","cellSpacing"]),trProperties=htmlElementProperties,thProperties=toObjectMap(htmlElementProperties,["colSpan","rowSpan","scope"]),tdProperties=toObjectMap(htmlElementProperties,["colSpan","headers","rowSpan","scope"]),colGroupProperties=toObjectMap(htmlElementProperties,["span"]),colProperties=toObjectMap(htmlElementProperties,["span"]),fieldsetProperties=toObjectMap(htmlElementProperties,["disabled","form"]),formProperties=toObjectMap(htmlElementProperties,["acceptCharset","action","encType","encType","method","noValidate","target"]),iframeProperties=toObjectMap(htmlElementProperties,["allow","allowFullScreen","allowPaymentRequest","allowTransparency","csp","height","importance","referrerPolicy","sandbox","src","srcDoc","width"]),imgProperties=toObjectMap(htmlElementProperties,["alt","crossOrigin","height","src","srcSet","useMap","width"]),dialogProperties=toObjectMap(htmlElementProperties,["open","onCancel","onClose"]);function getNativeProps(g,b,m){const w=Array.isArray(b),_={},C=Object.keys(g);for(const k of C)(!w&&b[k]||w&&b.indexOf(k)>=0||k.indexOf("data-")===0||k.indexOf("aria-")===0)&&(!m||(m==null?void 0:m.indexOf(k))===-1)&&(_[k]=g[k]);return _}const nativeElementMap={label:labelProperties,audio:audioProperties,video:videoProperties,ol:olProperties,li:liProperties,a:anchorProperties,button:buttonProperties,input:inputProperties,textarea:textAreaProperties,select:selectProperties,option:optionProperties,table:tableProperties,tr:trProperties,th:thProperties,td:tdProperties,colGroup:colGroupProperties,col:colProperties,fieldset:fieldsetProperties,form:formProperties,iframe:iframeProperties,img:imgProperties,time:timeProperties,dialog:dialogProperties};function getNativeElementProps(g,b,m){const w=g&&nativeElementMap[g]||htmlElementProperties;return w.as=1,getNativeProps(b,w,m)}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const _canUseWeakRef=typeof WeakRef<"u";class WeakRefInstance{constructor(b){_canUseWeakRef&&typeof b=="object"?this._weakRef=new WeakRef(b):this._instance=b}deref(){var b,m,w;let _;return this._weakRef?(_=(b=this._weakRef)===null||b===void 0?void 0:b.deref(),_||delete this._weakRef):(_=this._instance,!((w=(m=_)===null||m===void 0?void 0:m.isDisposed)===null||w===void 0)&&w.call(m)&&delete this._instance),_}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const KEYBORG_FOCUSIN="keyborg:focusin";function canOverrideNativeFocus(g){const b=g.HTMLElement,m=b.prototype.focus;let w=!1;return b.prototype.focus=function(){w=!0},g.document.createElement("button").focus(),b.prototype.focus=m,w}let _canOverrideNativeFocus=!1;function nativeFocus(g){const b=g.focus;b.__keyborgNativeFocus?b.__keyborgNativeFocus.call(g):g.focus()}function setupFocusEvent(g){const b=g;_canOverrideNativeFocus||(_canOverrideNativeFocus=canOverrideNativeFocus(b));const m=b.HTMLElement.prototype.focus;if(m.__keyborgNativeFocus)return;b.HTMLElement.prototype.focus=_;const w=b.__keyborgData={focusInHandler:C=>{var k;const I=C.target;if(!I)return;const $=document.createEvent("HTMLEvents");$.initEvent(KEYBORG_FOCUSIN,!0,!0);const P={relatedTarget:C.relatedTarget||void 0};(_canOverrideNativeFocus||w.lastFocusedProgrammatically)&&(P.isFocusedProgrammatically=I===((k=w.lastFocusedProgrammatically)===null||k===void 0?void 0:k.deref()),w.lastFocusedProgrammatically=void 0),$.details=P,I.dispatchEvent($)}};b.document.addEventListener("focusin",b.__keyborgData.focusInHandler,!0);function _(){const C=b.__keyborgData;return C&&(C.lastFocusedProgrammatically=new WeakRefInstance(this)),m.apply(this,arguments)}_.__keyborgNativeFocus=m}function disposeFocusEvent(g){const b=g,m=b.HTMLElement.prototype,w=m.focus.__keyborgNativeFocus,_=b.__keyborgData;_&&(b.document.removeEventListener("focusin",_.focusInHandler,!0),delete b.__keyborgData),w&&(m.focus=w)}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const KeyTab=9,KeyEsc=27,_dismissTimeout=500;let _lastId=0;class KeyborgState{constructor(){this.__keyborgCoreRefs={},this._isNavigatingWithKeyboard=!1}add(b){const m=b.id;m in this.__keyborgCoreRefs||(this.__keyborgCoreRefs[m]=new WeakRefInstance(b))}remove(b){delete this.__keyborgCoreRefs[b],Object.keys(this.__keyborgCoreRefs).length===0&&(this._isNavigatingWithKeyboard=!1)}setVal(b){if(this._isNavigatingWithKeyboard!==b){this._isNavigatingWithKeyboard=b;for(const m of Object.keys(this.__keyborgCoreRefs)){const _=this.__keyborgCoreRefs[m].deref();_?_.update(b):this.remove(m)}}}getVal(){return this._isNavigatingWithKeyboard}}const _state=new KeyborgState;class KeyborgCore{constructor(b){this._isMouseUsed=!1,this._onFocusIn=w=>{if(this._isMouseUsed){this._isMouseUsed=!1;return}if(_state.getVal())return;const _=w.details;_.relatedTarget&&(_.isFocusedProgrammatically||_.isFocusedProgrammatically===void 0||_state.setVal(!0))},this._onMouseDown=w=>{w.buttons===0||w.clientX===0&&w.clientY===0&&w.screenX===0&&w.screenY===0||(this._isMouseUsed=!0,_state.setVal(!1))},this._onKeyDown=w=>{const _=_state.getVal();!_&&w.keyCode===KeyTab?_state.setVal(!0):_&&w.keyCode===KeyEsc&&this._scheduleDismiss()},this.id="c"+ ++_lastId,this._win=b;const m=b.document;m.addEventListener(KEYBORG_FOCUSIN,this._onFocusIn,!0),m.addEventListener("mousedown",this._onMouseDown,!0),b.addEventListener("keydown",this._onKeyDown,!0),setupFocusEvent(b),_state.add(this)}dispose(){const b=this._win;if(b){this._dismissTimer&&(b.clearTimeout(this._dismissTimer),this._dismissTimer=void 0),disposeFocusEvent(b);const m=b.document;m.removeEventListener(KEYBORG_FOCUSIN,this._onFocusIn,!0),m.removeEventListener("mousedown",this._onMouseDown,!0),b.removeEventListener("keydown",this._onKeyDown,!0),delete this._win,_state.remove(this.id)}}isDisposed(){return!!this._win}update(b){var m,w;const _=(w=(m=this._win)===null||m===void 0?void 0:m.__keyborg)===null||w===void 0?void 0:w.refs;if(_)for(const C of Object.keys(_))Keyborg.update(_[C],b)}_scheduleDismiss(){const b=this._win;if(b){this._dismissTimer&&(b.clearTimeout(this._dismissTimer),this._dismissTimer=void 0);const m=b.document.activeElement;this._dismissTimer=b.setTimeout(()=>{this._dismissTimer=void 0;const w=b.document.activeElement;m&&w&&m===w&&_state.setVal(!1)},_dismissTimeout)}}}class Keyborg{constructor(b){this._cb=[],this._id="k"+ ++_lastId,this._win=b;const m=b.__keyborg;m?(this._core=m.core,m.refs[this._id]=this):(this._core=new KeyborgCore(b),b.__keyborg={core:this._core,refs:{[this._id]:this}})}static create(b){return new Keyborg(b)}static dispose(b){b.dispose()}static update(b,m){b._cb.forEach(w=>w(m))}dispose(){var b;const m=(b=this._win)===null||b===void 0?void 0:b.__keyborg;m!=null&&m.refs[this._id]?(delete m.refs[this._id],Object.keys(m.refs).length===0&&(m.core.dispose(),delete this._win.__keyborg)):{}.NODE_ENV==="development"&&console.error("Keyborg instance "+this._id+" is being disposed incorrectly."),this._cb=[],delete this._core,delete this._win}isNavigatingWithKeyboard(){return _state.getVal()}subscribe(b){this._cb.push(b)}unsubscribe(b){const m=this._cb.indexOf(b);m>=0&&this._cb.splice(m,1)}setVal(b){_state.setVal(b)}}function createKeyborg(g){return Keyborg.create(g)}function disposeKeyborg(g){Keyborg.dispose(g)}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const TabsterAttributeName="data-tabster",TabsterDummyInputAttributeName="data-tabster-dummy",DeloserEventName="tabster:deloser",ModalizerEventName="tabster:modalizer",MoverEventName="tabster:mover",ObservedElementAccesibilities={Any:0,Accessible:1,Focusable:2},RestoreFocusOrders={History:0,DeloserDefault:1,RootDefault:2,DeloserFirst:3,RootFirst:4},Visibilities={Invisible:0,PartiallyVisible:1,Visible:2},MoverDirections={Both:0,Vertical:1,Horizontal:2,Grid:3},GroupperTabbabilities={Unlimited:0,Limited:1,LimitedTrapFocus:2};var Types=Object.freeze({__proto__:null,TabsterAttributeName,TabsterDummyInputAttributeName,DeloserEventName,ModalizerEventName,MoverEventName,ObservedElementAccesibilities,RestoreFocusOrders,Visibilities,MoverDirections,GroupperTabbabilities});/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/function getTabsterOnElement(g,b){var m;return(m=g.storageEntry(b))===null||m===void 0?void 0:m.tabster}function updateTabsterByAttribute(g,b,m){var w,_;const C=m||g._noop?void 0:b.getAttribute(TabsterAttributeName);let k=g.storageEntry(b),I;if(C)if(C!==((w=k==null?void 0:k.attr)===null||w===void 0?void 0:w.string))try{const U=JSON.parse(C);if(typeof U!="object")throw new Error(`Value is not a JSON object, got '${C}'.`);I={string:C,object:U}}catch(U){({}).NODE_ENV==="development"&&console.error(`data-tabster attribute error: ${U}`,b)}else return;else if(!k)return;k||(k=g.storageEntry(b,!0)),k.tabster||(k.tabster={});const $=k.tabster||{},P=((_=k.attr)===null||_===void 0?void 0:_.object)||{},M=(I==null?void 0:I.object)||{};for(const U of Object.keys(P))if(!M[U]){if(U==="root"){const G=$[U];G&&g.root.onRoot(G,!0)}else if(U==="modalizer"){const G=$.modalizer;g.modalizer&&G&&g.modalizer.updateModalizer(G,!0)}switch(U){case"deloser":case"root":case"groupper":case"modalizer":case"mover":const G=$[U];G&&(G.dispose(),delete $[U]);break;case"observed":delete $[U],g.observedElement&&g.observedElement.onObservedElementUpdate(b);break;case"focusable":case"outline":case"uncontrolled":delete $[U];break}}for(const U of Object.keys(M))switch(U){case"deloser":$.deloser?$.deloser.setProps(M.deloser):g.deloser?$.deloser=g.deloser.createDeloser(b,M.deloser):{}.NODE_ENV==="development"&&console.error("Deloser API used before initializing, please call `getDeloser()`");break;case"root":$.root?$.root.setProps(M.root):$.root=g.root.createRoot(b,M.root),g.root.onRoot($.root);break;case"modalizer":$.modalizer?$.modalizer.setProps(M.modalizer):g.modalizer?$.modalizer=g.modalizer.createModalizer(b,M.modalizer):{}.NODE_ENV==="development"&&console.error("Modalizer API used before initializing, please call `getModalizer()`");break;case"focusable":$.focusable=M.focusable;break;case"groupper":$.groupper?$.groupper.setProps(M.groupper):g.groupper?$.groupper=g.groupper.createGroupper(b,M.groupper):{}.NODE_ENV==="development"&&console.error("Groupper API used before initializing, please call `getGroupper()`");break;case"mover":$.mover?$.mover.setProps(M.mover):g.mover?$.mover=g.mover.createMover(b,M.mover):{}.NODE_ENV==="development"&&console.error("Mover API used before initializing, please call `getMover()`");break;case"observed":g.observedElement?($.observed=M.observed,g.observedElement.onObservedElementUpdate(b)):{}.NODE_ENV==="development"&&console.error("ObservedElement API used before initializing, please call `getObservedElement()`");break;case"uncontrolled":$.uncontrolled=M.uncontrolled;break;case"outline":g.outline?$.outline=M.outline:{}.NODE_ENV==="development"&&console.error("Outline API used before initializing, please call `getOutline()`");break;default:console.error(`Unknown key '${U}' in data-tabster attribute value.`)}I?k.attr=I:(Object.keys($).length===0&&(delete k.tabster,delete k.attr),g.storageEntry(b,!1))}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/function createEventTarget(g){const b=g();return b.EventTarget?new b.EventTarget:b.document.createElement("div")}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/let _isBrokenIE11;const _DOMRect=typeof DOMRect<"u"?DOMRect:class{constructor(g,b,m,w){this.left=g||0,this.top=b||0,this.right=(g||0)+(m||0),this.bottom=(b||0)+(w||0)}};let _uidCounter=0;try{document.createTreeWalker(document,NodeFilter.SHOW_ELEMENT),_isBrokenIE11=!1}catch(g){_isBrokenIE11=!0}function getInstanceContext(g){const b=g();let m=b.__tabsterInstanceContext;return m||(m={elementByUId:{},basics:{Promise:b.Promise||void 0,WeakRef:b.WeakRef||void 0},containerBoundingRectCache:{},lastContainerBoundingRectCacheId:0,fakeWeakRefs:[],fakeWeakRefsStarted:!1},b.__tabsterInstanceContext=m),m}function disposeInstanceContext(g){const b=g.__tabsterInstanceContext;b&&(b.elementByUId={},delete b.WeakRef,b.containerBoundingRectCache={},b.containerBoundingRectCacheTimer&&g.clearTimeout(b.containerBoundingRectCacheTimer),b.fakeWeakRefsTimer&&g.clearTimeout(b.fakeWeakRefsTimer),b.fakeWeakRefs=[],delete g.__tabsterInstanceContext)}function createWeakMap(g){const b=g.__tabsterInstanceContext;return new((b==null?void 0:b.basics.WeakMap)||WeakMap)}class FakeWeakRef{constructor(b){this._target=b}deref(){return this._target}static cleanup(b,m){return b._target?m||!documentContains(b._target.ownerDocument,b._target)?(delete b._target,!0):!1:!0}}class WeakHTMLElement{constructor(b,m,w){const _=getInstanceContext(b);let C;_.WeakRef?C=new _.WeakRef(m):(C=new FakeWeakRef(m),_.fakeWeakRefs.push(C)),this._ref=C,this._data=w}get(){const b=this._ref;let m;return b&&(m=b.deref(),m||delete this._ref),m}getData(){return this._data}}function cleanupFakeWeakRefs(g,b){const m=getInstanceContext(g);m.fakeWeakRefs=m.fakeWeakRefs.filter(w=>!FakeWeakRef.cleanup(w,b))}function startFakeWeakRefsCleanup(g){const b=getInstanceContext(g);b.fakeWeakRefsStarted||(b.fakeWeakRefsStarted=!0,b.WeakRef=getWeakRef(b)),b.fakeWeakRefsTimer||(b.fakeWeakRefsTimer=g().setTimeout(()=>{b.fakeWeakRefsTimer=void 0,cleanupFakeWeakRefs(g),startFakeWeakRefsCleanup(g)},2*60*1e3))}function stopFakeWeakRefsCleanupAndClearStorage(g){const b=getInstanceContext(g);b.fakeWeakRefsStarted=!1,b.fakeWeakRefsTimer&&(g().clearTimeout(b.fakeWeakRefsTimer),b.fakeWeakRefsTimer=void 0,b.fakeWeakRefs=[])}function createElementTreeWalker(g,b,m){if(b.nodeType!==Node.ELEMENT_NODE)return;const w=_isBrokenIE11?m:{acceptNode:m};return g.createTreeWalker(b,NodeFilter.SHOW_ELEMENT,w,!1)}function getBoundingRect(g,b){let m=b.__tabsterCacheId;const w=getInstanceContext(g),_=m?w.containerBoundingRectCache[m]:void 0;if(_)return _.rect;const C=b.ownerDocument&&b.ownerDocument.documentElement;if(!C)return new _DOMRect;let k=0,I=0,$=C.clientWidth,P=C.clientHeight;if(b!==C){const U=b.getBoundingClientRect();k=Math.max(k,U.left),I=Math.max(I,U.top),$=Math.min($,U.right),P=Math.min(P,U.bottom)}const M=new _DOMRect(k<$?k:-1,I<P?I:-1,k<$?$-k:0,I<P?P-I:0);return m||(m="r-"+ ++w.lastContainerBoundingRectCacheId,b.__tabsterCacheId=m),w.containerBoundingRectCache[m]={rect:M,element:b},w.containerBoundingRectCacheTimer||(w.containerBoundingRectCacheTimer=window.setTimeout(()=>{w.containerBoundingRectCacheTimer=void 0;for(const U of Object.keys(w.containerBoundingRectCache))delete w.containerBoundingRectCache[U].element.__tabsterCacheId;w.containerBoundingRectCache={}},50)),M}function isElementVerticallyVisibleInContainer(g,b){const m=getScrollableContainer(b);if(m){const w=getBoundingRect(g,m),_=b.getBoundingClientRect();return _.top>=w.top&&_.bottom<=w.bottom}return!1}function scrollIntoView$1(g,b,m){const w=getScrollableContainer(b);if(w){const _=getBoundingRect(g,w),C=b.getBoundingClientRect();m?w.scrollTop+=C.top-_.top:w.scrollTop+=C.bottom-_.bottom}}function getScrollableContainer(g){const b=g.ownerDocument;if(b){for(let m=g.parentElement;m;m=m.parentElement)if(m.scrollWidth>m.clientWidth||m.scrollHeight>m.clientHeight)return m;return b.documentElement}return null}function makeFocusIgnored(g){g.__shouldIgnoreFocus=!0}function shouldIgnoreFocus(g){return!!g.__shouldIgnoreFocus}function getUId(g){const b=new Uint32Array(4);if(g.crypto&&g.crypto.getRandomValues)g.crypto.getRandomValues(b);else if(g.msCrypto&&g.msCrypto.getRandomValues)g.msCrypto.getRandomValues(b);else for(let w=0;w<b.length;w++)b[w]=4294967295*Math.random();const m=[];for(let w=0;w<b.length;w++)m.push(b[w].toString(36));return m.push("|"),m.push((++_uidCounter).toString(36)),m.push("|"),m.push(Date.now().toString(36)),m.join("")}function getElementUId(g,b){const m=getInstanceContext(g);let w=b.__tabsterElementUID;return w||(w=b.__tabsterElementUID=getUId(g())),!m.elementByUId[w]&&documentContains(b.ownerDocument,b)&&(m.elementByUId[w]=new WeakHTMLElement(g,b)),w}function clearElementCache(g,b){const m=getInstanceContext(g);for(const w of Object.keys(m.elementByUId)){const _=m.elementByUId[w],C=_&&_.get();C&&b&&!b.contains(C)||delete m.elementByUId[w]}}function documentContains(g,b){var m;return!!(!((m=g==null?void 0:g.body)===null||m===void 0)&&m.contains(b))}function matchesSelector$2(g,b){const m=g.matches||g.matchesSelector||g.msMatchesSelector||g.webkitMatchesSelector;return m&&m.call(g,b)}function getPromise(g){const b=getInstanceContext(g);if(b.basics.Promise)return b.basics.Promise;throw new Error("No Promise defined.")}function getWeakRef(g){return g.basics.WeakRef}let _lastTabsterPartId=0;class TabsterPart{constructor(b,m,w){const _=b.getWindow;this._tabster=b,this._element=new WeakHTMLElement(_,m),this._props={...w},this.id="i"+ ++_lastTabsterPartId}getElement(){return this._element.get()}getProps(){return this._props}setProps(b){this._props={...b}}}class DummyInput{constructor(b,m,w,_){var C;this._focusIn=P=>{const M=this.input;if(this.onFocusIn&&M){const U=DummyInputManager.getLastPhantomFrom()||P.relatedTarget;this.onFocusIn(this,this._isBackward(!0,M,U),U)}},this._focusOut=P=>{this.shouldMoveOut=!1;const M=this.input;if(this.onFocusOut&&M){const U=P.relatedTarget;this.onFocusOut(this,this._isBackward(!1,M,U),U)}};const k=b(),I=k.document.createElement("i");I.tabIndex=0,I.setAttribute("role","none"),I.setAttribute(TabsterDummyInputAttributeName,""),I.setAttribute("aria-hidden","true");const $=I.style;$.position="fixed",$.width=$.height="1px",$.opacity="0.001",$.zIndex="-1",$.setProperty("content-visibility","hidden"),makeFocusIgnored(I),this.input=I,this.isFirst=w.isFirst,this.isOutside=m,this._isPhantom=(C=w.isPhantom)!==null&&C!==void 0?C:!1,I.addEventListener("focusin",this._focusIn),I.addEventListener("focusout",this._focusOut),I.__tabsterDummyContainer=_,this._isPhantom&&(this._disposeTimer=k.setTimeout(()=>{delete this._disposeTimer,this.dispose()},0),this._clearDisposeTimeout=()=>{this._disposeTimer&&(k.clearTimeout(this._disposeTimer),delete this._disposeTimer),delete this._clearDisposeTimeout})}dispose(){var b;this._clearDisposeTimeout&&this._clearDisposeTimeout();const m=this.input;m&&(delete this.onFocusIn,delete this.onFocusOut,delete this.input,m.removeEventListener("focusin",this._focusIn),m.removeEventListener("focusout",this._focusOut),delete m.__tabsterDummyContainer,(b=m.parentElement)===null||b===void 0||b.removeChild(m))}setTopLeft(b,m){var w;const _=(w=this.input)===null||w===void 0?void 0:w.style;_&&(_.top=`${b}px`,_.left=`${m}px`)}_isBackward(b,m,w){return b&&!w?!this.isFirst:!!(w&&m.compareDocumentPosition(w)&Node.DOCUMENT_POSITION_FOLLOWING)}}const DummyInputManagerPriorities={Root:1,Modalizer:2,Mover:3,Groupper:4};class DummyInputManager{constructor(b,m,w,_){this._element=m,this._instance=new DummyInputManagerCore(b,m,this,w,_),this.moveOutWithDefaultAction=C=>{var k;(k=this._instance)===null||k===void 0||k.moveOutWithDefaultAction(C)}}_setHandlers(b,m){this._onFocusIn=b,this._onFocusOut=m}getHandler(b){return b?this._onFocusIn:this._onFocusOut}setTabbable(b){var m;(m=this._instance)===null||m===void 0||m.setTabbable(this,b)}dispose(){this._instance&&(this._instance.dispose(this),delete this._instance),delete this._onFocusIn,delete this._onFocusOut}static getLastPhantomFrom(){const b=DummyInputManager._lastPhantomFrom;return delete DummyInputManager._lastPhantomFrom,b}static moveWithPhantomDummy(b,m,w,_){const k=new DummyInput(b.getWindow,!0,{isPhantom:!0,isFirst:!0}).input;if(k){const I=m.parentElement;if(I){let $=w&&!_||!w&&_?m.nextElementSibling:m;if($)if(_){const P=$.previousElementSibling;P&&P.__tabsterDummyContainer&&($=P)}else $.__tabsterDummyContainer&&($=$.nextElementSibling);I.insertBefore(k,$),DummyInputManager._lastPhantomFrom=m,b.getWindow().setTimeout(()=>{delete DummyInputManager._lastPhantomFrom},0),nativeFocus(k)}}}}class DummyInputManagerCore{constructor(b,m,w,_,C){var k;this._wrappers=[],this._isOutside=!1,this._transformElements=[],this._onFocusIn=(M,U,G)=>{this._onFocus(!0,M,U,G)},this._onFocusOut=(M,U,G)=>{this._onFocus(!1,M,U,G)},this.moveOutWithDefaultAction=M=>{const U=this._firstDummy,G=this._lastDummy;U!=null&&U.input&&(G!=null&&G.input)&&(M?(U.shouldMoveOut=!0,U.input.tabIndex=0,U.input.focus()):(G.shouldMoveOut=!0,G.input.tabIndex=0,G.input.focus()))},this.setTabbable=(M,U)=>{var G,X;for(const ne of this._wrappers)if(ne.manager===M){ne.tabbable=U;break}const Z=this._getCurrent();if(Z){const ne=Z.tabbable?0:-1;let re=(G=this._firstDummy)===null||G===void 0?void 0:G.input;re&&(re.tabIndex=ne),re=(X=this._lastDummy)===null||X===void 0?void 0:X.input,re&&(re.tabIndex=ne)}},this._addTransformOffsets=()=>{const M=this._getWindow();this._scrollTimer&&M.clearTimeout(this._scrollTimer),this._scrollTimer=M.setTimeout(()=>{delete this._scrollTimer,this._reallyAddTransformOffsets()},100)};const I=m.get();if(!I)throw new Error("No element");this._getWindow=b.getWindow;const $=I.__tabsterDummy;if(($||this)._wrappers.push({manager:w,priority:_,tabbable:!0}),$)return $;I.__tabsterDummy=this,this._firstDummy=new DummyInput(this._getWindow,this._isOutside,{isFirst:!0},m),this._lastDummy=new DummyInput(this._getWindow,this._isOutside,{isFirst:!1},m),this._firstDummy.onFocusIn=this._onFocusIn,this._firstDummy.onFocusOut=this._onFocusOut,this._lastDummy.onFocusIn=this._onFocusIn,this._lastDummy.onFocusOut=this._onFocusOut,this._element=m,this._addDummyInputs();const P=(k=m.get())===null||k===void 0?void 0:k.tagName;this._isOutside=(C||P==="UL"||P==="OL"||P==="TABLE")&&!(P==="LI"||P==="TD"||P==="TH"),(typeof process>"u"||{}.NODE_ENV!=="test")&&this._observeMutations()}dispose(b,m){var w,_,C;if((this._wrappers=this._wrappers.filter(I=>I.manager!==b&&!m)).length===0){delete((w=this._element)===null||w===void 0?void 0:w.get()).__tabsterDummy,this._unobserve&&(this._unobserve(),delete this._unobserve);for(const $ of this._transformElements)$.removeEventListener("scroll",this._addTransformOffsets);this._transformElements=[];const I=this._getWindow();this._scrollTimer&&(I.clearTimeout(this._scrollTimer),delete this._scrollTimer),this._addTimer&&(I.clearTimeout(this._addTimer),delete this._addTimer),(_=this._firstDummy)===null||_===void 0||_.dispose(),(C=this._lastDummy)===null||C===void 0||C.dispose()}}_onFocus(b,m,w,_){var C;const k=this._getCurrent();k&&((C=k.manager.getHandler(b))===null||C===void 0||C(m,w,_))}_getCurrent(){return this._wrappers.sort((b,m)=>b.tabbable!==m.tabbable?b.tabbable?-1:1:b.priority-m.priority),this._wrappers[0]}_addDummyInputs(){this._addTimer||(this._addTimer=this._getWindow().setTimeout(()=>{var b,m,w;delete this._addTimer;const _=(b=this._element)===null||b===void 0?void 0:b.get(),C=(m=this._firstDummy)===null||m===void 0?void 0:m.input,k=(w=this._lastDummy)===null||w===void 0?void 0:w.input;if(!(!_||!C||!k)){if(this._isOutside){const I=_.parentElement;if(I){const $=_.nextElementSibling;$!==k&&I.insertBefore(k,$),_.previousElementSibling!==C&&I.insertBefore(C,_)}}else{_.lastElementChild!==k&&_.appendChild(k);const I=_.firstElementChild;I&&I!==C&&_.insertBefore(C,I)}this._addTransformOffsets()}},0))}_observeMutations(){var b;if(this._unobserve)return;const m=new MutationObserver(()=>{this._unobserve&&this._addDummyInputs()}),w=(b=this._element)===null||b===void 0?void 0:b.get(),_=this._isOutside?w==null?void 0:w.parentElement:w;_&&(m.observe(_,{childList:!0}),this._unobserve=()=>{m.disconnect()})}_reallyAddTransformOffsets(){var b,m,w,_;const C=((b=this._firstDummy)===null||b===void 0?void 0:b.input)||((m=this._lastDummy)===null||m===void 0?void 0:m.input),k=this._transformElements,I=[],$=new WeakMap,P=new WeakMap;let M=0,U=0;for(const X of k)$.set(X,X);const G=this._getWindow();for(let X=C;X;X=X.parentElement){const Z=G.getComputedStyle(X).transform;if(Z&&Z!=="none"){let ne=$.get(X);ne||(ne=X,ne.addEventListener("scroll",this._addTransformOffsets)),I.push(ne),P.set(ne,ne),M+=ne.scrollTop,U+=ne.scrollLeft}}for(const X of k)P.get(X)||X.removeEventListener("scroll",this._addTransformOffsets);this._transformElements=I,(w=this._firstDummy)===null||w===void 0||w.setTopLeft(M,U),(_=this._lastDummy)===null||_===void 0||_.setTopLeft(M,U)}}function getLastChild(g){let b=null;for(let m=g.lastElementChild;m;m=m.lastElementChild)b=m;return b||void 0}function getAdjacentElement(g,b){let m=g,w=null;for(;m&&!w;)w=b?m.previousElementSibling:m.nextElementSibling,m=m.parentElement;return w||void 0}function triggerEvent(g,b,m){const w=document.createEvent("HTMLEvents");return w.initEvent(b,!0,!0),w.details=m,g.dispatchEvent(w),!w.defaultPrevented}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/function _setInformativeStyle$3(g,b,m){if({}.NODE_ENV==="development"){const w=g.get();w&&(b?w.style.removeProperty("--tabster-root"):w.style.setProperty("--tabster-root",m+","))}}class RootDummyManager extends DummyInputManager{constructor(b,m,w){super(b,m,DummyInputManagerPriorities.Root),this._onDummyInputFocus=_=>{var C;if(_.shouldMoveOut)this._setFocused(!1,!0);else{this._tabster.keyboardNavigation.setNavigatingWithKeyboard(!0);const k=this._element.get();if(k&&(this._setFocused(!0,!0),_.isFirst?this._tabster.focusedElement.focusFirst({container:k}):this._tabster.focusedElement.focusLast({container:k})))return;(C=_.input)===null||C===void 0||C.blur()}},this._setHandlers(this._onDummyInputFocus),this._tabster=b,this._setFocused=w}}class Root extends TabsterPart{constructor(b,m,w,_){super(b,m,_),this._isFocused=!1,this._setFocused=(k,I)=>{if(this._setFocusedTimer&&(this._tabster.getWindow().clearTimeout(this._setFocusedTimer),delete this._setFocusedTimer),this._isFocused===k)return;const $=this._element.get();$&&(k?(this._isFocused=!0,triggerEvent(this._tabster.root.eventTarget,"focus",{element:$,fromAdjacent:I})):this._setFocusedTimer=this._tabster.getWindow().setTimeout(()=>{delete this._setFocusedTimer,this._isFocused=!1,triggerEvent(this._tabster.root.eventTarget,"blur",{element:$,fromAdjacent:I})},0))},this._onFocus=k=>{var I;const $=this._tabster.getWindow();if(this._setTabbableTimer&&($.clearTimeout(this._setTabbableTimer),delete this._setTabbableTimer),k){const P=RootAPI.getTabsterContext(this._tabster,k);if(P&&this._setFocused(P.root.getElement()===this._element.get()),!P||P.uncontrolled||this._tabster.rootDummyInputs){(I=this._dummyManager)===null||I===void 0||I.setTabbable(!1);return}}else this._setFocused(!1);this._setTabbableTimer=$.setTimeout(()=>{var P;delete this._setTabbableTimer,(P=this._dummyManager)===null||P===void 0||P.setTabbable(!0)},0)},this._onDispose=w;const C=b.getWindow;this.uid=getElementUId(C,m),(b.controlTab||b.rootDummyInputs)&&(this._dummyManager=new RootDummyManager(b,this._element,this._setFocused)),b.focusedElement.subscribe(this._onFocus),this._add()}dispose(){var b;this._onDispose(this);const m=this._tabster.getWindow();this._setFocusedTimer&&(m.clearTimeout(this._setFocusedTimer),delete this._setFocusedTimer),this._setTabbableTimer&&(m.clearTimeout(this._setTabbableTimer),delete this._setTabbableTimer),(b=this._dummyManager)===null||b===void 0||b.dispose(),this._remove()}moveOutWithDefaultAction(b){const m=this._dummyManager;if(m)m.moveOutWithDefaultAction(b);else{const w=this.getElement();w&&RootDummyManager.moveWithPhantomDummy(this._tabster,w,!0,b)}}_add(){({}).NODE_ENV==="development"&&_setInformativeStyle$3(this._element,!1,this.uid)}_remove(){({}).NODE_ENV==="development"&&_setInformativeStyle$3(this._element,!0)}}class RootAPI{constructor(b,m){this._roots={},this.rootById={},this._init=()=>{this._initTimer=void 0},this._onRootDispose=w=>{delete this._roots[w.id]},this._tabster=b,this._win=b.getWindow,this._initTimer=this._win().setTimeout(this._init,0),this._autoRoot=m,this.eventTarget=createEventTarget(this._win)}dispose(){const b=this._win();this._autoRootInstance&&(this._autoRootInstance.dispose(),delete this._autoRootInstance,delete this._autoRoot),this._initTimer&&(b.clearTimeout(this._initTimer),this._initTimer=void 0),Object.keys(this._roots).forEach(m=>{this._roots[m]&&(this._roots[m].dispose(),delete this._roots[m])}),this.rootById={}}createRoot(b,m){const w=new Root(this._tabster,b,this._onRootDispose,m);return this._roots[w.id]=w,w}static getRootByUId(b,m){const w=b().__tabsterInstance;return w&&w.root.rootById[m]}static getTabsterContext(b,m,w){w===void 0&&(w={});var _,C,k;if(!m.ownerDocument)return;const I=w.checkRtl;let $,P,M,U,G=!1,X,Z,ne,re=m;const ve={};for(;re&&(!$||I);){const Se=getTabsterOnElement(b,re);if(I&&Z===void 0){const me=re.dir;me&&(Z=me.toLowerCase()==="rtl")}if(!Se){re=re.parentElement;continue}Se.uncontrolled&&(ne=re),!U&&(!((_=Se.focusable)===null||_===void 0)&&_.excludeFromMover)&&!M&&(G=!0);const ge=Se.groupper,oe=Se.mover;!M&&ge&&(M=ge),!U&&oe&&(U=oe,X=!!M),!P&&Se.modalizer&&(P=Se.modalizer),Se.root&&($=Se.root),!((C=Se.focusable)===null||C===void 0)&&C.ignoreKeydown&&Object.assign(ve,Se.focusable.ignoreKeydown),re=re.parentElement}if(!$){const Se=b.root,ge=Se._autoRoot;if(ge&&!Se._autoRootInstance){const oe=(k=m.ownerDocument)===null||k===void 0?void 0:k.body;oe&&(Se._autoRootInstance=new Root(Se._tabster,oe,Se._onRootDispose,ge))}$=Se._autoRootInstance}return M&&!U&&(X=!0),$?{root:$,modalizer:P,groupper:M,mover:U,isGroupperFirst:X,isRtl:I?!!Z:void 0,uncontrolled:ne,isExcludedFromMover:G,ignoreKeydown:ve}:void 0}onRoot(b,m){m?delete this.rootById[b.uid]:this.rootById[b.uid]=b}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class Subscribable{constructor(){this._callbacks=[]}dispose(){this._callbacks=[],delete this._val}subscribe(b){this._callbacks.indexOf(b)<0&&this._callbacks.push(b)}unsubscribe(b){const m=this._callbacks.indexOf(b);m>=0&&this._callbacks.splice(m,1)}setVal(b,m){this._val!==b&&(this._val=b,this._callCallbacks(b,m))}getVal(){return this._val}trigger(b,m){this._callCallbacks(b,m)}_callCallbacks(b,m){this._callbacks.forEach(w=>w(b,m))}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const _focusableSelector=["a[href]","button:not([disabled])","input:not([disabled])","select:not([disabled])","textarea:not([disabled])","*[tabindex]","*[contenteditable]"].join(", ");class FocusableAPI{constructor(b,m){this._tabster=b,this._win=m}dispose(){}_getBody(){const b=this._tabster.focusedElement.getLastFocusedElement();return b&&b.ownerDocument?b.ownerDocument.body:this._win().document.body}getProps(b){const m=getTabsterOnElement(this._tabster,b);return m&&m.focusable||{}}isFocusable(b,m,w,_){return matchesSelector$2(b,_focusableSelector)&&(m||b.tabIndex!==-1)?(w||this.isVisible(b))&&(_||this.isAccessible(b)):!1}isVisible(b){if(!b.ownerDocument||b.offsetParent===null&&b.ownerDocument.body!==b)return!1;const m=b.ownerDocument.defaultView;if(!m)return!1;const w=b.ownerDocument.body.getBoundingClientRect();return!(w.width===0&&w.height===0||m.getComputedStyle(b).visibility==="hidden")}isAccessible(b){var m;for(let w=b;w;w=w.parentElement){const _=getTabsterOnElement(this._tabster,w);if(this._isHidden(w)||!((m=_==null?void 0:_.focusable)===null||m===void 0?void 0:m.ignoreAriaDisabled)&&this._isDisabled(w))return!1}return!0}_isDisabled(b){return b.hasAttribute("disabled")}_isHidden(b){const m=b.getAttribute("aria-hidden");return!!(m&&m.toLowerCase()==="true")}findFirst(b){return this.findElement({container:this._getBody(),...b})}findLast(b){return this.findElement({container:this._getBody(),isBackward:!0,...b})}findNext(b){return this.findElement({container:this._getBody(),...b})}findPrev(b){return this.findElement({container:this._getBody(),isBackward:!0,...b})}findDefault(b){return this.findElement({...b,acceptCondition:m=>this._tabster.focusable.isFocusable(m,b.includeProgrammaticallyFocusable)&&!!this.getProps(m).isDefault})||null}findAll(b){return this._findElements(!0,b)||[]}findElement(b){const m=this._findElements(!1,b);return m&&m[0]}_findElements(b,m){const{container:w,currentElement:_=null,includeProgrammaticallyFocusable:C,ignoreUncontrolled:k,ignoreAccessibiliy:I,isBackward:$,onUncontrolled:P,onElement:M}=m,U=[];let{acceptCondition:G}=m;if(!w)return null;G||(G=ve=>this._tabster.focusable.isFocusable(ve,C,I,I));const X={container:w,from:_||w,isBackward:$,acceptCondition:G,includeProgrammaticallyFocusable:C,ignoreUncontrolled:k,ignoreAccessibiliy:I,cachedGrouppers:{}},Z=createElementTreeWalker(w.ownerDocument,w,ve=>this._acceptElement(ve,X));if(!Z)return null;const ne=ve=>{const Se=X.foundElement;return Se&&U.push(Se),b?Se&&(X.found=!1,delete X.foundElement,delete X.fromCtx,X.from=Se,M&&!M(Se))?!1:!!(Se||ve):!!(ve&&!Se)};if(_)Z.currentNode=_;else if($){const ve=getLastChild(w);if(!ve)return null;if(this._acceptElement(ve,X)===NodeFilter.FILTER_ACCEPT&&!ne(!0))return U;Z.currentNode=ve}let re;do re=($?Z.previousNode():Z.nextNode())||void 0;while(ne());if(!b){const ve=X.nextUncontrolled;if(ve)return P&&P(ve),re?void 0:null}return U.length?U:null}_acceptElement(b,m){if(m.found)return NodeFilter.FILTER_ACCEPT;const w=m.container;if(b===w)return NodeFilter.FILTER_SKIP;if(!w.contains(b)||b.__tabsterDummyContainer)return NodeFilter.FILTER_REJECT;let _=m.lastToIgnore;if(_){if(_.contains(b))return NodeFilter.FILTER_REJECT;_=m.lastToIgnore=void 0}const C=m.currentCtx=RootAPI.getTabsterContext(this._tabster,b);if(!C)return NodeFilter.FILTER_SKIP;if(m.ignoreUncontrolled){if(shouldIgnoreFocus(b))return NodeFilter.FILTER_SKIP}else if(C.uncontrolled&&!m.nextUncontrolled&&this._tabster.focusable.isFocusable(b,void 0,!0,!0)&&!C.groupper&&!C.mover)return m.nextUncontrolled=C.uncontrolled,NodeFilter.FILTER_REJECT;if(b.tagName==="IFRAME"||b.tagName==="WEBVIEW")return m.found=!0,m.lastToIgnore=m.foundElement=b,NodeFilter.FILTER_ACCEPT;if(!m.ignoreAccessibiliy&&!this.isAccessible(b))return NodeFilter.FILTER_REJECT;let k,I=m.fromCtx;I||(I=m.fromCtx=RootAPI.getTabsterContext(this._tabster,m.from));const $=I==null?void 0:I.mover;let P=C.groupper,M=C.mover;if(P||M||$){const U=P==null?void 0:P.getElement(),G=$==null?void 0:$.getElement();let X=M==null?void 0:M.getElement();X&&G&&w.contains(G)&&(!U||!M||G.contains(U))&&(M=$,X=G),U&&(U===w||!w.contains(U))&&(P=void 0),X&&!w.contains(X)&&(M=void 0),P&&M&&(X&&U&&!U.contains(X)?M=void 0:P=void 0),P&&(k=P.acceptElement(b,m)),M&&(k=M.acceptElement(b,m))}return k===void 0&&(k=m.acceptCondition(b)?NodeFilter.FILTER_ACCEPT:NodeFilter.FILTER_SKIP),k===NodeFilter.FILTER_ACCEPT&&!m.found&&(m.found=!0,m.foundElement=b),k}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const Keys={Tab:9,Enter:13,Esc:27,Space:32,PageUp:33,PageDown:34,End:35,Home:36,Left:37,Up:38,Right:39,Down:40};/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class FocusedElementState extends Subscribable{constructor(b,m){super(),this._init=()=>{this._initTimer=void 0;const w=this._win();w.document.addEventListener(KEYBORG_FOCUSIN,this._onFocusIn,!0),w.document.addEventListener("focusout",this._onFocusOut,!0),w.addEventListener("keydown",this._onKeyDown,!0)},this._onFocusIn=w=>{this._setFocusedElement(w.target,w.details.relatedTarget,w.details.isFocusedProgrammatically)},this._onFocusOut=w=>{this._setFocusedElement(void 0,w.relatedTarget)},this._validateFocusedElement=w=>{},this._onKeyDown=w=>{var _,C,k,I;if(w.keyCode!==Keys.Tab||w.ctrlKey)return;const $=this.getVal();if(!$||!$.ownerDocument||$.contentEditable==="true")return;const P=this._tabster,M=P.controlTab,U=RootAPI.getTabsterContext(P,$);if(!U||!M&&!U.groupper&&!U.mover||U.ignoreKeydown[w.key])return;const G=w.shiftKey,X=FocusedElementState.findNextTabbable(P,U,void 0,$,G);if((!X||!M&&!X.element)&&!M){const ne=X==null?void 0:X.lastMoverOrGroupper;if(ne){(_=ne.dummyManager)===null||_===void 0||_.moveOutWithDefaultAction(G);return}}let Z;if(X){let ne=X.uncontrolled;if(ne){const re=U.isGroupperFirst;let ve=!1;if(re!==void 0){const Se=(C=U.groupper)===null||C===void 0?void 0:C.getElement(),ge=(k=U.mover)===null||k===void 0?void 0:k.getElement();let oe;re&&Se&&ne.contains(Se)?oe=Se:!re&&ge&&ne.contains(ge)&&(oe=ge),oe&&(ne=oe,ve=!0)}ne&&U.uncontrolled!==ne&&DummyInputManager.moveWithPhantomDummy(this._tabster,ne,ve,G);return}if(Z=X.element,U.modalizer){const re=Z&&RootAPI.getTabsterContext(P,Z);if((!re||U.root.uid!==re.root.uid||!(!((I=re.modalizer)===null||I===void 0)&&I.isActive()))&&U.modalizer.onBeforeFocusOut()){w.preventDefault();return}if(!Z&&U.modalizer.isActive()&&U.modalizer.getProps().isTrapped){const ve=G?"findLast":"findFirst";Z=P.focusable[ve]({container:U.modalizer.getElement()})}}}Z?Z.tagName!=="IFRAME"&&(w.preventDefault(),w.stopImmediatePropagation(),nativeFocus(Z)):U.root.moveOutWithDefaultAction(G)},this._tabster=b,this._win=m,this._initTimer=m().setTimeout(this._init,0)}dispose(){super.dispose();const b=this._win();this._initTimer&&(b.clearTimeout(this._initTimer),this._initTimer=void 0),b.document.removeEventListener(KEYBORG_FOCUSIN,this._onFocusIn,!0),b.document.removeEventListener("focusout",this._onFocusOut,!0),b.removeEventListener("keydown",this._onKeyDown,!0),delete FocusedElementState._lastResetElement,delete this._nextVal,delete this._lastVal}static forgetMemorized(b,m){var w,_;let C=FocusedElementState._lastResetElement,k=C&&C.get();k&&m.contains(k)&&delete FocusedElementState._lastResetElement,k=(_=(w=b._nextVal)===null||w===void 0?void 0:w.element)===null||_===void 0?void 0:_.get(),k&&m.contains(k)&&delete b._nextVal,C=b._lastVal,k=C&&C.get(),k&&m.contains(k)&&delete b._lastVal}getFocusedElement(){return this.getVal()}getLastFocusedElement(){var b;let m=(b=this._lastVal)===null||b===void 0?void 0:b.get();return(!m||m&&!documentContains(m.ownerDocument,m))&&(this._lastVal=m=void 0),m}focus(b,m,w){return this._tabster.focusable.isFocusable(b,m,!1,w)?(b.focus(),!0):!1}focusDefault(b){const m=this._tabster.focusable.findDefault({container:b});return m?(this._tabster.focusedElement.focus(m),!0):!1}_focusFirstOrLast(b,m){const w=this._tabster.focusable,_=m.container;let C,k;if(_){const I=RootAPI.getTabsterContext(this._tabster,_);if(I){let $=FocusedElementState.findNextTabbable(this._tabster,I,_,void 0,!b);if($)for(k=$.element,C=$.uncontrolled;!k&&C;)w.isFocusable(C,!1,!0,!0)?k=C:k=w[b?"findFirst":"findLast"]({container:C,ignoreUncontrolled:!0,ignoreAccessibiliy:!0}),k||($=FocusedElementState.findNextTabbable(this._tabster,I,C,void 0,!b),$&&(k=$.element,C=$.uncontrolled))}}return k&&!(_!=null&&_.contains(k))&&(k=void 0),k?(this.focus(k,!1,!0),!0):!1}focusFirst(b){return this._focusFirstOrLast(!0,b)}focusLast(b){return this._focusFirstOrLast(!1,b)}resetFocus(b){if(!this._tabster.focusable.isVisible(b))return!1;if(this._tabster.focusable.isFocusable(b,!0,!0,!0))this.focus(b);else{const m=b.getAttribute("tabindex"),w=b.getAttribute("aria-hidden");b.tabIndex=-1,b.setAttribute("aria-hidden","true"),FocusedElementState._lastResetElement=new WeakHTMLElement(this._win,b),this.focus(b,!0,!0),this._setOrRemoveAttribute(b,"tabindex",m),this._setOrRemoveAttribute(b,"aria-hidden",w)}return!0}_setOrRemoveAttribute(b,m,w){w===null?b.removeAttribute(m):b.setAttribute(m,w)}_setFocusedElement(b,m,w){var _;if(this._tabster._noop)return;const C={relatedTarget:m};if(b){const I=(_=FocusedElementState._lastResetElement)===null||_===void 0?void 0:_.get();if(FocusedElementState._lastResetElement=void 0,I===b||shouldIgnoreFocus(b))return;C.isFocusedProgrammatically=w}const k=this._nextVal={element:b?new WeakHTMLElement(this._win,b):void 0,details:C};b&&b!==this._val&&this._validateFocusedElement(b),this._nextVal===k&&this.setVal(b,C),this._nextVal=void 0}setVal(b,m){super.setVal(b,m),b&&(this._lastVal=new WeakHTMLElement(this._win,b))}static findNextTabbable(b,m,w,_,C){var k;const I=w||m.root.getElement();if(!I)return null;let $=null;const P=FocusedElementState._isTabbingTimer,M=b.getWindow();P&&M.clearTimeout(P),FocusedElementState.isTabbing=!0,FocusedElementState._isTabbingTimer=M.setTimeout(()=>{delete FocusedElementState._isTabbingTimer,FocusedElementState.isTabbing=!1},0);const U=X=>{$=X.findNextTabbable(_,C)};if(m.groupper&&m.mover){let X=m.isGroupperFirst;if(X&&_){const Z=RootAPI.getTabsterContext(b,_);(Z==null?void 0:Z.groupper)!==m.groupper&&(X=!1)}U(X?m.groupper:m.mover)}else if(m.groupper)U(m.groupper);else if(m.mover)U(m.mover);else{let X;const Z=re=>{X=re},ne=C?b.focusable.findPrev({container:I,currentElement:_,onUncontrolled:Z}):b.focusable.findNext({container:I,currentElement:_,onUncontrolled:Z});$={element:X?void 0:ne,uncontrolled:X}}const G=(k=$==null?void 0:$.lastMoverOrGroupper)===null||k===void 0?void 0:k.getElement();if(G){$=null;const X=getAdjacentElement(G,C);if(X){const Z=RootAPI.getTabsterContext(b,X,{checkRtl:!0});if(Z){let ne=getAdjacentElement(X,!C);ne&&(C||(ne=getLastChild(ne)),$=FocusedElementState.findNextTabbable(b,Z,I,ne,C))}}}return $}}FocusedElementState.isTabbing=!1;/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class KeyboardNavigationState extends Subscribable{constructor(b){super(),this._onChange=m=>{this.setVal(m,void 0)},this._keyborg=createKeyborg(b()),this._keyborg.subscribe(this._onChange)}dispose(){super.dispose(),this._keyborg&&(this._keyborg.unsubscribe(this._onChange),disposeKeyborg(this._keyborg),delete this._keyborg)}setNavigatingWithKeyboard(b){var m;(m=this._keyborg)===null||m===void 0||m.setVal(b)}isNavigatingWithKeyboard(){var b;return!!(!((b=this._keyborg)===null||b===void 0)&&b.isNavigatingWithKeyboard())}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/const _inputSelector=["input","textarea","*[contenteditable]"].join(", ");class MoverDummyManager extends DummyInputManager{constructor(b,m,w){super(m,b,DummyInputManagerPriorities.Mover),this._onFocusDummyInput=_=>{var C,k;const I=this._element.get(),$=_.input;if(I&&!_.shouldMoveOut&&$){const P=RootAPI.getTabsterContext(this._tabster,I);let M;P&&(M=(C=FocusedElementState.findNextTabbable(this._tabster,P,void 0,$,!_.isFirst))===null||C===void 0?void 0:C.element);const U=(k=this._getMemorized())===null||k===void 0?void 0:k.get();U&&(M=U),M&&nativeFocus(M)}},this._tabster=m,this._getMemorized=w,this._setHandlers(this._onFocusDummyInput)}}const _moverUpdateAdd=1,_moverUpdateAttr=2,_moverUpdateRemove=3;class Mover extends TabsterPart{constructor(b,m,w,_){super(b,m,_),this._visible={},this._onIntersection=k=>{for(const I of k){const $=I.target,P=getElementUId(this._win,$);let M,U=this._fullyVisible;if(I.intersectionRatio>=.25&&(M=I.intersectionRatio>=.75?Visibilities.Visible:Visibilities.PartiallyVisible,M===Visibilities.Visible&&(U=P)),this._visible[P]!==M){M===void 0?(delete this._visible[P],U===P&&delete this._fullyVisible):(this._visible[P]=M,this._fullyVisible=U);const G=this.getState($);G&&triggerEvent($,MoverEventName,G)}}},this._win=b.getWindow,(this._props.trackState||this._props.visibilityAware)&&(this._intersectionObserver=new IntersectionObserver(this._onIntersection,{threshold:[0,.25,.5,.75,1]}),this._observeState()),this._onDispose=w;const C=()=>_.memorizeCurrent?this._current:void 0;b.controlTab||(this.dummyManager=new MoverDummyManager(this._element,b,C))}dispose(){var b;this._onDispose(this),this._intersectionObserver&&(this._intersectionObserver.disconnect(),delete this._intersectionObserver),delete this._current,delete this._fullyVisible,delete this._allElements,delete this._updateQueue,this._unobserve&&(this._unobserve(),delete this._unobserve);const m=this._win();this._setCurrentTimer&&(m.clearTimeout(this._setCurrentTimer),delete this._setCurrentTimer),this._updateTimer&&(m.clearTimeout(this._updateTimer),delete this._updateTimer),(b=this.dummyManager)===null||b===void 0||b.dispose()}setCurrent(b){b?this._current=new WeakHTMLElement(this._win,b):this._current=void 0,(this._props.trackState||this._props.visibilityAware)&&!this._setCurrentTimer&&(this._setCurrentTimer=this._win().setTimeout(()=>{var m;delete this._setCurrentTimer;const w=[];this._current!==this._prevCurrent&&(w.push(this._current),w.push(this._prevCurrent),this._prevCurrent=this._current);for(const _ of w){const C=_==null?void 0:_.get();if(C&&((m=this._allElements)===null||m===void 0?void 0:m.get(C))===this){const k=this._props;if(C&&(k.visibilityAware!==void 0||k.trackState)){const I=this.getState(C);I&&triggerEvent(C,MoverEventName,I)}}}}))}getCurrent(){var b;return((b=this._current)===null||b===void 0?void 0:b.get())||null}findNextTabbable(b,m){var w;const _=this.getElement(),C=_&&((w=b==null?void 0:b.__tabsterDummyContainer)===null||w===void 0?void 0:w.get())===_;if(!_)return null;const I=this._tabster.focusable;let $=null,P;const M=U=>{P=U};return(this._props.tabbable||C||b&&!_.contains(b))&&($=m?I.findPrev({currentElement:b,container:_,onUncontrolled:M}):I.findNext({currentElement:b,container:_,onUncontrolled:M})),{element:$,uncontrolled:P,lastMoverOrGroupper:$||P?void 0:this}}acceptElement(b,m){var w,_,C;if(!FocusedElementState.isTabbing)return!((w=m.currentCtx)===null||w===void 0)&&w.isExcludedFromMover?NodeFilter.FILTER_REJECT:void 0;const{memorizeCurrent:k,visibilityAware:I}=this._props,$=this.getElement();if($&&(k||I)&&(!$.contains(m.from)||((_=m.from.__tabsterDummyContainer)===null||_===void 0?void 0:_.get())===$)){if(k){const P=(C=this._current)===null||C===void 0?void 0:C.get();if(P&&m.acceptCondition(P))return m.found=!0,m.foundElement=P,m.lastToIgnore=$,NodeFilter.FILTER_ACCEPT}if(I){const P=this._tabster.focusable.findElement({container:$,ignoreUncontrolled:!0,isBackward:m.isBackward,acceptCondition:M=>{var U;const G=getElementUId(this._win,M),X=this._visible[G];return $!==M&&!!(!((U=this._allElements)===null||U===void 0)&&U.get(M))&&m.acceptCondition(M)&&(X===Visibilities.Visible||X===Visibilities.PartiallyVisible&&(I===Visibilities.PartiallyVisible||!this._fullyVisible))}});if(P)return m.found=!0,m.foundElement=P,m.lastToIgnore=$,NodeFilter.FILTER_ACCEPT}}}_observeState(){const b=this.getElement();if(this._unobserve||!b||typeof MutationObserver>"u")return;const m=this._win(),w=this._allElements=new WeakMap,_=this._tabster.focusable;let C=this._updateQueue=[];const k=new MutationObserver(X=>{for(const Z of X){const ne=Z.target,re=Z.removedNodes,ve=Z.addedNodes;if(Z.type==="attributes")Z.attributeName==="tabindex"&&C.push({element:ne,type:_moverUpdateAttr});else{for(let Se=0;Se<re.length;Se++)C.push({element:re[Se],type:_moverUpdateRemove});for(let Se=0;Se<ve.length;Se++)C.push({element:ve[Se],type:_moverUpdateAdd})}}U()}),I=(X,Z)=>{var ne,re;const ve=w.get(X);ve&&Z&&((ne=this._intersectionObserver)===null||ne===void 0||ne.unobserve(X),w.delete(X)),!ve&&!Z&&(w.set(X,this),(re=this._intersectionObserver)===null||re===void 0||re.observe(X))},$=X=>{const Z=_.isFocusable(X);w.get(X)?Z||I(X,!0):Z&&I(X)},P=X=>{const{mover:Z}=G(X);if(Z&&Z!==this)if(Z.getElement()===X&&_.isFocusable(X))I(X);else return;const ne=createElementTreeWalker(m.document,X,re=>{const{mover:ve,groupper:Se}=G(re);if(ve&&ve!==this)return NodeFilter.FILTER_REJECT;const ge=Se==null?void 0:Se.getFirst(!0);return Se&&Se.getElement()!==re&&ge&&ge!==re?NodeFilter.FILTER_REJECT:(_.isFocusable(re)&&I(re),NodeFilter.FILTER_SKIP)});if(ne)for(ne.currentNode=X;ne.nextNode(););},M=X=>{w.get(X)&&I(X,!0);for(let ne=X.firstElementChild;ne;ne=ne.nextElementSibling)M(ne)},U=()=>{!this._updateTimer&&C.length&&(this._updateTimer=m.setTimeout(()=>{delete this._updateTimer;for(const{element:X,type:Z}of C)switch(Z){case _moverUpdateAttr:$(X);break;case _moverUpdateAdd:P(X);break;case _moverUpdateRemove:M(X);break}C=this._updateQueue=[]},0))},G=X=>{const Z={};for(let ne=X;ne;ne=ne.parentElement){const re=getTabsterOnElement(this._tabster,ne);if(re&&(re.groupper&&!Z.groupper&&(Z.groupper=re.groupper),re.mover)){Z.mover=re.mover;break}}return Z};C.push({element:b,type:_moverUpdateAdd}),U(),k.observe(b,{childList:!0,subtree:!0,attributes:!0,attributeFilter:["tabindex"]}),this._unobserve=()=>{k.disconnect()}}getState(b){const m=getElementUId(this._win,b);if(m in this._visible){const w=this._visible[m]||Visibilities.Invisible;return{isCurrent:this._current?this._current.get()===b:void 0,visibility:w}}}}function getDistance(g,b,m,w,_,C,k,I){const $=m<_?_-m:k<g?g-k:0,P=w<C?C-w:I<b?b-I:0;return $===0?P:P===0?$:Math.sqrt($*$+P*P)}class MoverAPI{constructor(b,m){this._init=()=>{this._initTimer=void 0,this._win().addEventListener("keydown",this._onKeyDown,!0)},this._onMoverDispose=w=>{delete this._movers[w.id]},this._onFocus=w=>{var _;for(let C=w;C;C=C.parentElement){const k=(_=getTabsterOnElement(this._tabster,C))===null||_===void 0?void 0:_.mover;if(k){k.setCurrent(w);break}}},this._onKeyDown=async w=>{var _;this._ignoredInputTimer&&(this._win().clearTimeout(this._ignoredInputTimer),delete this._ignoredInputTimer),(_=this._ignoredInputResolve)===null||_===void 0||_.call(this,!1);let C=w.keyCode;switch(C){case Keys.Down:case Keys.Right:case Keys.Up:case Keys.Left:case Keys.PageDown:case Keys.PageUp:case Keys.Home:case Keys.End:break;default:return}const k=this._tabster,I=k.focusedElement.getFocusedElement();if(!I||await this._isIgnoredInput(I,C))return;const $=RootAPI.getTabsterContext(k,I,{checkRtl:!0});if(!$||!$.mover||$.isExcludedFromMover||$.isGroupperFirst&&$.groupper&&$.groupper.isActive(!0))return;const P=$.mover,M=P.getElement();if(!M)return;const U=k.focusable,G=P.getProps(),X=G.direction||MoverDirections.Both,Z=X===MoverDirections.Both,ne=Z||X===MoverDirections.Vertical,re=Z||X===MoverDirections.Horizontal,ve=X===MoverDirections.Grid,Se=G.cyclic;let ge,oe,me=0,De=0;if(ve&&(oe=I.getBoundingClientRect(),me=Math.ceil(oe.left),De=Math.floor(oe.right)),!(G.disableHomeEndKeys&&(C===Keys.Home||C===Keys.End))){if($.isRtl&&(C===Keys.Right?C=Keys.Left:C===Keys.Left&&(C=Keys.Right)),C===Keys.Down&&ne||C===Keys.Right&&(re||ve))if(ge=U.findNext({currentElement:I,container:M}),ge&&ve){const Le=Math.ceil(ge.getBoundingClientRect().left);De>Le&&(ge=void 0)}else!ge&&Se&&(ge=U.findFirst({container:M}));else if(C===Keys.Up&&ne||C===Keys.Left&&(re||ve))ge=U.findPrev({currentElement:I,container:M}),ge&&ve?Math.floor(ge.getBoundingClientRect().right)>me&&(ge=void 0):!ge&&Se&&(ge=U.findLast({container:M}));else if(C===Keys.Home)ge=U.findFirst({container:M});else if(C===Keys.End)ge=U.findLast({container:M});else if(C===Keys.PageUp){let Le=U.findPrev({currentElement:I,container:M}),rt=null;for(;Le;)rt=Le,Le=isElementVerticallyVisibleInContainer(this._win,Le)?U.findPrev({currentElement:Le,container:M}):null;ge=rt,ge&&scrollIntoView$1(this._win,ge,!1)}else if(C===Keys.PageDown){let Le=U.findNext({currentElement:I,container:M}),rt=null;for(;Le;)rt=Le,Le=isElementVerticallyVisibleInContainer(this._win,Le)?U.findNext({currentElement:Le,container:M}):null;ge=rt,ge&&scrollIntoView$1(this._win,ge,!0)}else if(ve){const Le=C===Keys.Up,rt=me,Ue=Math.ceil(oe.top),Ze=De,gt=Math.floor(oe.bottom);let $t,Xe,xe=0;U.findAll({container:M,currentElement:I,isBackward:Le,onElement:Tn=>{const Rt=Tn.getBoundingClientRect(),mt=Math.ceil(Rt.left),en=Math.ceil(Rt.top),st=Math.floor(Rt.right),Fe=Math.floor(Rt.bottom);if(Le&&Ue<Fe||!Le&>>en)return!0;const Re=Math.ceil(Math.min(Ze,st))-Math.floor(Math.max(rt,mt)),Ae=Math.ceil(Math.min(Ze-rt,st-mt));if(Re>0&&Ae>=Re){const je=Re/Ae;je>xe&&($t=Tn,xe=je)}else if(xe===0){const je=getDistance(rt,Ue,Ze,gt,mt,en,st,Fe);(Xe===void 0||je<Xe)&&(Xe=je,$t=Tn)}else if(xe>0)return!1;return!0}}),ge=$t}ge&&(w.preventDefault(),w.stopImmediatePropagation(),nativeFocus(ge))}},this._tabster=b,this._win=m,this._initTimer=m().setTimeout(this._init,0),this._movers={},b.focusedElement.subscribe(this._onFocus)}dispose(){var b;const m=this._win();this._tabster.focusedElement.unsubscribe(this._onFocus),this._initTimer&&(m.clearTimeout(this._initTimer),delete this._initTimer),(b=this._ignoredInputResolve)===null||b===void 0||b.call(this,!1),this._ignoredInputTimer&&(m.clearTimeout(this._ignoredInputTimer),delete this._ignoredInputTimer),m.removeEventListener("keydown",this._onKeyDown,!0),Object.keys(this._movers).forEach(w=>{this._movers[w]&&(this._movers[w].dispose(),delete this._movers[w])})}createMover(b,m){const w=new Mover(this._tabster,b,this._onMoverDispose,m);return this._movers[w.id]=w,w}async _isIgnoredInput(b,m){var w;if(b.getAttribute("aria-expanded")==="true")return!0;if(matchesSelector$2(b,_inputSelector)){let _=0,C=0,k=0,I;if(b.tagName==="INPUT"||b.tagName==="TEXTAREA"){const $=b.type;if(k=(b.value||"").length,$==="email"||$==="number"){if(k){const M=(w=b.ownerDocument.defaultView)===null||w===void 0?void 0:w.getSelection();if(M){const U=M.toString().length,G=m===Keys.Left||m===Keys.Up;if(M.modify("extend",G?"backward":"forward","character"),U!==M.toString().length)return M.modify("extend",G?"forward":"backward","character"),!0;k=0}}}else{const M=b.selectionStart;if(M===null)return $==="hidden";_=M||0,C=b.selectionEnd||0}}else b.contentEditable==="true"&&(I=new(getPromise(this._win))($=>{this._ignoredInputResolve=Z=>{delete this._ignoredInputResolve,$(Z)};const P=this._win();this._ignoredInputTimer&&P.clearTimeout(this._ignoredInputTimer);const{anchorNode:M,focusNode:U,anchorOffset:G,focusOffset:X}=P.getSelection()||{};this._ignoredInputTimer=P.setTimeout(()=>{var Z,ne,re;delete this._ignoredInputTimer;const{anchorNode:ve,focusNode:Se,anchorOffset:ge,focusOffset:oe}=P.getSelection()||{};if(ve!==M||Se!==U||ge!==G||oe!==X){(Z=this._ignoredInputResolve)===null||Z===void 0||Z.call(this,!1);return}if(_=ge||0,C=oe||0,k=((ne=b.textContent)===null||ne===void 0?void 0:ne.length)||0,ve&&Se&&b.contains(ve)&&b.contains(Se)&&ve!==b){let me=!1;const De=Le=>{if(Le===ve)me=!0;else if(Le===Se)return!0;const rt=Le.textContent;if(rt&&!Le.firstChild){const Ze=rt.length;me?Se!==ve&&(C+=Ze):(_+=Ze,C+=Ze)}let Ue=!1;for(let Ze=Le.firstChild;Ze&&!Ue;Ze=Ze.nextSibling)Ue=De(Ze);return Ue};De(b)}(re=this._ignoredInputResolve)===null||re===void 0||re.call(this,!0)},0)}));if(I&&!await I||_!==C||_>0&&(m===Keys.Left||m===Keys.Up||m===Keys.Home)||_<k&&(m===Keys.Right||m===Keys.Down||m===Keys.End))return!0}return!1}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/function observeMutations(g,b,m,w){if(typeof MutationObserver>"u")return()=>{};const _=b.getWindow;let C;const k=M=>{for(const U of M){const G=U.target,X=U.removedNodes,Z=U.addedNodes;if(U.type==="attributes")U.attributeName===TabsterAttributeName&&m(b,G);else{for(let ne=0;ne<X.length;ne++)I(X[ne],!0);for(let ne=0;ne<Z.length;ne++)I(Z[ne])}}};function I(M,U){C||(C=getInstanceContext(_).elementByUId),$(M,U);const G=createElementTreeWalker(g,M,X=>$(X,U));if(G)for(;G.nextNode(););}function $(M,U){var G;if(!M.getAttribute)return NodeFilter.FILTER_SKIP;const X=M.__tabsterElementUID;return X&&C&&(U?delete C[X]:(G=C[X])!==null&&G!==void 0||(C[X]=new WeakHTMLElement(_,M))),(getTabsterOnElement(b,M)||M.hasAttribute(TabsterAttributeName))&&m(b,M,U),NodeFilter.FILTER_SKIP}const P=new MutationObserver(k);return w&&I(_().document.body),P.observe(g,{childList:!0,subtree:!0,attributes:!0,attributeFilter:[TabsterAttributeName]}),()=>{P.disconnect()}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class UncontrolledAPI{constructor(){}}/*!
* Copyright (c) Microsoft Corporation. All rights reserved.
* Licensed under the MIT License.
*/class Tabster{constructor(b){this.keyboardNavigation=b.keyboardNavigation,this.focusedElement=b.focusedElement,this.focusable=b.focusable,this.root=b.root,this.uncontrolled=b.uncontrolled,this.core=b}}class TabsterCore{constructor(b,m){var w;this._forgetMemorizedElements=[],this._wrappers=new Set,this._version="3.0.8",this._noop=!1,this.getWindow=()=>{if(!this._win)throw new Error("Using disposed Tabster.");return this._win},this._storage=createWeakMap(b),this._win=b;const _=this.getWindow;this.keyboardNavigation=new KeyboardNavigationState(_),this.focusedElement=new FocusedElementState(this,_),this.focusable=new FocusableAPI(this,_),this.root=new RootAPI(this,m==null?void 0:m.autoRoot),this.uncontrolled=new UncontrolledAPI,this.controlTab=(w=m==null?void 0:m.controlTab)!==null&&w!==void 0?w:!0,this.rootDummyInputs=!!(m!=null&&m.rootDummyInputs),this.internal={stopObserver:()=>{this._unobserve&&(this._unobserve(),delete this._unobserve)},resumeObserver:C=>{if(!this._unobserve){const k=_().document;this._unobserve=observeMutations(k,this,updateTabsterByAttribute,C)}}},this.internal.resumeObserver(!1),startFakeWeakRefsCleanup(_)}createTabster(b){const m=new Tabster(this);return b||this._wrappers.add(m),m}disposeTabster(b,m){m?this._wrappers.clear():this._wrappers.delete(b),this._wrappers.size===0&&this.dispose()}dispose(){var b,m,w,_,C,k,I;this.internal.stopObserver();const $=this._win;this._forgetMemorizedElements=[],$&&this._forgetMemorizedTimer&&($.clearTimeout(this._forgetMemorizedTimer),delete this._forgetMemorizedTimer),(b=this.outline)===null||b===void 0||b.dispose(),(m=this.crossOrigin)===null||m===void 0||m.dispose(),(w=this.deloser)===null||w===void 0||w.dispose(),(_=this.groupper)===null||_===void 0||_.dispose(),(C=this.mover)===null||C===void 0||C.dispose(),(k=this.modalizer)===null||k===void 0||k.dispose(),(I=this.observedElement)===null||I===void 0||I.dispose(),this.keyboardNavigation.dispose(),this.focusable.dispose(),this.focusedElement.dispose(),this.root.dispose(),stopFakeWeakRefsCleanupAndClearStorage(this.getWindow),clearElementCache(this.getWindow),this._storage=new WeakMap,this._wrappers.clear(),$&&(disposeInstanceContext($),delete $.__tabsterInstance,delete this._win)}storageEntry(b,m){const w=this._storage;let _=w.get(b);return _?m===!1&&Object.keys(_).length===0&&w.delete(b):m===!0&&(_={},w.set(b,_)),_}forceCleanup(){this._win&&(this._forgetMemorizedElements.push(this._win.document.body),!this._forgetMemorizedTimer&&(this._forgetMemorizedTimer=this._win.setTimeout(()=>{delete this._forgetMemorizedTimer;for(let b=this._forgetMemorizedElements.shift();b;b=this._forgetMemorizedElements.shift())clearElementCache(this.getWindow,b),FocusedElementState.forgetMemorized(this.focusedElement,b)},0),cleanupFakeWeakRefs(this.getWindow,!0)))}}function createTabster(g,b){let m=getCurrentTabster(g);return m||(m=new TabsterCore(g,b),g.__tabsterInstance=m),m.createTabster()}function getMover(g){const b=g.core;return b.mover||(b.mover=new MoverAPI(b,b.getWindow)),b.mover}function disposeTabster(g,b){g.core.disposeTabster(g,b)}function getTabsterAttribute(g,b){const m=JSON.stringify(g);return b===!0?m:{[TabsterAttributeName]:m}}function getCurrentTabster(g){return g.__tabsterInstance}const useTabster=()=>{const{targetDocument:g}=useFluent(),b=(g==null?void 0:g.defaultView)||void 0,m=reactExports.useMemo(()=>b?createTabster(b,{autoRoot:{},controlTab:!1}):null,[b]);return useIsomorphicLayoutEffect(()=>()=>{m&&disposeTabster(m)},[m]),m},useTabsterAttributes=g=>(useTabster(),getTabsterAttribute(g)),useArrowNavigationGroup=(g={})=>{const{circular:b,axis:m,memorizeCurrent:w,tabbable:_,ignoreDefaultKeydown:C}=g,k=useTabster();return k&&getMover(k),useTabsterAttributes({mover:{cyclic:!!b,direction:axisToMoverDirection(m??"vertical"),memorizeCurrent:w,tabbable:_},...C&&{focusable:{ignoreKeydown:C}}})};function axisToMoverDirection(g){switch(g){case"horizontal":return Types.MoverDirections.Horizontal;case"grid":return Types.MoverDirections.Grid;case"both":return Types.MoverDirections.Both;case"vertical":default:return Types.MoverDirections.Vertical}}var schedulerExports=requireScheduler();const createProvider=g=>{const b=m=>{const w=reactExports.useRef(m.value),_=reactExports.useRef(0),C=reactExports.useRef();return C.current||(C.current={value:w,version:_,listeners:[]}),useIsomorphicLayoutEffect(()=>{w.current=m.value,_.current+=1,schedulerExports.unstable_runWithPriority(schedulerExports.unstable_NormalPriority,()=>{C.current.listeners.forEach(k=>{k([_.current,m.value])})})},[m.value]),reactExports.createElement(g,{value:C.current},m.children)};return{}.NODE_ENV!=="production"&&(b.displayName="ContextSelector.Provider"),b},createContext=g=>{const b=reactExports.createContext({value:{current:g},version:{current:-1},listeners:[]});return b.Provider=createProvider(b.Provider),delete b.Consumer,b},useContextSelector=(g,b)=>{const m=reactExports.useContext(g),{value:{current:w},version:{current:_},listeners:C}=m,k=b(w),[I,$]=reactExports.useReducer((P,M)=>{if(!M)return[w,k];if(M[0]<=_)return objectIs(P[1],k)?P:[w,k];try{if(objectIs(P[0],M[1]))return P;const U=b(M[1]);return objectIs(P[1],U)?P:[M[1],U]}catch{}return[P[0],P[1]]},[w,k]);return objectIs(I[1],k)||$(void 0),useIsomorphicLayoutEffect(()=>(C.push($),()=>{const P=C.indexOf($);C.splice(P,1)}),[C]),I[1]};function is(g,b){return g===b&&(g!==0||1/g===1/b)||g!==g&&b!==b}const objectIs=typeof Object.is=="function"?Object.is:is,tabListContextDefaultValue={appearance:"transparent",reserveSelectedTabSpace:!0,disabled:!1,selectedValue:void 0,onRegister:()=>{},onUnregister:()=>{},onSelect:()=>{},getRegisteredTabs:()=>({registeredTabs:{}}),size:"medium",vertical:!1},TabListContext=createContext(void 0),TabListProvider=TabListContext.Provider,useTabListContext_unstable=g=>useContextSelector(TabListContext,(b=tabListContextDefaultValue)=>g(b)),useTab_unstable=(g,b)=>{const{content:m,disabled:w=!1,icon:_,value:C}=g,k=useTabListContext_unstable(oe=>oe.appearance),I=useTabListContext_unstable(oe=>oe.reserveSelectedTabSpace),$=useTabListContext_unstable(oe=>oe.disabled),P=useTabListContext_unstable(oe=>oe.selectedValue===C),M=useTabListContext_unstable(oe=>oe.onRegister),U=useTabListContext_unstable(oe=>oe.onUnregister),G=useTabListContext_unstable(oe=>oe.onSelect),X=useTabListContext_unstable(oe=>oe.size),Z=useTabListContext_unstable(oe=>!!oe.vertical),ne=$||w,re=reactExports.useRef(null),ve=useEventCallback(oe=>G(oe,{value:C}));reactExports.useEffect(()=>(M({value:C,ref:re}),()=>{U({value:C,ref:re})}),[M,U,re,C]);const Se=resolveShorthand(_),ge=resolveShorthand(m,{required:!0,defaultProps:{children:g.children}});return{components:{root:"button",icon:"span",content:"span"},root:getNativeElementProps("button",{ref:useMergedRefs(b,re),role:"tab",type:"button","aria-selected":ne?void 0:`${P}`,...g,disabled:ne,onClick:ve}),icon:Se,iconOnly:!!(Se!=null&&Se.children&&!ge.children),content:ge,appearance:k,contentReservedSpaceClassName:I?"":void 0,disabled:ne,selected:P,size:X,value:C,vertical:Z}},renderTab_unstable=g=>{const{slots:b,slotProps:m}=getSlots(g);return reactExports.createElement(b.root,{...m.root},b.icon&&reactExports.createElement(b.icon,{...m.icon}),!g.iconOnly&&reactExports.createElement(b.content,{...m.content}),!g.selected&&!g.iconOnly&&g.contentReservedSpaceClassName!==void 0&&reactExports.createElement(b.content,{...m.content,className:g.contentReservedSpaceClassName}))},tabIndicatorCssVars_unstable={offsetVar:"--fui-Tab__indicator--offset",scaleVar:"--fui-Tab__indicator--scale"},useActiveIndicatorStyles$1=__styles({base:{B68tc82:"f1mtd64y",Bmxbyg5:"f1y7q3j9"},animated:{Ba2ppi3:"fhwpy7i",F2fol1:"f6zz20j",B1dyfl9:"f1ai4sc1",B0vmy72:"f9qxlq5",u9bimw:"f1aql376"},horizontal:{sjv3b2:["fug4aj8","f1i5xzg7"],b1kco5:"f1q7ujh"},vertical:{sjv3b2:"f1hqboyk",b1kco5:"f1dxupa6"}},{d:[".f1mtd64y{overflow-x:visible;}",".f1y7q3j9{overflow-y:visible;}",".fhwpy7i::after{transition-property:transform;}",".f6zz20j::after{transition-duration:var(--durationSlow);}",".f1ai4sc1::after{transition-timing-function:var(--curveDecelerateMax);}",".fug4aj8::after{transform-origin:left;}",".f1i5xzg7::after{transform-origin:right;}",".f1q7ujh::after{-webkit-transform:translateX(var(--fui-Tab__indicator--offset)) scaleX(var(--fui-Tab__indicator--scale));-moz-transform:translateX(var(--fui-Tab__indicator--offset)) scaleX(var(--fui-Tab__indicator--scale));-ms-transform:translateX(var(--fui-Tab__indicator--offset)) scaleX(var(--fui-Tab__indicator--scale));transform:translateX(var(--fui-Tab__indicator--offset)) scaleX(var(--fui-Tab__indicator--scale));}",".f1hqboyk::after{transform-origin:top;}",".f1dxupa6::after{-webkit-transform:translateY(var(--fui-Tab__indicator--offset)) scaleY(var(--fui-Tab__indicator--scale));-moz-transform:translateY(var(--fui-Tab__indicator--offset)) scaleY(var(--fui-Tab__indicator--scale));-ms-transform:translateY(var(--fui-Tab__indicator--offset)) scaleY(var(--fui-Tab__indicator--scale));transform:translateY(var(--fui-Tab__indicator--offset)) scaleY(var(--fui-Tab__indicator--scale));}"],m:[["@media (prefers-reduced-motion: reduce){.f9qxlq5::after{transition-property:none;}}",{m:"(prefers-reduced-motion: reduce)"}],["@media (prefers-reduced-motion: reduce){.f1aql376::after{transition-duration:0.01ms;}}",{m:"(prefers-reduced-motion: reduce)"}]]}),calculateTabRect=g=>{var b;if(g){const m=((b=g.parentElement)===null||b===void 0?void 0:b.getBoundingClientRect())||{x:0,y:0,width:0,height:0},w=g.getBoundingClientRect();return{x:w.x-m.x,y:w.y-m.y,width:w.width,height:w.height}}},getRegisteredTabRect=(g,b)=>{var m;const w=b!=null?(m=g[JSON.stringify(b)])===null||m===void 0?void 0:m.ref.current:void 0;return w?calculateTabRect(w):void 0},useTabAnimatedIndicatorStyles_unstable=g=>{const{disabled:b,selected:m,vertical:w}=g,_=useActiveIndicatorStyles$1(),[C,k]=reactExports.useState(),[I,$]=reactExports.useState({offset:0,scale:1}),P=useTabListContext_unstable(G=>G.getRegisteredTabs);if(reactExports.useEffect(()=>{C&&$({offset:0,scale:1})},[C]),m){const{previousSelectedValue:G,selectedValue:X,registeredTabs:Z}=P(),ne=getRegisteredTabRect(Z,G),re=getRegisteredTabRect(Z,X);if(re&&ne&&G&&C!==G){const ve=w?ne.y-re.y:ne.x-re.x,Se=w?ne.height/re.height:ne.width/re.width;$({offset:ve,scale:Se}),k(G)}}else C&&k(void 0);if(b)return g;const M=I.offset===0&&I.scale===1;g.root.className=mergeClasses(g.root.className,m&&_.base,m&&M&&_.animated,m&&(w?_.vertical:_.horizontal));const U={[tabIndicatorCssVars_unstable.offsetVar]:`${I.offset}px`,[tabIndicatorCssVars_unstable.scaleVar]:`${I.scale}`};return g.root.style={...U,...g.root.style},g},tabClassNames={root:"fui-Tab",icon:"fui-Tab__icon",content:"fui-Tab__content"},reservedSpaceClassNames={content:"fui-Tab__content--reserved-space"},useRootStyles=__styles({base:{Bt984gj:"f122n59",g2u3we:"fwhevhj",h3c5rm:["f61n433","f1q8l70w"],B9xav0g:"fv1dfc8",zhjwy3:["f1q8l70w","f61n433"],Bbmb7ep:["f1aa9q02","f16jpd5f"],Beyfa6y:["f16jpd5f","f1aa9q02"],B7oj6ja:["f1jar5jt","fyu767a"],Btl43ni:["fyu767a","f1jar5jt"],B4j52fo:"fre7gi1",Bekrc4i:["f1358rze","f1rvrf73"],Bn0qgzm:"fqdk4by",ibv6hh:["f1rvrf73","f1358rze"],Bceei9c:"f1k6fduh",mc9l5x:"f13qh94s",Bnnss6s:"fi64zpg",Bxotwcr:"f1u07yai",Budl1dq:"frn2hmy",wkccdc:"f1olsevy",Bahqtrf:"fk6fouc",Bg96gwp:"f1i3iumi",oeaueh:"f1s6fcnf",qhf8xq:"f10pi13n",B68tc82:"f1p9o1ba",Bmxbyg5:"f1sil6mw",B9bfxx9:"f1cxpek8"},horizontal:{Brf1p80:"f4d9j23"},vertical:{Brf1p80:"f1s9ku6b"},smallHorizontal:{i8kkvl:"f14mj54c",z8tnut:"fp2oml8",z189sj:["fdw0yi8","fk8j09s"],Byoj8tv:"f1tdddsa",uwmqm3:["fk8j09s","fdw0yi8"]},smallVertical:{i8kkvl:"f14mj54c",z8tnut:"fclwglc",z189sj:["fdw0yi8","fk8j09s"],Byoj8tv:"fywfov9",uwmqm3:["fk8j09s","fdw0yi8"]},mediumHorizontal:{i8kkvl:"f1rjii52",z8tnut:"f5yzyt",z189sj:["f11gcy0p","f1ng84yb"],Byoj8tv:"fx3omr",uwmqm3:["f1ng84yb","f11gcy0p"]},mediumVertical:{i8kkvl:"f1rjii52",z8tnut:"fp2oml8",z189sj:["f11gcy0p","f1ng84yb"],Byoj8tv:"f1tdddsa",uwmqm3:["f1ng84yb","f11gcy0p"]},largeHorizontal:{i8kkvl:"f1rjii52",z8tnut:"fikn0iw",z189sj:["f11gcy0p","f1ng84yb"],Byoj8tv:"fdxej3c",uwmqm3:["f1ng84yb","f11gcy0p"]},largeVertical:{i8kkvl:"f1rjii52",z8tnut:"f1kwiid1",z189sj:["f11gcy0p","f1ng84yb"],Byoj8tv:"f5b47ha",uwmqm3:["f1ng84yb","f11gcy0p"]},transparent:{De3pzq:"f1c21dwh",Jwef8y:"fjxutwb",ecr2s2:"fophhak",Bptxc3x:"fmmjozx",B076xvk:"f1mfqf41",q9r9w5:"f10aiid4",cl4aha:"fpkze5g",Bk452zc:"f149wc3x",a4hkcw:"fjioou7"},subtle:{De3pzq:"fhovq9v",Jwef8y:"f1t94bn6",ecr2s2:"f1wfn5kd",Bptxc3x:"fmmjozx",B076xvk:"f1mfqf41",q9r9w5:"f10aiid4",cl4aha:"fpkze5g",Bk452zc:"f149wc3x",a4hkcw:"fjioou7"},disabled:{De3pzq:"f1c21dwh",Bptxc3x:"fato7r6",cl4aha:"fao1bnu",Bceei9c:"fdrzuqr"},selected:{Bptxc3x:"f1cadz5z",B076xvk:"f1ck17l",q9r9w5:"f42ak0g",cl4aha:"ffplhdr",Bk452zc:"ffth601",a4hkcw:"fhklyu5"}},{d:[".f122n59{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;}",".fwhevhj{border-top-color:none;}",".f61n433{border-right-color:none;}",".f1q8l70w{border-left-color:none;}",".fv1dfc8{border-bottom-color:none;}",".f1aa9q02{border-bottom-right-radius:var(--borderRadiusMedium);}",".f16jpd5f{border-bottom-left-radius:var(--borderRadiusMedium);}",".f1jar5jt{border-top-right-radius:var(--borderRadiusMedium);}",".fyu767a{border-top-left-radius:var(--borderRadiusMedium);}",".fre7gi1{border-top-width:0;}",".f1358rze{border-right-width:0;}",".f1rvrf73{border-left-width:0;}",".fqdk4by{border-bottom-width:0;}",".f1k6fduh{cursor:pointer;}",".f13qh94s{display:grid;}",".fi64zpg{-webkit-flex-shrink:0;-ms-flex-negative:0;flex-shrink:0;}",".f1u07yai{grid-auto-flow:column;}",".frn2hmy{grid-template-columns:auto;}",".f1olsevy{grid-template-rows:auto;}",".fk6fouc{font-family:var(--fontFamilyBase);}",".f1i3iumi{line-height:var(--lineHeightBase300);}",".f1s6fcnf{outline-style:none;}",".f10pi13n{position:relative;}",".f1p9o1ba{overflow-x:hidden;}",".f1sil6mw{overflow-y:hidden;}",".f1cxpek8{text-transform:none;}",".f4d9j23{-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;}",".f1s9ku6b{-webkit-box-pack:start;-ms-flex-pack:start;-webkit-justify-content:start;justify-content:start;}",".f14mj54c{-webkit-column-gap:var(--spacingHorizontalXXS);column-gap:var(--spacingHorizontalXXS);}",".fp2oml8{padding-top:var(--spacingVerticalSNudge);}",".fdw0yi8{padding-right:var(--spacingHorizontalSNudge);}",".fk8j09s{padding-left:var(--spacingHorizontalSNudge);}",".f1tdddsa{padding-bottom:var(--spacingVerticalSNudge);}",".fclwglc{padding-top:var(--spacingVerticalXXS);}",".fywfov9{padding-bottom:var(--spacingVerticalXXS);}",".f1rjii52{-webkit-column-gap:var(--spacingHorizontalSNudge);column-gap:var(--spacingHorizontalSNudge);}",".f5yzyt{padding-top:var(--spacingVerticalM);}",".f11gcy0p{padding-right:var(--spacingHorizontalMNudge);}",".f1ng84yb{padding-left:var(--spacingHorizontalMNudge);}",".fx3omr{padding-bottom:var(--spacingVerticalM);}",".fikn0iw{padding-top:var(--spacingVerticalL);}",".fdxej3c{padding-bottom:var(--spacingVerticalL);}",".f1kwiid1{padding-top:var(--spacingVerticalS);}",".f5b47ha{padding-bottom:var(--spacingVerticalS);}",".f1c21dwh{background-color:var(--colorTransparentBackground);}",".fmmjozx .fui-Tab__icon{color:var(--colorNeutralForeground2);}",".fpkze5g .fui-Tab__content{color:var(--colorNeutralForeground2);}",".fhovq9v{background-color:var(--colorSubtleBackground);}",".fato7r6 .fui-Tab__icon{color:var(--colorNeutralForegroundDisabled);}",".fao1bnu .fui-Tab__content{color:var(--colorNeutralForegroundDisabled);}",".fdrzuqr{cursor:not-allowed;}",".f1cadz5z .fui-Tab__icon{color:var(--colorCompoundBrandForeground1);}",".ffplhdr .fui-Tab__content{color:var(--colorNeutralForeground1);}"],h:[".fjxutwb:hover{background-color:var(--colorTransparentBackgroundHover);}",".f1mfqf41:hover .fui-Tab__icon{color:var(--colorNeutralForeground2Hover);}",".f149wc3x:hover .fui-Tab__content{color:var(--colorNeutralForeground2Hover);}",".f1t94bn6:hover{background-color:var(--colorSubtleBackgroundHover);}",".f1ck17l:hover .fui-Tab__icon{color:var(--colorCompoundBrandForeground1Hover);}",".ffth601:hover .fui-Tab__content{color:var(--colorNeutralForeground1Hover);}"],a:[".fophhak:active{background-color:var(--colorTransparentBackgroundPressed);}",".f10aiid4:active .fui-Tab__icon{color:var(--colorNeutralForeground2Pressed);}",".fjioou7:active .fui-Tab__content{color:var(--colorNeutralForeground2Pressed);}",".f1wfn5kd:active{background-color:var(--colorSubtleBackgroundPressed);}",".f42ak0g:active .fui-Tab__icon{color:var(--colorCompoundBrandForeground1Pressed);}",".fhklyu5:active .fui-Tab__content{color:var(--colorNeutralForeground1Pressed);}"]}),useFocusStyles=__styles({base:{Brovlpu:"ftqa4ok",B486eqv:"f2hkw1w",B8q5s1w:"f8hki3x",Bci5o5g:["f1d2448m","ffh67wi"],n8qw10:"f1bjia2o",Bdrgwmp:["ffh67wi","f1d2448m"],Bn4voq9:"f1p7hgxw",Bfpq7zp:"f1way5bb",g9k6zt:"f9znhxp",j6ew2k:["fqa318h","fqa318h"],Bhxq17a:"f1vjpng2"}},{f:[".ftqa4ok:focus{outline-style:none;}"],i:[".f2hkw1w:focus-visible{outline-style:none;}"],d:[".f8hki3x[data-fui-focus-visible]{border-top-color:transparent;}",".f1d2448m[data-fui-focus-visible]{border-right-color:transparent;}",".ffh67wi[data-fui-focus-visible]{border-left-color:transparent;}",".f1bjia2o[data-fui-focus-visible]{border-bottom-color:transparent;}",".f1p7hgxw[data-fui-focus-visible]{outline-width:var(--strokeWidthThick);}",".f1way5bb[data-fui-focus-visible]{outline-color:transparent;}",".f9znhxp[data-fui-focus-visible]{outline-style:solid;}",".fqa318h[data-fui-focus-visible]{box-shadow:var(--shadow4),0 0 0 var(--strokeWidthThick) var(--colorStrokeFocus2);}",".f1vjpng2[data-fui-focus-visible]{z-index:1;}"]}),usePendingIndicatorStyles=__styles({base:{az7l2e:"fhw179n",Bv4n3vi:["f10y1uxy","f6aiuy0"],vqofr:["f6aiuy0","f10y1uxy"],B0uxbk8:["f1kfpfnu","f1dx5wco"],Bgqb9hq:["f1dx5wco","f1kfpfnu"],amg5m6:"f1kmhr4c",zkfqfm:"fl1ydde",Bkydozb:"f1y7maxz",vzq8l0:["f105swax","fscdmel"],Bka2azo:["fscdmel","f105swax"],Br4ovkg:["f1tkcw1w","f1u11x8o"],csmgbd:["f1u11x8o","f1tkcw1w"],y36c18:"f16cxu0",B1ctymy:"f1nwgacf",Bgvrrv0:"f15ovonk",ddr6p5:"fvje46l"},disabled:{az7l2e:"f1ut20fw",Bkydozb:"fhrzcfn"},smallHorizontal:{lawp4y:"fchca7p",Baz25je:"f1r53b5e",Fbdkly:["f1s6rxz5","fo35v8s"],mdwyqc:["fo35v8s","f1s6rxz5"]},smallVertical:{lawp4y:"fze4zud",Fbdkly:["f1fzr1x6","f1f351id"],Bciustq:"fdp32p8",Ccq8qp:"f1aij3q"},mediumHorizontal:{lawp4y:"fchca7p",Baz25je:"f1s2r9ax",Fbdkly:["f1o0nnkk","fxb7rol"],mdwyqc:["fxb7rol","f1o0nnkk"]},mediumVertical:{lawp4y:"f17jracn",Fbdkly:["f1fzr1x6","f1f351id"],Bciustq:"f117lcb2",Ccq8qp:"f1aij3q"},largeHorizontal:{lawp4y:"fchca7p",Baz25je:"f1s2r9ax",Fbdkly:["f1o0nnkk","fxb7rol"],mdwyqc:["fxb7rol","f1o0nnkk"]},largeVertical:{lawp4y:"fel9d3z",Fbdkly:["f1fzr1x6","f1f351id"],Bciustq:"f6vqlre",Ccq8qp:"f1aij3q"}},{h:[".fhw179n:hover::before{background-color:var(--colorNeutralStroke1Hover);}",".f10y1uxy:hover::before{border-bottom-right-radius:var(--borderRadiusCircular);}",".f6aiuy0:hover::before{border-bottom-left-radius:var(--borderRadiusCircular);}",".f1kfpfnu:hover::before{border-top-right-radius:var(--borderRadiusCircular);}",".f1dx5wco:hover::before{border-top-left-radius:var(--borderRadiusCircular);}",'.f1kmhr4c:hover::before{content:"";}',".fl1ydde:hover::before{position:absolute;}",".f1ut20fw:hover::before{background-color:var(--colorTransparentStroke);}"],a:[".f1y7maxz:active::before{background-color:var(--colorNeutralStroke1Pressed);}",".f105swax:active::before{border-bottom-right-radius:var(--borderRadiusCircular);}",".fscdmel:active::before{border-bottom-left-radius:var(--borderRadiusCircular);}",".f1tkcw1w:active::before{border-top-right-radius:var(--borderRadiusCircular);}",".f1u11x8o:active::before{border-top-left-radius:var(--borderRadiusCircular);}",'.f16cxu0:active::before{content:"";}',".f1nwgacf:active::before{position:absolute;}",".fhrzcfn:active::before{background-color:var(--colorTransparentStroke);}"],m:[["@media (forced-colors: active){.f15ovonk:hover::before{background-color:Highlight;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fvje46l:active::before{background-color:Highlight;}}",{m:"(forced-colors: active)"}]],d:[".fchca7p::before{bottom:0;}",".f1r53b5e::before{height:var(--strokeWidthThick);}",".f1s6rxz5::before{left:var(--spacingHorizontalSNudge);}",".fo35v8s::before{right:var(--spacingHorizontalSNudge);}",".fze4zud::before{bottom:var(--spacingVerticalXS);}",".f1fzr1x6::before{left:0;}",".f1f351id::before{right:0;}",".fdp32p8::before{top:var(--spacingVerticalXS);}",".f1aij3q::before{width:var(--strokeWidthThicker);}",".f1s2r9ax::before{height:var(--strokeWidthThicker);}",".f1o0nnkk::before{left:var(--spacingHorizontalM);}",".fxb7rol::before{right:var(--spacingHorizontalM);}",".f17jracn::before{bottom:var(--spacingVerticalS);}",".f117lcb2::before{top:var(--spacingVerticalS);}",".fel9d3z::before{bottom:var(--spacingVerticalMNudge);}",".f6vqlre::before{top:var(--spacingVerticalMNudge);}"]}),useActiveIndicatorStyles=__styles({base:{Bjyk6c5:"f1rp0jgh",B3778ie:["fprarqb","f14vs0nd"],d9w3h3:["f14vs0nd","fprarqb"],Bl18szs:["f1gtfqs9","f18zvfd9"],B4j8arr:["f18zvfd9","f1gtfqs9"],Bsft5z2:"f13zj6fq",E3zdtr:"f1mdlcz9",t2ki1e:"ffmd2fr"},selected:{Bjyk6c5:"f1ksivud",Glksuk:"f1eytvvh",Blzl0y7:"fuaa9s",f7digc:"fy7ktjt",Biqphg1:"f16tp0gf",Bntoloa:"fj0yp7j"},disabled:{Bjyk6c5:"f13lkzet"},smallHorizontal:{By385i5:"fo72kxq",Dlnsje:"f9bb2ob",Eqx8gd:["f1q70ajw","f18rbzdx"],B1piin3:["f18rbzdx","f1q70ajw"]},smallVertical:{By385i5:"fqbue9b",Eqx8gd:["f1n6gb5g","f15yvnhg"],bn5sak:"fk1klkt",a2br6o:"f1o25lip"},mediumHorizontal:{By385i5:"fo72kxq",Dlnsje:"f1vx7lu8",Eqx8gd:["fna7m5n","f1oxpfwv"],B1piin3:["f1oxpfwv","fna7m5n"]},mediumVertical:{By385i5:"fipylg0",Eqx8gd:["f1n6gb5g","f15yvnhg"],bn5sak:"fqchiol",a2br6o:"f1o25lip"},largeHorizontal:{By385i5:"fo72kxq",Dlnsje:"f1vx7lu8",Eqx8gd:["fna7m5n","f1oxpfwv"],B1piin3:["f1oxpfwv","fna7m5n"]},largeVertical:{By385i5:"f1w7dm5g",Eqx8gd:["f1n6gb5g","f15yvnhg"],bn5sak:"f1p6em4m",a2br6o:"f1o25lip"}},{d:[".f1rp0jgh::after{background-color:var(--colorTransparentStroke);}",".fprarqb::after{border-bottom-right-radius:var(--borderRadiusCircular);}",".f14vs0nd::after{border-bottom-left-radius:var(--borderRadiusCircular);}",".f1gtfqs9::after{border-top-right-radius:var(--borderRadiusCircular);}",".f18zvfd9::after{border-top-left-radius:var(--borderRadiusCircular);}",'.f13zj6fq::after{content:"";}',".f1mdlcz9::after{position:absolute;}",".ffmd2fr::after{z-index:1;}",".f1ksivud::after{background-color:var(--colorCompoundBrandStroke);}",".f13lkzet::after{background-color:var(--colorNeutralForegroundDisabled);}",".fo72kxq::after{bottom:0;}",".f9bb2ob::after{height:var(--strokeWidthThick);}",".f1q70ajw::after{left:var(--spacingHorizontalSNudge);}",".f18rbzdx::after{right:var(--spacingHorizontalSNudge);}",".fqbue9b::after{bottom:var(--spacingVerticalXS);}",".f1n6gb5g::after{left:0;}",".f15yvnhg::after{right:0;}",".fk1klkt::after{top:var(--spacingVerticalXS);}",".f1o25lip::after{width:var(--strokeWidthThicker);}",".f1vx7lu8::after{height:var(--strokeWidthThicker);}",".fna7m5n::after{left:var(--spacingHorizontalM);}",".f1oxpfwv::after{right:var(--spacingHorizontalM);}",".fipylg0::after{bottom:var(--spacingVerticalS);}",".fqchiol::after{top:var(--spacingVerticalS);}",".f1w7dm5g::after{bottom:var(--spacingVerticalMNudge);}",".f1p6em4m::after{top:var(--spacingVerticalMNudge);}"],h:[".f1eytvvh:hover::after{background-color:var(--colorCompoundBrandStrokeHover);}"],a:[".fuaa9s:active::after{background-color:var(--colorCompoundBrandStrokePressed);}"],m:[["@media (forced-colors: active){.fy7ktjt::after{background-color:ButtonText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.f16tp0gf:hover::after{background-color:ButtonText;}}",{m:"(forced-colors: active)"}],["@media (forced-colors: active){.fj0yp7j:active::after{background-color:ButtonText;}}",{m:"(forced-colors: active)"}]]}),useIconStyles=__styles({base:{Br312pm:"fwpfdsa",Ijaq50:"f16hsg94",Bt984gj:"f122n59",mc9l5x:"ftuwxu6",Brf1p80:"f4d9j23",B68tc82:"f1p9o1ba",Bmxbyg5:"f1sil6mw",D0sxk3:"f16u1re",t6yez3:"f8bsbmo"},small:{Be2twd7:"fe5j1ua",Bqenvij:"fjamq6b",a9b677:"f64fuq3"},medium:{Be2twd7:"fe5j1ua",Bqenvij:"fjamq6b",a9b677:"f64fuq3"},large:{Be2twd7:"f1rt2boy",Bqenvij:"frvgh55",a9b677:"fq4mcun"},selected:{D0sxk3:"fxoiby5",t6yez3:"f15q0o9g"}},{d:[".fwpfdsa{grid-column-start:1;}",".f16hsg94{grid-row-start:1;}",".f122n59{-webkit-align-items:center;-webkit-box-align:center;-ms-flex-align:center;align-items:center;}",".ftuwxu6{display:-webkit-inline-box;display:-webkit-inline-flex;display:-ms-inline-flexbox;display:inline-flex;}",".f4d9j23{-webkit-box-pack:center;-ms-flex-pack:center;-webkit-justify-content:center;justify-content:center;}",".f1p9o1ba{overflow-x:hidden;}",".f1sil6mw{overflow-y:hidden;}",".f16u1re .fui-Icon-filled{display:none;}",".f8bsbmo .fui-Icon-regular{display:inline;}",".fe5j1ua{font-size:20px;}",".fjamq6b{height:20px;}",".f64fuq3{width:20px;}",".f1rt2boy{font-size:24px;}",".frvgh55{height:24px;}",".fq4mcun{width:24px;}",".fxoiby5 .fui-Icon-filled{display:inline;}",".f15q0o9g .fui-Icon-regular{display:none;}"]}),useContentStyles=__styles({base:{Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"figsok6",Bg96gwp:"f1i3iumi",B68tc82:"f1p9o1ba",Bmxbyg5:"f1sil6mw",z8tnut:"fztplxc",z189sj:["ffczdla","fgiv446"],Byoj8tv:"f9g1xly",uwmqm3:["fgiv446","ffczdla"]},selected:{Bahqtrf:"fk6fouc",Be2twd7:"fkhj508",Bhrd7zp:"fl43uef",Bg96gwp:"f1i3iumi"},large:{Bahqtrf:"fk6fouc",Be2twd7:"fod5ikn",Bhrd7zp:"figsok6",Bg96gwp:"faaz57k"},largeSelected:{Bahqtrf:"fk6fouc",Be2twd7:"fod5ikn",Bhrd7zp:"fl43uef",Bg96gwp:"faaz57k"},noIconBefore:{Br312pm:"fwpfdsa",Ijaq50:"f16hsg94"},iconBefore:{Br312pm:"fd46tj4",Ijaq50:"f16hsg94"},placeholder:{Bcdw1i0:"fd7fpy0"}},{d:[".fk6fouc{font-family:var(--fontFamilyBase);}",".fkhj508{font-size:var(--fontSizeBase300);}",".figsok6{font-weight:var(--fontWeightRegular);}",".f1i3iumi{line-height:var(--lineHeightBase300);}",".f1p9o1ba{overflow-x:hidden;}",".f1sil6mw{overflow-y:hidden;}",".fztplxc{padding-top:var(--spacingVerticalNone);}",".ffczdla{padding-right:var(--spacingHorizontalXXS);}",".fgiv446{padding-left:var(--spacingHorizontalXXS);}",".f9g1xly{padding-bottom:var(--spacingVerticalNone);}",".fl43uef{font-weight:var(--fontWeightSemibold);}",".fod5ikn{font-size:var(--fontSizeBase400);}",".faaz57k{line-height:var(--lineHeightBase400);}",".fwpfdsa{grid-column-start:1;}",".f16hsg94{grid-row-start:1;}",".fd46tj4{grid-column-start:2;}",".fd7fpy0{visibility:hidden;}"]}),useTabStyles_unstable=g=>{const b=useRootStyles(),m=useFocusStyles(),w=usePendingIndicatorStyles(),_=useActiveIndicatorStyles(),C=useIconStyles(),k=useContentStyles(),{appearance:I,disabled:$,selected:P,size:M,vertical:U}=g;return g.root.className=mergeClasses(tabClassNames.root,b.base,U?b.vertical:b.horizontal,M==="small"&&(U?b.smallVertical:b.smallHorizontal),M==="medium"&&(U?b.mediumVertical:b.mediumHorizontal),M==="large"&&(U?b.largeVertical:b.largeHorizontal),m.base,!$&&I==="subtle"&&b.subtle,!$&&I==="transparent"&&b.transparent,!$&&P&&b.selected,$&&b.disabled,w.base,M==="small"&&(U?w.smallVertical:w.smallHorizontal),M==="medium"&&(U?w.mediumVertical:w.mediumHorizontal),M==="large"&&(U?w.largeVertical:w.largeHorizontal),$&&w.disabled,P&&_.base,P&&!$&&_.selected,P&&M==="small"&&(U?_.smallVertical:_.smallHorizontal),P&&M==="medium"&&(U?_.mediumVertical:_.mediumHorizontal),P&&M==="large"&&(U?_.largeVertical:_.largeHorizontal),P&&$&&_.disabled,g.root.className),g.icon&&(g.icon.className=mergeClasses(tabClassNames.icon,C.base,C[M],P&&C.selected,g.icon.className)),g.contentReservedSpaceClassName!==void 0&&(g.contentReservedSpaceClassName=mergeClasses(reservedSpaceClassNames.content,k.base,M==="large"?k.largeSelected:k.selected,g.icon?k.iconBefore:k.noIconBefore,k.placeholder,g.content.className)),g.content.className=mergeClasses(tabClassNames.content,k.base,M==="large"&&k.large,P&&(M==="large"?k.largeSelected:k.selected),g.icon?k.iconBefore:k.noIconBefore,g.content.className),useTabAnimatedIndicatorStyles_unstable(g),g},Tab$1=reactExports.forwardRef((g,b)=>{const m=useTab_unstable(g,b);return useTabStyles_unstable(m),renderTab_unstable(m)});Tab$1.displayName="Tab";const useTabList_unstable=(g,b)=>{const{appearance:m="transparent",reserveSelectedTabSpace:w=!0,disabled:_=!1,onTabSelect:C,size:k="medium",vertical:I=!1}=g,$=reactExports.useRef(null),P=useArrowNavigationGroup({circular:!0,axis:I?"vertical":"horizontal",memorizeCurrent:!0}),[M,U]=useControllableState({state:g.selectedValue,defaultState:g.defaultSelectedValue,initialState:void 0}),G=reactExports.useRef(void 0),X=reactExports.useRef(void 0);reactExports.useEffect(()=>{X.current=G.current,G.current=M},[M]);const Z=useEventCallback((ge,oe)=>{U(oe.value),C==null||C(ge,oe)}),ne=reactExports.useRef({}),re=useEventCallback(ge=>{ne.current[JSON.stringify(ge.value)]=ge}),ve=useEventCallback(ge=>{delete ne.current[JSON.stringify(ge.value)]}),Se=reactExports.useCallback(()=>({selectedValue:G.current,previousSelectedValue:X.current,registeredTabs:ne.current}),[]);return{components:{root:"div"},root:getNativeElementProps("div",{ref:useMergedRefs(b,$),role:"tablist",...P,...g}),appearance:m,reserveSelectedTabSpace:w,disabled:_,selectedValue:M,size:k,vertical:I,onRegister:re,onUnregister:ve,onSelect:Z,getRegisteredTabs:Se}},renderTabList_unstable=(g,b)=>{const{slots:m,slotProps:w}=getSlots(g);return reactExports.createElement(m.root,{...w.root},reactExports.createElement(TabListProvider,{value:b.tabList},g.root.children))},tabListClassNames={root:"fui-TabList"},useStyles$1=__styles({root:{mc9l5x:"f22iagw",Beiy3e4:"f1063pyq",Bnnss6s:"fi64zpg",Eh141a:"flvyvdh",qhf8xq:"f10pi13n"},horizontal:{Bt984gj:"f1q9h2pe",Beiy3e4:"f1063pyq"},vertical:{Bt984gj:"f1q9h2pe",Beiy3e4:"f1vx9l62"}},{d:[".f22iagw{display:-webkit-box;display:-webkit-flex;display:-ms-flexbox;display:flex;}",".f1063pyq{-webkit-flex-direction:row;-ms-flex-direction:row;flex-direction:row;}",".fi64zpg{-webkit-flex-shrink:0;-ms-flex-negative:0;flex-shrink:0;}",".flvyvdh{-webkit-box-flex-wrap:nowrap;-webkit-flex-wrap:nowrap;-ms-flex-wrap:nowrap;flex-wrap:nowrap;}",".f10pi13n{position:relative;}",".f1q9h2pe{-webkit-align-items:stretch;-webkit-box-align:stretch;-ms-flex-align:stretch;align-items:stretch;}",".f1vx9l62{-webkit-flex-direction:column;-ms-flex-direction:column;flex-direction:column;}"]}),useTabListStyles_unstable=g=>{const{vertical:b}=g,m=useStyles$1();return g.root.className=mergeClasses(tabListClassNames.root,m.root,b?m.vertical:m.horizontal,g.root.className),g};function useTabListContextValues_unstable(g){const{appearance:b,reserveSelectedTabSpace:m,disabled:w,selectedValue:_,onRegister:C,onUnregister:k,onSelect:I,getRegisteredTabs:$,size:P,vertical:M}=g;return{tabList:{appearance:b,reserveSelectedTabSpace:m,disabled:w,selectedValue:_,onSelect:I,onRegister:C,onUnregister:k,getRegisteredTabs:$,size:P,vertical:M}}}const TabList=reactExports.forwardRef((g,b)=>{const m=useTabList_unstable(g,b),w=useTabListContextValues_unstable(m);return useTabListStyles_unstable(m),renderTabList_unstable(m,w)});TabList.displayName="TabList";const BatchRunDisplayStatus=["Running","Completed","Failed","Canceled","NotStarted","Bypassed"],BatchRunStatus=({statusCountMap:g,iconOnly:b=!1})=>{const m=useStyles(),w=Object.keys(g).length;return jsxRuntimeExports.jsx(Stack$1,{tokens:{childrenGap:8},horizontal:!0,className:m.root,children:BatchRunDisplayStatus.map(_=>{const C=statusIconNameLookUp[_];return g[_]>0&&jsxRuntimeExports.jsxs(Stack$1.Item,{className:m.item,children:[jsxRuntimeExports.jsx(Icon,{iconName:C,title:b?`${g[_]} ${_}`:void 0})," ",w<=1&&g[_]<=1?"":`${g[_]} `,!b&&jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:_})]},_)})})},useStyles=makeStyles({root:{display:"flex",flexWrap:"nowrap"},item:{display:"inline-flex",alignItems:"center",marginRight:"8px",lineHeight:"14px"}}),Gap=5,StackedNodeSvg=({node:g,width:b,height:m})=>{const w=useCommonStyles(),_=b+2,C=m+2,k=`M 0 ${m-Gap} V ${m+1} H ${b+1} V 0 H ${b-Gap} V ${m-Gap} H 0`;return jsxRuntimeExports.jsx("foreignObject",{transform:`translate(${g.x+Gap},${g.y+Gap})`,height:C,width:_,opacity:"100%",style:{overflow:"visible"},children:jsxRuntimeExports.jsxs("svg",{width:_,height:C,children:[jsxRuntimeExports.jsx("defs",{children:jsxRuntimeExports.jsx("clipPath",{id:g.id,children:jsxRuntimeExports.jsx("path",{d:k})})}),jsxRuntimeExports.jsx("rect",{width:b,height:m,rx:"4",ry:"4",fill:"none",stroke:w.semanticColors.disabledBorder,clipPath:`Url(#${g.id})`})]})})},StepInputPane=({nodeRuns:g,nodeParams:b})=>{if(!g.length){if(b&&Object.keys(b).length>0){const C=sortKeysForPrettierPrint(b);return jsxRuntimeExports.jsx(KeyValueView,{data:b,keys:C})}return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{})}const m=g[0],w=m.inputs;if(!w)return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{});if(Object.keys(w).length>0){const C=sortKeysForPrettierPrint(w);return jsxRuntimeExports.jsx(KeyValueView,{data:w,keys:C})}const _=JSON.stringify(m.inputs,void 0,2);return jsxRuntimeExports.jsx("div",{children:_})},classes=mergeStyleSets$1({line:{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"}}),KeyValueView=({data:g,keys:b})=>b.length<=0?jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{}):jsxRuntimeExports.jsx("div",{children:b.slice(0,3).map(m=>jsxRuntimeExports.jsxs("div",{className:classes.line,children:[jsxRuntimeExports.jsxs("span",{children:[m,": "]}),jsxRuntimeExports.jsx("span",{children:JSON.stringify(g==null?void 0:g[m],void 0,2)})]},m))}),StepOutputPane=({nodeRuns:g})=>{if(!g.length)return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{});const b=g[0],m=JSON.stringify(b.output,void 0,2);return jsxRuntimeExports.jsx("div",{children:m})},toolsIconReg=/^data:(image)\/(.*);(base64)/,validateToolsIcon=g=>{if(!g)return"";const b=g==null?void 0:g.trim();return(b==null?void 0:b.match(toolsIconReg))?b:""},useCustomToolsIcon=g=>{const b=useCommonTheme();return reactExports.useMemo(()=>{if(!g)return"";if(typeof g=="string")return validateToolsIcon(g);if(g!==null&&typeof g=="object"){const{light:m="",dark:w=""}=g;switch(b){case Theme$1.Dark:return validateToolsIcon(w);case Theme$1.Light:default:return validateToolsIcon(m)}}else return""},[g,b])},ToolsIcon=({toolsIcon:g,providerIconName:b,className:m})=>{const w=useCustomToolsIcon(g);return w?jsxRuntimeExports.jsx("div",{className:m,children:jsxRuntimeExports.jsx("svg",{width:DEFAULT_SIZE,height:DEFAULT_SIZE,xmlns:"http://www.w3.org/2000/svg",children:jsxRuntimeExports.jsx("image",{href:w,width:DEFAULT_SIZE,height:DEFAULT_SIZE})})}):b?jsxRuntimeExports.jsx(Icon,{iconName:b,className:m}):jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{})},useFlowNodeHeight=(g,b,m)=>{const{dispatch:w,state:_}=useGraphState();React$7.useLayoutEffect(()=>{var I;const C=((I=_.data.present.nodes.find($=>$.id===g))==null?void 0:I.height)??FlowNodeBaseHeight,k=[FlowNodeBaseHeight,b>0?25:0,m?20:0].reduce(($,P)=>$+P,0);C!==k&&w({type:GraphCanvasEvent.UpdateData,shouldRecord:!1,updater:$=>$.updateNode(g,P=>({...P,height:k}))})},[w,m,g,b,_.data.present.nodes])},FlowNode=g=>{const{node:b,height:m,width:w,useNodeDataByNodeName:_,useIsNodeHighlighted:C}=g,k=useNodeName(b.id),[I]=useSimpleMode(),$=C==null?void 0:C(b.id),{toolType:P,providerIconName:M,toolsIcon:U,statusColor:G,statusIcon:X,nodeRuns:Z,nodeStatusCount:ne,nodeParams:re,hasVariants:ve,isReduce:Se=!1,nodeColor:ge,activate:oe,renderActions:me}=_(b.id),De=useFlowNodeStyles({node:b,height:m,width:w,statusColor:G,nodeColor:ge,hasLeftSideAction:!!(oe!=null&&oe.hasActivateConfig),isNodeHighlighted:$}),Le=useInvalidInputKeys(b.id),rt=useInvalidToolMeta(b.id),Ue=reactExports.useMemo(()=>ne||countOccurrences(Z.map(Ze=>Ze.status)),[Z,ne]);return useFlowNodeHeight(k,Object.keys(Ue).length,Se),jsxRuntimeExports.jsxs("g",{children:[ve&&jsxRuntimeExports.jsx(StackedNodeSvg,{node:b,height:m,width:w}),jsxRuntimeExports.jsxs("foreignObject",{transform:`translate(${b.x},${b.y})`,height:m,width:w,overflow:"visible",children:[jsxRuntimeExports.jsx("div",{className:De.wrapper,children:jsxRuntimeExports.jsxs("div",{className:De.root,children:[oe&&oe.hasActivateConfig&&jsxRuntimeExports.jsx("div",{className:De.nodeActions,children:jsxRuntimeExports.jsx(TooltipHost,{content:oe.tooltip,children:jsxRuntimeExports.jsx(Icon,{iconName:"Next",onClick:()=>{var Ze;(Ze=oe.onClickActivateConfig)==null||Ze.call(oe,k)}})})}),jsxRuntimeExports.jsxs("div",{className:De.right,children:[jsxRuntimeExports.jsxs("div",{className:De.titleBar,children:[jsxRuntimeExports.jsx(ToolsIcon,{providerIconName:M,className:De.provider,toolsIcon:U}),jsxRuntimeExports.jsx("div",{className:De.nodeName,title:k,children:k}),X&&typeof X=="string"?jsxRuntimeExports.jsx(Icon,{iconName:X,className:De.status}):reactExports.isValidElement(X)&&X,(Le.length>0||rt)&&jsxRuntimeExports.jsx(Icon,{iconName:"Warning",className:De.warning}),me==null?void 0:me(b.id)]}),jsxRuntimeExports.jsx("div",{className:De.content,children:jsxRuntimeExports.jsx("div",{className:De.badges,children:P===ToolType.python&&Se&&jsxRuntimeExports.jsx("span",{className:De.badge,children:"Aggregation"})})}),jsxRuntimeExports.jsx("div",{children:jsxRuntimeExports.jsx(BatchRunStatus,{statusCountMap:Ue,iconOnly:Object.keys(Ue).length>1})})]})]})}),!I&&jsxRuntimeExports.jsxs("div",{className:mergeStyles(De.inputsOutputsContainer,De.inputsOutputsContainerInline),children:[jsxRuntimeExports.jsxs("div",{className:De.inputs,children:[jsxRuntimeExports.jsx("h5",{className:De.inputsOutputsTitle,children:"Inputs"}),jsxRuntimeExports.jsx("div",{className:De.inputOutputsContent,children:jsxRuntimeExports.jsx(StepInputPane,{nodeRuns:Z,nodeParams:re})})]}),jsxRuntimeExports.jsxs("div",{className:De.outputs,children:[jsxRuntimeExports.jsx("h5",{className:De.inputsOutputsTitle,children:"Outputs"}),jsxRuntimeExports.jsx("div",{className:De.inputOutputsContent,children:jsxRuntimeExports.jsx(StepOutputPane,{nodeRuns:Z})})]})]})]})]})};class FlowNodeConfig{constructor(b){ri(this,"useIsNodeHighlighted");ri(this,"useNodeDataByNodeName");ri(this,"isReadonly");ri(this,"disabled");ri(this,"isShowDetailButtonHidden");this.useIsNodeHighlighted=b.useIsNodeHighlighted,this.useNodeDataByNodeName=b.useNodeDataByNodeName,this.isReadonly=b.isReadonly??!1,this.disabled=b.disabled??!1,this.isShowDetailButtonHidden=b.isShowDetailButtonHidden??!1}render(b){const m=b.model,w=getRectHeight(this,b.model),_=getRectWidth(this,b.model);return jsxRuntimeExports.jsx(FlowNode,{node:m,height:w,width:_,isReadonly:this.isReadonly,disabled:this.disabled,useNodeDataByNodeName:this.useNodeDataByNodeName,useIsNodeHighlighted:this.useIsNodeHighlighted})}getMinWidth(b){return FlowNodeWidth}getMinHeight(b){return FlowNodeBaseHeight}}const FlowPortNode=({node:g,height:b,width:m,usePortNodeDataByNodeName:w})=>{const _=useFlowPortNodeStyle(g),{isPortNodeVisible:C}=w(g.id);return jsxRuntimeExports.jsxs("g",{transform:`translate(${g.x}, ${g.y})`,visibility:C?"visible":"hidden",children:[jsxRuntimeExports.jsx("rect",{stroke:_.stroke,strokeWidth:_.strokeWidth,fill:_.fill,rx:12,height:b,width:m}),jsxRuntimeExports.jsx("text",{x:m/2,y:b/2,textAnchor:"middle",alignmentBaseline:"middle",fill:_.textColor,children:g.name})]})};class FlowPortNodeConfig{constructor(b){ri(this,"usePortNodeDataByNodeName");this.usePortNodeDataByNodeName=b.usePortNodeDataByNodeName}render(b){const m=b.model,w=getRectHeight(this,b.model),_=getRectWidth(this,b.model);return jsxRuntimeExports.jsx(FlowPortNode,{node:m,height:w,width:_,usePortNodeDataByNodeName:this.usePortNodeDataByNodeName})}getMinWidth(b){return FlowInputNodeWidth}getMinHeight(b){return FlowInputNodeHeight}}const useGraphConfig=(g,b=Orientation$1.Horizontal)=>reactExports.useMemo(()=>{const m=new FlowNodeConfig(g),w=new DefaultEdgeConfig(b),_=new DefaultPortConfig,C=new FlowPortNodeConfig(g);return GraphConfigBuilder.default().registerNode(k=>k.id===FLOW_INPUT_NODE_ID||k.id===FLOW_OUTPUT_NODE_ID?C:m).registerEdge(()=>w).registerPort(()=>_).build()},[g,b]),useDefaultVariantNameOfNode=g=>{const[b]=useInjected(FlowViewModelToken);return b.getDefaultVariantId(g)},useNodeRuns=(g,b)=>{const[m]=useInjected(FlowViewModelToken),w=useState(m.nodeRuns$),_=useState(m.selectedBulkIndex$)??0;return React$7.useMemo(()=>{const C=[];return w.forEach((k,I)=>{const $=b?`${g}#${_}#${b}#`:`${g}#${_}#`;I.startsWith($)&&C.push(k)}),C},[w,_,g,b])},useCurrentNodeRun=(g,b)=>{const[m]=useInjected(FlowViewModelToken),w=useState(m.nodeRuns$),_=useState(m.selectedBulkIndex$)??0;return w.find((k,I)=>I.startsWith(`${g}#${_}#${b}#`))},useSelectFlowIndex=()=>{const[g]=useInjected(FlowViewModelToken);return reactExports.useCallback(b=>{g.selectedBulkIndex$.next(b)},[g])},getNodeName=g=>g===FLOW_INPUT_NODE_ID?FLOW_INPUT_NODE_NAME:g===FLOW_OUTPUT_NODE_ID?FLOW_OUTPUT_NODE_NAME:g,useUpdateFlowGraphLayoutByCanvasData=()=>{const[g]=useInjected(FlowViewModelToken);return(m,w,_)=>{let C=w;m.nodes.forEach(k=>{var I;C={...C,nodeLayouts:{...C==null?void 0:C.nodeLayouts,[getNodeName(k.id)]:{...(I=C==null?void 0:C.nodeLayouts)==null?void 0:I[k.id],x:k.x,y:k.y}}}}),Object.keys(_??{}).forEach(k=>{var I;C={...C,nodeLayouts:{...C==null?void 0:C.nodeLayouts,[k]:{...(I=C==null?void 0:C.nodeLayouts)==null?void 0:I[k],x:_==null?void 0:_[k].x,y:_==null?void 0:_[k].y}}}}),g.flowGraphLayout$.next(C)}};function styleInject(g,b){b===void 0&&(b={});var m=b.insertAt;if(!(!g||typeof document>"u")){var w=document.head||document.getElementsByTagName("head")[0],_=document.createElement("style");_.type="text/css",m==="top"&&w.firstChild?w.insertBefore(_,w.firstChild):w.appendChild(_),_.styleSheet?_.styleSheet.cssText=g:_.appendChild(document.createTextNode(g))}}var css_248z$f=".c1wupbe700-beta13{background-color:inherit;border-block-end:1px solid var(--rdg-border-color);border-inline-end:1px solid var(--rdg-border-color);contain:size style;grid-row-start:var(--rdg-grid-row-start);outline:none;overflow:hidden;overflow:clip;padding-block:0;padding-inline:8px;position:relative;text-overflow:ellipsis;white-space:nowrap}.c1wupbe700-beta13[aria-selected=true]{outline:2px solid var(--rdg-selection-color);outline-offset:-2px}.cd0kgiy700-beta13 .c1wupbe700-beta13{contain:content}.c1730fa4700-beta13{position:sticky;z-index:1}.c9dpaye700-beta13{box-shadow:calc(2px*var(--rdg-sign)) 0 5px -2px hsla(0,0%,53%,.3)}";styleInject(css_248z$f,{insertAt:"top"});const cell="c1wupbe700-beta13",cellClassname=`rdg-cell ${cell}`,cellAutoResizeClassname="cd0kgiy700-beta13",cellFrozen="c1730fa4700-beta13",cellFrozenClassname=`rdg-cell-frozen ${cellFrozen}`,cellFrozenLast="c9dpaye700-beta13",cellFrozenLastClassname=`rdg-cell-frozen-last ${cellFrozenLast}`;var css_248z$e='.r104f42s700-beta13{--rdg-color:#000;--rdg-border-color:#ddd;--rdg-summary-border-color:#aaa;--rdg-background-color:#fff;--rdg-header-background-color:#f9f9f9;--rdg-row-hover-background-color:#f5f5f5;--rdg-row-selected-background-color:#dbecfa;--row-selected-hover-background-color:#c9e3f8;--rdg-checkbox-color:#005194;--rdg-checkbox-focus-color:#61b8ff;--rdg-checkbox-disabled-border-color:#ccc;--rdg-checkbox-disabled-background-color:#ddd;--rdg-selection-color:#66afe9;--rdg-font-size:14px;content-visibility:auto;background-color:var(--rdg-background-color);block-size:350px;border:1px solid var(--rdg-border-color);box-sizing:border-box;color:var(--rdg-color);color-scheme:var(--rdg-color-scheme,light dark);contain:strict;contain:size layout style paint;display:grid;font-size:var(--rdg-font-size);overflow:auto;user-select:none}@supports not (contain:strict){.r104f42s700-beta13{position:relative;z-index:0}}.r104f42s700-beta13 *,.r104f42s700-beta13 :after,.r104f42s700-beta13 :before{box-sizing:inherit}.r104f42s700-beta13:before{content:"";grid-column:1/-1;grid-row:1/-1}.r104f42s700-beta13.rdg-dark{--rdg-color-scheme:dark;--rdg-color:#ddd;--rdg-border-color:#444;--rdg-summary-border-color:#555;--rdg-background-color:#212121;--rdg-header-background-color:#1b1b1b;--rdg-row-hover-background-color:#171717;--rdg-row-selected-background-color:#1a73bc;--row-selected-hover-background-color:#1768ab;--rdg-checkbox-color:#94cfff;--rdg-checkbox-focus-color:#c7e6ff;--rdg-checkbox-disabled-border-color:#000;--rdg-checkbox-disabled-background-color:#333}.r104f42s700-beta13.rdg-light{--rdg-color-scheme:light}@media (prefers-color-scheme:dark){.r104f42s700-beta13:not(.rdg-light){--rdg-color:#ddd;--rdg-border-color:#444;--rdg-summary-border-color:#555;--rdg-background-color:#212121;--rdg-header-background-color:#1b1b1b;--rdg-row-hover-background-color:#171717;--rdg-row-selected-background-color:#1a73bc;--row-selected-hover-background-color:#1768ab;--rdg-checkbox-color:#94cfff;--rdg-checkbox-focus-color:#c7e6ff;--rdg-checkbox-disabled-border-color:#000;--rdg-checkbox-disabled-background-color:#333}}.v7ly7s700-beta13.r1otpg64700-beta13{cursor:move}.fc4f4zb700-beta13{grid-column:1/-1;pointer-events:none;z-index:4}';styleInject(css_248z$e,{insertAt:"top"});const root="r104f42s700-beta13",rootClassname=`rdg ${root}`,viewportDragging="v7ly7s700-beta13",viewportDraggingClassname=`rdg-viewport-dragging ${viewportDragging}`,focusSinkClassname="fc4f4zb700-beta13";var css_248z$d='.r1otpg64700-beta13{background-color:var(--rdg-background-color);display:contents;line-height:var(--rdg-row-height)}.r1otpg64700-beta13:hover{background-color:var(--rdg-row-hover-background-color)}.r1otpg64700-beta13[aria-selected=true]{background-color:var(--rdg-row-selected-background-color)}.r1otpg64700-beta13[aria-selected=true]:hover{background-color:var(--row-selected-hover-background-color)}.rel5gk2700-beta13{outline:2px solid var(--rdg-selection-color);outline-offset:-2px}.r1qymf1z700-beta13:before{border-inline-start:2px solid var(--rdg-selection-color);content:"";display:inline-block;height:100%;inset-inline-start:0;position:sticky}';styleInject(css_248z$d,{insertAt:"top"});const row="r1otpg64700-beta13",rowClassname=`rdg-row ${row}`,rowSelected="rel5gk2700-beta13",rowSelectedClassname="rdg-row-selected",rowSelectedWithFrozenCell="r1qymf1z700-beta13";var css_248z$c='.cd9l4jz700-beta13{align-items:center;cursor:pointer;display:flex;inset:0;justify-content:center;margin-inline-end:1px;position:absolute}.c1noyk41700-beta13{all:unset}.cdwjxv8700-beta13{background-color:var(--rdg-background-color);block-size:20px;border:2px solid var(--rdg-border-color);content:"";inline-size:20px}.c1noyk41700-beta13:checked+.cdwjxv8700-beta13{background-color:var(--rdg-checkbox-color);outline:4px solid var(--rdg-background-color);outline-offset:-6px}.c1noyk41700-beta13:focus+.cdwjxv8700-beta13{border-color:var(--rdg-checkbox-focus-color)}.cca4mwn700-beta13{cursor:default}.cca4mwn700-beta13 .cdwjxv8700-beta13{background-color:var(--rdg-checkbox-disabled-background-color);border-color:var(--rdg-checkbox-disabled-border-color)}';styleInject(css_248z$c,{insertAt:"top"});const checkboxLabel="cd9l4jz700-beta13",checkboxLabelClassname=`rdg-checkbox-label ${checkboxLabel}`,checkboxInput="c1noyk41700-beta13",checkboxInputClassname=`rdg-checkbox-input ${checkboxInput}`,checkbox="cdwjxv8700-beta13",checkboxClassname=`rdg-checkbox ${checkbox}`,checkboxLabelDisabled="cca4mwn700-beta13",checkboxLabelDisabledClassname=`rdg-checkbox-label-disabled ${checkboxLabelDisabled}`,CheckboxFormatter=reactExports.forwardRef(function({onChange:b,...m},w){function _(C){b(C.target.checked,C.nativeEvent.shiftKey)}return jsxRuntimeExports.jsxs("label",{className:clsx(checkboxLabelClassname,m.disabled&&checkboxLabelDisabledClassname),children:[jsxRuntimeExports.jsx("input",{type:"checkbox",ref:w,...m,className:checkboxInputClassname,onChange:_}),jsxRuntimeExports.jsx("div",{className:checkboxClassname})]})}),useLayoutEffect=typeof window>"u"?reactExports.useEffect:reactExports.useLayoutEffect;function useFocusRef(g){const b=reactExports.useRef(null);return useLayoutEffect(()=>{var m;g&&((m=b.current)==null||m.focus({preventScroll:!0}))},[g]),{ref:b,tabIndex:g?0:-1}}const DataGridDefaultComponentsContext=reactExports.createContext(void 0),DataGridDefaultComponentsProvider=DataGridDefaultComponentsContext.Provider;function useDefaultComponents(){return reactExports.useContext(DataGridDefaultComponentsContext)}function ValueFormatter(g){try{return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:g.row[g.column.key]})}catch{return null}}var css_248z$b=".gch972y700-beta13{outline:none}.cz2qf0d700-beta13{stroke:currentColor;stroke-width:1.5px;fill:transparent;margin-inline-start:4px;vertical-align:middle}.cz2qf0d700-beta13>path{transition:d .1s}";styleInject(css_248z$b,{insertAt:"top"});const groupCellContent="gch972y700-beta13",groupCellContentClassname=`rdg-group-cell-content ${groupCellContent}`,caret="cz2qf0d700-beta13",caretClassname=`rdg-caret ${caret}`;function ToggleGroupFormatter({groupKey:g,isExpanded:b,isCellSelected:m,toggleGroup:w}){const{ref:_,tabIndex:C}=useFocusRef(m);function k({key:$}){$==="Enter"&&w()}const I=b?"M1 1 L 7 7 L 13 1":"M1 7 L 7 1 L 13 7";return jsxRuntimeExports.jsxs("span",{ref:_,className:groupCellContentClassname,tabIndex:C,onKeyDown:k,children:[g,jsxRuntimeExports.jsx("svg",{viewBox:"0 0 14 8",width:"14",height:"8",className:caretClassname,"aria-hidden":!0,children:jsxRuntimeExports.jsx("path",{d:I})})]})}const RowSelectionContext=reactExports.createContext(void 0),RowSelectionProvider=RowSelectionContext.Provider,RowSelectionChangeContext=reactExports.createContext(void 0),RowSelectionChangeProvider=RowSelectionChangeContext.Provider,SELECT_COLUMN_KEY="select-row";function getColSpan(g,b,m){const w=typeof g.colSpan=="function"?g.colSpan(m):1;if(Number.isInteger(w)&&w>1&&(!g.frozen||g.idx+w-1<=b))return w}function scrollIntoView(g){g==null||g.scrollIntoView({inline:"nearest",block:"nearest"})}const nonInputKeys=new Set(["Unidentified","Alt","AltGraph","CapsLock","Control","Fn","FnLock","Meta","NumLock","ScrollLock","Shift","Tab","ArrowDown","ArrowLeft","ArrowRight","ArrowUp","End","Home","PageDown","PageUp","Insert","ContextMenu","Escape","Pause","Play","PrintScreen","F1","F3","F4","F5","F6","F7","F8","F9","F10","F11","F12"]);function isCtrlKeyHeldDown(g){return(g.ctrlKey||g.metaKey)&&g.key!=="Control"}function isDefaultCellInput(g){return!nonInputKeys.has(g.key)}function onEditorNavigation({key:g,target:b}){return g==="Tab"&&(b instanceof HTMLInputElement||b instanceof HTMLTextAreaElement||b instanceof HTMLSelectElement)?b.matches(".rdg-editor-container > :only-child, .rdg-editor-container > label:only-child > :only-child"):!1}function isSelectedCellEditable({selectedPosition:g,columns:b,rows:m,isGroupRow:w}){const _=b[g.idx],C=m[g.rowIdx];return!w(C)&&isCellEditable(_,C)}function isCellEditable(g,b){return g.editor!=null&&!g.rowGroup&&(typeof g.editable=="function"?g.editable(b):g.editable)!==!1}function getSelectedCellColSpan({rows:g,summaryRows:b,rowIdx:m,lastFrozenColumnIndex:w,column:_,isGroupRow:C}){if(m===-1)return getColSpan(_,w,{type:"HEADER"});if(m>=0&&m<g.length){const k=g[m];return C(k)?void 0:getColSpan(_,w,{type:"ROW",row:k})}if(b)return getColSpan(_,w,{type:"SUMMARY",row:b[m-g.length]})}function getNextSelectedCellPosition({cellNavigationMode:g,columns:b,colSpanColumns:m,rows:w,summaryRows:_,minRowIdx:C,maxRowIdx:k,currentPosition:{idx:I},nextPosition:$,lastFrozenColumnIndex:P,isCellWithinBounds:M,isGroupRow:U}){let{idx:G,rowIdx:X}=$;const Z=ne=>{if(X>=0&&X<w.length){const re=w[X];if(U(re))return}for(const re of m){const ve=re.idx;if(ve>G)break;const Se=getSelectedCellColSpan({rows:w,summaryRows:_,rowIdx:X,lastFrozenColumnIndex:P,column:re,isGroupRow:U});if(Se&&G>ve&&G<Se+ve){G=ve+(ne?Se:0);break}}};if(M($)&&Z(G-I>0),g!=="NONE"){const ne=b.length;G===ne?g==="CHANGE_ROW"?X===k||(G=0,X+=1):G=0:G===-1&&(g==="CHANGE_ROW"?X===C||(X-=1,G=ne-1):G=ne-1,Z(!1))}return{idx:G,rowIdx:X}}function canExitGrid({cellNavigationMode:g,maxColIdx:b,minRowIdx:m,maxRowIdx:w,selectedPosition:{rowIdx:_,idx:C},shiftKey:k}){return g==="NONE"||g==="CHANGE_ROW"?k?C===0&&_===m:C===b&&_===w:!1}function getRowStyle(g,b){return b!==void 0?{"--rdg-grid-row-start":g,"--rdg-row-height":`${b}px`}:{"--rdg-grid-row-start":g}}function getCellStyle(g,b){return{gridColumnStart:g.idx+1,gridColumnEnd:b!==void 0?`span ${b}`:void 0,insetInlineStart:g.frozen?`var(--rdg-frozen-left-${g.idx})`:void 0}}function getCellClassname(g,...b){return clsx(cellClassname,...b,g.frozen&&cellFrozenClassname,g.isLastFrozenColumn&&cellFrozenLastClassname)}const{min,max,round,floor,sign,abs,ceil}=Math;function assertIsValidKeyGetter(g){if(typeof g!="function")throw new Error("Please specify the rowKeyGetter prop to use selection")}function clampColumnWidth(g,{minWidth:b,maxWidth:m}){return g=max(g,b),typeof m=="number"&&m>=b?min(g,m):g}function useCalculatedColumns({rawColumns:g,columnWidths:b,viewportWidth:m,scrollLeft:w,defaultColumnOptions:_,rawGroupBy:C,enableVirtualization:k}){const I=_==null?void 0:_.width,$=(_==null?void 0:_.minWidth)??80,P=_==null?void 0:_.maxWidth,M=(_==null?void 0:_.formatter)??ValueFormatter,U=(_==null?void 0:_.sortable)??!1,G=(_==null?void 0:_.resizable)??!1,{columns:X,colSpanColumns:Z,lastFrozenColumnIndex:ne,groupBy:re}=reactExports.useMemo(()=>{const De=[];let Le=-1;const rt=g.map(Ze=>{const gt=(C==null?void 0:C.includes(Ze.key))??!1,$t=gt||Ze.frozen||!1,Xe={...Ze,idx:0,frozen:$t,isLastFrozenColumn:!1,rowGroup:gt,width:Ze.width??I,minWidth:Ze.minWidth??$,maxWidth:Ze.maxWidth??P,sortable:Ze.sortable??U,resizable:Ze.resizable??G,formatter:Ze.formatter??M};return gt&&(Xe.groupFormatter??(Xe.groupFormatter=ToggleGroupFormatter)),$t&&Le++,Xe});rt.sort(({key:Ze,frozen:gt},{key:$t,frozen:Xe})=>Ze===SELECT_COLUMN_KEY?-1:$t===SELECT_COLUMN_KEY?1:C!=null&&C.includes(Ze)?C.includes($t)?C.indexOf(Ze)-C.indexOf($t):-1:C!=null&&C.includes($t)?1:gt?Xe?0:-1:Xe?1:0);const Ue=[];return rt.forEach((Ze,gt)=>{Ze.idx=gt,Ze.rowGroup&&De.push(Ze.key),Ze.colSpan!=null&&Ue.push(Ze)}),Le!==-1&&(rt[Le].isLastFrozenColumn=!0),{columns:rt,colSpanColumns:Ue,lastFrozenColumnIndex:Le,groupBy:De}},[g,I,$,P,M,G,U,C]),{layoutCssVars:ve,totalFrozenColumnWidth:Se,columnMetrics:ge}=reactExports.useMemo(()=>{const De=new Map;let Le=0,rt=0,Ue="",Ze=0,gt=0;for(const Xe of X){let xe=getSpecifiedWidth(Xe,b,m);xe===void 0?gt++:(xe=clampColumnWidth(xe,Xe),Ze+=xe,De.set(Xe,{width:xe,left:0}))}for(const Xe of X){let xe;if(De.has(Xe)){const Tn=De.get(Xe);Tn.left=Le,{width:xe}=Tn}else{const Tn=m-Ze,Rt=round(Tn/gt);xe=clampColumnWidth(Rt,Xe),Ze+=xe,gt--,De.set(Xe,{width:xe,left:Le})}Le+=xe,Ue+=`${xe}px `}if(ne!==-1){const Xe=De.get(X[ne]);rt=Xe.left+Xe.width}const $t={gridTemplateColumns:Ue};for(let Xe=0;Xe<=ne;Xe++){const xe=X[Xe];$t[`--rdg-frozen-left-${xe.idx}`]=`${De.get(xe).left}px`}return{layoutCssVars:$t,totalFrozenColumnWidth:rt,columnMetrics:De}},[b,X,m,ne]),[oe,me]=reactExports.useMemo(()=>{if(!k)return[0,X.length-1];const De=w+Se,Le=w+m,rt=X.length-1,Ue=min(ne+1,rt);if(De>=Le)return[Ue,Ue];let Ze=Ue;for(;Ze<rt;){const{left:xe,width:Tn}=ge.get(X[Ze]);if(xe+Tn>De)break;Ze++}let gt=Ze;for(;gt<rt;){const{left:xe,width:Tn}=ge.get(X[gt]);if(xe+Tn>=Le)break;gt++}const $t=max(Ue,Ze-1),Xe=min(rt,gt+1);return[$t,Xe]},[ge,X,ne,w,Se,m,k]);return{columns:X,colSpanColumns:Z,colOverscanStartIdx:oe,colOverscanEndIdx:me,layoutCssVars:ve,columnMetrics:ge,lastFrozenColumnIndex:ne,totalFrozenColumnWidth:Se,groupBy:re}}function getSpecifiedWidth({key:g,width:b},m,w){if(m.has(g))return m.get(g);if(typeof b=="number")return b;if(typeof b=="string"&&/^\d+%$/.test(b))return floor(w*parseInt(b,10)/100)}function useGridDimensions(){const g=reactExports.useRef(null),[b,m]=reactExports.useState(1),[w,_]=reactExports.useState(1);return useLayoutEffect(()=>{const{ResizeObserver:C}=window;if(C==null)return;const{clientWidth:k,clientHeight:I,offsetWidth:$,offsetHeight:P}=g.current,{width:M,height:U}=g.current.getBoundingClientRect(),G=M-$+k,X=U-P+I;m(handleDevicePixelRatio(G)),_(X);const Z=new C(ne=>{const re=ne[0].contentBoxSize[0];m(handleDevicePixelRatio(re.inlineSize)),_(re.blockSize)});return Z.observe(g.current),()=>{Z.disconnect()}},[]),[g,b,w]}function handleDevicePixelRatio(g){return g-(devicePixelRatio===1?0:ceil(devicePixelRatio))}function useLatestFunc(g){const b=reactExports.useRef(g);return reactExports.useEffect(()=>{b.current=g}),reactExports.useCallback((...m)=>{b.current(...m)},[])}function useRovingCellRef(g){const[b,m]=reactExports.useState(!1);b&&!g&&m(!1);const w=reactExports.useCallback(k=>{k!==null&&(scrollIntoView(k),!k.contains(document.activeElement)&&k.focus({preventScroll:!0}))},[]);function _(k){k.target!==k.currentTarget&&m(!0)}return{ref:g?w:void 0,tabIndex:g&&!b?0:-1,onFocus:g?_:void 0}}function useViewportColumns({columns:g,colSpanColumns:b,rows:m,summaryRows:w,colOverscanStartIdx:_,colOverscanEndIdx:C,lastFrozenColumnIndex:k,rowOverscanStartIdx:I,rowOverscanEndIdx:$,isGroupRow:P}){const M=reactExports.useMemo(()=>{if(_===0)return 0;let U=_;const G=(X,Z)=>Z!==void 0&&X+Z>_?(U=X,!0):!1;for(const X of b){const Z=X.idx;if(Z>=U||G(Z,getColSpan(X,k,{type:"HEADER"})))break;for(let ne=I;ne<=$;ne++){const re=m[ne];if(!P(re)&&G(Z,getColSpan(X,k,{type:"ROW",row:re})))break}if(w!=null){for(const ne of w)if(G(Z,getColSpan(X,k,{type:"SUMMARY",row:ne})))break}}return U},[I,$,m,w,_,k,b,P]);return reactExports.useMemo(()=>{const U=[];for(let G=0;G<=C;G++){const X=g[G];G<M&&!X.frozen||U.push(X)}return U},[M,C,g])}function isReadonlyArray(g){return Array.isArray(g)}function useViewportRows({rawRows:g,rowHeight:b,clientHeight:m,scrollTop:w,groupBy:_,rowGrouper:C,expandedGroupIds:k,enableVirtualization:I}){const[$,P]=reactExports.useMemo(()=>{if(_.length===0||C==null)return[void 0,g.length];const ge=(oe,[me,...De],Le)=>{let rt=0;const Ue={};for(const[Ze,gt]of Object.entries(C(oe,me))){const[$t,Xe]=De.length===0?[gt,gt.length]:ge(gt,De,Le+rt+1);Ue[Ze]={childRows:gt,childGroups:$t,startRowIndex:Le+rt},rt+=Xe+1}return[Ue,rt]};return ge(g,_,0)},[_,C,g]),[M,U]=reactExports.useMemo(()=>{const ge=new Set;if(!$)return[g,De];const oe=[],me=(Le,rt,Ue)=>{if(isReadonlyArray(Le)){oe.push(...Le);return}Object.keys(Le).forEach((Ze,gt,$t)=>{const Xe=rt!==void 0?`${rt}__${Ze}`:Ze,xe=(k==null?void 0:k.has(Xe))??!1,{childRows:Tn,childGroups:Rt,startRowIndex:mt}=Le[Ze],en={id:Xe,parentId:rt,groupKey:Ze,isExpanded:xe,childRows:Tn,level:Ue,posInSet:gt,startRowIndex:mt,setSize:$t.length};oe.push(en),ge.add(en),xe&&me(Rt,Xe,Ue+1)})};return me($,void 0,0),[oe,De];function De(Le){return ge.has(Le)}},[k,$,g]),{totalRowHeight:G,gridTemplateRows:X,getRowTop:Z,getRowHeight:ne,findRowIdx:re}=reactExports.useMemo(()=>{if(typeof b=="number")return{totalRowHeight:b*M.length,gridTemplateRows:` repeat(${M.length}, ${b}px)`,getRowTop:Le=>Le*b,getRowHeight:()=>b,findRowIdx:Le=>floor(Le/b)};let ge=0,oe=" ";const me=M.map(Le=>{const rt=U(Le)?b({type:"GROUP",row:Le}):b({type:"ROW",row:Le}),Ue={top:ge,height:rt};return oe+=`${rt}px `,ge+=rt,Ue}),De=Le=>max(0,min(M.length-1,Le));return{totalRowHeight:ge,gridTemplateRows:oe,getRowTop:Le=>me[De(Le)].top,getRowHeight:Le=>me[De(Le)].height,findRowIdx(Le){let rt=0,Ue=me.length-1;for(;rt<=Ue;){const Ze=rt+floor((Ue-rt)/2),gt=me[Ze].top;if(gt===Le)return Ze;if(gt<Le?rt=Ze+1:gt>Le&&(Ue=Ze-1),rt>Ue)return Ue}return 0}}},[U,b,M]);let ve=0,Se=M.length-1;if(I){const oe=re(w),me=re(w+m);ve=max(0,oe-4),Se=min(M.length-1,me+4)}return{rowOverscanStartIdx:ve,rowOverscanEndIdx:Se,rows:M,rowsCount:P,totalRowHeight:G,gridTemplateRows:X,isGroupRow:U,getRowTop:Z,getRowHeight:ne,findRowIdx:re}}var css_248z$a=".h1tr5c9i700-beta13{cursor:pointer;display:flex}.h1tr5c9i700-beta13:focus{outline:none}.h19r0msv700-beta13{flex-grow:1;overflow:hidden;overflow:clip;text-overflow:ellipsis}";styleInject(css_248z$a,{insertAt:"top"});const headerSortCell="h1tr5c9i700-beta13",headerSortCellClassname=`rdg-header-sort-cell ${headerSortCell}`,headerSortName="h19r0msv700-beta13",headerSortNameClassname=`rdg-header-sort-name ${headerSortName}`;function HeaderRenderer({column:g,sortDirection:b,priority:m,onSort:w,isCellSelected:_}){return g.sortable?jsxRuntimeExports.jsx(SortableHeaderCell,{onSort:w,sortDirection:b,priority:m,isCellSelected:_,children:g.name}):jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:g.name})}function SortableHeaderCell({onSort:g,sortDirection:b,priority:m,children:w,isCellSelected:_}){const C=useDefaultComponents().sortIcon,{ref:k,tabIndex:I}=useFocusRef(_);function $(M){(M.key===" "||M.key==="Enter")&&(M.preventDefault(),g(M.ctrlKey||M.metaKey))}function P(M){g(M.ctrlKey||M.metaKey)}return jsxRuntimeExports.jsxs("span",{ref:k,tabIndex:I,className:headerSortCellClassname,onClick:P,onKeyDown:$,children:[jsxRuntimeExports.jsx("span",{className:headerSortNameClassname,children:w}),jsxRuntimeExports.jsxs("span",{children:[jsxRuntimeExports.jsx(C,{sortDirection:b}),m]})]})}var css_248z$9='.celq7o9700-beta13{touch-action:none}.celq7o9700-beta13:after{content:"";cursor:col-resize;inline-size:10px;inset-block-end:0;inset-block-start:0;inset-inline-end:0;position:absolute}';styleInject(css_248z$9,{insertAt:"top"});const cellResizable="celq7o9700-beta13",cellResizableClassname=`rdg-cell-resizable ${cellResizable}`;function HeaderCell({column:g,colSpan:b,isCellSelected:m,onColumnResize:w,allRowsSelected:_,onAllRowsSelectionChange:C,sortColumns:k,onSortColumnsChange:I,selectCell:$,shouldFocusGrid:P,direction:M}){const U=M==="rtl",{ref:G,tabIndex:X,onFocus:Z}=useRovingCellRef(m),ne=k==null?void 0:k.findIndex(gt=>gt.columnKey===g.key),re=ne!==void 0&&ne>-1?k[ne]:void 0,ve=re==null?void 0:re.direction,Se=re!==void 0&&k.length>1?ne+1:void 0,ge=ve&&!Se?ve==="ASC"?"ascending":"descending":void 0,oe=getCellClassname(g,g.headerCellClass,g.resizable&&cellResizableClassname),me=g.headerRenderer??HeaderRenderer;function De(gt){if(gt.pointerType==="mouse"&>.buttons!==1)return;const{currentTarget:$t,pointerId:Xe}=gt,{right:xe,left:Tn}=$t.getBoundingClientRect(),Rt=U?gt.clientX-Tn:xe-gt.clientX;if(Rt>11)return;function mt(st){const{right:Fe,left:Re}=$t.getBoundingClientRect(),Ae=U?Fe+Rt-st.clientX:st.clientX+Rt-Re;Ae>0&&w(g,clampColumnWidth(Ae,g))}function en(){$t.removeEventListener("pointermove",mt),$t.removeEventListener("lostpointercapture",en)}$t.setPointerCapture(Xe),$t.addEventListener("pointermove",mt),$t.addEventListener("lostpointercapture",en)}function Le(gt){if(I==null)return;const{sortDescendingFirst:$t}=g;if(re===void 0){const Xe={columnKey:g.key,direction:$t?"DESC":"ASC"};I(k&>?[...k,Xe]:[Xe])}else{let Xe;if(($t&&ve==="DESC"||!$t&&ve==="ASC")&&(Xe={columnKey:g.key,direction:ve==="ASC"?"DESC":"ASC"}),gt){const xe=[...k];Xe?xe[ne]=Xe:xe.splice(ne,1),I(xe)}else I(Xe?[Xe]:[])}}function rt(){$(g.idx)}function Ue(gt){const{right:$t,left:Xe}=gt.currentTarget.getBoundingClientRect();(U?gt.clientX-Xe:$t-gt.clientX)>11||w(g,"auto")}function Ze(gt){Z==null||Z(gt),P&&$(0)}return jsxRuntimeExports.jsx("div",{role:"columnheader","aria-colindex":g.idx+1,"aria-selected":m,"aria-sort":ge,"aria-colspan":b,ref:G,tabIndex:P?0:X,className:oe,style:{...getCellStyle(g,b),minWidth:g.minWidth,maxWidth:g.maxWidth??void 0},onFocus:Ze,onClick:rt,onDoubleClick:g.resizable?Ue:void 0,onPointerDown:g.resizable?De:void 0,children:jsxRuntimeExports.jsx(me,{column:g,sortDirection:ve,priority:Se,onSort:Le,allRowsSelected:_,onAllRowsSelectionChange:C,isCellSelected:m})})}var css_248z$8=".h197vzie700-beta13{background-color:var(--rdg-header-background-color);display:contents;font-weight:700;line-height:var(--rdg-header-row-height)}.h197vzie700-beta13>.c1wupbe700-beta13{inset-block-start:0;position:sticky;z-index:2}.h197vzie700-beta13>.c1730fa4700-beta13{z-index:3}";styleInject(css_248z$8,{insertAt:"top"});const headerRow="h197vzie700-beta13",headerRowClassname=`rdg-header-row ${headerRow}`;function HeaderRow({columns:g,allRowsSelected:b,onAllRowsSelectionChange:m,onColumnResize:w,sortColumns:_,onSortColumnsChange:C,lastFrozenColumnIndex:k,selectedCellIdx:I,selectCell:$,shouldFocusGrid:P,direction:M}){const U=[];for(let G=0;G<g.length;G++){const X=g[G],Z=getColSpan(X,k,{type:"HEADER"});Z!==void 0&&(G+=Z-1),U.push(jsxRuntimeExports.jsx(HeaderCell,{column:X,colSpan:Z,isCellSelected:I===X.idx,onColumnResize:w,allRowsSelected:b,onAllRowsSelectionChange:m,onSortColumnsChange:C,sortColumns:_,selectCell:$,shouldFocusGrid:P&&G===0,direction:M},X.key))}return jsxRuntimeExports.jsx("div",{role:"row","aria-rowindex":1,className:clsx(headerRowClassname,I===-1&&rowSelectedClassname),style:getRowStyle(1),children:U})}const HeaderRow$1=reactExports.memo(HeaderRow);var css_248z$7=".c1bmg16t700-beta13,.ccpfvsn700-beta13{background-color:#ccf}.c1bmg16t700-beta13.ccpfvsn700-beta13{background-color:#99f}";styleInject(css_248z$7,{insertAt:"top"});const cellCopied="ccpfvsn700-beta13",cellCopiedClassname=`rdg-cell-copied ${cellCopied}`,cellDraggedOver="c1bmg16t700-beta13",cellDraggedOverClassname=`rdg-cell-dragged-over ${cellDraggedOver}`;function Cell({column:g,colSpan:b,isCellSelected:m,isCopied:w,isDraggedOver:_,row:C,dragHandle:k,onRowClick:I,onRowDoubleClick:$,onRowChange:P,selectCell:M,...U}){const{ref:G,tabIndex:X,onFocus:Z}=useRovingCellRef(m),{cellClass:ne}=g,re=getCellClassname(g,typeof ne=="function"?ne(C):ne,w&&cellCopiedClassname,_&&cellDraggedOverClassname);function ve(me){M(C,g,me)}function Se(){var me;ve((me=g.editorOptions)==null?void 0:me.editOnClick),I==null||I(C,g)}function ge(){ve()}function oe(){ve(!0),$==null||$(C,g)}return jsxRuntimeExports.jsx("div",{role:"gridcell","aria-colindex":g.idx+1,"aria-selected":m,"aria-colspan":b,"aria-readonly":!isCellEditable(g,C)||void 0,ref:G,tabIndex:X,className:re,style:getCellStyle(g,b),onClick:Se,onDoubleClick:oe,onContextMenu:ge,onFocus:Z,...U,children:!g.rowGroup&&jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(g.formatter,{column:g,row:C,isCellSelected:m,onRowChange:P}),k]})})}const Cell$1=reactExports.memo(Cell);function Row({className:g,rowIdx:b,gridRowStart:m,height:w,selectedCellIdx:_,isRowSelected:C,copiedCellIdx:k,draggedOverCellIdx:I,lastFrozenColumnIndex:$,row:P,viewportColumns:M,selectedCellEditor:U,selectedCellDragHandle:G,onRowClick:X,onRowDoubleClick:Z,rowClass:ne,setDraggedOverRowIdx:re,onMouseEnter:ve,onRowChange:Se,selectCell:ge,...oe},me){const De=useLatestFunc(Ue=>{Se(b,Ue)});function Le(Ue){re==null||re(b),ve==null||ve(Ue)}g=clsx(rowClassname,`rdg-row-${b%2===0?"even":"odd"}`,ne==null?void 0:ne(P),g,_===-1&&rowSelectedClassname);const rt=[];for(let Ue=0;Ue<M.length;Ue++){const Ze=M[Ue],{idx:gt}=Ze,$t=getColSpan(Ze,$,{type:"ROW",row:P});$t!==void 0&&(Ue+=$t-1);const Xe=_===gt;Xe&&U?rt.push(U):rt.push(jsxRuntimeExports.jsx(Cell$1,{column:Ze,colSpan:$t,row:P,isCopied:k===gt,isDraggedOver:I===gt,isCellSelected:Xe,dragHandle:Xe?G:void 0,onRowClick:X,onRowDoubleClick:Z,onRowChange:De,selectCell:ge},Ze.key))}return jsxRuntimeExports.jsx(RowSelectionProvider,{value:C,children:jsxRuntimeExports.jsx("div",{role:"row",ref:me,className:g,onMouseEnter:Le,style:getRowStyle(m,w),...oe,children:rt})})}const Row$1=reactExports.memo(reactExports.forwardRef(Row));function GroupCell({id:g,groupKey:b,childRows:m,isExpanded:w,isCellSelected:_,column:C,row:k,groupColumnIndex:I,toggleGroup:$}){const{ref:P,tabIndex:M,onFocus:U}=useRovingCellRef(_);function G(){$(g)}const X=C.rowGroup&&I===C.idx;return jsxRuntimeExports.jsx("div",{role:"gridcell","aria-colindex":C.idx+1,"aria-selected":_,ref:P,tabIndex:M,className:getCellClassname(C),style:{...getCellStyle(C),cursor:X?"pointer":"default"},onClick:X?G:void 0,onFocus:U,children:(!C.rowGroup||I===C.idx)&&C.groupFormatter&&jsxRuntimeExports.jsx(C.groupFormatter,{groupKey:b,childRows:m,column:C,row:k,isExpanded:w,isCellSelected:_,toggleGroup:G})},C.key)}const GroupCell$1=reactExports.memo(GroupCell);var css_248z$6=".gyxx7e9700-beta13:not([aria-selected=true]){background-color:var(--rdg-header-background-color)}.gyxx7e9700-beta13>.c1wupbe700-beta13:not(:last-child):not(.c9dpaye700-beta13){border-inline-end:none}";styleInject(css_248z$6,{insertAt:"top"});const groupRow="gyxx7e9700-beta13",groupRowClassname=`rdg-group-row ${groupRow}`;function GroupedRow({id:g,groupKey:b,viewportColumns:m,childRows:w,rowIdx:_,row:C,gridRowStart:k,height:I,level:$,isExpanded:P,selectedCellIdx:M,isRowSelected:U,selectGroup:G,toggleGroup:X,...Z}){const ne=m[0].key===SELECT_COLUMN_KEY?$+1:$;function re(){G(_)}return jsxRuntimeExports.jsx(RowSelectionProvider,{value:U,children:jsxRuntimeExports.jsx("div",{role:"row","aria-level":$,"aria-expanded":P,className:clsx(rowClassname,groupRowClassname,`rdg-row-${_%2===0?"even":"odd"}`,M===-1&&rowSelectedClassname),onClick:re,style:getRowStyle(k,I),...Z,children:m.map(ve=>jsxRuntimeExports.jsx(GroupCell$1,{id:g,groupKey:b,childRows:w,isExpanded:P,isCellSelected:M===ve.idx,column:ve,row:C,groupColumnIndex:ne,toggleGroup:X},ve.key))})})}const GroupRowRenderer=reactExports.memo(GroupedRow);var css_248z$5=".s1n3hxke700-beta13{inset-block-end:var(--rdg-summary-row-bottom);inset-block-start:var(--rdg-summary-row-top)}";styleInject(css_248z$5,{insertAt:"top"});const summaryCellClassname="s1n3hxke700-beta13";function SummaryCell({column:g,colSpan:b,row:m,isCellSelected:w,selectCell:_}){const{ref:C,tabIndex:k,onFocus:I}=useRovingCellRef(w),{summaryFormatter:$,summaryCellClass:P}=g,M=getCellClassname(g,summaryCellClassname,typeof P=="function"?P(m):P);function U(){_(m,g)}return jsxRuntimeExports.jsx("div",{role:"gridcell","aria-colindex":g.idx+1,"aria-colspan":b,"aria-selected":w,ref:C,tabIndex:k,className:M,style:getCellStyle(g,b),onClick:U,onFocus:I,children:$&&jsxRuntimeExports.jsx($,{column:g,row:m,isCellSelected:w})})}const SummaryCell$1=reactExports.memo(SummaryCell);var css_248z$4=".snfqesz700-beta13.r1otpg64700-beta13{line-height:var(--rdg-summary-row-height)}.snfqesz700-beta13.r1otpg64700-beta13>.c1wupbe700-beta13{position:sticky}.s1jijrjz700-beta13>.c1wupbe700-beta13{border-block-start:2px solid var(--rdg-summary-border-color)}";styleInject(css_248z$4,{insertAt:"top"});const summaryRow="snfqesz700-beta13",summaryRowBorderClassname="s1jijrjz700-beta13",summaryRowClassname=`rdg-summary-row ${summaryRow}`;function SummaryRow({rowIdx:g,gridRowStart:b,row:m,viewportColumns:w,top:_,bottom:C,lastFrozenColumnIndex:k,selectedCellIdx:I,selectCell:$,"aria-rowindex":P}){const M=[];for(let U=0;U<w.length;U++){const G=w[U],X=getColSpan(G,k,{type:"SUMMARY",row:m});X!==void 0&&(U+=X-1);const Z=I===G.idx;M.push(jsxRuntimeExports.jsx(SummaryCell$1,{column:G,colSpan:X,row:m,isCellSelected:Z,selectCell:$},G.key))}return jsxRuntimeExports.jsx("div",{role:"row","aria-rowindex":P,className:clsx(rowClassname,`rdg-row-${g%2===0?"even":"odd"}`,summaryRowClassname,g===0&&summaryRowBorderClassname,I===-1&&rowSelectedClassname),style:{...getRowStyle(b),"--rdg-summary-row-top":_!==void 0?`${_}px`:void 0,"--rdg-summary-row-bottom":C!==void 0?`${C}px`:void 0},children:M})}const SummaryRow$1=reactExports.memo(SummaryRow);var css_248z$3=".c1tngyp1700-beta13.rdg-cell{padding:0}";styleInject(css_248z$3,{insertAt:"top"});const cellEditing="c1tngyp1700-beta13";function EditCell({column:g,colSpan:b,row:m,onRowChange:w,closeEditor:_}){var X,Z,ne;const C=reactExports.useRef(),k=((X=g.editorOptions)==null?void 0:X.commitOnOutsideClick)!==!1,I=useLatestFunc(()=>{M(!0)});reactExports.useEffect(()=>{if(!k)return;function re(){C.current=requestAnimationFrame(I)}return addEventListener("mousedown",re,{capture:!0}),()=>{removeEventListener("mousedown",re,{capture:!0}),$()}},[k,I]);function $(){cancelAnimationFrame(C.current)}function P(re){var ve;re.key==="Escape"?(re.stopPropagation(),M()):re.key==="Enter"?(re.stopPropagation(),M(!0)):(((ve=g.editorOptions)==null?void 0:ve.onNavigation)??onEditorNavigation)(re)||re.stopPropagation()}function M(re){re?w(m,!0):_()}const{cellClass:U}=g,G=getCellClassname(g,"rdg-editor-container",typeof U=="function"?U(m):U,!((Z=g.editorOptions)!=null&&Z.renderFormatter)&&cellEditing);return jsxRuntimeExports.jsx("div",{role:"gridcell","aria-colindex":g.idx+1,"aria-colspan":b,"aria-selected":!0,className:G,style:getCellStyle(g,b),onKeyDown:P,onMouseDownCapture:k?$:void 0,children:g.editor!=null&&jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(g.editor,{column:g,row:m,onRowChange:w,onClose:M}),((ne=g.editorOptions)==null?void 0:ne.renderFormatter)&&jsxRuntimeExports.jsx(g.formatter,{column:g,row:m,isCellSelected:!0,onRowChange:w})]})})}var css_248z$2=".cadd3bp700-beta13{background-color:var(--rdg-selection-color);block-size:8px;cursor:move;inline-size:8px;inset-block-end:0;inset-inline-end:0;position:absolute}.cadd3bp700-beta13:hover{background-color:var(--rdg-background-color);block-size:16px;border:2px solid var(--rdg-selection-color);inline-size:16px}";styleInject(css_248z$2,{insertAt:"top"});const cellDragHandle="cadd3bp700-beta13",cellDragHandleClassname=`rdg-cell-drag-handle ${cellDragHandle}`;function DragHandle({rows:g,columns:b,selectedPosition:m,latestDraggedOverRowIdx:w,isCellEditable:_,onRowsChange:C,onFill:k,setDragging:I,setDraggedOverRowIdx:$}){function P(X){if(X.buttons!==1)return;I(!0),window.addEventListener("mouseover",Z),window.addEventListener("mouseup",ne);function Z(re){re.buttons!==1&&ne()}function ne(){window.removeEventListener("mouseover",Z),window.removeEventListener("mouseup",ne),I(!1),M()}}function M(){const X=w.current;if(X===void 0)return;const{rowIdx:Z}=m,ne=Z<X?Z+1:X,re=Z<X?X+1:Z;G(ne,re),$(void 0)}function U(X){X.stopPropagation(),G(m.rowIdx+1,g.length)}function G(X,Z){const{idx:ne,rowIdx:re}=m,ve=b[ne],Se=g[re],ge=[...g],oe=[];for(let me=X;me<Z;me++)if(_({rowIdx:me,idx:ne})){const De=k({columnKey:ve.key,sourceRow:Se,targetRow:g[me]});De!==g[me]&&(ge[me]=De,oe.push(me))}oe.length>0&&(C==null||C(ge,{indexes:oe,column:ve}))}return jsxRuntimeExports.jsx("div",{className:cellDragHandleClassname,onMouseDown:P,onDoubleClick:U})}var css_248z$1=".a888944700-beta13{fill:currentColor}.a888944700-beta13>path{transition:d .1s}";styleInject(css_248z$1,{insertAt:"top"});const arrow="a888944700-beta13",arrowClassname=`rdg-sort-arrow ${arrow}`;function SortIcon({sortDirection:g}){return g!==void 0?jsxRuntimeExports.jsx("svg",{viewBox:"0 0 12 8",width:"12",height:"8",className:arrowClassname,"aria-hidden":!0,children:jsxRuntimeExports.jsx("path",{d:g==="ASC"?"M0 8 6 0 12 8":"M0 0 6 8 12 0"})}):null}const initialPosition={idx:-1,rowIdx:-2,mode:"SELECT"};function DataGrid$2({columns:g,rows:b,summaryRows:m,rowKeyGetter:w,onRowsChange:_,rowHeight:C,headerRowHeight:k,summaryRowHeight:I,selectedRows:$,onSelectedRowsChange:P,sortColumns:M,onSortColumnsChange:U,defaultColumnOptions:G,groupBy:X,rowGrouper:Z,expandedGroupIds:ne,onExpandedGroupIdsChange:re,onRowClick:ve,onRowDoubleClick:Se,onScroll:ge,onColumnResize:oe,onFill:me,onCopy:De,onPaste:Le,cellNavigationMode:rt,enableVirtualization:Ue,components:Ze,className:gt,style:$t,rowClass:Xe,direction:xe,"aria-label":Tn,"aria-labelledby":Rt,"aria-describedby":mt,"data-testid":en},st){const Fe=useDefaultComponents();C??(C=35);const Re=k??(typeof C=="number"?C:35),Ae=I??(typeof C=="number"?C:35),je=(Ze==null?void 0:Ze.rowRenderer)??(Fe==null?void 0:Fe.rowRenderer)??Row$1,Ge=(Ze==null?void 0:Ze.sortIcon)??(Fe==null?void 0:Fe.sortIcon)??SortIcon,Be=(Ze==null?void 0:Ze.checkboxFormatter)??(Fe==null?void 0:Fe.checkboxFormatter)??CheckboxFormatter,We=(Ze==null?void 0:Ze.noRowsFallback)??(Fe==null?void 0:Fe.noRowsFallback),lt=rt??"NONE";Ue??(Ue=!0),xe??(xe="ltr");const[Tt,Je]=reactExports.useState(0),[qt,Pt]=reactExports.useState(0),[_t,lr]=reactExports.useState(()=>new Map),[jn,ii]=reactExports.useState(initialPosition),[Zi,No]=reactExports.useState(null),[Is,Ca]=reactExports.useState(!1),[Xs,Io]=reactExports.useState(void 0),[pi,Es]=reactExports.useState(null),$u=reactExports.useRef(jn),ir=reactExports.useRef(Xs),rn=reactExports.useRef(-1),sn=reactExports.useRef(null),[Zn,oi,li]=useGridDimensions(),ur=1,Sr=(m==null?void 0:m.length)??0,ki=li-Re-Sr*Ae,co=$!=null&&P!=null,xo=jn.rowIdx===-1,Ho=xe==="rtl",Co=Ho?"ArrowRight":"ArrowLeft",ma=Ho?"ArrowLeft":"ArrowRight",Yi=reactExports.useMemo(()=>({sortIcon:Ge,checkboxFormatter:Be}),[Ge,Be]),so=reactExports.useMemo(()=>{const{length:ut}=b;return ut!==0&&$!=null&&w!=null&&$.size>=ut&&b.every(Mt=>$.has(w(Mt)))},[b,$,w]),{columns:hs,colSpanColumns:Qs,colOverscanStartIdx:yo,colOverscanEndIdx:ru,layoutCssVars:iu,columnMetrics:Pu,lastFrozenColumnIndex:Js,totalFrozenColumnWidth:yu,groupBy:za}=useCalculatedColumns({rawColumns:g,columnWidths:_t,scrollLeft:qt,viewportWidth:oi,defaultColumnOptions:G,rawGroupBy:Z?X:void 0,enableVirtualization:Ue}),{rowOverscanStartIdx:Rl,rowOverscanEndIdx:zt,rows:hr,rowsCount:Ri,totalRowHeight:Do,gridTemplateRows:Ds,isGroupRow:eo,getRowTop:As,getRowHeight:ps,findRowIdx:dt}=useViewportRows({rawRows:b,groupBy:za,rowGrouper:Z,rowHeight:C,clientHeight:ki,scrollTop:Tt,expandedGroupIds:ne,enableVirtualization:Ue}),ht=useViewportColumns({columns:hs,colSpanColumns:Qs,colOverscanStartIdx:yo,colOverscanEndIdx:ru,lastFrozenColumnIndex:Js,rowOverscanStartIdx:Rl,rowOverscanEndIdx:zt,rows:hr,summaryRows:m,isGroupRow:eo}),qe=za.length>0&&typeof Z=="function",it=qe?-1:0,pt=hs.length-1,Sn=-1,Hn=ur+hr.length+Sr-2,Un=wd(jn),mn=Gc(jn),wr=useLatestFunc(Ol),Ui=useLatestFunc(uf),To=useLatestFunc(Ka),$s=useLatestFunc((ut,Mt,An)=>{const Xn=hr.indexOf(ut);Yu({rowIdx:Xn,idx:Mt.idx},An)}),Ia=useLatestFunc(ut=>{Yu({rowIdx:ut,idx:-1})}),Vo=useLatestFunc(ut=>{Yu({rowIdx:-1,idx:ut})}),qs=useLatestFunc((ut,Mt)=>{const An=m.indexOf(ut)+ur+hr.length-1;Yu({rowIdx:An,idx:Mt.idx})}),ou=useLatestFunc(Nd);useLayoutEffect(()=>{if(!Un||isSamePosition(jn,$u.current)){$u.current=jn;return}$u.current=jn,jn.idx===-1&&(sn.current.focus({preventScroll:!0}),scrollIntoView(sn.current))}),useLayoutEffect(()=>{if(pi===null)return;const ut=Zn.current.querySelector(`[aria-colindex="${pi.idx+1}"]`),{width:Mt}=ut.getBoundingClientRect();lr(An=>{const Xn=new Map(An);return Xn.set(pi.key,Mt),Xn}),Es(null),oe==null||oe(pi.idx,Mt)},[pi,Zn,oe]),reactExports.useImperativeHandle(st,()=>({element:Zn.current,scrollToColumn:eg,scrollToRow(ut){const{current:Mt}=Zn;Mt&&Mt.scrollTo({top:As(ut),behavior:"smooth"})},selectCell:Yu}));const rs=reactExports.useCallback((ut,Mt)=>{if(Mt==="auto"){Es(ut);return}lr(An=>{const Xn=new Map(An);return Xn.set(ut.key,Mt),Xn}),oe==null||oe(ut.idx,Mt)},[oe]),Da=reactExports.useCallback(ut=>{Io(ut),ir.current=ut},[]);function Ol({row:ut,checked:Mt,isShiftClick:An}){if(!P)return;assertIsValidKeyGetter(w);const Xn=new Set($);if(eo(ut)){for(const yi of ut.childRows){const _i=w(yi);Mt?Xn.add(_i):Xn.delete(_i)}P(Xn);return}const Fi=w(ut);if(Mt){Xn.add(Fi);const yi=rn.current,_i=hr.indexOf(ut);if(rn.current=_i,An&&yi!==-1&&yi!==_i){const Oi=sign(_i-yi);for(let lo=yi+Oi;lo!==_i;lo+=Oi){const va=hr[lo];eo(va)||Xn.add(w(va))}}}else Xn.delete(Fi),rn.current=-1;P(Xn)}function uf(ut){if(!P)return;assertIsValidKeyGetter(w);const Mt=new Set($);for(const An of b){const Xn=w(An);ut?Mt.add(Xn):Mt.delete(Xn)}P(Mt)}function Nd(ut){if(!re)return;const Mt=new Set(ne);Mt.has(ut)?Mt.delete(ut):Mt.add(ut),re(Mt)}function gc(ut){if(!(ut.target instanceof Element))return;const Mt=ut.target.closest(".rdg-cell")!==null,An=qe&&ut.target===sn.current;if(!Mt&&!An)return;const{key:Xn,keyCode:Fi}=ut,{rowIdx:yi}=jn;if(mn&&(Le!=null||De!=null)&&isCtrlKeyHeldDown(ut)&&!eo(hr[yi])&&jn.mode==="SELECT"){if(Fi===67){wi();return}if(Fi===86){cf();return}}if(vd(yi)){const _i=hr[yi];if(eo(_i)&&jn.idx===-1&&(Xn===Co&&_i.isExpanded||Xn===ma&&!_i.isExpanded)){ut.preventDefault(),Nd(_i.id);return}}switch(ut.key){case"Escape":No(null);return;case"ArrowUp":case"ArrowDown":case"ArrowLeft":case"ArrowRight":case"Tab":case"Home":case"End":case"PageUp":case"PageDown":Il(ut);break;default:Mc(ut);break}}function Nf(ut){const{scrollTop:Mt,scrollLeft:An}=ut.currentTarget;Je(Mt),Pt(abs(An)),ge==null||ge(ut)}function jc(ut){return qe?b.indexOf(hr[ut]):ut}function Ka(ut,Mt){if(typeof _!="function")return;const An=jc(ut);if(Mt===b[An])return;const Xn=[...b];Xn[An]=Mt,_(Xn,{indexes:[An],column:hs[jn.idx]})}function Wc(){jn.mode==="EDIT"&&Ka(jn.rowIdx,jn.row)}function wi(){const{idx:ut,rowIdx:Mt}=jn,An=b[jc(Mt)],Xn=hs[ut].key;No({row:An,columnKey:Xn}),De==null||De({sourceRow:An,sourceColumnKey:Xn})}function cf(){if(!Le||!_||Zi===null||!Eu(jn))return;const{idx:ut,rowIdx:Mt}=jn,An=b[jc(Mt)],Xn=Le({sourceRow:Zi.row,sourceColumnKey:Zi.columnKey,targetRow:An,targetColumnKey:hs[ut].key});Ka(Mt,Xn)}function Mc(ut){var yi,_i;if(!mn)return;const Mt=hr[jn.rowIdx];if(eo(Mt))return;const{key:An,shiftKey:Xn}=ut;if(co&&Xn&&An===" "){assertIsValidKeyGetter(w);const Oi=w(Mt);Ol({row:Mt,checked:!$.has(Oi),isShiftClick:!1}),ut.preventDefault();return}(_i=(yi=hs[jn.idx].editorOptions)==null?void 0:yi.onCellKeyDown)==null||_i.call(yi,ut),!ut.isDefaultPrevented()&&Eu(jn)&&isDefaultCellInput(ut)&&ii(({idx:Oi,rowIdx:lo})=>({idx:Oi,rowIdx:lo,mode:"EDIT",row:Mt,originalRow:Mt}))}function Lf(ut){return ut>=it&&ut<=pt}function vd(ut){return ut>=0&&ut<hr.length}function wd({idx:ut,rowIdx:Mt}){return Mt>=Sn&&Mt<=Hn&&Lf(ut)}function Gc({idx:ut,rowIdx:Mt}){return vd(Mt)&&Lf(ut)}function Eu(ut){return Gc(ut)&&isSelectedCellEditable({columns:hs,rows:hr,selectedPosition:ut,isGroupRow:eo})}function Yu(ut,Mt){var An;if(wd(ut))if(Wc(),Mt&&Eu(ut)){const Xn=hr[ut.rowIdx];ii({...ut,mode:"EDIT",row:Xn,originalRow:Xn})}else isSamePosition(jn,ut)?scrollIntoView((An=Zn.current)==null?void 0:An.querySelector('[tabindex="0"]')):ii({...ut,mode:"SELECT"})}function eg(ut){const{current:Mt}=Zn;if(Mt&&ut>Js){const{rowIdx:An}=jn;if(!wd({rowIdx:An,idx:ut}))return;const{clientWidth:Xn}=Mt,Fi=hs[ut],{left:yi,width:_i}=Pu.get(Fi);let Oi=yi+_i;const lo=getSelectedCellColSpan({rows:hr,summaryRows:m,rowIdx:An,lastFrozenColumnIndex:Js,column:Fi,isGroupRow:eo});if(lo!==void 0){const{left:fl,width:sl}=Pu.get(hs[Fi.idx+lo-1]);Oi=fl+sl}const va=yi<qt+yu,ac=Oi>Xn+qt,Zs=Ho?-1:1;va?Mt.scrollLeft=(yi-yu)*Zs:ac&&(Mt.scrollLeft=(Oi-Xn)*Zs)}}function lf(ut,Mt,An){const{idx:Xn,rowIdx:Fi}=jn,yi=hr[Fi],_i=Un&&Xn===-1;if(ut===Co&&_i&&eo(yi)&&!yi.isExpanded&&yi.level!==0){let Oi=-1;for(let lo=jn.rowIdx-1;lo>=0;lo--){const va=hr[lo];if(eo(va)&&va.id===yi.parentId){Oi=lo;break}}if(Oi!==-1)return{idx:Xn,rowIdx:Oi}}switch(ut){case"ArrowUp":return{idx:Xn,rowIdx:Fi-1};case"ArrowDown":return{idx:Xn,rowIdx:Fi+1};case Co:return{idx:Xn-1,rowIdx:Fi};case ma:return{idx:Xn+1,rowIdx:Fi};case"Tab":return{idx:Xn+(An?-1:1),rowIdx:Fi};case"Home":return _i?{idx:Xn,rowIdx:0}:{idx:0,rowIdx:Mt?Sn:Fi};case"End":return _i?{idx:Xn,rowIdx:hr.length-1}:{idx:pt,rowIdx:Mt?Hn:Fi};case"PageUp":{if(jn.rowIdx===Sn)return jn;const Oi=As(Fi)+ps(Fi)-ki;return{idx:Xn,rowIdx:Oi>0?dt(Oi):0}}case"PageDown":{if(jn.rowIdx>=hr.length)return jn;const Oi=As(Fi)+ki;return{idx:Xn,rowIdx:Oi<Do?dt(Oi):hr.length-1}}default:return jn}}function Il(ut){const{key:Mt,shiftKey:An}=ut;let Xn=lt;if(Mt==="Tab"){if(canExitGrid({shiftKey:An,cellNavigationMode:lt,maxColIdx:pt,minRowIdx:Sn,maxRowIdx:Hn,selectedPosition:jn})){Wc();return}Xn=lt==="NONE"?"CHANGE_ROW":lt}ut.preventDefault();const Fi=isCtrlKeyHeldDown(ut),yi=lf(Mt,Fi,An);if(isSamePosition(jn,yi))return;const _i=getNextSelectedCellPosition({columns:hs,colSpanColumns:Qs,rows:hr,summaryRows:m,minRowIdx:Sn,maxRowIdx:Hn,lastFrozenColumnIndex:Js,cellNavigationMode:Xn,currentPosition:jn,nextPosition:yi,isCellWithinBounds:wd,isGroupRow:eo});Yu(_i)}function Ld(ut){if(Xs===void 0)return;const{rowIdx:Mt}=jn;return(Mt<Xs?Mt<ut&&ut<=Xs:Mt>ut&&ut>=Xs)?jn.idx:void 0}function _1(){if(pi===null)return iu;const{gridTemplateColumns:ut}=iu,Mt=ut.split(" ");return Mt[pi.idx]="max-content",{...iu,gridTemplateColumns:Mt.join(" ")}}function up(ut){if(!(jn.rowIdx!==ut||jn.mode==="EDIT"||qe||me==null))return jsxRuntimeExports.jsx(DragHandle,{rows:b,columns:hs,selectedPosition:jn,isCellEditable:Eu,latestDraggedOverRowIdx:ir,onRowsChange:_,onFill:me,setDragging:Ca,setDraggedOverRowIdx:Da})}function nh(ut){if(jn.rowIdx!==ut||jn.mode==="SELECT")return;const{idx:Mt,row:An}=jn,Xn=hs[Mt],Fi=getColSpan(Xn,Js,{type:"ROW",row:An}),yi=()=>{ii(({idx:Oi,rowIdx:lo})=>({idx:Oi,rowIdx:lo,mode:"SELECT"}))},_i=(Oi,lo)=>{lo?(Ka(jn.rowIdx,Oi),yi()):ii(va=>({...va,row:Oi}))};return hr[jn.rowIdx]!==jn.originalRow&&yi(),jsxRuntimeExports.jsx(EditCell,{column:Xn,colSpan:Fi,row:An,onRowChange:_i,closeEditor:yi},Xn.key)}function Kg(ut){const Mt=hs[jn.idx];return Mt!==void 0&&jn.rowIdx===ut&&!ht.includes(Mt)?jn.idx>ru?[...ht,Mt]:[...ht.slice(0,Js+1),Mt,...ht.slice(Js+1)]:ht}function Yg(){const ut=[];let Mt=0;const{idx:An,rowIdx:Xn}=jn,Fi=mn&&Xn<Rl?Rl-1:Rl,yi=mn&&Xn>zt?zt+1:zt;for(let _i=Fi;_i<=yi;_i++){const Oi=_i===Rl-1||_i===zt+1,lo=Oi?Xn:_i;let va=ht;const ac=hs[An];ac!==void 0&&(Oi?va=[ac]:va=Kg(lo));const Zs=hr[lo],fl=ur+lo+1;if(eo(Zs)){({startRowIndex:Mt}=Zs);const Ha=co&&Zs.childRows.every(xt=>$.has(w(xt)));ut.push(jsxRuntimeExports.jsx(GroupRowRenderer,{"aria-level":Zs.level+1,"aria-setsize":Zs.setSize,"aria-posinset":Zs.posInSet+1,"aria-rowindex":ur+Mt+1,"aria-selected":co?Ha:void 0,id:Zs.id,groupKey:Zs.groupKey,viewportColumns:va,childRows:Zs.childRows,rowIdx:lo,row:Zs,gridRowStart:fl,height:ps(lo),level:Zs.level,isExpanded:Zs.isExpanded,selectedCellIdx:Xn===lo?An:void 0,isRowSelected:Ha,selectGroup:Ia,toggleGroup:ou},Zs.id));continue}Mt++;let sl,wa=!1;typeof w=="function"?(sl=w(Zs),wa=($==null?void 0:$.has(sl))??!1):sl=qe?Mt:lo,ut.push(jsxRuntimeExports.jsx(je,{"aria-rowindex":ur+(qe?Mt:lo)+1,"aria-selected":co?wa:void 0,rowIdx:lo,row:Zs,viewportColumns:va,isRowSelected:wa,onRowClick:ve,onRowDoubleClick:Se,rowClass:Xe,gridRowStart:fl,height:ps(lo),copiedCellIdx:Zi!==null&&Zi.row===Zs?hs.findIndex(Ha=>Ha.key===Zi.columnKey):void 0,selectedCellIdx:Xn===lo?An:void 0,draggedOverCellIdx:Ld(lo),setDraggedOverRowIdx:Is?Da:void 0,lastFrozenColumnIndex:Js,onRowChange:To,selectCell:$s,selectedCellDragHandle:up(lo),selectedCellEditor:nh(lo)},sl))}return ut}(jn.idx>pt||jn.rowIdx>Hn)&&(ii(initialPosition),Da(void 0));let Xg=`${Re}px`;hr.length>0&&(Xg+=Ds),Sr>0&&(Xg+=` repeat(${Sr}, ${Ae}px)`);const Ve=jn.idx===-1&&jn.rowIdx!==-2;return jsxRuntimeExports.jsxs("div",{role:qe?"treegrid":"grid","aria-label":Tn,"aria-labelledby":Rt,"aria-describedby":mt,"aria-multiselectable":co?!0:void 0,"aria-colcount":hs.length,"aria-rowcount":ur+Ri+Sr,className:clsx(rootClassname,gt,Is&&viewportDraggingClassname,pi!==null&&cellAutoResizeClassname),style:{...$t,scrollPaddingInlineStart:jn.idx>Js?`${yu}px`:void 0,scrollPaddingBlock:jn.rowIdx>=0&&jn.rowIdx<hr.length?`${Re}px ${Sr*Ae}px`:void 0,gridTemplateRows:Xg,"--rdg-header-row-height":`${Re}px`,"--rdg-summary-row-height":`${Ae}px`,"--rdg-sign":Ho?-1:1,..._1()},dir:xe,ref:Zn,onScroll:Nf,onKeyDown:gc,"data-testid":en,children:[qe&&jsxRuntimeExports.jsx("div",{ref:sn,tabIndex:Ve?0:-1,className:clsx(focusSinkClassname,Ve&&[rowSelected,Js!==-1&&rowSelectedWithFrozenCell]),style:{gridRowStart:jn.rowIdx+2},onKeyDown:gc}),jsxRuntimeExports.jsxs(DataGridDefaultComponentsProvider,{value:Yi,children:[jsxRuntimeExports.jsx(HeaderRow$1,{columns:Kg(-1),onColumnResize:rs,allRowsSelected:so,onAllRowsSelectionChange:Ui,sortColumns:M,onSortColumnsChange:U,lastFrozenColumnIndex:Js,selectedCellIdx:xo?jn.idx:void 0,selectCell:Vo,shouldFocusGrid:!Un,direction:xe}),hr.length===0&&We?We:jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(RowSelectionChangeProvider,{value:wr,children:Yg()}),m==null?void 0:m.map((ut,Mt)=>{const An=ur+hr.length+Mt+1,Xn=ur+hr.length+Mt-1,Fi=jn.rowIdx===Xn,yi=ki>Do?li-Ae*(m.length-Mt):void 0,_i=yi===void 0?Ae*(m.length-1-Mt):void 0;return jsxRuntimeExports.jsx(SummaryRow$1,{"aria-rowindex":ur+Ri+Mt+1,rowIdx:Mt,gridRowStart:An,row:ut,top:yi,bottom:_i,viewportColumns:Kg(Xn),lastFrozenColumnIndex:Js,selectedCellIdx:Fi?jn.idx:void 0,selectCell:qs},Mt)})]})]})]})}function isSamePosition(g,b){return g.idx===b.idx&&g.rowIdx===b.rowIdx}const DataGrid$1$1=reactExports.forwardRef(DataGrid$2);var css_248z=".t16y9g8l700-beta13{appearance:none;background-color:var(--rdg-background-color);block-size:100%;border:2px solid #ccc;box-sizing:border-box;color:var(--rdg-color);font-family:inherit;font-size:var(--rdg-font-size);inline-size:100%;padding-block:0;padding-inline:6px;vertical-align:top}.t16y9g8l700-beta13:focus{border-color:var(--rdg-selection-color);outline:none}.t16y9g8l700-beta13::placeholder{color:#999;opacity:1}";styleInject(css_248z,{insertAt:"top"});const tasksToTaskRows=(g,b)=>g.map(m=>({...m,level:b,children:m.children?tasksToTaskRows(m.children,b+1):void 0}));class GanttViewModel{constructor(){ri(this,"rows$",new State(List([])));ri(this,"selectedRowId$",new State(void 0));ri(this,"startTime",Number.MAX_SAFE_INTEGER);ri(this,"endTime",0)}toggleRow(b){const m=this.rows$.getSnapshot(),w=m.findIndex(I=>I.id===b),_=m.get(w);if(!_)return;const{children:C}=_;if(!C)return;const k=[...m];k[w]={..._,isExpanded:!_.isExpanded},_.isExpanded?k.splice(w+1,C.length):k.splice(w+1,0,...C),this.rows$.next(List(k))}setRows(b){this.rows$.next(List(b))}setTasks(b){this.rows$.next(List(tasksToTaskRows(b,0)));const m=w=>{w.forEach(_=>{_.startTime<this.startTime&&(this.startTime=_.startTime),_.endTime>this.endTime&&(this.endTime=_.endTime),_.children&&m(_.children)})};m(b)}}x$=SINGLETON,ri(GanttViewModel,x$,!0);const GanttViewModelToken=createInjectionToken("GanttViewModel",new GanttViewModel),useGanttViewModel=()=>{const[g]=useInjected(GanttViewModelToken);return g},useGanttViewRows=()=>{const g=useGanttViewModel();return useState(g.rows$).toArray()},useToggleSubRows=()=>{const g=useGanttViewModel();return reactExports.useCallback(b=>{g.toggleRow(b)},[g])},useTasksTimeBoundaries=()=>{const g=useGanttViewModel();return[g.startTime,g.endTime]},useSelectedRow=()=>{const g=useGanttViewModel();return useState(g.selectedRowId$)},useSetSelectedRow=()=>{const g=useGanttViewModel();return useSetState(g.selectedRowId$)},GanttChartCell=({row:g})=>{const[b,m]=useTasksTimeBoundaries(),w=`${(g.startTime-b)*100/(m-b)}%`,_=`${(m-g.endTime)*100/(m-b)}%`,C=g.children&&g.children.length>0,k=g.isExpanded;return jsxRuntimeExports.jsx("div",{style:{marginLeft:w,marginRight:_,height:"100%",marginTop:4,marginBottom:4,display:"flex"},children:C&&!k?jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:(g.children??[]).map((I,$)=>{const P=`${(I.endTime-I.startTime)*100/(g.endTime-g.startTime)}%`;return jsxRuntimeExports.jsx("div",{style:{backgroundColor:I.color??`rgba(0, 120, 212, ${1-.2*$})`,width:P}},I.id)})}):jsxRuntimeExports.jsx("div",{style:{backgroundColor:g.color??"rgba(0, 120, 212, 1)",width:"100%"}})})},NameCell=({row:g})=>{const b=g.children!==void 0,m=g.isExpanded,w=useToggleSubRows(),_=reactExports.useCallback(C=>{C.preventDefault(),C.stopPropagation(),w(g.id)},[g.id,w]);return jsxRuntimeExports.jsxs("div",{style:{display:"flex",gap:4,paddingLeft:g.level*24},children:[b?jsxRuntimeExports.jsx("div",{onClick:_,role:"button",children:m?"▼":"▶"}):jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{}),jsxRuntimeExports.jsx("div",{children:g.name})]})},timeFormatter=g=>{const b=new Date(g);return`${b.getUTCFullYear()}-${b.getUTCMonth()+1}-${b.getUTCDate()} ${b.getUTCHours()}:${b.getUTCMinutes()}:${b.getUTCSeconds()}:${b.getMilliseconds()}`},defaultColumns=[{key:"name",name:"name",resizable:!0,width:320,formatter({row:g,isCellSelected:b}){return jsxRuntimeExports.jsx(NameCell,{row:g,isCellSelected:b})}},{key:"duration",name:"duration",resizable:!0,width:60,headerRenderer(){return jsxRuntimeExports.jsx("div",{style:{textAlign:"right"},children:"duration"})},formatter({row:g}){return jsxRuntimeExports.jsxs("div",{style:{textAlign:"right"},children:[Math.round((g.endTime-g.startTime)*1e3).toString().replace(/\B(?=(\d{3})+(?!\d))/g,",")," ","ms"]})}},{key:"startTime",name:"start time (UTC)",resizable:!0,width:200,formatter({row:g}){return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:timeFormatter(g.startTime*1e3)})}},{key:"endTime",name:"end time (UTC)",resizable:!0,width:200,formatter({row:g}){return jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:timeFormatter(g.endTime*1e3)})}},{key:"ganttChart",name:"gantt-chart",formatter({row:g}){return jsxRuntimeExports.jsx(GanttChartCell,{row:g})},headerRenderer:()=>jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{})}],GanttGridView=({styles:g})=>{const b=useGanttViewRows(),m=useSetSelectedRow(),w=useSelectedRow(),_=reactExports.useCallback(C=>{m(C.id)},[m]);return jsxRuntimeExports.jsx(DataGrid$1$1,{rows:b,columns:defaultColumns,onRowClick:_,className:g==null?void 0:g.grid,rowClass:C=>w===C.id?g==null?void 0:g.selectedRow:""})},Wrapper=({viewModel:g,children:b})=>{const m=createRegistry({name:"gantt-wrapper"}),w=reactExports.useCallback(_=>{_.register(GanttViewModelToken,{useValue:g})},[g]);return jsxRuntimeExports.jsx(m,{onInitialize:w,children:b})};var GanttGridTheme=(g=>(g.Light="rdg-light",g.Dark="rdg-dark",g))(GanttGridTheme||{});const Gantt=({viewModel:g,styles:b})=>jsxRuntimeExports.jsx(Wrapper,{viewModel:g,children:jsxRuntimeExports.jsx(GanttGridView,{styles:b})}),SystemColors=["#637CEF","#E61C99","#00A5AF","#9470BD","#689920","#3487C7","#CA5010","#009B51","#B27C00","#B146C2","#4F6BED","#EE5FB7","#008B94","#D77440","#BA58C9","#3A96DD","#E3008C","#57811B","#C36BD1","#D06228","#6E0811","#C50F1F","#F7630C","#107C10","#094509"],TraceDetail=({selectedTrace:g})=>{const[b,m]=reactExports.useState("inputs");return jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(TabList,{selectedValue:b,onTabSelect:(w,_)=>{m(_.value)},children:Object.keys(g).filter(w=>!["children","start_time","end_time"].includes(w)).map(w=>jsxRuntimeExports.jsx(Tab$1,{value:w,children:w},w))}),jsxRuntimeExports.jsx("pre",{style:{overflow:"scroll",flex:1},children:JSON.stringify(g[b],null,2)})]})},traceMap=new Map,hashTraceName=g=>{let b=0,m=0;if(g.length===0)return b;for(let w=0;w<g.length;w++)m=g.charCodeAt(w),b=(b<<5)-b+m,b|=0;return Math.abs(b)},systemColorsLength=SystemColors.length,parseTrace=g=>g.map(b=>{const m=uuid_1.v4();return traceMap.set(m,b),{startTime:b.start_time??performance.now(),endTime:b.end_time??performance.now(),color:SystemColors[hashTraceName(b.name??"")%systemColorsLength],id:m,name:b.name??"",node_name:b.node_name??"",children:b.children?parseTrace(b.children):void 0}}),DefaultContainer=({children:g,className:b})=>jsxRuntimeExports.jsx("div",{className:b,children:g}),ApiLogs=reactExports.forwardRef(({traces:g,styles:b,isDarkMode:m=!1,classNames:w,RootContainer:_=DefaultContainer,GridContainer:C=DefaultContainer,DetailContainer:k=DefaultContainer,renderDetail:I=M=>jsxRuntimeExports.jsx(TraceDetail,{selectedTrace:M}),onChangeSelectedTrace:$},P)=>{const M=reactExports.useMemo(()=>g.reduce((Se,ge)=>[...Se,...parseTrace(ge)],[]),[g]),U=reactExports.useMemo(()=>new GanttViewModel,[]);reactExports.useEffect(()=>{U.setTasks(M)},[M,U]);const G=useState(U.selectedRowId$),X=useSetState(U.selectedRowId$),Z=reactExports.useMemo(()=>G?traceMap.get(G):void 0,[G]),ne=reactExports.useMemo(()=>({...b,grid:mergeStyles(b==null?void 0:b.grid,m?GanttGridTheme.Dark:GanttGridTheme.Light)}),[b,m]),re=mergeStyles({display:"flex",flexDirection:"column",overflow:"auto"},w==null?void 0:w.root),ve=reactExports.useCallback(Se=>{var oe;const ge=(oe=M.find(me=>me.node_name===Se))==null?void 0:oe.id;ge&&X(ge)},[M,X]);return reactExports.useImperativeHandle(P,()=>({setSelectedTraceRow:ve})),reactExports.useEffect(()=>{$&&$(Z)},[$,Z]),reactExports.useEffect(()=>{X(void 0)},[g]),jsxRuntimeExports.jsxs(_,{className:re,children:[jsxRuntimeExports.jsx(C,{className:w==null?void 0:w.gridContainer,children:jsxRuntimeExports.jsx(Gantt,{viewModel:U,styles:ne})}),jsxRuntimeExports.jsx(k,{className:w==null?void 0:w.detailContainer,children:Z&&I(Z)})]})}),cssNormalize=`
html {
line-height: 1.15; /* 1 */
-webkit-text-size-adjust: 100%; /* 2 */
}
body {
margin: 0;
}
main {
display: block;
}
h1 {
font-size: 2em;
margin: 0.67em 0;
}
hr {
box-sizing: content-box; /* 1 */
height: 0; /* 1 */
overflow: visible; /* 2 */
}
pre {
font-family: monospace, monospace; /* 1 */
font-size: 1em; /* 2 */
}
a {
background-color: transparent;
}
abbr[title] {
border-bottom: none; /* 1 */
text-decoration: underline; /* 2 */
text-decoration: underline dotted; /* 2 */
}
b,
strong {
font-weight: bolder;
}
code,
kbd,
samp {
font-family: monospace, monospace; /* 1 */
font-size: 1em; /* 2 */
}
small {
font-size: 80%;
}
sup {
font-size: 75%;
line-height: 0;
position: relative;
vertical-align: baseline;
}
sub {
bottom: -0.25em;
}
sup {
top: -0.5em;
}
img {
border-style: none;
}
button,
input,
optgroup,
select,
textarea {
font-family: inherit; /* 1 */
font-size: 100%; /* 1 */
line-height: 1.15; /* 1 */
margin: 0; /* 2 */
}
button,
input {
overflow: visible;
}
button,
select {
text-transform: none;
}
button,
[type="button"],
[type="reset"],
[type="submit"] {
-webkit-appearance: button;
}
button::-moz-focus-inner,
[type="button"]::-moz-focus-inner,
[type="reset"]::-moz-focus-inner,
[type="submit"]::-moz-focus-inner {
border-style: none;
padding: 0;
}
button:-moz-focusring,
[type="button"]:-moz-focusring,
[type="reset"]:-moz-focusring,
[type="submit"]:-moz-focusring {
outline: 1px dotted ButtonText;
}
fieldset {
padding: 0.35em 0.75em 0.625em;
}
legend {
box-sizing: border-box; /* 1 */
color: inherit; /* 2 */
display: table; /* 1 */
max-width: 100%; /* 1 */
padding: 0; /* 3 */
white-space: normal; /* 1 */
}
progress {
vertical-align: baseline;
}
textarea {
overflow: auto;
}
[type="checkbox"],
[type="radio"] {
box-sizing: border-box; /* 1 */
padding: 0; /* 2 */
}
[type="number"]::-webkit-inner-spin-button,
[type="number"]::-webkit-outer-spin-button {
height: auto;
}
[type="search"] {
-webkit-appearance: textfield; /* 1 */
outline-offset: -2px; /* 2 */
}
[type="search"]::-webkit-search-decoration {
-webkit-appearance: none;
}
::-webkit-file-upload-button {
-webkit-appearance: button; /* 1 */
font: inherit; /* 2 */
}
details {
display: block;
}
summary {
display: list-item;
}
template {
display: none;
}
[hidden] {
display: none;
}
`,customizedCss=`
html,
body {
height: 100%;
width: 100%;
padding: 0;
box-sizing: border-box;
overflow: hidden;
font-family: -apple-system, BlinkMacSystemFont, "Segoe UI", "Roboto", "Oxygen", "Ubuntu", "Cantarell", "Fira Sans",
"Droid Sans", "Helvetica Neue", sans-serif;
-webkit-font-smoothing: antialiased;
-moz-osx-font-smoothing: grayscale;
}
#root {
height: 100%;
width: 100%;
display: flex;
}
`,reactGridLayoutCss=`
.react-grid-layout {
position: relative;
transition: height 200ms ease;
}
.react-grid-item {
transition: all 200ms ease;
transition-property: left, top;
}
.react-grid-item img {
pointer-events: none;
user-select: none;
}
.react-grid-item.cssTransforms {
transition-property: transform;
}
.react-grid-item.resizing {
z-index: 1;
will-change: width, height;
}
.react-grid-item.react-draggable-dragging {
transition: none;
z-index: 3;
will-change: transform;
}
.react-grid-item.dropping {
visibility: hidden;
}
.react-grid-item.react-grid-placeholder {
background: red;
opacity: 0.2;
transition-duration: 100ms;
z-index: 2;
-webkit-user-select: none;
-moz-user-select: none;
-ms-user-select: none;
-o-user-select: none;
user-select: none;
}
.react-grid-item > .react-resizable-handle {
position: absolute;
width: 20px;
height: 20px;
}
.react-grid-item > .react-resizable-handle::after {
content: "";
position: absolute;
right: 3px;
bottom: 3px;
width: 5px;
height: 5px;
border-right: 2px solid rgba(0, 0, 0, 0.4);
border-bottom: 2px solid rgba(0, 0, 0, 0.4);
}
.react-resizable-hide > .react-resizable-handle {
display: none;
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-sw {
bottom: 0;
left: 0;
cursor: sw-resize;
transform: rotate(90deg);
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-se {
bottom: 0;
right: 0;
cursor: se-resize;
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-nw {
top: 0;
left: 0;
cursor: nw-resize;
transform: rotate(180deg);
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-ne {
top: 0;
right: 0;
cursor: ne-resize;
transform: rotate(270deg);
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-w,
.react-grid-item > .react-resizable-handle.react-resizable-handle-e {
top: 50%;
margin-top: -10px;
cursor: ew-resize;
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-w {
left: 0;
transform: rotate(135deg);
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-e {
right: 0;
transform: rotate(315deg);
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-n,
.react-grid-item > .react-resizable-handle.react-resizable-handle-s {
left: 50%;
margin-left: -10px;
cursor: ns-resize;
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-n {
top: 0;
transform: rotate(225deg);
}
.react-grid-item > .react-resizable-handle.react-resizable-handle-s {
bottom: 0;
transform: rotate(45deg);
}
`,react18JsonViewCss=`
.json-view {
display: block;
color: #4d4d4d;
--json-property: #009033;
--json-index: #676dff;
--json-number: #676dff;
--json-string: #b2762e;
--json-boolean: #dc155e;
--json-null: #dc155e;
}
.json-view .json-view--property {
color: var(--json-property);
}
.json-view .json-view--index {
color: var(--json-index);
}
.json-view .json-view--number {
color: var(--json-number);
}
.json-view .json-view--string {
color: var(--json-string);
}
.json-view .json-view--boolean {
color: var(--json-boolean);
}
.json-view .json-view--null {
color: var(--json-null);
}
.json-view .jv-indent {
padding-left: 1em;
}
.json-view .jv-chevron {
display: inline-block;
vertical-align: -20%;
cursor: pointer;
opacity: 0.4;
width: 1em;
height: 1em;
}
:is(.json-view .jv-chevron:hover, .json-view .jv-size:hover + .jv-chevron) {
opacity: 0.8;
}
.json-view .jv-size {
cursor: pointer;
opacity: 0.4;
font-size: 0.875em;
font-style: italic;
margin-left: 0.5em;
vertical-align: -5%;
line-height: 1;
}
.json-view :is(.json-view--copy, .json-view--edit) {
display: none;
width: 1em;
height: 1em;
margin-left: 0.25em;
cursor: pointer;
}
.json-view .json-view--input {
width: 120px;
margin-left: 0.25em;
border-radius: 4px;
border: 1px solid currentColor;
padding: 0px 4px;
font-size: 87.5%;
line-height: 1.25;
background: transparent;
}
.json-view .json-view--deleting {
outline: 1px solid #da0000;
background-color: #da000011;
text-decoration-line: line-through;
}
:is(.json-view:hover, .json-view--pair:hover) > :is(.json-view--copy, .json-view--edit) {
display: inline-block;
}
.json-view .jv-button {
background: transparent;
outline: none;
border: none;
cursor: pointer;
}
.json-view .cursor-pointer {
cursor: pointer;
}
/* Themes */
.json-view_a11y {
color: #545454;
--json-property: #aa5d00;
--json-index: #007299;
--json-number: #007299;
--json-string: #008000;
--json-boolean: #d91e18;
--json-null: #d91e18;
}
.json-view_github {
color: #005cc5;
--json-property: #005cc5;
--json-index: #005cc5;
--json-number: #005cc5;
--json-string: #032f62;
--json-boolean: #005cc5;
--json-null: #005cc5;
}
.json-view_vscode {
color: #005cc5;
--json-property: #0451a5;
--json-index: #0000ff;
--json-number: #0000ff;
--json-string: #a31515;
--json-boolean: #0000ff;
--json-null: #0000ff;
}
.json-view_atom {
color: #383a42;
--json-property: #e45649;
--json-index: #986801;
--json-number: #986801;
--json-string: #50a14f;
--json-boolean: #0184bc;
--json-null: #0184bc;
}
.json-view_winter-is-coming {
color: #0431fa;
--json-property: #3a9685;
--json-index: #ae408b;
--json-number: #ae408b;
--json-string: #8123a9;
--json-boolean: #0184bc;
--json-null: #0184bc;
}
`,react18JsonViewCssDark=`
:is(.dark .json-view, .dark.json-view) {
color: #d1d1d1;
--json-property: #009033;
--json-index: #5d75f2;
--json-number: #5d75f2;
--json-string: #c57e29;
--json-boolean: #e4407b;
--json-null: #e4407b;
}
:is(.dark .json-view_a11y, .dark.json-view_a11y) {
color: #d1d1d1;
--json-property: #ffd700;
--json-index: #00e0e0;
--json-number: #00e0e0;
--json-string: #abe338;
--json-boolean: #ffa07a;
--json-null: #ffa07a;
}
:is(.dark .json-view_github, .dark.json-view_github) {
color: #79b8ff;
--json-property: #79b8ff;
--json-index: #79b8ff;
--json-number: #79b8ff;
--json-string: #9ecbff;
--json-boolean: #79b8ff;
--json-null: #79b8ff;
}
:is(.dark .json-view_vscode, .dark.json-view_vscode) {
color: #da70d6;
--json-property: #9cdcfe;
--json-index: #b5cea8;
--json-number: #b5cea8;
--json-string: #ce9178;
--json-boolean: #569cd6;
--json-null: #569cd6;
}
:is(.dark .json-view_atom, .dark.json-view_atom) {
color: #abb2bf;
--json-property: #e06c75;
--json-index: #d19a66;
--json-number: #d19a66;
--json-string: #98c379;
--json-boolean: #56b6c2;
--json-null: #56b6c2;
}
:is(.dark .json-view_winter-is-coming, .dark.json-view_winter-is-coming) {
color: #a7dbf7;
--json-property: #91dacd;
--json-index: #8dec95;
--json-number: #8dec95;
--json-string: #e0aff5;
--json-boolean: #f29fd8;
--json-null: #f29fd8;
}
`;function injectCSS(g){const b=document.createElement("style");b.appendChild(document.createTextNode(g)),document.head.appendChild(b)}function injectBasicCSS(){injectCSS(cssNormalize),injectCSS(customizedCss),injectCSS(reactGridLayoutCss),injectCSS(react18JsonViewCss),injectCSS(react18JsonViewCssDark)}const ALIAS=Symbol.for("yaml.alias"),DOC=Symbol.for("yaml.document"),MAP=Symbol.for("yaml.map"),PAIR=Symbol.for("yaml.pair"),SCALAR$1=Symbol.for("yaml.scalar"),SEQ=Symbol.for("yaml.seq"),NODE_TYPE=Symbol.for("yaml.node.type"),isAlias=g=>!!g&&typeof g=="object"&&g[NODE_TYPE]===ALIAS,isDocument=g=>!!g&&typeof g=="object"&&g[NODE_TYPE]===DOC,isMap=g=>!!g&&typeof g=="object"&&g[NODE_TYPE]===MAP,isPair=g=>!!g&&typeof g=="object"&&g[NODE_TYPE]===PAIR,isScalar$1=g=>!!g&&typeof g=="object"&&g[NODE_TYPE]===SCALAR$1,isSeq=g=>!!g&&typeof g=="object"&&g[NODE_TYPE]===SEQ;function isCollection$1(g){if(g&&typeof g=="object")switch(g[NODE_TYPE]){case MAP:case SEQ:return!0}return!1}function isNode(g){if(g&&typeof g=="object")switch(g[NODE_TYPE]){case ALIAS:case MAP:case SCALAR$1:case SEQ:return!0}return!1}const hasAnchor=g=>(isScalar$1(g)||isCollection$1(g))&&!!g.anchor,BREAK$1=Symbol("break visit"),SKIP$1=Symbol("skip children"),REMOVE$1=Symbol("remove node");function visit$1(g,b){const m=initVisitor(b);isDocument(g)?visit_(null,g.contents,m,Object.freeze([g]))===REMOVE$1&&(g.contents=null):visit_(null,g,m,Object.freeze([]))}visit$1.BREAK=BREAK$1,visit$1.SKIP=SKIP$1,visit$1.REMOVE=REMOVE$1;function visit_(g,b,m,w){const _=callVisitor(g,b,m,w);if(isNode(_)||isPair(_))return replaceNode(g,w,_),visit_(g,_,m,w);if(typeof _!="symbol"){if(isCollection$1(b)){w=Object.freeze(w.concat(b));for(let C=0;C<b.items.length;++C){const k=visit_(C,b.items[C],m,w);if(typeof k=="number")C=k-1;else{if(k===BREAK$1)return BREAK$1;k===REMOVE$1&&(b.items.splice(C,1),C-=1)}}}else if(isPair(b)){w=Object.freeze(w.concat(b));const C=visit_("key",b.key,m,w);if(C===BREAK$1)return BREAK$1;C===REMOVE$1&&(b.key=null);const k=visit_("value",b.value,m,w);if(k===BREAK$1)return BREAK$1;k===REMOVE$1&&(b.value=null)}}return _}async function visitAsync(g,b){const m=initVisitor(b);isDocument(g)?await visitAsync_(null,g.contents,m,Object.freeze([g]))===REMOVE$1&&(g.contents=null):await visitAsync_(null,g,m,Object.freeze([]))}visitAsync.BREAK=BREAK$1,visitAsync.SKIP=SKIP$1,visitAsync.REMOVE=REMOVE$1;async function visitAsync_(g,b,m,w){const _=await callVisitor(g,b,m,w);if(isNode(_)||isPair(_))return replaceNode(g,w,_),visitAsync_(g,_,m,w);if(typeof _!="symbol"){if(isCollection$1(b)){w=Object.freeze(w.concat(b));for(let C=0;C<b.items.length;++C){const k=await visitAsync_(C,b.items[C],m,w);if(typeof k=="number")C=k-1;else{if(k===BREAK$1)return BREAK$1;k===REMOVE$1&&(b.items.splice(C,1),C-=1)}}}else if(isPair(b)){w=Object.freeze(w.concat(b));const C=await visitAsync_("key",b.key,m,w);if(C===BREAK$1)return BREAK$1;C===REMOVE$1&&(b.key=null);const k=await visitAsync_("value",b.value,m,w);if(k===BREAK$1)return BREAK$1;k===REMOVE$1&&(b.value=null)}}return _}function initVisitor(g){return typeof g=="object"&&(g.Collection||g.Node||g.Value)?Object.assign({Alias:g.Node,Map:g.Node,Scalar:g.Node,Seq:g.Node},g.Value&&{Map:g.Value,Scalar:g.Value,Seq:g.Value},g.Collection&&{Map:g.Collection,Seq:g.Collection},g):g}function callVisitor(g,b,m,w){var _,C,k,I,$;if(typeof m=="function")return m(g,b,w);if(isMap(b))return(_=m.Map)==null?void 0:_.call(m,g,b,w);if(isSeq(b))return(C=m.Seq)==null?void 0:C.call(m,g,b,w);if(isPair(b))return(k=m.Pair)==null?void 0:k.call(m,g,b,w);if(isScalar$1(b))return(I=m.Scalar)==null?void 0:I.call(m,g,b,w);if(isAlias(b))return($=m.Alias)==null?void 0:$.call(m,g,b,w)}function replaceNode(g,b,m){const w=b[b.length-1];if(isCollection$1(w))w.items[g]=m;else if(isPair(w))g==="key"?w.key=m:w.value=m;else if(isDocument(w))w.contents=m;else{const _=isAlias(w)?"alias":"scalar";throw new Error(`Cannot replace node with ${_} parent`)}}const escapeChars={"!":"%21",",":"%2C","[":"%5B","]":"%5D","{":"%7B","}":"%7D"},escapeTagName=g=>g.replace(/[!,[\]{}]/g,b=>escapeChars[b]);class Directives{constructor(b,m){this.docStart=null,this.docEnd=!1,this.yaml=Object.assign({},Directives.defaultYaml,b),this.tags=Object.assign({},Directives.defaultTags,m)}clone(){const b=new Directives(this.yaml,this.tags);return b.docStart=this.docStart,b}atDocument(){const b=new Directives(this.yaml,this.tags);switch(this.yaml.version){case"1.1":this.atNextDocument=!0;break;case"1.2":this.atNextDocument=!1,this.yaml={explicit:Directives.defaultYaml.explicit,version:"1.2"},this.tags=Object.assign({},Directives.defaultTags);break}return b}add(b,m){this.atNextDocument&&(this.yaml={explicit:Directives.defaultYaml.explicit,version:"1.1"},this.tags=Object.assign({},Directives.defaultTags),this.atNextDocument=!1);const w=b.trim().split(/[ \t]+/),_=w.shift();switch(_){case"%TAG":{if(w.length!==2&&(m(0,"%TAG directive should contain exactly two parts"),w.length<2))return!1;const[C,k]=w;return this.tags[C]=k,!0}case"%YAML":{if(this.yaml.explicit=!0,w.length!==1)return m(0,"%YAML directive should contain exactly one part"),!1;const[C]=w;if(C==="1.1"||C==="1.2")return this.yaml.version=C,!0;{const k=/^\d+\.\d+$/.test(C);return m(6,`Unsupported YAML version ${C}`,k),!1}}default:return m(0,`Unknown directive ${_}`,!0),!1}}tagName(b,m){if(b==="!")return"!";if(b[0]!=="!")return m(`Not a valid tag: ${b}`),null;if(b[1]==="<"){const k=b.slice(2,-1);return k==="!"||k==="!!"?(m(`Verbatim tags aren't resolved, so ${b} is invalid.`),null):(b[b.length-1]!==">"&&m("Verbatim tags must end with a >"),k)}const[,w,_]=b.match(/^(.*!)([^!]*)$/);_||m(`The ${b} tag has no suffix`);const C=this.tags[w];return C?C+decodeURIComponent(_):w==="!"?b:(m(`Could not resolve tag: ${b}`),null)}tagString(b){for(const[m,w]of Object.entries(this.tags))if(b.startsWith(w))return m+escapeTagName(b.substring(w.length));return b[0]==="!"?b:`!<${b}>`}toString(b){const m=this.yaml.explicit?[`%YAML ${this.yaml.version||"1.2"}`]:[],w=Object.entries(this.tags);let _;if(b&&w.length>0&&isNode(b.contents)){const C={};visit$1(b.contents,(k,I)=>{isNode(I)&&I.tag&&(C[I.tag]=!0)}),_=Object.keys(C)}else _=[];for(const[C,k]of w)C==="!!"&&k==="tag:yaml.org,2002:"||(!b||_.some(I=>I.startsWith(k)))&&m.push(`%TAG ${C} ${k}`);return m.join(`
`)}}Directives.defaultYaml={explicit:!1,version:"1.2"},Directives.defaultTags={"!!":"tag:yaml.org,2002:"};function anchorIsValid(g){if(/[\x00-\x19\s,[\]{}]/.test(g)){const m=`Anchor must not contain whitespace or control characters: ${JSON.stringify(g)}`;throw new Error(m)}return!0}function anchorNames(g){const b=new Set;return visit$1(g,{Value(m,w){w.anchor&&b.add(w.anchor)}}),b}function findNewAnchor(g,b){for(let m=1;;++m){const w=`${g}${m}`;if(!b.has(w))return w}}function createNodeAnchors(g,b){const m=[],w=new Map;let _=null;return{onAnchor:C=>{m.push(C),_||(_=anchorNames(g));const k=findNewAnchor(b,_);return _.add(k),k},setAnchors:()=>{for(const C of m){const k=w.get(C);if(typeof k=="object"&&k.anchor&&(isScalar$1(k.node)||isCollection$1(k.node)))k.node.anchor=k.anchor;else{const I=new Error("Failed to resolve repeated object (this should not happen)");throw I.source=C,I}}},sourceObjects:w}}function applyReviver(g,b,m,w){if(w&&typeof w=="object")if(Array.isArray(w))for(let _=0,C=w.length;_<C;++_){const k=w[_],I=applyReviver(g,w,String(_),k);I===void 0?delete w[_]:I!==k&&(w[_]=I)}else if(w instanceof Map)for(const _ of Array.from(w.keys())){const C=w.get(_),k=applyReviver(g,w,_,C);k===void 0?w.delete(_):k!==C&&w.set(_,k)}else if(w instanceof Set)for(const _ of Array.from(w)){const C=applyReviver(g,w,_,_);C===void 0?w.delete(_):C!==_&&(w.delete(_),w.add(C))}else for(const[_,C]of Object.entries(w)){const k=applyReviver(g,w,_,C);k===void 0?delete w[_]:k!==C&&(w[_]=k)}return g.call(b,m,w)}function toJS(g,b,m){if(Array.isArray(g))return g.map((w,_)=>toJS(w,String(_),m));if(g&&typeof g.toJSON=="function"){if(!m||!hasAnchor(g))return g.toJSON(b,m);const w={aliasCount:0,count:1,res:void 0};m.anchors.set(g,w),m.onCreate=C=>{w.res=C,delete m.onCreate};const _=g.toJSON(b,m);return m.onCreate&&m.onCreate(_),_}return typeof g=="bigint"&&!(m!=null&&m.keep)?Number(g):g}class NodeBase{constructor(b){Object.defineProperty(this,NODE_TYPE,{value:b})}clone(){const b=Object.create(Object.getPrototypeOf(this),Object.getOwnPropertyDescriptors(this));return this.range&&(b.range=this.range.slice()),b}toJS(b,{mapAsMap:m,maxAliasCount:w,onAnchor:_,reviver:C}={}){if(!isDocument(b))throw new TypeError("A document argument is required");const k={anchors:new Map,doc:b,keep:!0,mapAsMap:m===!0,mapKeyWarned:!1,maxAliasCount:typeof w=="number"?w:100},I=toJS(this,"",k);if(typeof _=="function")for(const{count:$,res:P}of k.anchors.values())_(P,$);return typeof C=="function"?applyReviver(C,{"":I},"",I):I}}class Alias extends NodeBase{constructor(b){super(ALIAS),this.source=b,Object.defineProperty(this,"tag",{set(){throw new Error("Alias nodes cannot have tags")}})}resolve(b){let m;return visit$1(b,{Node:(w,_)=>{if(_===this)return visit$1.BREAK;_.anchor===this.source&&(m=_)}}),m}toJSON(b,m){if(!m)return{source:this.source};const{anchors:w,doc:_,maxAliasCount:C}=m,k=this.resolve(_);if(!k){const $=`Unresolved alias (the anchor must be set before the alias): ${this.source}`;throw new ReferenceError($)}let I=w.get(k);if(I||(toJS(k,null,m),I=w.get(k)),!I||I.res===void 0){const $="This should not happen: Alias anchor was not resolved?";throw new ReferenceError($)}if(C>=0&&(I.count+=1,I.aliasCount===0&&(I.aliasCount=getAliasCount(_,k,w)),I.count*I.aliasCount>C)){const $="Excessive alias count indicates a resource exhaustion attack";throw new ReferenceError($)}return I.res}toString(b,m,w){const _=`*${this.source}`;if(b){if(anchorIsValid(this.source),b.options.verifyAliasOrder&&!b.anchors.has(this.source)){const C=`Unresolved alias (the anchor must be set before the alias): ${this.source}`;throw new Error(C)}if(b.implicitKey)return`${_} `}return _}}function getAliasCount(g,b,m){if(isAlias(b)){const w=b.resolve(g),_=m&&w&&m.get(w);return _?_.count*_.aliasCount:0}else if(isCollection$1(b)){let w=0;for(const _ of b.items){const C=getAliasCount(g,_,m);C>w&&(w=C)}return w}else if(isPair(b)){const w=getAliasCount(g,b.key,m),_=getAliasCount(g,b.value,m);return Math.max(w,_)}return 1}const isScalarValue=g=>!g||typeof g!="function"&&typeof g!="object";class Scalar extends NodeBase{constructor(b){super(SCALAR$1),this.value=b}toJSON(b,m){return m!=null&&m.keep?this.value:toJS(this.value,b,m)}toString(){return String(this.value)}}Scalar.BLOCK_FOLDED="BLOCK_FOLDED",Scalar.BLOCK_LITERAL="BLOCK_LITERAL",Scalar.PLAIN="PLAIN",Scalar.QUOTE_DOUBLE="QUOTE_DOUBLE",Scalar.QUOTE_SINGLE="QUOTE_SINGLE";const defaultTagPrefix="tag:yaml.org,2002:";function findTagObject(g,b,m){if(b){const w=m.filter(C=>C.tag===b),_=w.find(C=>!C.format)??w[0];if(!_)throw new Error(`Tag ${b} not found`);return _}return m.find(w=>{var _;return((_=w.identify)==null?void 0:_.call(w,g))&&!w.format})}function createNode(g,b,m){var U,G,X;if(isDocument(g)&&(g=g.contents),isNode(g))return g;if(isPair(g)){const Z=(G=(U=m.schema[MAP]).createNode)==null?void 0:G.call(U,m.schema,null,m);return Z.items.push(g),Z}(g instanceof String||g instanceof Number||g instanceof Boolean||typeof BigInt<"u"&&g instanceof BigInt)&&(g=g.valueOf());const{aliasDuplicateObjects:w,onAnchor:_,onTagObj:C,schema:k,sourceObjects:I}=m;let $;if(w&&g&&typeof g=="object"){if($=I.get(g),$)return $.anchor||($.anchor=_(g)),new Alias($.anchor);$={anchor:null,node:null},I.set(g,$)}b!=null&&b.startsWith("!!")&&(b=defaultTagPrefix+b.slice(2));let P=findTagObject(g,b,k.tags);if(!P){if(g&&typeof g.toJSON=="function"&&(g=g.toJSON()),!g||typeof g!="object"){const Z=new Scalar(g);return $&&($.node=Z),Z}P=g instanceof Map?k[MAP]:Symbol.iterator in Object(g)?k[SEQ]:k[MAP]}C&&(C(P),delete m.onTagObj);const M=P!=null&&P.createNode?P.createNode(m.schema,g,m):typeof((X=P==null?void 0:P.nodeClass)==null?void 0:X.from)=="function"?P.nodeClass.from(m.schema,g,m):new Scalar(g);return b?M.tag=b:P.default||(M.tag=P.tag),$&&($.node=M),M}function collectionFromPath(g,b,m){let w=m;for(let _=b.length-1;_>=0;--_){const C=b[_];if(typeof C=="number"&&Number.isInteger(C)&&C>=0){const k=[];k[C]=w,w=k}else w=new Map([[C,w]])}return createNode(w,void 0,{aliasDuplicateObjects:!1,keepUndefined:!1,onAnchor:()=>{throw new Error("This should not happen, please report a bug.")},schema:g,sourceObjects:new Map})}const isEmptyPath=g=>g==null||typeof g=="object"&&!!g[Symbol.iterator]().next().done;class Collection extends NodeBase{constructor(b,m){super(b),Object.defineProperty(this,"schema",{value:m,configurable:!0,enumerable:!1,writable:!0})}clone(b){const m=Object.create(Object.getPrototypeOf(this),Object.getOwnPropertyDescriptors(this));return b&&(m.schema=b),m.items=m.items.map(w=>isNode(w)||isPair(w)?w.clone(b):w),this.range&&(m.range=this.range.slice()),m}addIn(b,m){if(isEmptyPath(b))this.add(m);else{const[w,..._]=b,C=this.get(w,!0);if(isCollection$1(C))C.addIn(_,m);else if(C===void 0&&this.schema)this.set(w,collectionFromPath(this.schema,_,m));else throw new Error(`Expected YAML collection at ${w}. Remaining path: ${_}`)}}deleteIn(b){const[m,...w]=b;if(w.length===0)return this.delete(m);const _=this.get(m,!0);if(isCollection$1(_))return _.deleteIn(w);throw new Error(`Expected YAML collection at ${m}. Remaining path: ${w}`)}getIn(b,m){const[w,..._]=b,C=this.get(w,!0);return _.length===0?!m&&isScalar$1(C)?C.value:C:isCollection$1(C)?C.getIn(_,m):void 0}hasAllNullValues(b){return this.items.every(m=>{if(!isPair(m))return!1;const w=m.value;return w==null||b&&isScalar$1(w)&&w.value==null&&!w.commentBefore&&!w.comment&&!w.tag})}hasIn(b){const[m,...w]=b;if(w.length===0)return this.has(m);const _=this.get(m,!0);return isCollection$1(_)?_.hasIn(w):!1}setIn(b,m){const[w,..._]=b;if(_.length===0)this.set(w,m);else{const C=this.get(w,!0);if(isCollection$1(C))C.setIn(_,m);else if(C===void 0&&this.schema)this.set(w,collectionFromPath(this.schema,_,m));else throw new Error(`Expected YAML collection at ${w}. Remaining path: ${_}`)}}}Collection.maxFlowStringSingleLineLength=60;const stringifyComment=g=>g.replace(/^(?!$)(?: $)?/gm,"#");function indentComment(g,b){return/^\n+$/.test(g)?g.substring(1):b?g.replace(/^(?! *$)/gm,b):g}const lineComment=(g,b,m)=>g.endsWith(`
`)?indentComment(m,b):m.includes(`
`)?`
`+indentComment(m,b):(g.endsWith(" ")?"":" ")+m,FOLD_FLOW="flow",FOLD_BLOCK="block",FOLD_QUOTED="quoted";function foldFlowLines(g,b,m="flow",{indentAtStart:w,lineWidth:_=80,minContentWidth:C=20,onFold:k,onOverflow:I}={}){if(!_||_<0)return g;const $=Math.max(1+C,1+_-b.length);if(g.length<=$)return g;const P=[],M={};let U=_-b.length;typeof w=="number"&&(w>_-Math.max(2,C)?P.push(0):U=_-w);let G,X,Z=!1,ne=-1,re=-1,ve=-1;m===FOLD_BLOCK&&(ne=consumeMoreIndentedLines(g,ne),ne!==-1&&(U=ne+$));for(let ge;ge=g[ne+=1];){if(m===FOLD_QUOTED&&ge==="\\"){switch(re=ne,g[ne+1]){case"x":ne+=3;break;case"u":ne+=5;break;case"U":ne+=9;break;default:ne+=1}ve=ne}if(ge===`
`)m===FOLD_BLOCK&&(ne=consumeMoreIndentedLines(g,ne)),U=ne+$,G=void 0;else{if(ge===" "&&X&&X!==" "&&X!==`
`&&X!==" "){const oe=g[ne+1];oe&&oe!==" "&&oe!==`
`&&oe!==" "&&(G=ne)}if(ne>=U)if(G)P.push(G),U=G+$,G=void 0;else if(m===FOLD_QUOTED){for(;X===" "||X===" ";)X=ge,ge=g[ne+=1],Z=!0;const oe=ne>ve+1?ne-2:re-1;if(M[oe])return g;P.push(oe),M[oe]=!0,U=oe+$,G=void 0}else Z=!0}X=ge}if(Z&&I&&I(),P.length===0)return g;k&&k();let Se=g.slice(0,P[0]);for(let ge=0;ge<P.length;++ge){const oe=P[ge],me=P[ge+1]||g.length;oe===0?Se=`
${b}${g.slice(0,me)}`:(m===FOLD_QUOTED&&M[oe]&&(Se+=`${g[oe]}\\`),Se+=`
${b}${g.slice(oe+1,me)}`)}return Se}function consumeMoreIndentedLines(g,b){let m=g[b+1];for(;m===" "||m===" ";){do m=g[b+=1];while(m&&m!==`
`);m=g[b+1]}return b}const getFoldOptions=(g,b)=>({indentAtStart:b?g.indent.length:g.indentAtStart,lineWidth:g.options.lineWidth,minContentWidth:g.options.minContentWidth}),containsDocumentMarker=g=>/^(%|---|\.\.\.)/m.test(g);function lineLengthOverLimit(g,b,m){if(!b||b<0)return!1;const w=b-m,_=g.length;if(_<=w)return!1;for(let C=0,k=0;C<_;++C)if(g[C]===`
`){if(C-k>w)return!0;if(k=C+1,_-k<=w)return!1}return!0}function doubleQuotedString(g,b){const m=JSON.stringify(g);if(b.options.doubleQuotedAsJSON)return m;const{implicitKey:w}=b,_=b.options.doubleQuotedMinMultiLineLength,C=b.indent||(containsDocumentMarker(g)?" ":"");let k="",I=0;for(let $=0,P=m[$];P;P=m[++$])if(P===" "&&m[$+1]==="\\"&&m[$+2]==="n"&&(k+=m.slice(I,$)+"\\ ",$+=1,I=$,P="\\"),P==="\\")switch(m[$+1]){case"u":{k+=m.slice(I,$);const M=m.substr($+2,4);switch(M){case"0000":k+="\\0";break;case"0007":k+="\\a";break;case"000b":k+="\\v";break;case"001b":k+="\\e";break;case"0085":k+="\\N";break;case"00a0":k+="\\_";break;case"2028":k+="\\L";break;case"2029":k+="\\P";break;default:M.substr(0,2)==="00"?k+="\\x"+M.substr(2):k+=m.substr($,6)}$+=5,I=$+1}break;case"n":if(w||m[$+2]==='"'||m.length<_)$+=1;else{for(k+=m.slice(I,$)+`
`;m[$+2]==="\\"&&m[$+3]==="n"&&m[$+4]!=='"';)k+=`
`,$+=2;k+=C,m[$+2]===" "&&(k+="\\"),$+=1,I=$+1}break;default:$+=1}return k=I?k+m.slice(I):m,w?k:foldFlowLines(k,C,FOLD_QUOTED,getFoldOptions(b,!1))}function singleQuotedString(g,b){if(b.options.singleQuote===!1||b.implicitKey&&g.includes(`
`)||/[ \t]\n|\n[ \t]/.test(g))return doubleQuotedString(g,b);const m=b.indent||(containsDocumentMarker(g)?" ":""),w="'"+g.replace(/'/g,"''").replace(/\n+/g,`$&
${m}`)+"'";return b.implicitKey?w:foldFlowLines(w,m,FOLD_FLOW,getFoldOptions(b,!1))}function quotedString(g,b){const{singleQuote:m}=b.options;let w;if(m===!1)w=doubleQuotedString;else{const _=g.includes('"'),C=g.includes("'");_&&!C?w=singleQuotedString:C&&!_?w=doubleQuotedString:w=m?singleQuotedString:doubleQuotedString}return w(g,b)}let blockEndNewlines;try{blockEndNewlines=new RegExp(`(^|(?<!
))
+(?!
|$)`,"g")}catch{blockEndNewlines=/\n+(?!\n|$)/g}function blockString({comment:g,type:b,value:m},w,_,C){const{blockQuote:k,commentString:I,lineWidth:$}=w.options;if(!k||/\n[\t ]+$/.test(m)||/^\s*$/.test(m))return quotedString(m,w);const P=w.indent||(w.forceBlockIndent||containsDocumentMarker(m)?" ":""),M=k==="literal"?!0:k==="folded"||b===Scalar.BLOCK_FOLDED?!1:b===Scalar.BLOCK_LITERAL?!0:!lineLengthOverLimit(m,$,P.length);if(!m)return M?`|
`:`>
`;let U,G;for(G=m.length;G>0;--G){const De=m[G-1];if(De!==`
`&&De!==" "&&De!==" ")break}let X=m.substring(G);const Z=X.indexOf(`
`);Z===-1?U="-":m===X||Z!==X.length-1?(U="+",C&&C()):U="",X&&(m=m.slice(0,-X.length),X[X.length-1]===`
`&&(X=X.slice(0,-1)),X=X.replace(blockEndNewlines,`$&${P}`));let ne=!1,re,ve=-1;for(re=0;re<m.length;++re){const De=m[re];if(De===" ")ne=!0;else if(De===`
`)ve=re;else break}let Se=m.substring(0,ve<re?ve+1:re);Se&&(m=m.substring(Se.length),Se=Se.replace(/\n+/g,`$&${P}`));let oe=(M?"|":">")+(ne?P?"2":"1":"")+U;if(g&&(oe+=" "+I(g.replace(/ ?[\r\n]+/g," ")),_&&_()),M)return m=m.replace(/\n+/g,`$&${P}`),`${oe}
${P}${Se}${m}${X}`;m=m.replace(/\n+/g,`
$&`).replace(/(?:^|\n)([\t ].*)(?:([\n\t ]*)\n(?![\n\t ]))?/g,"$1$2").replace(/\n+/g,`$&${P}`);const me=foldFlowLines(`${Se}${m}${X}`,P,FOLD_BLOCK,getFoldOptions(w,!0));return`${oe}
${P}${me}`}function plainString(g,b,m,w){const{type:_,value:C}=g,{actualString:k,implicitKey:I,indent:$,indentStep:P,inFlow:M}=b;if(I&&/[\n[\]{},]/.test(C)||M&&/[[\]{},]/.test(C))return quotedString(C,b);if(!C||/^[\n\t ,[\]{}#&*!|>'"%@`]|^[?-]$|^[?-][ \t]|[\n:][ \t]|[ \t]\n|[\n\t ]#|[\n\t :]$/.test(C))return I||M||!C.includes(`
`)?quotedString(C,b):blockString(g,b,m,w);if(!I&&!M&&_!==Scalar.PLAIN&&C.includes(`
`))return blockString(g,b,m,w);if(containsDocumentMarker(C)){if($==="")return b.forceBlockIndent=!0,blockString(g,b,m,w);if(I&&$===P)return quotedString(C,b)}const U=C.replace(/\n+/g,`$&
${$}`);if(k){const G=ne=>{var re;return ne.default&&ne.tag!=="tag:yaml.org,2002:str"&&((re=ne.test)==null?void 0:re.test(U))},{compat:X,tags:Z}=b.doc.schema;if(Z.some(G)||X!=null&&X.some(G))return quotedString(C,b)}return I?U:foldFlowLines(U,$,FOLD_FLOW,getFoldOptions(b,!1))}function stringifyString(g,b,m,w){const{implicitKey:_,inFlow:C}=b,k=typeof g.value=="string"?g:Object.assign({},g,{value:String(g.value)});let{type:I}=g;I!==Scalar.QUOTE_DOUBLE&&/[\x00-\x08\x0b-\x1f\x7f-\x9f\u{D800}-\u{DFFF}]/u.test(k.value)&&(I=Scalar.QUOTE_DOUBLE);const $=M=>{switch(M){case Scalar.BLOCK_FOLDED:case Scalar.BLOCK_LITERAL:return _||C?quotedString(k.value,b):blockString(k,b,m,w);case Scalar.QUOTE_DOUBLE:return doubleQuotedString(k.value,b);case Scalar.QUOTE_SINGLE:return singleQuotedString(k.value,b);case Scalar.PLAIN:return plainString(k,b,m,w);default:return null}};let P=$(I);if(P===null){const{defaultKeyType:M,defaultStringType:U}=b.options,G=_&&M||U;if(P=$(G),P===null)throw new Error(`Unsupported default string type ${G}`)}return P}function createStringifyContext(g,b){const m=Object.assign({blockQuote:!0,commentString:stringifyComment,defaultKeyType:null,defaultStringType:"PLAIN",directives:null,doubleQuotedAsJSON:!1,doubleQuotedMinMultiLineLength:40,falseStr:"false",flowCollectionPadding:!0,indentSeq:!0,lineWidth:80,minContentWidth:20,nullStr:"null",simpleKeys:!1,singleQuote:null,trueStr:"true",verifyAliasOrder:!0},g.schema.toStringOptions,b);let w;switch(m.collectionStyle){case"block":w=!1;break;case"flow":w=!0;break;default:w=null}return{anchors:new Set,doc:g,flowCollectionPadding:m.flowCollectionPadding?" ":"",indent:"",indentStep:typeof m.indent=="number"?" ".repeat(m.indent):" ",inFlow:w,options:m}}function getTagObject(g,b){var _;if(b.tag){const C=g.filter(k=>k.tag===b.tag);if(C.length>0)return C.find(k=>k.format===b.format)??C[0]}let m,w;if(isScalar$1(b)){w=b.value;const C=g.filter(k=>{var I;return(I=k.identify)==null?void 0:I.call(k,w)});m=C.find(k=>k.format===b.format)??C.find(k=>!k.format)}else w=b,m=g.find(C=>C.nodeClass&&w instanceof C.nodeClass);if(!m){const C=((_=w==null?void 0:w.constructor)==null?void 0:_.name)??typeof w;throw new Error(`Tag not resolved for ${C} value`)}return m}function stringifyProps(g,b,{anchors:m,doc:w}){if(!w.directives)return"";const _=[],C=(isScalar$1(g)||isCollection$1(g))&&g.anchor;C&&anchorIsValid(C)&&(m.add(C),_.push(`&${C}`));const k=g.tag?g.tag:b.default?null:b.tag;return k&&_.push(w.directives.tagString(k)),_.join(" ")}function stringify$2(g,b,m,w){var $;if(isPair(g))return g.toString(b,m,w);if(isAlias(g)){if(b.doc.directives)return g.toString(b);if(($=b.resolvedAliases)!=null&&$.has(g))throw new TypeError("Cannot stringify circular structure without alias nodes");b.resolvedAliases?b.resolvedAliases.add(g):b.resolvedAliases=new Set([g]),g=g.resolve(b.doc)}let _;const C=isNode(g)?g:b.doc.createNode(g,{onTagObj:P=>_=P});_||(_=getTagObject(b.doc.schema.tags,C));const k=stringifyProps(C,_,b);k.length>0&&(b.indentAtStart=(b.indentAtStart??0)+k.length+1);const I=typeof _.stringify=="function"?_.stringify(C,b,m,w):isScalar$1(C)?stringifyString(C,b,m,w):C.toString(b,m,w);return k?isScalar$1(C)||I[0]==="{"||I[0]==="["?`${k} ${I}`:`${k}
${b.indent}${I}`:I}function stringifyPair({key:g,value:b},m,w,_){const{allNullValues:C,doc:k,indent:I,indentStep:$,options:{commentString:P,indentSeq:M,simpleKeys:U}}=m;let G=isNode(g)&&g.comment||null;if(U){if(G)throw new Error("With simple keys, key nodes cannot have comments");if(isCollection$1(g)){const Le="With simple keys, collection cannot be used as a key value";throw new Error(Le)}}let X=!U&&(!g||G&&b==null&&!m.inFlow||isCollection$1(g)||(isScalar$1(g)?g.type===Scalar.BLOCK_FOLDED||g.type===Scalar.BLOCK_LITERAL:typeof g=="object"));m=Object.assign({},m,{allNullValues:!1,implicitKey:!X&&(U||!C),indent:I+$});let Z=!1,ne=!1,re=stringify$2(g,m,()=>Z=!0,()=>ne=!0);if(!X&&!m.inFlow&&re.length>1024){if(U)throw new Error("With simple keys, single line scalar must not span more than 1024 characters");X=!0}if(m.inFlow){if(C||b==null)return Z&&w&&w(),re===""?"?":X?`? ${re}`:re}else if(C&&!U||b==null&&X)return re=`? ${re}`,G&&!Z?re+=lineComment(re,m.indent,P(G)):ne&&_&&_(),re;Z&&(G=null),X?(G&&(re+=lineComment(re,m.indent,P(G))),re=`? ${re}
${I}:`):(re=`${re}:`,G&&(re+=lineComment(re,m.indent,P(G))));let ve,Se,ge;isNode(b)?(ve=!!b.spaceBefore,Se=b.commentBefore,ge=b.comment):(ve=!1,Se=null,ge=null,b&&typeof b=="object"&&(b=k.createNode(b))),m.implicitKey=!1,!X&&!G&&isScalar$1(b)&&(m.indentAtStart=re.length+1),ne=!1,!M&&$.length>=2&&!m.inFlow&&!X&&isSeq(b)&&!b.flow&&!b.tag&&!b.anchor&&(m.indent=m.indent.substring(2));let oe=!1;const me=stringify$2(b,m,()=>oe=!0,()=>ne=!0);let De=" ";if(G||ve||Se){if(De=ve?`
`:"",Se){const Le=P(Se);De+=`
${indentComment(Le,m.indent)}`}me===""&&!m.inFlow?De===`
`&&(De=`
`):De+=`
${m.indent}`}else if(!X&&isCollection$1(b)){const Le=me[0],rt=me.indexOf(`
`),Ue=rt!==-1,Ze=m.inFlow??b.flow??b.items.length===0;if(Ue||!Ze){let gt=!1;if(Ue&&(Le==="&"||Le==="!")){let $t=me.indexOf(" ");Le==="&"&&$t!==-1&&$t<rt&&me[$t+1]==="!"&&($t=me.indexOf(" ",$t+1)),($t===-1||rt<$t)&&(gt=!0)}gt||(De=`
${m.indent}`)}}else(me===""||me[0]===`
`)&&(De="");return re+=De+me,m.inFlow?oe&&w&&w():ge&&!oe?re+=lineComment(re,m.indent,P(ge)):ne&&_&&_(),re}function warn(g,b){(g==="debug"||g==="warn")&&(typeof process<"u"&&process.emitWarning?process.emitWarning(b):console.warn(b))}const MERGE_KEY="<<";function addPairToJSMap(g,b,{key:m,value:w}){if(g!=null&&g.doc.schema.merge&&isMergeKey(m))if(w=isAlias(w)?w.resolve(g.doc):w,isSeq(w))for(const _ of w.items)mergeToJSMap(g,b,_);else if(Array.isArray(w))for(const _ of w)mergeToJSMap(g,b,_);else mergeToJSMap(g,b,w);else{const _=toJS(m,"",g);if(b instanceof Map)b.set(_,toJS(w,_,g));else if(b instanceof Set)b.add(_);else{const C=stringifyKey(m,_,g),k=toJS(w,C,g);C in b?Object.defineProperty(b,C,{value:k,writable:!0,enumerable:!0,configurable:!0}):b[C]=k}}return b}const isMergeKey=g=>g===MERGE_KEY||isScalar$1(g)&&g.value===MERGE_KEY&&(!g.type||g.type===Scalar.PLAIN);function mergeToJSMap(g,b,m){const w=g&&isAlias(m)?m.resolve(g.doc):m;if(!isMap(w))throw new Error("Merge sources must be maps or map aliases");const _=w.toJSON(null,g,Map);for(const[C,k]of _)b instanceof Map?b.has(C)||b.set(C,k):b instanceof Set?b.add(C):Object.prototype.hasOwnProperty.call(b,C)||Object.defineProperty(b,C,{value:k,writable:!0,enumerable:!0,configurable:!0});return b}function stringifyKey(g,b,m){if(b===null)return"";if(typeof b!="object")return String(b);if(isNode(g)&&m&&m.doc){const w=createStringifyContext(m.doc,{});w.anchors=new Set;for(const C of m.anchors.keys())w.anchors.add(C.anchor);w.inFlow=!0,w.inStringifyKey=!0;const _=g.toString(w);if(!m.mapKeyWarned){let C=JSON.stringify(_);C.length>40&&(C=C.substring(0,36)+'..."'),warn(m.doc.options.logLevel,`Keys with collection values will be stringified due to JS Object restrictions: ${C}. Set mapAsMap: true to use object keys.`),m.mapKeyWarned=!0}return _}return JSON.stringify(b)}function createPair(g,b,m){const w=createNode(g,void 0,m),_=createNode(b,void 0,m);return new Pair(w,_)}class Pair{constructor(b,m=null){Object.defineProperty(this,NODE_TYPE,{value:PAIR}),this.key=b,this.value=m}clone(b){let{key:m,value:w}=this;return isNode(m)&&(m=m.clone(b)),isNode(w)&&(w=w.clone(b)),new Pair(m,w)}toJSON(b,m){const w=m!=null&&m.mapAsMap?new Map:{};return addPairToJSMap(m,w,this)}toString(b,m,w){return b!=null&&b.doc?stringifyPair(this,b,m,w):JSON.stringify(this)}}function stringifyCollection(g,b,m){return(b.inFlow??g.flow?stringifyFlowCollection:stringifyBlockCollection)(g,b,m)}function stringifyBlockCollection({comment:g,items:b},m,{blockItemPrefix:w,flowChars:_,itemIndent:C,onChompKeep:k,onComment:I}){const{indent:$,options:{commentString:P}}=m,M=Object.assign({},m,{indent:C,type:null});let U=!1;const G=[];for(let Z=0;Z<b.length;++Z){const ne=b[Z];let re=null;if(isNode(ne))!U&&ne.spaceBefore&&G.push(""),addCommentBefore(m,G,ne.commentBefore,U),ne.comment&&(re=ne.comment);else if(isPair(ne)){const Se=isNode(ne.key)?ne.key:null;Se&&(!U&&Se.spaceBefore&&G.push(""),addCommentBefore(m,G,Se.commentBefore,U))}U=!1;let ve=stringify$2(ne,M,()=>re=null,()=>U=!0);re&&(ve+=lineComment(ve,C,P(re))),U&&re&&(U=!1),G.push(w+ve)}let X;if(G.length===0)X=_.start+_.end;else{X=G[0];for(let Z=1;Z<G.length;++Z){const ne=G[Z];X+=ne?`
${$}${ne}`:`
`}}return g?(X+=`
`+indentComment(P(g),$),I&&I()):U&&k&&k(),X}function stringifyFlowCollection({comment:g,items:b},m,{flowChars:w,itemIndent:_,onComment:C}){const{indent:k,indentStep:I,flowCollectionPadding:$,options:{commentString:P}}=m;_+=I;const M=Object.assign({},m,{indent:_,inFlow:!0,type:null});let U=!1,G=0;const X=[];for(let ve=0;ve<b.length;++ve){const Se=b[ve];let ge=null;if(isNode(Se))Se.spaceBefore&&X.push(""),addCommentBefore(m,X,Se.commentBefore,!1),Se.comment&&(ge=Se.comment);else if(isPair(Se)){const me=isNode(Se.key)?Se.key:null;me&&(me.spaceBefore&&X.push(""),addCommentBefore(m,X,me.commentBefore,!1),me.comment&&(U=!0));const De=isNode(Se.value)?Se.value:null;De?(De.comment&&(ge=De.comment),De.commentBefore&&(U=!0)):Se.value==null&&me&&me.comment&&(ge=me.comment)}ge&&(U=!0);let oe=stringify$2(Se,M,()=>ge=null);ve<b.length-1&&(oe+=","),ge&&(oe+=lineComment(oe,_,P(ge))),!U&&(X.length>G||oe.includes(`
`))&&(U=!0),X.push(oe),G=X.length}let Z;const{start:ne,end:re}=w;if(X.length===0)Z=ne+re;else if(U||(U=X.reduce((Se,ge)=>Se+ge.length+2,2)>Collection.maxFlowStringSingleLineLength),U){Z=ne;for(const ve of X)Z+=ve?`
${I}${k}${ve}`:`
`;Z+=`
${k}${re}`}else Z=`${ne}${$}${X.join(" ")}${$}${re}`;return g&&(Z+=lineComment(Z,k,P(g)),C&&C()),Z}function addCommentBefore({indent:g,options:{commentString:b}},m,w,_){if(w&&_&&(w=w.replace(/^\n+/,"")),w){const C=indentComment(b(w),g);m.push(C.trimStart())}}function findPair(g,b){const m=isScalar$1(b)?b.value:b;for(const w of g)if(isPair(w)&&(w.key===b||w.key===m||isScalar$1(w.key)&&w.key.value===m))return w}class YAMLMap extends Collection{static get tagName(){return"tag:yaml.org,2002:map"}constructor(b){super(MAP,b),this.items=[]}static from(b,m,w){const{keepUndefined:_,replacer:C}=w,k=new this(b),I=($,P)=>{if(typeof C=="function")P=C.call(m,$,P);else if(Array.isArray(C)&&!C.includes($))return;(P!==void 0||_)&&k.items.push(createPair($,P,w))};if(m instanceof Map)for(const[$,P]of m)I($,P);else if(m&&typeof m=="object")for(const $ of Object.keys(m))I($,m[$]);return typeof b.sortMapEntries=="function"&&k.items.sort(b.sortMapEntries),k}add(b,m){var k;let w;isPair(b)?w=b:!b||typeof b!="object"||!("key"in b)?w=new Pair(b,b==null?void 0:b.value):w=new Pair(b.key,b.value);const _=findPair(this.items,w.key),C=(k=this.schema)==null?void 0:k.sortMapEntries;if(_){if(!m)throw new Error(`Key ${w.key} already set`);isScalar$1(_.value)&&isScalarValue(w.value)?_.value.value=w.value:_.value=w.value}else if(C){const I=this.items.findIndex($=>C(w,$)<0);I===-1?this.items.push(w):this.items.splice(I,0,w)}else this.items.push(w)}delete(b){const m=findPair(this.items,b);return m?this.items.splice(this.items.indexOf(m),1).length>0:!1}get(b,m){const w=findPair(this.items,b),_=w==null?void 0:w.value;return(!m&&isScalar$1(_)?_.value:_)??void 0}has(b){return!!findPair(this.items,b)}set(b,m){this.add(new Pair(b,m),!0)}toJSON(b,m,w){const _=w?new w:m!=null&&m.mapAsMap?new Map:{};m!=null&&m.onCreate&&m.onCreate(_);for(const C of this.items)addPairToJSMap(m,_,C);return _}toString(b,m,w){if(!b)return JSON.stringify(this);for(const _ of this.items)if(!isPair(_))throw new Error(`Map items must all be pairs; found ${JSON.stringify(_)} instead`);return!b.allNullValues&&this.hasAllNullValues(!1)&&(b=Object.assign({},b,{allNullValues:!0})),stringifyCollection(this,b,{blockItemPrefix:"",flowChars:{start:"{",end:"}"},itemIndent:b.indent||"",onChompKeep:w,onComment:m})}}const map={collection:"map",default:!0,nodeClass:YAMLMap,tag:"tag:yaml.org,2002:map",resolve(g,b){return isMap(g)||b("Expected a mapping for this tag"),g},createNode:(g,b,m)=>YAMLMap.from(g,b,m)};class YAMLSeq extends Collection{static get tagName(){return"tag:yaml.org,2002:seq"}constructor(b){super(SEQ,b),this.items=[]}add(b){this.items.push(b)}delete(b){const m=asItemIndex(b);return typeof m!="number"?!1:this.items.splice(m,1).length>0}get(b,m){const w=asItemIndex(b);if(typeof w!="number")return;const _=this.items[w];return!m&&isScalar$1(_)?_.value:_}has(b){const m=asItemIndex(b);return typeof m=="number"&&m<this.items.length}set(b,m){const w=asItemIndex(b);if(typeof w!="number")throw new Error(`Expected a valid index, not ${b}.`);const _=this.items[w];isScalar$1(_)&&isScalarValue(m)?_.value=m:this.items[w]=m}toJSON(b,m){const w=[];m!=null&&m.onCreate&&m.onCreate(w);let _=0;for(const C of this.items)w.push(toJS(C,String(_++),m));return w}toString(b,m,w){return b?stringifyCollection(this,b,{blockItemPrefix:"- ",flowChars:{start:"[",end:"]"},itemIndent:(b.indent||"")+" ",onChompKeep:w,onComment:m}):JSON.stringify(this)}static from(b,m,w){const{replacer:_}=w,C=new this(b);if(m&&Symbol.iterator in Object(m)){let k=0;for(let I of m){if(typeof _=="function"){const $=m instanceof Set?I:String(k++);I=_.call(m,$,I)}C.items.push(createNode(I,void 0,w))}}return C}}function asItemIndex(g){let b=isScalar$1(g)?g.value:g;return b&&typeof b=="string"&&(b=Number(b)),typeof b=="number"&&Number.isInteger(b)&&b>=0?b:null}const seq={collection:"seq",default:!0,nodeClass:YAMLSeq,tag:"tag:yaml.org,2002:seq",resolve(g,b){return isSeq(g)||b("Expected a sequence for this tag"),g},createNode:(g,b,m)=>YAMLSeq.from(g,b,m)},string={identify:g=>typeof g=="string",default:!0,tag:"tag:yaml.org,2002:str",resolve:g=>g,stringify(g,b,m,w){return b=Object.assign({actualString:!0},b),stringifyString(g,b,m,w)}},nullTag={identify:g=>g==null,createNode:()=>new Scalar(null),default:!0,tag:"tag:yaml.org,2002:null",test:/^(?:~|[Nn]ull|NULL)?$/,resolve:()=>new Scalar(null),stringify:({source:g},b)=>typeof g=="string"&&nullTag.test.test(g)?g:b.options.nullStr},boolTag={identify:g=>typeof g=="boolean",default:!0,tag:"tag:yaml.org,2002:bool",test:/^(?:[Tt]rue|TRUE|[Ff]alse|FALSE)$/,resolve:g=>new Scalar(g[0]==="t"||g[0]==="T"),stringify({source:g,value:b},m){if(g&&boolTag.test.test(g)){const w=g[0]==="t"||g[0]==="T";if(b===w)return g}return b?m.options.trueStr:m.options.falseStr}};function stringifyNumber({format:g,minFractionDigits:b,tag:m,value:w}){if(typeof w=="bigint")return String(w);const _=typeof w=="number"?w:Number(w);if(!isFinite(_))return isNaN(_)?".nan":_<0?"-.inf":".inf";let C=JSON.stringify(w);if(!g&&b&&(!m||m==="tag:yaml.org,2002:float")&&/^\d/.test(C)){let k=C.indexOf(".");k<0&&(k=C.length,C+=".");let I=b-(C.length-k-1);for(;I-- >0;)C+="0"}return C}const floatNaN$1={identify:g=>typeof g=="number",default:!0,tag:"tag:yaml.org,2002:float",test:/^(?:[-+]?\.(?:inf|Inf|INF|nan|NaN|NAN))$/,resolve:g=>g.slice(-3).toLowerCase()==="nan"?NaN:g[0]==="-"?Number.NEGATIVE_INFINITY:Number.POSITIVE_INFINITY,stringify:stringifyNumber},floatExp$1={identify:g=>typeof g=="number",default:!0,tag:"tag:yaml.org,2002:float",format:"EXP",test:/^[-+]?(?:\.[0-9]+|[0-9]+(?:\.[0-9]*)?)[eE][-+]?[0-9]+$/,resolve:g=>parseFloat(g),stringify(g){const b=Number(g.value);return isFinite(b)?b.toExponential():stringifyNumber(g)}},float$1={identify:g=>typeof g=="number",default:!0,tag:"tag:yaml.org,2002:float",test:/^[-+]?(?:\.[0-9]+|[0-9]+\.[0-9]*)$/,resolve(g){const b=new Scalar(parseFloat(g)),m=g.indexOf(".");return m!==-1&&g[g.length-1]==="0"&&(b.minFractionDigits=g.length-m-1),b},stringify:stringifyNumber},intIdentify$2=g=>typeof g=="bigint"||Number.isInteger(g),intResolve$1=(g,b,m,{intAsBigInt:w})=>w?BigInt(g):parseInt(g.substring(b),m);function intStringify$1(g,b,m){const{value:w}=g;return intIdentify$2(w)&&w>=0?m+w.toString(b):stringifyNumber(g)}const intOct$1={identify:g=>intIdentify$2(g)&&g>=0,default:!0,tag:"tag:yaml.org,2002:int",format:"OCT",test:/^0o[0-7]+$/,resolve:(g,b,m)=>intResolve$1(g,2,8,m),stringify:g=>intStringify$1(g,8,"0o")},int$3={identify:intIdentify$2,default:!0,tag:"tag:yaml.org,2002:int",test:/^[-+]?[0-9]+$/,resolve:(g,b,m)=>intResolve$1(g,0,10,m),stringify:stringifyNumber},intHex$1={identify:g=>intIdentify$2(g)&&g>=0,default:!0,tag:"tag:yaml.org,2002:int",format:"HEX",test:/^0x[0-9a-fA-F]+$/,resolve:(g,b,m)=>intResolve$1(g,2,16,m),stringify:g=>intStringify$1(g,16,"0x")},schema$2=[map,seq,string,nullTag,boolTag,intOct$1,int$3,intHex$1,floatNaN$1,floatExp$1,float$1];function intIdentify$1(g){return typeof g=="bigint"||Number.isInteger(g)}const stringifyJSON=({value:g})=>JSON.stringify(g),jsonScalars=[{identify:g=>typeof g=="string",default:!0,tag:"tag:yaml.org,2002:str",resolve:g=>g,stringify:stringifyJSON},{identify:g=>g==null,createNode:()=>new Scalar(null),default:!0,tag:"tag:yaml.org,2002:null",test:/^null$/,resolve:()=>null,stringify:stringifyJSON},{identify:g=>typeof g=="boolean",default:!0,tag:"tag:yaml.org,2002:bool",test:/^true|false$/,resolve:g=>g==="true",stringify:stringifyJSON},{identify:intIdentify$1,default:!0,tag:"tag:yaml.org,2002:int",test:/^-?(?:0|[1-9][0-9]*)$/,resolve:(g,b,{intAsBigInt:m})=>m?BigInt(g):parseInt(g,10),stringify:({value:g})=>intIdentify$1(g)?g.toString():JSON.stringify(g)},{identify:g=>typeof g=="number",default:!0,tag:"tag:yaml.org,2002:float",test:/^-?(?:0|[1-9][0-9]*)(?:\.[0-9]*)?(?:[eE][-+]?[0-9]+)?$/,resolve:g=>parseFloat(g),stringify:stringifyJSON}],jsonError={default:!0,tag:"",test:/^/,resolve(g,b){return b(`Unresolved plain scalar ${JSON.stringify(g)}`),g}},schema$1=[map,seq].concat(jsonScalars,jsonError),binary={identify:g=>g instanceof Uint8Array,default:!1,tag:"tag:yaml.org,2002:binary",resolve(g,b){if(typeof Buffer=="function")return Buffer.from(g,"base64");if(typeof atob=="function"){const m=atob(g.replace(/[\n\r]/g,"")),w=new Uint8Array(m.length);for(let _=0;_<m.length;++_)w[_]=m.charCodeAt(_);return w}else return b("This environment does not support reading binary tags; either Buffer or atob is required"),g},stringify({comment:g,type:b,value:m},w,_,C){const k=m;let I;if(typeof Buffer=="function")I=k instanceof Buffer?k.toString("base64"):Buffer.from(k.buffer).toString("base64");else if(typeof btoa=="function"){let $="";for(let P=0;P<k.length;++P)$+=String.fromCharCode(k[P]);I=btoa($)}else throw new Error("This environment does not support writing binary tags; either Buffer or btoa is required");if(b||(b=Scalar.BLOCK_LITERAL),b!==Scalar.QUOTE_DOUBLE){const $=Math.max(w.options.lineWidth-w.indent.length,w.options.minContentWidth),P=Math.ceil(I.length/$),M=new Array(P);for(let U=0,G=0;U<P;++U,G+=$)M[U]=I.substr(G,$);I=M.join(b===Scalar.BLOCK_LITERAL?`
`:" ")}return stringifyString({comment:g,type:b,value:I},w,_,C)}};function resolvePairs(g,b){if(isSeq(g))for(let m=0;m<g.items.length;++m){let w=g.items[m];if(!isPair(w)){if(isMap(w)){w.items.length>1&&b("Each pair must have its own sequence indicator");const _=w.items[0]||new Pair(new Scalar(null));if(w.commentBefore&&(_.key.commentBefore=_.key.commentBefore?`${w.commentBefore}
${_.key.commentBefore}`:w.commentBefore),w.comment){const C=_.value??_.key;C.comment=C.comment?`${w.comment}
${C.comment}`:w.comment}w=_}g.items[m]=isPair(w)?w:new Pair(w)}}else b("Expected a sequence for this tag");return g}function createPairs(g,b,m){const{replacer:w}=m,_=new YAMLSeq(g);_.tag="tag:yaml.org,2002:pairs";let C=0;if(b&&Symbol.iterator in Object(b))for(let k of b){typeof w=="function"&&(k=w.call(b,String(C++),k));let I,$;if(Array.isArray(k))if(k.length===2)I=k[0],$=k[1];else throw new TypeError(`Expected [key, value] tuple: ${k}`);else if(k&&k instanceof Object){const P=Object.keys(k);if(P.length===1)I=P[0],$=k[I];else throw new TypeError(`Expected { key: value } tuple: ${k}`)}else I=k;_.items.push(createPair(I,$,m))}return _}const pairs={collection:"seq",default:!1,tag:"tag:yaml.org,2002:pairs",resolve:resolvePairs,createNode:createPairs};class YAMLOMap extends YAMLSeq{constructor(){super(),this.add=YAMLMap.prototype.add.bind(this),this.delete=YAMLMap.prototype.delete.bind(this),this.get=YAMLMap.prototype.get.bind(this),this.has=YAMLMap.prototype.has.bind(this),this.set=YAMLMap.prototype.set.bind(this),this.tag=YAMLOMap.tag}toJSON(b,m){if(!m)return super.toJSON(b);const w=new Map;m!=null&&m.onCreate&&m.onCreate(w);for(const _ of this.items){let C,k;if(isPair(_)?(C=toJS(_.key,"",m),k=toJS(_.value,C,m)):C=toJS(_,"",m),w.has(C))throw new Error("Ordered maps must not include duplicate keys");w.set(C,k)}return w}static from(b,m,w){const _=createPairs(b,m,w),C=new this;return C.items=_.items,C}}YAMLOMap.tag="tag:yaml.org,2002:omap";const omap={collection:"seq",identify:g=>g instanceof Map,nodeClass:YAMLOMap,default:!1,tag:"tag:yaml.org,2002:omap",resolve(g,b){const m=resolvePairs(g,b),w=[];for(const{key:_}of m.items)isScalar$1(_)&&(w.includes(_.value)?b(`Ordered maps must not include duplicate keys: ${_.value}`):w.push(_.value));return Object.assign(new YAMLOMap,m)},createNode:(g,b,m)=>YAMLOMap.from(g,b,m)};function boolStringify({value:g,source:b},m){return b&&(g?trueTag:falseTag).test.test(b)?b:g?m.options.trueStr:m.options.falseStr}const trueTag={identify:g=>g===!0,default:!0,tag:"tag:yaml.org,2002:bool",test:/^(?:Y|y|[Yy]es|YES|[Tt]rue|TRUE|[Oo]n|ON)$/,resolve:()=>new Scalar(!0),stringify:boolStringify},falseTag={identify:g=>g===!1,default:!0,tag:"tag:yaml.org,2002:bool",test:/^(?:N|n|[Nn]o|NO|[Ff]alse|FALSE|[Oo]ff|OFF)$/i,resolve:()=>new Scalar(!1),stringify:boolStringify},floatNaN={identify:g=>typeof g=="number",default:!0,tag:"tag:yaml.org,2002:float",test:/^[-+]?\.(?:inf|Inf|INF|nan|NaN|NAN)$/,resolve:g=>g.slice(-3).toLowerCase()==="nan"?NaN:g[0]==="-"?Number.NEGATIVE_INFINITY:Number.POSITIVE_INFINITY,stringify:stringifyNumber},floatExp={identify:g=>typeof g=="number",default:!0,tag:"tag:yaml.org,2002:float",format:"EXP",test:/^[-+]?(?:[0-9][0-9_]*)?(?:\.[0-9_]*)?[eE][-+]?[0-9]+$/,resolve:g=>parseFloat(g.replace(/_/g,"")),stringify(g){const b=Number(g.value);return isFinite(b)?b.toExponential():stringifyNumber(g)}},float={identify:g=>typeof g=="number",default:!0,tag:"tag:yaml.org,2002:float",test:/^[-+]?(?:[0-9][0-9_]*)?\.[0-9_]*$/,resolve(g){const b=new Scalar(parseFloat(g.replace(/_/g,""))),m=g.indexOf(".");if(m!==-1){const w=g.substring(m+1).replace(/_/g,"");w[w.length-1]==="0"&&(b.minFractionDigits=w.length)}return b},stringify:stringifyNumber},intIdentify=g=>typeof g=="bigint"||Number.isInteger(g);function intResolve(g,b,m,{intAsBigInt:w}){const _=g[0];if((_==="-"||_==="+")&&(b+=1),g=g.substring(b).replace(/_/g,""),w){switch(m){case 2:g=`0b${g}`;break;case 8:g=`0o${g}`;break;case 16:g=`0x${g}`;break}const k=BigInt(g);return _==="-"?BigInt(-1)*k:k}const C=parseInt(g,m);return _==="-"?-1*C:C}function intStringify(g,b,m){const{value:w}=g;if(intIdentify(w)){const _=w.toString(b);return w<0?"-"+m+_.substr(1):m+_}return stringifyNumber(g)}const intBin={identify:intIdentify,default:!0,tag:"tag:yaml.org,2002:int",format:"BIN",test:/^[-+]?0b[0-1_]+$/,resolve:(g,b,m)=>intResolve(g,2,2,m),stringify:g=>intStringify(g,2,"0b")},intOct={identify:intIdentify,default:!0,tag:"tag:yaml.org,2002:int",format:"OCT",test:/^[-+]?0[0-7_]+$/,resolve:(g,b,m)=>intResolve(g,1,8,m),stringify:g=>intStringify(g,8,"0")},int$2={identify:intIdentify,default:!0,tag:"tag:yaml.org,2002:int",test:/^[-+]?[0-9][0-9_]*$/,resolve:(g,b,m)=>intResolve(g,0,10,m),stringify:stringifyNumber},intHex={identify:intIdentify,default:!0,tag:"tag:yaml.org,2002:int",format:"HEX",test:/^[-+]?0x[0-9a-fA-F_]+$/,resolve:(g,b,m)=>intResolve(g,2,16,m),stringify:g=>intStringify(g,16,"0x")};class YAMLSet extends YAMLMap{constructor(b){super(b),this.tag=YAMLSet.tag}add(b){let m;isPair(b)?m=b:b&&typeof b=="object"&&"key"in b&&"value"in b&&b.value===null?m=new Pair(b.key,null):m=new Pair(b,null),findPair(this.items,m.key)||this.items.push(m)}get(b,m){const w=findPair(this.items,b);return!m&&isPair(w)?isScalar$1(w.key)?w.key.value:w.key:w}set(b,m){if(typeof m!="boolean")throw new Error(`Expected boolean value for set(key, value) in a YAML set, not ${typeof m}`);const w=findPair(this.items,b);w&&!m?this.items.splice(this.items.indexOf(w),1):!w&&m&&this.items.push(new Pair(b))}toJSON(b,m){return super.toJSON(b,m,Set)}toString(b,m,w){if(!b)return JSON.stringify(this);if(this.hasAllNullValues(!0))return super.toString(Object.assign({},b,{allNullValues:!0}),m,w);throw new Error("Set items must all have null values")}static from(b,m,w){const{replacer:_}=w,C=new this(b);if(m&&Symbol.iterator in Object(m))for(let k of m)typeof _=="function"&&(k=_.call(m,k,k)),C.items.push(createPair(k,null,w));return C}}YAMLSet.tag="tag:yaml.org,2002:set";const set={collection:"map",identify:g=>g instanceof Set,nodeClass:YAMLSet,default:!1,tag:"tag:yaml.org,2002:set",createNode:(g,b,m)=>YAMLSet.from(g,b,m),resolve(g,b){if(isMap(g)){if(g.hasAllNullValues(!0))return Object.assign(new YAMLSet,g);b("Set items must all have null values")}else b("Expected a mapping for this tag");return g}};function parseSexagesimal(g,b){const m=g[0],w=m==="-"||m==="+"?g.substring(1):g,_=k=>b?BigInt(k):Number(k),C=w.replace(/_/g,"").split(":").reduce((k,I)=>k*_(60)+_(I),_(0));return m==="-"?_(-1)*C:C}function stringifySexagesimal(g){let{value:b}=g,m=k=>k;if(typeof b=="bigint")m=k=>BigInt(k);else if(isNaN(b)||!isFinite(b))return stringifyNumber(g);let w="";b<0&&(w="-",b*=m(-1));const _=m(60),C=[b%_];return b<60?C.unshift(0):(b=(b-C[0])/_,C.unshift(b%_),b>=60&&(b=(b-C[0])/_,C.unshift(b))),w+C.map(k=>String(k).padStart(2,"0")).join(":").replace(/000000\d*$/,"")}const intTime={identify:g=>typeof g=="bigint"||Number.isInteger(g),default:!0,tag:"tag:yaml.org,2002:int",format:"TIME",test:/^[-+]?[0-9][0-9_]*(?::[0-5]?[0-9])+$/,resolve:(g,b,{intAsBigInt:m})=>parseSexagesimal(g,m),stringify:stringifySexagesimal},floatTime={identify:g=>typeof g=="number",default:!0,tag:"tag:yaml.org,2002:float",format:"TIME",test:/^[-+]?[0-9][0-9_]*(?::[0-5]?[0-9])+\.[0-9_]*$/,resolve:g=>parseSexagesimal(g,!1),stringify:stringifySexagesimal},timestamp={identify:g=>g instanceof Date,default:!0,tag:"tag:yaml.org,2002:timestamp",test:RegExp("^([0-9]{4})-([0-9]{1,2})-([0-9]{1,2})(?:(?:t|T|[ \\t]+)([0-9]{1,2}):([0-9]{1,2}):([0-9]{1,2}(\\.[0-9]+)?)(?:[ \\t]*(Z|[-+][012]?[0-9](?::[0-9]{2})?))?)?$"),resolve(g){const b=g.match(timestamp.test);if(!b)throw new Error("!!timestamp expects a date, starting with yyyy-mm-dd");const[,m,w,_,C,k,I]=b.map(Number),$=b[7]?Number((b[7]+"00").substr(1,3)):0;let P=Date.UTC(m,w-1,_,C||0,k||0,I||0,$);const M=b[8];if(M&&M!=="Z"){let U=parseSexagesimal(M,!1);Math.abs(U)<30&&(U*=60),P-=6e4*U}return new Date(P)},stringify:({value:g})=>g.toISOString().replace(/((T00:00)?:00)?\.000Z$/,"")},schema=[map,seq,string,nullTag,trueTag,falseTag,intBin,intOct,int$2,intHex,floatNaN,floatExp,float,binary,omap,pairs,set,intTime,floatTime,timestamp],schemas=new Map([["core",schema$2],["failsafe",[map,seq,string]],["json",schema$1],["yaml11",schema],["yaml-1.1",schema]]),tagsByName={binary,bool:boolTag,float:float$1,floatExp:floatExp$1,floatNaN:floatNaN$1,floatTime,int:int$3,intHex:intHex$1,intOct:intOct$1,intTime,map,null:nullTag,omap,pairs,seq,set,timestamp},coreKnownTags={"tag:yaml.org,2002:binary":binary,"tag:yaml.org,2002:omap":omap,"tag:yaml.org,2002:pairs":pairs,"tag:yaml.org,2002:set":set,"tag:yaml.org,2002:timestamp":timestamp};function getTags(g,b){let m=schemas.get(b);if(!m)if(Array.isArray(g))m=[];else{const w=Array.from(schemas.keys()).filter(_=>_!=="yaml11").map(_=>JSON.stringify(_)).join(", ");throw new Error(`Unknown schema "${b}"; use one of ${w} or define customTags array`)}if(Array.isArray(g))for(const w of g)m=m.concat(w);else typeof g=="function"&&(m=g(m.slice()));return m.map(w=>{if(typeof w!="string")return w;const _=tagsByName[w];if(_)return _;const C=Object.keys(tagsByName).map(k=>JSON.stringify(k)).join(", ");throw new Error(`Unknown custom tag "${w}"; use one of ${C}`)})}const sortMapEntriesByKey=(g,b)=>g.key<b.key?-1:g.key>b.key?1:0;class Schema{constructor({compat:b,customTags:m,merge:w,resolveKnownTags:_,schema:C,sortMapEntries:k,toStringDefaults:I}){this.compat=Array.isArray(b)?getTags(b,"compat"):b?getTags(null,b):null,this.merge=!!w,this.name=typeof C=="string"&&C||"core",this.knownTags=_?coreKnownTags:{},this.tags=getTags(m,this.name),this.toStringOptions=I??null,Object.defineProperty(this,MAP,{value:map}),Object.defineProperty(this,SCALAR$1,{value:string}),Object.defineProperty(this,SEQ,{value:seq}),this.sortMapEntries=typeof k=="function"?k:k===!0?sortMapEntriesByKey:null}clone(){const b=Object.create(Schema.prototype,Object.getOwnPropertyDescriptors(this));return b.tags=this.tags.slice(),b}}function stringifyDocument(g,b){var $;const m=[];let w=b.directives===!0;if(b.directives!==!1&&g.directives){const P=g.directives.toString(g);P?(m.push(P),w=!0):g.directives.docStart&&(w=!0)}w&&m.push("---");const _=createStringifyContext(g,b),{commentString:C}=_.options;if(g.commentBefore){m.length!==1&&m.unshift("");const P=C(g.commentBefore);m.unshift(indentComment(P,""))}let k=!1,I=null;if(g.contents){if(isNode(g.contents)){if(g.contents.spaceBefore&&w&&m.push(""),g.contents.commentBefore){const U=C(g.contents.commentBefore);m.push(indentComment(U,""))}_.forceBlockIndent=!!g.comment,I=g.contents.comment}const P=I?void 0:()=>k=!0;let M=stringify$2(g.contents,_,()=>I=null,P);I&&(M+=lineComment(M,"",C(I))),(M[0]==="|"||M[0]===">")&&m[m.length-1]==="---"?m[m.length-1]=`--- ${M}`:m.push(M)}else m.push(stringify$2(g.contents,_));if(($=g.directives)!=null&&$.docEnd)if(g.comment){const P=C(g.comment);P.includes(`
`)?(m.push("..."),m.push(indentComment(P,""))):m.push(`... ${P}`)}else m.push("...");else{let P=g.comment;P&&k&&(P=P.replace(/^\n+/,"")),P&&((!k||I)&&m[m.length-1]!==""&&m.push(""),m.push(indentComment(C(P),"")))}return m.join(`
`)+`
`}let Document$1=class $it{constructor(b,m,w){this.commentBefore=null,this.comment=null,this.errors=[],this.warnings=[],Object.defineProperty(this,NODE_TYPE,{value:DOC});let _=null;typeof m=="function"||Array.isArray(m)?_=m:w===void 0&&m&&(w=m,m=void 0);const C=Object.assign({intAsBigInt:!1,keepSourceTokens:!1,logLevel:"warn",prettyErrors:!0,strict:!0,uniqueKeys:!0,version:"1.2"},w);this.options=C;let{version:k}=C;w!=null&&w._directives?(this.directives=w._directives.atDocument(),this.directives.yaml.explicit&&(k=this.directives.yaml.version)):this.directives=new Directives({version:k}),this.setSchema(k,w),this.contents=b===void 0?null:this.createNode(b,_,w)}clone(){const b=Object.create($it.prototype,{[NODE_TYPE]:{value:DOC}});return b.commentBefore=this.commentBefore,b.comment=this.comment,b.errors=this.errors.slice(),b.warnings=this.warnings.slice(),b.options=Object.assign({},this.options),this.directives&&(b.directives=this.directives.clone()),b.schema=this.schema.clone(),b.contents=isNode(this.contents)?this.contents.clone(b.schema):this.contents,this.range&&(b.range=this.range.slice()),b}add(b){assertCollection(this.contents)&&this.contents.add(b)}addIn(b,m){assertCollection(this.contents)&&this.contents.addIn(b,m)}createAlias(b,m){if(!b.anchor){const w=anchorNames(this);b.anchor=!m||w.has(m)?findNewAnchor(m||"a",w):m}return new Alias(b.anchor)}createNode(b,m,w){let _;if(typeof m=="function")b=m.call({"":b},"",b),_=m;else if(Array.isArray(m)){const re=Se=>typeof Se=="number"||Se instanceof String||Se instanceof Number,ve=m.filter(re).map(String);ve.length>0&&(m=m.concat(ve)),_=m}else w===void 0&&m&&(w=m,m=void 0);const{aliasDuplicateObjects:C,anchorPrefix:k,flow:I,keepUndefined:$,onTagObj:P,tag:M}=w??{},{onAnchor:U,setAnchors:G,sourceObjects:X}=createNodeAnchors(this,k||"a"),Z={aliasDuplicateObjects:C??!0,keepUndefined:$??!1,onAnchor:U,onTagObj:P,replacer:_,schema:this.schema,sourceObjects:X},ne=createNode(b,M,Z);return I&&isCollection$1(ne)&&(ne.flow=!0),G(),ne}createPair(b,m,w={}){const _=this.createNode(b,null,w),C=this.createNode(m,null,w);return new Pair(_,C)}delete(b){return assertCollection(this.contents)?this.contents.delete(b):!1}deleteIn(b){return isEmptyPath(b)?this.contents==null?!1:(this.contents=null,!0):assertCollection(this.contents)?this.contents.deleteIn(b):!1}get(b,m){return isCollection$1(this.contents)?this.contents.get(b,m):void 0}getIn(b,m){return isEmptyPath(b)?!m&&isScalar$1(this.contents)?this.contents.value:this.contents:isCollection$1(this.contents)?this.contents.getIn(b,m):void 0}has(b){return isCollection$1(this.contents)?this.contents.has(b):!1}hasIn(b){return isEmptyPath(b)?this.contents!==void 0:isCollection$1(this.contents)?this.contents.hasIn(b):!1}set(b,m){this.contents==null?this.contents=collectionFromPath(this.schema,[b],m):assertCollection(this.contents)&&this.contents.set(b,m)}setIn(b,m){isEmptyPath(b)?this.contents=m:this.contents==null?this.contents=collectionFromPath(this.schema,Array.from(b),m):assertCollection(this.contents)&&this.contents.setIn(b,m)}setSchema(b,m={}){typeof b=="number"&&(b=String(b));let w;switch(b){case"1.1":this.directives?this.directives.yaml.version="1.1":this.directives=new Directives({version:"1.1"}),w={merge:!0,resolveKnownTags:!1,schema:"yaml-1.1"};break;case"1.2":case"next":this.directives?this.directives.yaml.version=b:this.directives=new Directives({version:b}),w={merge:!1,resolveKnownTags:!0,schema:"core"};break;case null:this.directives&&delete this.directives,w=null;break;default:{const _=JSON.stringify(b);throw new Error(`Expected '1.1', '1.2' or null as first argument, but found: ${_}`)}}if(m.schema instanceof Object)this.schema=m.schema;else if(w)this.schema=new Schema(Object.assign(w,m));else throw new Error("With a null YAML version, the { schema: Schema } option is required")}toJS({json:b,jsonArg:m,mapAsMap:w,maxAliasCount:_,onAnchor:C,reviver:k}={}){const I={anchors:new Map,doc:this,keep:!b,mapAsMap:w===!0,mapKeyWarned:!1,maxAliasCount:typeof _=="number"?_:100},$=toJS(this.contents,m??"",I);if(typeof C=="function")for(const{count:P,res:M}of I.anchors.values())C(M,P);return typeof k=="function"?applyReviver(k,{"":$},"",$):$}toJSON(b,m){return this.toJS({json:!0,jsonArg:b,mapAsMap:!1,onAnchor:m})}toString(b={}){if(this.errors.length>0)throw new Error("Document with errors cannot be stringified");if("indent"in b&&(!Number.isInteger(b.indent)||Number(b.indent)<=0)){const m=JSON.stringify(b.indent);throw new Error(`"indent" option must be a positive integer, not ${m}`)}return stringifyDocument(this,b)}};function assertCollection(g){if(isCollection$1(g))return!0;throw new Error("Expected a YAML collection as document contents")}class YAMLError extends Error{constructor(b,m,w,_){super(),this.name=b,this.code=w,this.message=_,this.pos=m}}class YAMLParseError extends YAMLError{constructor(b,m,w){super("YAMLParseError",b,m,w)}}class YAMLWarning extends YAMLError{constructor(b,m,w){super("YAMLWarning",b,m,w)}}const prettifyError=(g,b)=>m=>{if(m.pos[0]===-1)return;m.linePos=m.pos.map(I=>b.linePos(I));const{line:w,col:_}=m.linePos[0];m.message+=` at line ${w}, column ${_}`;let C=_-1,k=g.substring(b.lineStarts[w-1],b.lineStarts[w]).replace(/[\n\r]+$/,"");if(C>=60&&k.length>80){const I=Math.min(C-39,k.length-79);k="…"+k.substring(I),C-=I-1}if(k.length>80&&(k=k.substring(0,79)+"…"),w>1&&/^ *$/.test(k.substring(0,C))){let I=g.substring(b.lineStarts[w-2],b.lineStarts[w-1]);I.length>80&&(I=I.substring(0,79)+`…
`),k=I+k}if(/[^ ]/.test(k)){let I=1;const $=m.linePos[1];$&&$.line===w&&$.col>_&&(I=Math.max(1,Math.min($.col-_,80-C)));const P=" ".repeat(C)+"^".repeat(I);m.message+=`:
${k}
${P}
`}};function resolveProps(g,{flow:b,indicator:m,next:w,offset:_,onError:C,startOnNewline:k}){let I=!1,$=k,P=k,M="",U="",G=!1,X=!1,Z=!1,ne=null,re=null,ve=null,Se=null,ge=null;for(const De of g)switch(Z&&(De.type!=="space"&&De.type!=="newline"&&De.type!=="comma"&&C(De.offset,"MISSING_CHAR","Tags and anchors must be separated from the next token by white space"),Z=!1),De.type){case"space":!b&&$&&m!=="doc-start"&&De.source[0]===" "&&C(De,"TAB_AS_INDENT","Tabs are not allowed as indentation"),P=!0;break;case"comment":{P||C(De,"MISSING_CHAR","Comments must be separated from other tokens by white space characters");const Le=De.source.substring(1)||" ";M?M+=U+Le:M=Le,U="",$=!1;break}case"newline":$?M?M+=De.source:I=!0:U+=De.source,$=!0,G=!0,(ne||re)&&(X=!0),P=!0;break;case"anchor":ne&&C(De,"MULTIPLE_ANCHORS","A node can have at most one anchor"),De.source.endsWith(":")&&C(De.offset+De.source.length-1,"BAD_ALIAS","Anchor ending in : is ambiguous",!0),ne=De,ge===null&&(ge=De.offset),$=!1,P=!1,Z=!0;break;case"tag":{re&&C(De,"MULTIPLE_TAGS","A node can have at most one tag"),re=De,ge===null&&(ge=De.offset),$=!1,P=!1,Z=!0;break}case m:(ne||re)&&C(De,"BAD_PROP_ORDER",`Anchors and tags must be after the ${De.source} indicator`),Se&&C(De,"UNEXPECTED_TOKEN",`Unexpected ${De.source} in ${b??"collection"}`),Se=De,$=!1,P=!1;break;case"comma":if(b){ve&&C(De,"UNEXPECTED_TOKEN",`Unexpected , in ${b}`),ve=De,$=!1,P=!1;break}default:C(De,"UNEXPECTED_TOKEN",`Unexpected ${De.type} token`),$=!1,P=!1}const oe=g[g.length-1],me=oe?oe.offset+oe.source.length:_;return Z&&w&&w.type!=="space"&&w.type!=="newline"&&w.type!=="comma"&&(w.type!=="scalar"||w.source!=="")&&C(w.offset,"MISSING_CHAR","Tags and anchors must be separated from the next token by white space"),{comma:ve,found:Se,spaceBefore:I,comment:M,hasNewline:G,hasNewlineAfterProp:X,anchor:ne,tag:re,end:me,start:ge??me}}function containsNewline(g){if(!g)return null;switch(g.type){case"alias":case"scalar":case"double-quoted-scalar":case"single-quoted-scalar":if(g.source.includes(`
`))return!0;if(g.end){for(const b of g.end)if(b.type==="newline")return!0}return!1;case"flow-collection":for(const b of g.items){for(const m of b.start)if(m.type==="newline")return!0;if(b.sep){for(const m of b.sep)if(m.type==="newline")return!0}if(containsNewline(b.key)||containsNewline(b.value))return!0}return!1;default:return!0}}function flowIndentCheck(g,b,m){if((b==null?void 0:b.type)==="flow-collection"){const w=b.end[0];w.indent===g&&(w.source==="]"||w.source==="}")&&containsNewline(b)&&m(w,"BAD_INDENT","Flow end indicator should be more indented than parent",!0)}}function mapIncludes(g,b,m){const{uniqueKeys:w}=g.options;if(w===!1)return!1;const _=typeof w=="function"?w:(C,k)=>C===k||isScalar$1(C)&&isScalar$1(k)&&C.value===k.value&&!(C.value==="<<"&&g.schema.merge);return b.some(C=>_(C.key,m))}const startColMsg="All mapping items must start at the same column";function resolveBlockMap({composeNode:g,composeEmptyNode:b},m,w,_,C){var M;const k=(C==null?void 0:C.nodeClass)??YAMLMap,I=new k(m.schema);m.atRoot&&(m.atRoot=!1);let $=w.offset,P=null;for(const U of w.items){const{start:G,key:X,sep:Z,value:ne}=U,re=resolveProps(G,{indicator:"explicit-key-ind",next:X??(Z==null?void 0:Z[0]),offset:$,onError:_,startOnNewline:!0}),ve=!re.found;if(ve){if(X&&(X.type==="block-seq"?_($,"BLOCK_AS_IMPLICIT_KEY","A block sequence may not be used as an implicit map key"):"indent"in X&&X.indent!==w.indent&&_($,"BAD_INDENT",startColMsg)),!re.anchor&&!re.tag&&!Z){P=re.end,re.comment&&(I.comment?I.comment+=`
`+re.comment:I.comment=re.comment);continue}(re.hasNewlineAfterProp||containsNewline(X))&&_(X??G[G.length-1],"MULTILINE_IMPLICIT_KEY","Implicit keys need to be on a single line")}else((M=re.found)==null?void 0:M.indent)!==w.indent&&_($,"BAD_INDENT",startColMsg);const Se=re.end,ge=X?g(m,X,re,_):b(m,Se,G,null,re,_);m.schema.compat&&flowIndentCheck(w.indent,X,_),mapIncludes(m,I.items,ge)&&_(Se,"DUPLICATE_KEY","Map keys must be unique");const oe=resolveProps(Z??[],{indicator:"map-value-ind",next:ne,offset:ge.range[2],onError:_,startOnNewline:!X||X.type==="block-scalar"});if($=oe.end,oe.found){ve&&((ne==null?void 0:ne.type)==="block-map"&&!oe.hasNewline&&_($,"BLOCK_AS_IMPLICIT_KEY","Nested mappings are not allowed in compact mappings"),m.options.strict&&re.start<oe.found.offset-1024&&_(ge.range,"KEY_OVER_1024_CHARS","The : indicator must be at most 1024 chars after the start of an implicit block mapping key"));const me=ne?g(m,ne,oe,_):b(m,$,Z,null,oe,_);m.schema.compat&&flowIndentCheck(w.indent,ne,_),$=me.range[2];const De=new Pair(ge,me);m.options.keepSourceTokens&&(De.srcToken=U),I.items.push(De)}else{ve&&_(ge.range,"MISSING_CHAR","Implicit map keys need to be followed by map values"),oe.comment&&(ge.comment?ge.comment+=`
`+oe.comment:ge.comment=oe.comment);const me=new Pair(ge);m.options.keepSourceTokens&&(me.srcToken=U),I.items.push(me)}}return P&&P<$&&_(P,"IMPOSSIBLE","Map comment with trailing content"),I.range=[w.offset,$,P??$],I}function resolveBlockSeq({composeNode:g,composeEmptyNode:b},m,w,_,C){const k=(C==null?void 0:C.nodeClass)??YAMLSeq,I=new k(m.schema);m.atRoot&&(m.atRoot=!1);let $=w.offset,P=null;for(const{start:M,value:U}of w.items){const G=resolveProps(M,{indicator:"seq-item-ind",next:U,offset:$,onError:_,startOnNewline:!0});if(!G.found)if(G.anchor||G.tag||U)U&&U.type==="block-seq"?_(G.end,"BAD_INDENT","All sequence items must start at the same column"):_($,"MISSING_CHAR","Sequence item without - indicator");else{P=G.end,G.comment&&(I.comment=G.comment);continue}const X=U?g(m,U,G,_):b(m,G.end,M,null,G,_);m.schema.compat&&flowIndentCheck(w.indent,U,_),$=X.range[2],I.items.push(X)}return I.range=[w.offset,$,P??$],I}function resolveEnd(g,b,m,w){let _="";if(g){let C=!1,k="";for(const I of g){const{source:$,type:P}=I;switch(P){case"space":C=!0;break;case"comment":{m&&!C&&w(I,"MISSING_CHAR","Comments must be separated from other tokens by white space characters");const M=$.substring(1)||" ";_?_+=k+M:_=M,k="";break}case"newline":_&&(k+=$),C=!0;break;default:w(I,"UNEXPECTED_TOKEN",`Unexpected ${P} at node end`)}b+=$.length}}return{comment:_,offset:b}}const blockMsg="Block collections are not allowed within flow collections",isBlock=g=>g&&(g.type==="block-map"||g.type==="block-seq");function resolveFlowCollection({composeNode:g,composeEmptyNode:b},m,w,_,C){const k=w.start.source==="{",I=k?"flow map":"flow sequence",$=(C==null?void 0:C.nodeClass)??(k?YAMLMap:YAMLSeq),P=new $(m.schema);P.flow=!0;const M=m.atRoot;M&&(m.atRoot=!1);let U=w.offset+w.start.source.length;for(let re=0;re<w.items.length;++re){const ve=w.items[re],{start:Se,key:ge,sep:oe,value:me}=ve,De=resolveProps(Se,{flow:I,indicator:"explicit-key-ind",next:ge??(oe==null?void 0:oe[0]),offset:U,onError:_,startOnNewline:!1});if(!De.found){if(!De.anchor&&!De.tag&&!oe&&!me){re===0&&De.comma?_(De.comma,"UNEXPECTED_TOKEN",`Unexpected , in ${I}`):re<w.items.length-1&&_(De.start,"UNEXPECTED_TOKEN",`Unexpected empty item in ${I}`),De.comment&&(P.comment?P.comment+=`
`+De.comment:P.comment=De.comment),U=De.end;continue}!k&&m.options.strict&&containsNewline(ge)&&_(ge,"MULTILINE_IMPLICIT_KEY","Implicit keys of flow sequence pairs need to be on a single line")}if(re===0)De.comma&&_(De.comma,"UNEXPECTED_TOKEN",`Unexpected , in ${I}`);else if(De.comma||_(De.start,"MISSING_CHAR",`Missing , between ${I} items`),De.comment){let Le="";e:for(const rt of Se)switch(rt.type){case"comma":case"space":break;case"comment":Le=rt.source.substring(1);break e;default:break e}if(Le){let rt=P.items[P.items.length-1];isPair(rt)&&(rt=rt.value??rt.key),rt.comment?rt.comment+=`
`+Le:rt.comment=Le,De.comment=De.comment.substring(Le.length+1)}}if(!k&&!oe&&!De.found){const Le=me?g(m,me,De,_):b(m,De.end,oe,null,De,_);P.items.push(Le),U=Le.range[2],isBlock(me)&&_(Le.range,"BLOCK_IN_FLOW",blockMsg)}else{const Le=De.end,rt=ge?g(m,ge,De,_):b(m,Le,Se,null,De,_);isBlock(ge)&&_(rt.range,"BLOCK_IN_FLOW",blockMsg);const Ue=resolveProps(oe??[],{flow:I,indicator:"map-value-ind",next:me,offset:rt.range[2],onError:_,startOnNewline:!1});if(Ue.found){if(!k&&!De.found&&m.options.strict){if(oe)for(const $t of oe){if($t===Ue.found)break;if($t.type==="newline"){_($t,"MULTILINE_IMPLICIT_KEY","Implicit keys of flow sequence pairs need to be on a single line");break}}De.start<Ue.found.offset-1024&&_(Ue.found,"KEY_OVER_1024_CHARS","The : indicator must be at most 1024 chars after the start of an implicit flow sequence key")}}else me&&("source"in me&&me.source&&me.source[0]===":"?_(me,"MISSING_CHAR",`Missing space after : in ${I}`):_(Ue.start,"MISSING_CHAR",`Missing , or : between ${I} items`));const Ze=me?g(m,me,Ue,_):Ue.found?b(m,Ue.end,oe,null,Ue,_):null;Ze?isBlock(me)&&_(Ze.range,"BLOCK_IN_FLOW",blockMsg):Ue.comment&&(rt.comment?rt.comment+=`
`+Ue.comment:rt.comment=Ue.comment);const gt=new Pair(rt,Ze);if(m.options.keepSourceTokens&&(gt.srcToken=ve),k){const $t=P;mapIncludes(m,$t.items,rt)&&_(Le,"DUPLICATE_KEY","Map keys must be unique"),$t.items.push(gt)}else{const $t=new YAMLMap(m.schema);$t.flow=!0,$t.items.push(gt),P.items.push($t)}U=Ze?Ze.range[2]:Ue.end}}const G=k?"}":"]",[X,...Z]=w.end;let ne=U;if(X&&X.source===G)ne=X.offset+X.source.length;else{const re=I[0].toUpperCase()+I.substring(1),ve=M?`${re} must end with a ${G}`:`${re} in block collection must be sufficiently indented and end with a ${G}`;_(U,M?"MISSING_CHAR":"BAD_INDENT",ve),X&&X.source.length!==1&&Z.unshift(X)}if(Z.length>0){const re=resolveEnd(Z,ne,m.options.strict,_);re.comment&&(P.comment?P.comment+=`
`+re.comment:P.comment=re.comment),P.range=[w.offset,ne,re.offset]}else P.range=[w.offset,ne,ne];return P}function resolveCollection(g,b,m,w,_,C){const k=m.type==="block-map"?resolveBlockMap(g,b,m,w,C):m.type==="block-seq"?resolveBlockSeq(g,b,m,w,C):resolveFlowCollection(g,b,m,w,C),I=k.constructor;return _==="!"||_===I.tagName?(k.tag=I.tagName,k):(_&&(k.tag=_),k)}function composeCollection(g,b,m,w,_){var U;const C=w?b.directives.tagName(w.source,G=>_(w,"TAG_RESOLVE_FAILED",G)):null,k=m.type==="block-map"?"map":m.type==="block-seq"?"seq":m.start.source==="{"?"map":"seq";if(!w||!C||C==="!"||C===YAMLMap.tagName&&k==="map"||C===YAMLSeq.tagName&&k==="seq"||!k)return resolveCollection(g,b,m,_,C);let I=b.schema.tags.find(G=>G.tag===C&&G.collection===k);if(!I){const G=b.schema.knownTags[C];if(G&&G.collection===k)b.schema.tags.push(Object.assign({},G,{default:!1})),I=G;else return G!=null&&G.collection?_(w,"BAD_COLLECTION_TYPE",`${G.tag} used for ${k} collection, but expects ${G.collection}`,!0):_(w,"TAG_RESOLVE_FAILED",`Unresolved tag: ${C}`,!0),resolveCollection(g,b,m,_,C)}const $=resolveCollection(g,b,m,_,C,I),P=((U=I.resolve)==null?void 0:U.call(I,$,G=>_(w,"TAG_RESOLVE_FAILED",G),b.options))??$,M=isNode(P)?P:new Scalar(P);return M.range=$.range,M.tag=C,I!=null&&I.format&&(M.format=I.format),M}function resolveBlockScalar(g,b,m){const w=g.offset,_=parseBlockScalarHeader(g,b,m);if(!_)return{value:"",type:null,comment:"",range:[w,w,w]};const C=_.mode===">"?Scalar.BLOCK_FOLDED:Scalar.BLOCK_LITERAL,k=g.source?splitLines(g.source):[];let I=k.length;for(let ne=k.length-1;ne>=0;--ne){const re=k[ne][1];if(re===""||re==="\r")I=ne;else break}if(I===0){const ne=_.chomp==="+"&&k.length>0?`
`.repeat(Math.max(1,k.length-1)):"";let re=w+_.length;return g.source&&(re+=g.source.length),{value:ne,type:C,comment:_.comment,range:[w,re,re]}}let $=g.indent+_.indent,P=g.offset+_.length,M=0;for(let ne=0;ne<I;++ne){const[re,ve]=k[ne];if(ve===""||ve==="\r")_.indent===0&&re.length>$&&($=re.length);else{if(re.length<$){const Se="Block scalars with more-indented leading empty lines must use an explicit indentation indicator";m(P+re.length,"MISSING_CHAR",Se)}_.indent===0&&($=re.length),M=ne;break}P+=re.length+ve.length+1}for(let ne=k.length-1;ne>=I;--ne)k[ne][0].length>$&&(I=ne+1);let U="",G="",X=!1;for(let ne=0;ne<M;++ne)U+=k[ne][0].slice($)+`
`;for(let ne=M;ne<I;++ne){let[re,ve]=k[ne];P+=re.length+ve.length+1;const Se=ve[ve.length-1]==="\r";if(Se&&(ve=ve.slice(0,-1)),ve&&re.length<$){const oe=`Block scalar lines must not be less indented than their ${_.indent?"explicit indentation indicator":"first line"}`;m(P-ve.length-(Se?2:1),"BAD_INDENT",oe),re=""}C===Scalar.BLOCK_LITERAL?(U+=G+re.slice($)+ve,G=`
`):re.length>$||ve[0]===" "?(G===" "?G=`
`:!X&&G===`
`&&(G=`
`),U+=G+re.slice($)+ve,G=`
`,X=!0):ve===""?G===`
`?U+=`
`:G=`
`:(U+=G+ve,G=" ",X=!1)}switch(_.chomp){case"-":break;case"+":for(let ne=I;ne<k.length;++ne)U+=`
`+k[ne][0].slice($);U[U.length-1]!==`
`&&(U+=`
`);break;default:U+=`
`}const Z=w+_.length+g.source.length;return{value:U,type:C,comment:_.comment,range:[w,Z,Z]}}function parseBlockScalarHeader({offset:g,props:b},m,w){if(b[0].type!=="block-scalar-header")return w(b[0],"IMPOSSIBLE","Block scalar header not found"),null;const{source:_}=b[0],C=_[0];let k=0,I="",$=-1;for(let G=1;G<_.length;++G){const X=_[G];if(!I&&(X==="-"||X==="+"))I=X;else{const Z=Number(X);!k&&Z?k=Z:$===-1&&($=g+G)}}$!==-1&&w($,"UNEXPECTED_TOKEN",`Block scalar header includes extra characters: ${_}`);let P=!1,M="",U=_.length;for(let G=1;G<b.length;++G){const X=b[G];switch(X.type){case"space":P=!0;case"newline":U+=X.source.length;break;case"comment":m&&!P&&w(X,"MISSING_CHAR","Comments must be separated from other tokens by white space characters"),U+=X.source.length,M=X.source.substring(1);break;case"error":w(X,"UNEXPECTED_TOKEN",X.message),U+=X.source.length;break;default:{const Z=`Unexpected token in block scalar header: ${X.type}`;w(X,"UNEXPECTED_TOKEN",Z);const ne=X.source;ne&&typeof ne=="string"&&(U+=ne.length)}}}return{mode:C,indent:k,chomp:I,comment:M,length:U}}function splitLines(g){const b=g.split(/\n( *)/),m=b[0],w=m.match(/^( *)/),C=[w!=null&&w[1]?[w[1],m.slice(w[1].length)]:["",m]];for(let k=1;k<b.length;k+=2)C.push([b[k],b[k+1]]);return C}function resolveFlowScalar(g,b,m){const{offset:w,type:_,source:C,end:k}=g;let I,$;const P=(G,X,Z)=>m(w+G,X,Z);switch(_){case"scalar":I=Scalar.PLAIN,$=plainValue(C,P);break;case"single-quoted-scalar":I=Scalar.QUOTE_SINGLE,$=singleQuotedValue(C,P);break;case"double-quoted-scalar":I=Scalar.QUOTE_DOUBLE,$=doubleQuotedValue(C,P);break;default:return m(g,"UNEXPECTED_TOKEN",`Expected a flow scalar value, but found: ${_}`),{value:"",type:null,comment:"",range:[w,w+C.length,w+C.length]}}const M=w+C.length,U=resolveEnd(k,M,b,m);return{value:$,type:I,comment:U.comment,range:[w,M,U.offset]}}function plainValue(g,b){let m="";switch(g[0]){case" ":m="a tab character";break;case",":m="flow indicator character ,";break;case"%":m="directive indicator character %";break;case"|":case">":{m=`block scalar indicator ${g[0]}`;break}case"@":case"`":{m=`reserved character ${g[0]}`;break}}return m&&b(0,"BAD_SCALAR_START",`Plain value cannot start with ${m}`),foldLines(g)}function singleQuotedValue(g,b){return(g[g.length-1]!=="'"||g.length===1)&&b(g.length,"MISSING_CHAR","Missing closing 'quote"),foldLines(g.slice(1,-1)).replace(/''/g,"'")}function foldLines(g){let b,m;try{b=new RegExp(`(.*?)(?<![ ])[ ]*\r?
`,"sy"),m=new RegExp(`[ ]*(.*?)(?:(?<![ ])[ ]*)?\r?
`,"sy")}catch{b=/(.*?)[ \t]*\r?\n/sy,m=/[ \t]*(.*?)[ \t]*\r?\n/sy}let w=b.exec(g);if(!w)return g;let _=w[1],C=" ",k=b.lastIndex;for(m.lastIndex=k;w=m.exec(g);)w[1]===""?C===`
`?_+=C:C=`
`:(_+=C+w[1],C=" "),k=m.lastIndex;const I=/[ \t]*(.*)/sy;return I.lastIndex=k,w=I.exec(g),_+C+((w==null?void 0:w[1])??"")}function doubleQuotedValue(g,b){let m="";for(let w=1;w<g.length-1;++w){const _=g[w];if(!(_==="\r"&&g[w+1]===`
`))if(_===`
`){const{fold:C,offset:k}=foldNewline(g,w);m+=C,w=k}else if(_==="\\"){let C=g[++w];const k=escapeCodes[C];if(k)m+=k;else if(C===`
`)for(C=g[w+1];C===" "||C===" ";)C=g[++w+1];else if(C==="\r"&&g[w+1]===`
`)for(C=g[++w+1];C===" "||C===" ";)C=g[++w+1];else if(C==="x"||C==="u"||C==="U"){const I={x:2,u:4,U:8}[C];m+=parseCharCode(g,w+1,I,b),w+=I}else{const I=g.substr(w-1,2);b(w-1,"BAD_DQ_ESCAPE",`Invalid escape sequence ${I}`),m+=I}}else if(_===" "||_===" "){const C=w;let k=g[w+1];for(;k===" "||k===" ";)k=g[++w+1];k!==`
`&&!(k==="\r"&&g[w+2]===`
`)&&(m+=w>C?g.slice(C,w+1):_)}else m+=_}return(g[g.length-1]!=='"'||g.length===1)&&b(g.length,"MISSING_CHAR",'Missing closing "quote'),m}function foldNewline(g,b){let m="",w=g[b+1];for(;(w===" "||w===" "||w===`
`||w==="\r")&&!(w==="\r"&&g[b+2]!==`
`);)w===`
`&&(m+=`
`),b+=1,w=g[b+1];return m||(m=" "),{fold:m,offset:b}}const escapeCodes={0:"\0",a:"\x07",b:"\b",e:"\x1B",f:"\f",n:`
`,r:"\r",t:" ",v:"\v",N:"
",_:" ",L:"\u2028",P:"\u2029"," ":" ",'"':'"',"/":"/","\\":"\\"," ":" "};function parseCharCode(g,b,m,w){const _=g.substr(b,m),k=_.length===m&&/^[0-9a-fA-F]+$/.test(_)?parseInt(_,16):NaN;if(isNaN(k)){const I=g.substr(b-2,m+2);return w(b-2,"BAD_DQ_ESCAPE",`Invalid escape sequence ${I}`),I}return String.fromCodePoint(k)}function composeScalar(g,b,m,w){const{value:_,type:C,comment:k,range:I}=b.type==="block-scalar"?resolveBlockScalar(b,g.options.strict,w):resolveFlowScalar(b,g.options.strict,w),$=m?g.directives.tagName(m.source,U=>w(m,"TAG_RESOLVE_FAILED",U)):null,P=m&&$?findScalarTagByName(g.schema,_,$,m,w):b.type==="scalar"?findScalarTagByTest(g,_,b,w):g.schema[SCALAR$1];let M;try{const U=P.resolve(_,G=>w(m??b,"TAG_RESOLVE_FAILED",G),g.options);M=isScalar$1(U)?U:new Scalar(U)}catch(U){const G=U instanceof Error?U.message:String(U);w(m??b,"TAG_RESOLVE_FAILED",G),M=new Scalar(_)}return M.range=I,M.source=_,C&&(M.type=C),$&&(M.tag=$),P.format&&(M.format=P.format),k&&(M.comment=k),M}function findScalarTagByName(g,b,m,w,_){var I;if(m==="!")return g[SCALAR$1];const C=[];for(const $ of g.tags)if(!$.collection&&$.tag===m)if($.default&&$.test)C.push($);else return $;for(const $ of C)if((I=$.test)!=null&&I.test(b))return $;const k=g.knownTags[m];return k&&!k.collection?(g.tags.push(Object.assign({},k,{default:!1,test:void 0})),k):(_(w,"TAG_RESOLVE_FAILED",`Unresolved tag: ${m}`,m!=="tag:yaml.org,2002:str"),g[SCALAR$1])}function findScalarTagByTest({directives:g,schema:b},m,w,_){const C=b.tags.find(k=>{var I;return k.default&&((I=k.test)==null?void 0:I.test(m))})||b[SCALAR$1];if(b.compat){const k=b.compat.find(I=>{var $;return I.default&&(($=I.test)==null?void 0:$.test(m))})??b[SCALAR$1];if(C.tag!==k.tag){const I=g.tagString(C.tag),$=g.tagString(k.tag),P=`Value may be parsed as either ${I} or ${$}`;_(w,"TAG_RESOLVE_FAILED",P,!0)}}return C}function emptyScalarPosition(g,b,m){if(b){m===null&&(m=b.length);for(let w=m-1;w>=0;--w){let _=b[w];switch(_.type){case"space":case"comment":case"newline":g-=_.source.length;continue}for(_=b[++w];(_==null?void 0:_.type)==="space";)g+=_.source.length,_=b[++w];break}}return g}const CN={composeNode,composeEmptyNode};function composeNode(g,b,m,w){const{spaceBefore:_,comment:C,anchor:k,tag:I}=m;let $,P=!0;switch(b.type){case"alias":$=composeAlias(g,b,w),(k||I)&&w(b,"ALIAS_PROPS","An alias node must not specify any properties");break;case"scalar":case"single-quoted-scalar":case"double-quoted-scalar":case"block-scalar":$=composeScalar(g,b,I,w),k&&($.anchor=k.source.substring(1));break;case"block-map":case"block-seq":case"flow-collection":$=composeCollection(CN,g,b,I,w),k&&($.anchor=k.source.substring(1));break;default:{const M=b.type==="error"?b.message:`Unsupported token (type: ${b.type})`;w(b,"UNEXPECTED_TOKEN",M),$=composeEmptyNode(g,b.offset,void 0,null,m,w),P=!1}}return k&&$.anchor===""&&w(k,"BAD_ALIAS","Anchor cannot be an empty string"),_&&($.spaceBefore=!0),C&&(b.type==="scalar"&&b.source===""?$.comment=C:$.commentBefore=C),g.options.keepSourceTokens&&P&&($.srcToken=b),$}function composeEmptyNode(g,b,m,w,{spaceBefore:_,comment:C,anchor:k,tag:I,end:$},P){const M={type:"scalar",offset:emptyScalarPosition(b,m,w),indent:-1,source:""},U=composeScalar(g,M,I,P);return k&&(U.anchor=k.source.substring(1),U.anchor===""&&P(k,"BAD_ALIAS","Anchor cannot be an empty string")),_&&(U.spaceBefore=!0),C&&(U.comment=C,U.range[2]=$),U}function composeAlias({options:g},{offset:b,source:m,end:w},_){const C=new Alias(m.substring(1));C.source===""&&_(b,"BAD_ALIAS","Alias cannot be an empty string"),C.source.endsWith(":")&&_(b+m.length-1,"BAD_ALIAS","Alias ending in : is ambiguous",!0);const k=b+m.length,I=resolveEnd(w,k,g.strict,_);return C.range=[b,k,I.offset],I.comment&&(C.comment=I.comment),C}function composeDoc(g,b,{offset:m,start:w,value:_,end:C},k){const I=Object.assign({_directives:b},g),$=new Document$1(void 0,I),P={atRoot:!0,directives:$.directives,options:$.options,schema:$.schema},M=resolveProps(w,{indicator:"doc-start",next:_??(C==null?void 0:C[0]),offset:m,onError:k,startOnNewline:!0});M.found&&($.directives.docStart=!0,_&&(_.type==="block-map"||_.type==="block-seq")&&!M.hasNewline&&k(M.end,"MISSING_CHAR","Block collection cannot start on same line with directives-end marker")),$.contents=_?composeNode(P,_,M,k):composeEmptyNode(P,M.end,w,null,M,k);const U=$.contents.range[2],G=resolveEnd(C,U,!1,k);return G.comment&&($.comment=G.comment),$.range=[m,U,G.offset],$}function getErrorPos(g){if(typeof g=="number")return[g,g+1];if(Array.isArray(g))return g.length===2?g:[g[0],g[1]];const{offset:b,source:m}=g;return[b,b+(typeof m=="string"?m.length:1)]}function parsePrelude(g){var _;let b="",m=!1,w=!1;for(let C=0;C<g.length;++C){const k=g[C];switch(k[0]){case"#":b+=(b===""?"":w?`
`:`
`)+(k.substring(1)||" "),m=!0,w=!1;break;case"%":((_=g[C+1])==null?void 0:_[0])!=="#"&&(C+=1),m=!1;break;default:m||(w=!0),m=!1}}return{comment:b,afterEmptyLine:w}}class Composer{constructor(b={}){this.doc=null,this.atDirectives=!1,this.prelude=[],this.errors=[],this.warnings=[],this.onError=(m,w,_,C)=>{const k=getErrorPos(m);C?this.warnings.push(new YAMLWarning(k,w,_)):this.errors.push(new YAMLParseError(k,w,_))},this.directives=new Directives({version:b.version||"1.2"}),this.options=b}decorate(b,m){const{comment:w,afterEmptyLine:_}=parsePrelude(this.prelude);if(w){const C=b.contents;if(m)b.comment=b.comment?`${b.comment}
${w}`:w;else if(_||b.directives.docStart||!C)b.commentBefore=w;else if(isCollection$1(C)&&!C.flow&&C.items.length>0){let k=C.items[0];isPair(k)&&(k=k.key);const I=k.commentBefore;k.commentBefore=I?`${w}
${I}`:w}else{const k=C.commentBefore;C.commentBefore=k?`${w}
${k}`:w}}m?(Array.prototype.push.apply(b.errors,this.errors),Array.prototype.push.apply(b.warnings,this.warnings)):(b.errors=this.errors,b.warnings=this.warnings),this.prelude=[],this.errors=[],this.warnings=[]}streamInfo(){return{comment:parsePrelude(this.prelude).comment,directives:this.directives,errors:this.errors,warnings:this.warnings}}*compose(b,m=!1,w=-1){for(const _ of b)yield*this.next(_);yield*this.end(m,w)}*next(b){switch(b.type){case"directive":this.directives.add(b.source,(m,w,_)=>{const C=getErrorPos(b);C[0]+=m,this.onError(C,"BAD_DIRECTIVE",w,_)}),this.prelude.push(b.source),this.atDirectives=!0;break;case"document":{const m=composeDoc(this.options,this.directives,b,this.onError);this.atDirectives&&!m.directives.docStart&&this.onError(b,"MISSING_CHAR","Missing directives-end/doc-start indicator line"),this.decorate(m,!1),this.doc&&(yield this.doc),this.doc=m,this.atDirectives=!1;break}case"byte-order-mark":case"space":break;case"comment":case"newline":this.prelude.push(b.source);break;case"error":{const m=b.source?`${b.message}: ${JSON.stringify(b.source)}`:b.message,w=new YAMLParseError(getErrorPos(b),"UNEXPECTED_TOKEN",m);this.atDirectives||!this.doc?this.errors.push(w):this.doc.errors.push(w);break}case"doc-end":{if(!this.doc){const w="Unexpected doc-end without preceding document";this.errors.push(new YAMLParseError(getErrorPos(b),"UNEXPECTED_TOKEN",w));break}this.doc.directives.docEnd=!0;const m=resolveEnd(b.end,b.offset+b.source.length,this.doc.options.strict,this.onError);if(this.decorate(this.doc,!0),m.comment){const w=this.doc.comment;this.doc.comment=w?`${w}
${m.comment}`:m.comment}this.doc.range[2]=m.offset;break}default:this.errors.push(new YAMLParseError(getErrorPos(b),"UNEXPECTED_TOKEN",`Unsupported token ${b.type}`))}}*end(b=!1,m=-1){if(this.doc)this.decorate(this.doc,!0),yield this.doc,this.doc=null;else if(b){const w=Object.assign({_directives:this.directives},this.options),_=new Document$1(void 0,w);this.atDirectives&&this.onError(m,"MISSING_CHAR","Missing directives-end indicator line"),_.range=[0,m,m],this.decorate(_,!1),yield _}}}function resolveAsScalar(g,b=!0,m){if(g){const w=(_,C,k)=>{const I=typeof _=="number"?_:Array.isArray(_)?_[0]:_.offset;if(m)m(I,C,k);else throw new YAMLParseError([I,I+1],C,k)};switch(g.type){case"scalar":case"single-quoted-scalar":case"double-quoted-scalar":return resolveFlowScalar(g,b,w);case"block-scalar":return resolveBlockScalar(g,b,w)}}return null}function createScalarToken(g,b){const{implicitKey:m=!1,indent:w,inFlow:_=!1,offset:C=-1,type:k="PLAIN"}=b,I=stringifyString({type:k,value:g},{implicitKey:m,indent:w>0?" ".repeat(w):"",inFlow:_,options:{blockQuote:!0,lineWidth:-1}}),$=b.end??[{type:"newline",offset:-1,indent:w,source:`
`}];switch(I[0]){case"|":case">":{const P=I.indexOf(`
`),M=I.substring(0,P),U=I.substring(P+1)+`
`,G=[{type:"block-scalar-header",offset:C,indent:w,source:M}];return addEndtoBlockProps(G,$)||G.push({type:"newline",offset:-1,indent:w,source:`
`}),{type:"block-scalar",offset:C,indent:w,props:G,source:U}}case'"':return{type:"double-quoted-scalar",offset:C,indent:w,source:I,end:$};case"'":return{type:"single-quoted-scalar",offset:C,indent:w,source:I,end:$};default:return{type:"scalar",offset:C,indent:w,source:I,end:$}}}function setScalarValue(g,b,m={}){let{afterKey:w=!1,implicitKey:_=!1,inFlow:C=!1,type:k}=m,I="indent"in g?g.indent:null;if(w&&typeof I=="number"&&(I+=2),!k)switch(g.type){case"single-quoted-scalar":k="QUOTE_SINGLE";break;case"double-quoted-scalar":k="QUOTE_DOUBLE";break;case"block-scalar":{const P=g.props[0];if(P.type!=="block-scalar-header")throw new Error("Invalid block scalar header");k=P.source[0]===">"?"BLOCK_FOLDED":"BLOCK_LITERAL";break}default:k="PLAIN"}const $=stringifyString({type:k,value:b},{implicitKey:_||I===null,indent:I!==null&&I>0?" ".repeat(I):"",inFlow:C,options:{blockQuote:!0,lineWidth:-1}});switch($[0]){case"|":case">":setBlockScalarValue(g,$);break;case'"':setFlowScalarValue(g,$,"double-quoted-scalar");break;case"'":setFlowScalarValue(g,$,"single-quoted-scalar");break;default:setFlowScalarValue(g,$,"scalar")}}function setBlockScalarValue(g,b){const m=b.indexOf(`
`),w=b.substring(0,m),_=b.substring(m+1)+`
`;if(g.type==="block-scalar"){const C=g.props[0];if(C.type!=="block-scalar-header")throw new Error("Invalid block scalar header");C.source=w,g.source=_}else{const{offset:C}=g,k="indent"in g?g.indent:-1,I=[{type:"block-scalar-header",offset:C,indent:k,source:w}];addEndtoBlockProps(I,"end"in g?g.end:void 0)||I.push({type:"newline",offset:-1,indent:k,source:`
`});for(const $ of Object.keys(g))$!=="type"&&$!=="offset"&&delete g[$];Object.assign(g,{type:"block-scalar",indent:k,props:I,source:_})}}function addEndtoBlockProps(g,b){if(b)for(const m of b)switch(m.type){case"space":case"comment":g.push(m);break;case"newline":return g.push(m),!0}return!1}function setFlowScalarValue(g,b,m){switch(g.type){case"scalar":case"double-quoted-scalar":case"single-quoted-scalar":g.type=m,g.source=b;break;case"block-scalar":{const w=g.props.slice(1);let _=b.length;g.props[0].type==="block-scalar-header"&&(_-=g.props[0].source.length);for(const C of w)C.offset+=_;delete g.props,Object.assign(g,{type:m,source:b,end:w});break}case"block-map":case"block-seq":{const _={type:"newline",offset:g.offset+b.length,indent:g.indent,source:`
`};delete g.items,Object.assign(g,{type:m,source:b,end:[_]});break}default:{const w="indent"in g?g.indent:-1,_="end"in g&&Array.isArray(g.end)?g.end.filter(C=>C.type==="space"||C.type==="comment"||C.type==="newline"):[];for(const C of Object.keys(g))C!=="type"&&C!=="offset"&&delete g[C];Object.assign(g,{type:m,indent:w,source:b,end:_})}}}const stringify$1=g=>"type"in g?stringifyToken(g):stringifyItem(g);function stringifyToken(g){switch(g.type){case"block-scalar":{let b="";for(const m of g.props)b+=stringifyToken(m);return b+g.source}case"block-map":case"block-seq":{let b="";for(const m of g.items)b+=stringifyItem(m);return b}case"flow-collection":{let b=g.start.source;for(const m of g.items)b+=stringifyItem(m);for(const m of g.end)b+=m.source;return b}case"document":{let b=stringifyItem(g);if(g.end)for(const m of g.end)b+=m.source;return b}default:{let b=g.source;if("end"in g&&g.end)for(const m of g.end)b+=m.source;return b}}}function stringifyItem({start:g,key:b,sep:m,value:w}){let _="";for(const C of g)_+=C.source;if(b&&(_+=stringifyToken(b)),m)for(const C of m)_+=C.source;return w&&(_+=stringifyToken(w)),_}const BREAK=Symbol("break visit"),SKIP=Symbol("skip children"),REMOVE=Symbol("remove item");function visit(g,b){"type"in g&&g.type==="document"&&(g={start:g.start,value:g.value}),_visit(Object.freeze([]),g,b)}visit.BREAK=BREAK,visit.SKIP=SKIP,visit.REMOVE=REMOVE,visit.itemAtPath=(g,b)=>{let m=g;for(const[w,_]of b){const C=m==null?void 0:m[w];if(C&&"items"in C)m=C.items[_];else return}return m},visit.parentCollection=(g,b)=>{const m=visit.itemAtPath(g,b.slice(0,-1)),w=b[b.length-1][0],_=m==null?void 0:m[w];if(_&&"items"in _)return _;throw new Error("Parent collection not found")};function _visit(g,b,m){let w=m(b,g);if(typeof w=="symbol")return w;for(const _ of["key","value"]){const C=b[_];if(C&&"items"in C){for(let k=0;k<C.items.length;++k){const I=_visit(Object.freeze(g.concat([[_,k]])),C.items[k],m);if(typeof I=="number")k=I-1;else{if(I===BREAK)return BREAK;I===REMOVE&&(C.items.splice(k,1),k-=1)}}typeof w=="function"&&_==="key"&&(w=w(b,g))}}return typeof w=="function"?w(b,g):w}const BOM="\uFEFF",DOCUMENT="",FLOW_END="",SCALAR="",isCollection=g=>!!g&&"items"in g,isScalar=g=>!!g&&(g.type==="scalar"||g.type==="single-quoted-scalar"||g.type==="double-quoted-scalar"||g.type==="block-scalar");function prettyToken(g){switch(g){case BOM:return"<BOM>";case DOCUMENT:return"<DOC>";case FLOW_END:return"<FLOW_END>";case SCALAR:return"<SCALAR>";default:return JSON.stringify(g)}}function tokenType(g){switch(g){case BOM:return"byte-order-mark";case DOCUMENT:return"doc-mode";case FLOW_END:return"flow-error-end";case SCALAR:return"scalar";case"---":return"doc-start";case"...":return"doc-end";case"":case`
`:case`\r
`:return"newline";case"-":return"seq-item-ind";case"?":return"explicit-key-ind";case":":return"map-value-ind";case"{":return"flow-map-start";case"}":return"flow-map-end";case"[":return"flow-seq-start";case"]":return"flow-seq-end";case",":return"comma"}switch(g[0]){case" ":case" ":return"space";case"#":return"comment";case"%":return"directive-line";case"*":return"alias";case"&":return"anchor";case"!":return"tag";case"'":return"single-quoted-scalar";case'"':return"double-quoted-scalar";case"|":case">":return"block-scalar-header"}return null}const cst=Object.freeze(Object.defineProperty({__proto__:null,BOM,DOCUMENT,FLOW_END,SCALAR,createScalarToken,isCollection,isScalar,prettyToken,resolveAsScalar,setScalarValue,stringify:stringify$1,tokenType,visit},Symbol.toStringTag,{value:"Module"}));function isEmpty(g){switch(g){case void 0:case" ":case`
`:case"\r":case" ":return!0;default:return!1}}const hexDigits="0123456789ABCDEFabcdef".split(""),tagChars="0123456789ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz-#;/?:@&=+$_.!~*'()".split(""),invalidFlowScalarChars=",[]{}".split(""),invalidAnchorChars=` ,[]{}
\r `.split(""),isNotAnchorChar=g=>!g||invalidAnchorChars.includes(g);class Lexer{constructor(){this.atEnd=!1,this.blockScalarIndent=-1,this.blockScalarKeep=!1,this.buffer="",this.flowKey=!1,this.flowLevel=0,this.indentNext=0,this.indentValue=0,this.lineEndPos=null,this.next=null,this.pos=0}*lex(b,m=!1){b&&(this.buffer=this.buffer?this.buffer+b:b,this.lineEndPos=null),this.atEnd=!m;let w=this.next??"stream";for(;w&&(m||this.hasChars(1));)w=yield*this.parseNext(w)}atLineEnd(){let b=this.pos,m=this.buffer[b];for(;m===" "||m===" ";)m=this.buffer[++b];return!m||m==="#"||m===`
`?!0:m==="\r"?this.buffer[b+1]===`
`:!1}charAt(b){return this.buffer[this.pos+b]}continueScalar(b){let m=this.buffer[b];if(this.indentNext>0){let w=0;for(;m===" ";)m=this.buffer[++w+b];if(m==="\r"){const _=this.buffer[w+b+1];if(_===`
`||!_&&!this.atEnd)return b+w+1}return m===`
`||w>=this.indentNext||!m&&!this.atEnd?b+w:-1}if(m==="-"||m==="."){const w=this.buffer.substr(b,3);if((w==="---"||w==="...")&&isEmpty(this.buffer[b+3]))return-1}return b}getLine(){let b=this.lineEndPos;return(typeof b!="number"||b!==-1&&b<this.pos)&&(b=this.buffer.indexOf(`
`,this.pos),this.lineEndPos=b),b===-1?this.atEnd?this.buffer.substring(this.pos):null:(this.buffer[b-1]==="\r"&&(b-=1),this.buffer.substring(this.pos,b))}hasChars(b){return this.pos+b<=this.buffer.length}setNext(b){return this.buffer=this.buffer.substring(this.pos),this.pos=0,this.lineEndPos=null,this.next=b,null}peek(b){return this.buffer.substr(this.pos,b)}*parseNext(b){switch(b){case"stream":return yield*this.parseStream();case"line-start":return yield*this.parseLineStart();case"block-start":return yield*this.parseBlockStart();case"doc":return yield*this.parseDocument();case"flow":return yield*this.parseFlowCollection();case"quoted-scalar":return yield*this.parseQuotedScalar();case"block-scalar":return yield*this.parseBlockScalar();case"plain-scalar":return yield*this.parsePlainScalar()}}*parseStream(){let b=this.getLine();if(b===null)return this.setNext("stream");if(b[0]===BOM&&(yield*this.pushCount(1),b=b.substring(1)),b[0]==="%"){let m=b.length;const w=b.indexOf("#");if(w!==-1){const C=b[w-1];(C===" "||C===" ")&&(m=w-1)}for(;;){const C=b[m-1];if(C===" "||C===" ")m-=1;else break}const _=(yield*this.pushCount(m))+(yield*this.pushSpaces(!0));return yield*this.pushCount(b.length-_),this.pushNewline(),"stream"}if(this.atLineEnd()){const m=yield*this.pushSpaces(!0);return yield*this.pushCount(b.length-m),yield*this.pushNewline(),"stream"}return yield DOCUMENT,yield*this.parseLineStart()}*parseLineStart(){const b=this.charAt(0);if(!b&&!this.atEnd)return this.setNext("line-start");if(b==="-"||b==="."){if(!this.atEnd&&!this.hasChars(4))return this.setNext("line-start");const m=this.peek(3);if(m==="---"&&isEmpty(this.charAt(3)))return yield*this.pushCount(3),this.indentValue=0,this.indentNext=0,"doc";if(m==="..."&&isEmpty(this.charAt(3)))return yield*this.pushCount(3),"stream"}return this.indentValue=yield*this.pushSpaces(!1),this.indentNext>this.indentValue&&!isEmpty(this.charAt(1))&&(this.indentNext=this.indentValue),yield*this.parseBlockStart()}*parseBlockStart(){const[b,m]=this.peek(2);if(!m&&!this.atEnd)return this.setNext("block-start");if((b==="-"||b==="?"||b===":")&&isEmpty(m)){const w=(yield*this.pushCount(1))+(yield*this.pushSpaces(!0));return this.indentNext=this.indentValue+1,this.indentValue+=w,yield*this.parseBlockStart()}return"doc"}*parseDocument(){yield*this.pushSpaces(!0);const b=this.getLine();if(b===null)return this.setNext("doc");let m=yield*this.pushIndicators();switch(b[m]){case"#":yield*this.pushCount(b.length-m);case void 0:return yield*this.pushNewline(),yield*this.parseLineStart();case"{":case"[":return yield*this.pushCount(1),this.flowKey=!1,this.flowLevel=1,"flow";case"}":case"]":return yield*this.pushCount(1),"doc";case"*":return yield*this.pushUntil(isNotAnchorChar),"doc";case'"':case"'":return yield*this.parseQuotedScalar();case"|":case">":return m+=yield*this.parseBlockScalarHeader(),m+=yield*this.pushSpaces(!0),yield*this.pushCount(b.length-m),yield*this.pushNewline(),yield*this.parseBlockScalar();default:return yield*this.parsePlainScalar()}}*parseFlowCollection(){let b,m,w=-1;do b=yield*this.pushNewline(),b>0?(m=yield*this.pushSpaces(!1),this.indentValue=w=m):m=0,m+=yield*this.pushSpaces(!0);while(b+m>0);const _=this.getLine();if(_===null)return this.setNext("flow");if((w!==-1&&w<this.indentNext&&_[0]!=="#"||w===0&&(_.startsWith("---")||_.startsWith("..."))&&isEmpty(_[3]))&&!(w===this.indentNext-1&&this.flowLevel===1&&(_[0]==="]"||_[0]==="}")))return this.flowLevel=0,yield FLOW_END,yield*this.parseLineStart();let C=0;for(;_[C]===",";)C+=yield*this.pushCount(1),C+=yield*this.pushSpaces(!0),this.flowKey=!1;switch(C+=yield*this.pushIndicators(),_[C]){case void 0:return"flow";case"#":return yield*this.pushCount(_.length-C),"flow";case"{":case"[":return yield*this.pushCount(1),this.flowKey=!1,this.flowLevel+=1,"flow";case"}":case"]":return yield*this.pushCount(1),this.flowKey=!0,this.flowLevel-=1,this.flowLevel?"flow":"doc";case"*":return yield*this.pushUntil(isNotAnchorChar),"flow";case'"':case"'":return this.flowKey=!0,yield*this.parseQuotedScalar();case":":{const k=this.charAt(1);if(this.flowKey||isEmpty(k)||k===",")return this.flowKey=!1,yield*this.pushCount(1),yield*this.pushSpaces(!0),"flow"}default:return this.flowKey=!1,yield*this.parsePlainScalar()}}*parseQuotedScalar(){const b=this.charAt(0);let m=this.buffer.indexOf(b,this.pos+1);if(b==="'")for(;m!==-1&&this.buffer[m+1]==="'";)m=this.buffer.indexOf("'",m+2);else for(;m!==-1;){let C=0;for(;this.buffer[m-1-C]==="\\";)C+=1;if(C%2===0)break;m=this.buffer.indexOf('"',m+1)}const w=this.buffer.substring(0,m);let _=w.indexOf(`
`,this.pos);if(_!==-1){for(;_!==-1;){const C=this.continueScalar(_+1);if(C===-1)break;_=w.indexOf(`
`,C)}_!==-1&&(m=_-(w[_-1]==="\r"?2:1))}if(m===-1){if(!this.atEnd)return this.setNext("quoted-scalar");m=this.buffer.length}return yield*this.pushToIndex(m+1,!1),this.flowLevel?"flow":"doc"}*parseBlockScalarHeader(){this.blockScalarIndent=-1,this.blockScalarKeep=!1;let b=this.pos;for(;;){const m=this.buffer[++b];if(m==="+")this.blockScalarKeep=!0;else if(m>"0"&&m<="9")this.blockScalarIndent=Number(m)-1;else if(m!=="-")break}return yield*this.pushUntil(m=>isEmpty(m)||m==="#")}*parseBlockScalar(){let b=this.pos-1,m=0,w;e:for(let _=this.pos;w=this.buffer[_];++_)switch(w){case" ":m+=1;break;case`
`:b=_,m=0;break;case"\r":{const C=this.buffer[_+1];if(!C&&!this.atEnd)return this.setNext("block-scalar");if(C===`
`)break}default:break e}if(!w&&!this.atEnd)return this.setNext("block-scalar");if(m>=this.indentNext){this.blockScalarIndent===-1?this.indentNext=m:this.indentNext+=this.blockScalarIndent;do{const _=this.continueScalar(b+1);if(_===-1)break;b=this.buffer.indexOf(`
`,_)}while(b!==-1);if(b===-1){if(!this.atEnd)return this.setNext("block-scalar");b=this.buffer.length}}if(!this.blockScalarKeep)do{let _=b-1,C=this.buffer[_];C==="\r"&&(C=this.buffer[--_]);const k=_;for(;C===" "||C===" ";)C=this.buffer[--_];if(C===`
`&&_>=this.pos&&_+1+m>k)b=_;else break}while(!0);return yield SCALAR,yield*this.pushToIndex(b+1,!0),yield*this.parseLineStart()}*parsePlainScalar(){const b=this.flowLevel>0;let m=this.pos-1,w=this.pos-1,_;for(;_=this.buffer[++w];)if(_===":"){const C=this.buffer[w+1];if(isEmpty(C)||b&&C===",")break;m=w}else if(isEmpty(_)){let C=this.buffer[w+1];if(_==="\r"&&(C===`
`?(w+=1,_=`
`,C=this.buffer[w+1]):m=w),C==="#"||b&&invalidFlowScalarChars.includes(C))break;if(_===`
`){const k=this.continueScalar(w+1);if(k===-1)break;w=Math.max(w,k-2)}}else{if(b&&invalidFlowScalarChars.includes(_))break;m=w}return!_&&!this.atEnd?this.setNext("plain-scalar"):(yield SCALAR,yield*this.pushToIndex(m+1,!0),b?"flow":"doc")}*pushCount(b){return b>0?(yield this.buffer.substr(this.pos,b),this.pos+=b,b):0}*pushToIndex(b,m){const w=this.buffer.slice(this.pos,b);return w?(yield w,this.pos+=w.length,w.length):(m&&(yield""),0)}*pushIndicators(){switch(this.charAt(0)){case"!":return(yield*this.pushTag())+(yield*this.pushSpaces(!0))+(yield*this.pushIndicators());case"&":return(yield*this.pushUntil(isNotAnchorChar))+(yield*this.pushSpaces(!0))+(yield*this.pushIndicators());case"-":case"?":case":":{const b=this.flowLevel>0,m=this.charAt(1);if(isEmpty(m)||b&&invalidFlowScalarChars.includes(m))return b?this.flowKey&&(this.flowKey=!1):this.indentNext=this.indentValue+1,(yield*this.pushCount(1))+(yield*this.pushSpaces(!0))+(yield*this.pushIndicators())}}return 0}*pushTag(){if(this.charAt(1)==="<"){let b=this.pos+2,m=this.buffer[b];for(;!isEmpty(m)&&m!==">";)m=this.buffer[++b];return yield*this.pushToIndex(m===">"?b+1:b,!1)}else{let b=this.pos+1,m=this.buffer[b];for(;m;)if(tagChars.includes(m))m=this.buffer[++b];else if(m==="%"&&hexDigits.includes(this.buffer[b+1])&&hexDigits.includes(this.buffer[b+2]))m=this.buffer[b+=3];else break;return yield*this.pushToIndex(b,!1)}}*pushNewline(){const b=this.buffer[this.pos];return b===`
`?yield*this.pushCount(1):b==="\r"&&this.charAt(1)===`
`?yield*this.pushCount(2):0}*pushSpaces(b){let m=this.pos-1,w;do w=this.buffer[++m];while(w===" "||b&&w===" ");const _=m-this.pos;return _>0&&(yield this.buffer.substr(this.pos,_),this.pos=m),_}*pushUntil(b){let m=this.pos,w=this.buffer[m];for(;!b(w);)w=this.buffer[++m];return yield*this.pushToIndex(m,!1)}}class LineCounter{constructor(){this.lineStarts=[],this.addNewLine=b=>this.lineStarts.push(b),this.linePos=b=>{let m=0,w=this.lineStarts.length;for(;m<w;){const C=m+w>>1;this.lineStarts[C]<b?m=C+1:w=C}if(this.lineStarts[m]===b)return{line:m+1,col:1};if(m===0)return{line:0,col:b};const _=this.lineStarts[m-1];return{line:m,col:b-_+1}}}}function includesToken(g,b){for(let m=0;m<g.length;++m)if(g[m].type===b)return!0;return!1}function findNonEmptyIndex(g){for(let b=0;b<g.length;++b)switch(g[b].type){case"space":case"comment":case"newline":break;default:return b}return-1}function isFlowToken(g){switch(g==null?void 0:g.type){case"alias":case"scalar":case"single-quoted-scalar":case"double-quoted-scalar":case"flow-collection":return!0;default:return!1}}function getPrevProps(g){switch(g.type){case"document":return g.start;case"block-map":{const b=g.items[g.items.length-1];return b.sep??b.start}case"block-seq":return g.items[g.items.length-1].start;default:return[]}}function getFirstKeyStartProps(g){var m;if(g.length===0)return[];let b=g.length;e:for(;--b>=0;)switch(g[b].type){case"doc-start":case"explicit-key-ind":case"map-value-ind":case"seq-item-ind":case"newline":break e}for(;((m=g[++b])==null?void 0:m.type)==="space";);return g.splice(b,g.length)}function fixFlowSeqItems(g){if(g.start.type==="flow-seq-start")for(const b of g.items)b.sep&&!b.value&&!includesToken(b.start,"explicit-key-ind")&&!includesToken(b.sep,"map-value-ind")&&(b.key&&(b.value=b.key),delete b.key,isFlowToken(b.value)?b.value.end?Array.prototype.push.apply(b.value.end,b.sep):b.value.end=b.sep:Array.prototype.push.apply(b.start,b.sep),delete b.sep)}class Parser{constructor(b){this.atNewLine=!0,this.atScalar=!1,this.indent=0,this.offset=0,this.onKeyLine=!1,this.stack=[],this.source="",this.type="",this.lexer=new Lexer,this.onNewLine=b}*parse(b,m=!1){this.onNewLine&&this.offset===0&&this.onNewLine(0);for(const w of this.lexer.lex(b,m))yield*this.next(w);m||(yield*this.end())}*next(b){if(this.source=b,this.atScalar){this.atScalar=!1,yield*this.step(),this.offset+=b.length;return}const m=tokenType(b);if(m)if(m==="scalar")this.atNewLine=!1,this.atScalar=!0,this.type="scalar";else{switch(this.type=m,yield*this.step(),m){case"newline":this.atNewLine=!0,this.indent=0,this.onNewLine&&this.onNewLine(this.offset+b.length);break;case"space":this.atNewLine&&b[0]===" "&&(this.indent+=b.length);break;case"explicit-key-ind":case"map-value-ind":case"seq-item-ind":this.atNewLine&&(this.indent+=b.length);break;case"doc-mode":case"flow-error-end":return;default:this.atNewLine=!1}this.offset+=b.length}else{const w=`Not a YAML token: ${b}`;yield*this.pop({type:"error",offset:this.offset,message:w,source:b}),this.offset+=b.length}}*end(){for(;this.stack.length>0;)yield*this.pop()}get sourceToken(){return{type:this.type,offset:this.offset,indent:this.indent,source:this.source}}*step(){const b=this.peek(1);if(this.type==="doc-end"&&(!b||b.type!=="doc-end")){for(;this.stack.length>0;)yield*this.pop();this.stack.push({type:"doc-end",offset:this.offset,source:this.source});return}if(!b)return yield*this.stream();switch(b.type){case"document":return yield*this.document(b);case"alias":case"scalar":case"single-quoted-scalar":case"double-quoted-scalar":return yield*this.scalar(b);case"block-scalar":return yield*this.blockScalar(b);case"block-map":return yield*this.blockMap(b);case"block-seq":return yield*this.blockSequence(b);case"flow-collection":return yield*this.flowCollection(b);case"doc-end":return yield*this.documentEnd(b)}yield*this.pop()}peek(b){return this.stack[this.stack.length-b]}*pop(b){const m=b??this.stack.pop();if(m)if(this.stack.length===0)yield m;else{const w=this.peek(1);switch(m.type==="block-scalar"?m.indent="indent"in w?w.indent:0:m.type==="flow-collection"&&w.type==="document"&&(m.indent=0),m.type==="flow-collection"&&fixFlowSeqItems(m),w.type){case"document":w.value=m;break;case"block-scalar":w.props.push(m);break;case"block-map":{const _=w.items[w.items.length-1];if(_.value){w.items.push({start:[],key:m,sep:[]}),this.onKeyLine=!0;return}else if(_.sep)_.value=m;else{Object.assign(_,{key:m,sep:[]}),this.onKeyLine=!includesToken(_.start,"explicit-key-ind");return}break}case"block-seq":{const _=w.items[w.items.length-1];_.value?w.items.push({start:[],value:m}):_.value=m;break}case"flow-collection":{const _=w.items[w.items.length-1];!_||_.value?w.items.push({start:[],key:m,sep:[]}):_.sep?_.value=m:Object.assign(_,{key:m,sep:[]});return}default:yield*this.pop(),yield*this.pop(m)}if((w.type==="document"||w.type==="block-map"||w.type==="block-seq")&&(m.type==="block-map"||m.type==="block-seq")){const _=m.items[m.items.length-1];_&&!_.sep&&!_.value&&_.start.length>0&&findNonEmptyIndex(_.start)===-1&&(m.indent===0||_.start.every(C=>C.type!=="comment"||C.indent<m.indent))&&(w.type==="document"?w.end=_.start:w.items.push({start:_.start}),m.items.splice(-1,1))}}else{const w="Tried to pop an empty stack";yield{type:"error",offset:this.offset,source:"",message:w}}}*stream(){switch(this.type){case"directive-line":yield{type:"directive",offset:this.offset,source:this.source};return;case"byte-order-mark":case"space":case"comment":case"newline":yield this.sourceToken;return;case"doc-mode":case"doc-start":{const b={type:"document",offset:this.offset,start:[]};this.type==="doc-start"&&b.start.push(this.sourceToken),this.stack.push(b);return}}yield{type:"error",offset:this.offset,message:`Unexpected ${this.type} token in YAML stream`,source:this.source}}*document(b){if(b.value)return yield*this.lineEnd(b);switch(this.type){case"doc-start":{findNonEmptyIndex(b.start)!==-1?(yield*this.pop(),yield*this.step()):b.start.push(this.sourceToken);return}case"anchor":case"tag":case"space":case"comment":case"newline":b.start.push(this.sourceToken);return}const m=this.startBlockValue(b);m?this.stack.push(m):yield{type:"error",offset:this.offset,message:`Unexpected ${this.type} token in YAML document`,source:this.source}}*scalar(b){if(this.type==="map-value-ind"){const m=getPrevProps(this.peek(2)),w=getFirstKeyStartProps(m);let _;b.end?(_=b.end,_.push(this.sourceToken),delete b.end):_=[this.sourceToken];const C={type:"block-map",offset:b.offset,indent:b.indent,items:[{start:w,key:b,sep:_}]};this.onKeyLine=!0,this.stack[this.stack.length-1]=C}else yield*this.lineEnd(b)}*blockScalar(b){switch(this.type){case"space":case"comment":case"newline":b.props.push(this.sourceToken);return;case"scalar":if(b.source=this.source,this.atNewLine=!0,this.indent=0,this.onNewLine){let m=this.source.indexOf(`
`)+1;for(;m!==0;)this.onNewLine(this.offset+m),m=this.source.indexOf(`
`,m)+1}yield*this.pop();break;default:yield*this.pop(),yield*this.step()}}*blockMap(b){var w;const m=b.items[b.items.length-1];switch(this.type){case"newline":if(this.onKeyLine=!1,m.value){const _="end"in m.value?m.value.end:void 0,C=Array.isArray(_)?_[_.length-1]:void 0;(C==null?void 0:C.type)==="comment"?_==null||_.push(this.sourceToken):b.items.push({start:[this.sourceToken]})}else m.sep?m.sep.push(this.sourceToken):m.start.push(this.sourceToken);return;case"space":case"comment":if(m.value)b.items.push({start:[this.sourceToken]});else if(m.sep)m.sep.push(this.sourceToken);else{if(this.atIndentedComment(m.start,b.indent)){const _=b.items[b.items.length-2],C=(w=_==null?void 0:_.value)==null?void 0:w.end;if(Array.isArray(C)){Array.prototype.push.apply(C,m.start),C.push(this.sourceToken),b.items.pop();return}}m.start.push(this.sourceToken)}return}if(this.indent>=b.indent){const _=!this.onKeyLine&&this.indent===b.indent&&m.sep;let C=[];if(_&&m.sep&&!m.value){const k=[];for(let I=0;I<m.sep.length;++I){const $=m.sep[I];switch($.type){case"newline":k.push(I);break;case"space":break;case"comment":$.indent>b.indent&&(k.length=0);break;default:k.length=0}}k.length>=2&&(C=m.sep.splice(k[1]))}switch(this.type){case"anchor":case"tag":_||m.value?(C.push(this.sourceToken),b.items.push({start:C}),this.onKeyLine=!0):m.sep?m.sep.push(this.sourceToken):m.start.push(this.sourceToken);return;case"explicit-key-ind":!m.sep&&!includesToken(m.start,"explicit-key-ind")?m.start.push(this.sourceToken):_||m.value?(C.push(this.sourceToken),b.items.push({start:C})):this.stack.push({type:"block-map",offset:this.offset,indent:this.indent,items:[{start:[this.sourceToken]}]}),this.onKeyLine=!0;return;case"map-value-ind":if(includesToken(m.start,"explicit-key-ind"))if(m.sep)if(m.value)b.items.push({start:[],key:null,sep:[this.sourceToken]});else if(includesToken(m.sep,"map-value-ind"))this.stack.push({type:"block-map",offset:this.offset,indent:this.indent,items:[{start:C,key:null,sep:[this.sourceToken]}]});else if(isFlowToken(m.key)&&!includesToken(m.sep,"newline")){const k=getFirstKeyStartProps(m.start),I=m.key,$=m.sep;$.push(this.sourceToken),delete m.key,delete m.sep,this.stack.push({type:"block-map",offset:this.offset,indent:this.indent,items:[{start:k,key:I,sep:$}]})}else C.length>0?m.sep=m.sep.concat(C,this.sourceToken):m.sep.push(this.sourceToken);else if(includesToken(m.start,"newline"))Object.assign(m,{key:null,sep:[this.sourceToken]});else{const k=getFirstKeyStartProps(m.start);this.stack.push({type:"block-map",offset:this.offset,indent:this.indent,items:[{start:k,key:null,sep:[this.sourceToken]}]})}else m.sep?m.value||_?b.items.push({start:C,key:null,sep:[this.sourceToken]}):includesToken(m.sep,"map-value-ind")?this.stack.push({type:"block-map",offset:this.offset,indent:this.indent,items:[{start:[],key:null,sep:[this.sourceToken]}]}):m.sep.push(this.sourceToken):Object.assign(m,{key:null,sep:[this.sourceToken]});this.onKeyLine=!0;return;case"alias":case"scalar":case"single-quoted-scalar":case"double-quoted-scalar":{const k=this.flowScalar(this.type);_||m.value?(b.items.push({start:C,key:k,sep:[]}),this.onKeyLine=!0):m.sep?this.stack.push(k):(Object.assign(m,{key:k,sep:[]}),this.onKeyLine=!0);return}default:{const k=this.startBlockValue(b);if(k){_&&k.type!=="block-seq"&&includesToken(m.start,"explicit-key-ind")&&b.items.push({start:C}),this.stack.push(k);return}}}}yield*this.pop(),yield*this.step()}*blockSequence(b){var w;const m=b.items[b.items.length-1];switch(this.type){case"newline":if(m.value){const _="end"in m.value?m.value.end:void 0,C=Array.isArray(_)?_[_.length-1]:void 0;(C==null?void 0:C.type)==="comment"?_==null||_.push(this.sourceToken):b.items.push({start:[this.sourceToken]})}else m.start.push(this.sourceToken);return;case"space":case"comment":if(m.value)b.items.push({start:[this.sourceToken]});else{if(this.atIndentedComment(m.start,b.indent)){const _=b.items[b.items.length-2],C=(w=_==null?void 0:_.value)==null?void 0:w.end;if(Array.isArray(C)){Array.prototype.push.apply(C,m.start),C.push(this.sourceToken),b.items.pop();return}}m.start.push(this.sourceToken)}return;case"anchor":case"tag":if(m.value||this.indent<=b.indent)break;m.start.push(this.sourceToken);return;case"seq-item-ind":if(this.indent!==b.indent)break;m.value||includesToken(m.start,"seq-item-ind")?b.items.push({start:[this.sourceToken]}):m.start.push(this.sourceToken);return}if(this.indent>b.indent){const _=this.startBlockValue(b);if(_){this.stack.push(_);return}}yield*this.pop(),yield*this.step()}*flowCollection(b){const m=b.items[b.items.length-1];if(this.type==="flow-error-end"){let w;do yield*this.pop(),w=this.peek(1);while(w&&w.type==="flow-collection")}else if(b.end.length===0){switch(this.type){case"comma":case"explicit-key-ind":!m||m.sep?b.items.push({start:[this.sourceToken]}):m.start.push(this.sourceToken);return;case"map-value-ind":!m||m.value?b.items.push({start:[],key:null,sep:[this.sourceToken]}):m.sep?m.sep.push(this.sourceToken):Object.assign(m,{key:null,sep:[this.sourceToken]});return;case"space":case"comment":case"newline":case"anchor":case"tag":!m||m.value?b.items.push({start:[this.sourceToken]}):m.sep?m.sep.push(this.sourceToken):m.start.push(this.sourceToken);return;case"alias":case"scalar":case"single-quoted-scalar":case"double-quoted-scalar":{const _=this.flowScalar(this.type);!m||m.value?b.items.push({start:[],key:_,sep:[]}):m.sep?this.stack.push(_):Object.assign(m,{key:_,sep:[]});return}case"flow-map-end":case"flow-seq-end":b.end.push(this.sourceToken);return}const w=this.startBlockValue(b);w?this.stack.push(w):(yield*this.pop(),yield*this.step())}else{const w=this.peek(2);if(w.type==="block-map"&&(this.type==="map-value-ind"&&w.indent===b.indent||this.type==="newline"&&!w.items[w.items.length-1].sep))yield*this.pop(),yield*this.step();else if(this.type==="map-value-ind"&&w.type!=="flow-collection"){const _=getPrevProps(w),C=getFirstKeyStartProps(_);fixFlowSeqItems(b);const k=b.end.splice(1,b.end.length);k.push(this.sourceToken);const I={type:"block-map",offset:b.offset,indent:b.indent,items:[{start:C,key:b,sep:k}]};this.onKeyLine=!0,this.stack[this.stack.length-1]=I}else yield*this.lineEnd(b)}}flowScalar(b){if(this.onNewLine){let m=this.source.indexOf(`
`)+1;for(;m!==0;)this.onNewLine(this.offset+m),m=this.source.indexOf(`
`,m)+1}return{type:b,offset:this.offset,indent:this.indent,source:this.source}}startBlockValue(b){switch(this.type){case"alias":case"scalar":case"single-quoted-scalar":case"double-quoted-scalar":return this.flowScalar(this.type);case"block-scalar-header":return{type:"block-scalar",offset:this.offset,indent:this.indent,props:[this.sourceToken],source:""};case"flow-map-start":case"flow-seq-start":return{type:"flow-collection",offset:this.offset,indent:this.indent,start:this.sourceToken,items:[],end:[]};case"seq-item-ind":return{type:"block-seq",offset:this.offset,indent:this.indent,items:[{start:[this.sourceToken]}]};case"explicit-key-ind":{this.onKeyLine=!0;const m=getPrevProps(b),w=getFirstKeyStartProps(m);return w.push(this.sourceToken),{type:"block-map",offset:this.offset,indent:this.indent,items:[{start:w}]}}case"map-value-ind":{this.onKeyLine=!0;const m=getPrevProps(b),w=getFirstKeyStartProps(m);return{type:"block-map",offset:this.offset,indent:this.indent,items:[{start:w,key:null,sep:[this.sourceToken]}]}}}return null}atIndentedComment(b,m){return this.type!=="comment"||this.indent<=m?!1:b.every(w=>w.type==="newline"||w.type==="space")}*documentEnd(b){this.type!=="doc-mode"&&(b.end?b.end.push(this.sourceToken):b.end=[this.sourceToken],this.type==="newline"&&(yield*this.pop()))}*lineEnd(b){switch(this.type){case"comma":case"doc-start":case"doc-end":case"flow-seq-end":case"flow-map-end":case"map-value-ind":yield*this.pop(),yield*this.step();break;case"newline":this.onKeyLine=!1;case"space":case"comment":default:b.end?b.end.push(this.sourceToken):b.end=[this.sourceToken],this.type==="newline"&&(yield*this.pop())}}}function parseOptions(g){const b=g.prettyErrors!==!1;return{lineCounter:g.lineCounter||b&&new LineCounter||null,prettyErrors:b}}function parseAllDocuments(g,b={}){const{lineCounter:m,prettyErrors:w}=parseOptions(b),_=new Parser(m==null?void 0:m.addNewLine),C=new Composer(b),k=Array.from(C.compose(_.parse(g)));if(w&&m)for(const I of k)I.errors.forEach(prettifyError(g,m)),I.warnings.forEach(prettifyError(g,m));return k.length>0?k:Object.assign([],{empty:!0},C.streamInfo())}function parseDocument(g,b={}){const{lineCounter:m,prettyErrors:w}=parseOptions(b),_=new Parser(m==null?void 0:m.addNewLine),C=new Composer(b);let k=null;for(const I of C.compose(_.parse(g),!0,g.length))if(!k)k=I;else if(k.options.logLevel!=="silent"){k.errors.push(new YAMLParseError(I.range.slice(0,2),"MULTIPLE_DOCS","Source contains multiple documents; please use YAML.parseAllDocuments()"));break}return w&&m&&(k.errors.forEach(prettifyError(g,m)),k.warnings.forEach(prettifyError(g,m))),k}function parse(g,b,m){let w;typeof b=="function"?w=b:m===void 0&&b&&typeof b=="object"&&(m=b);const _=parseDocument(g,m);if(!_)return null;if(_.warnings.forEach(C=>warn(_.options.logLevel,C)),_.errors.length>0){if(_.options.logLevel!=="silent")throw _.errors[0];_.errors=[]}return _.toJS(Object.assign({reviver:w},m))}function stringify(g,b,m){let w=null;if(typeof b=="function"||Array.isArray(b)?w=b:m===void 0&&b&&(m=b),typeof m=="string"&&(m=m.length),typeof m=="number"){const _=Math.round(m);m=_<1?void 0:_>8?{indent:8}:{indent:_}}if(g===void 0){const{keepUndefined:_}=m??b??{};if(!_)return}return new Document$1(g,w,m).toString(m)}const YAML=Object.freeze(Object.defineProperty({__proto__:null,Alias,CST:cst,Composer,Document:Document$1,Lexer,LineCounter,Pair,Parser,Scalar,Schema,YAMLError,YAMLMap,YAMLParseError,YAMLSeq,YAMLWarning,isAlias,isCollection:isCollection$1,isDocument,isMap,isNode,isPair,isScalar:isScalar$1,isSeq,parse,parseAllDocuments,parseDocument,stringify,visit:visit$1,visitAsync},Symbol.toStringTag,{value:"Module"}));var MessageNames=(g=>(g.CONNECTION_ADD_REQUEST="connection.add.request",g.CONNECTION_GET_DEPLOYMENTS_REQUEST="connection.get.deployments.request",g.CONNECTION_GET_DEPLOYMENTS_RESPONSE="connection.get.deployments.response",g.CONNECTION_LIST_REQUEST="connection.list.request",g.CONNECTION_LIST_RESPONSE="connection.list.response",g.CONNECTION_SPEC_LIST_REQUEST="connection.spec.list.request",g.CONNECTION_SPEC_LIST_RESPONSE="connection.spec.list.response",g.DYNAMIC_LIST_REQUEST="dynamic.list.request",g.DYNAMIC_LIST_RESPONSE="dynamic.list.response",g.GENERATED_BY_REQUEST="generated.by.request",g.GENERATED_BY_RESPONSE="generated.by.response",g.SAMPLE_TREE_REFRESH="sample.tree.refresh",g.RECENT_VISITED_FLOW_TREE_REFRESH="recent.visited.flow.tree.refresh",g.RUNTIME_NEED_UPGRADE_REQUEST="runtime.needUpgrade.request",g.RUNTIME_NEED_UPGRADE_RESPONSE="runtime.needUpgrade.response",g.FLOW_DAG_OPEN="flow.dag.open",g.DAG_STEP_SELECTED="dag.step.selected",g.EDIT_PMT_FILE="edit.pmt.file",g.INIT_PMT_FILE="init.pmt.file",g.INIT_PMT_FILE_FINISHED="init.pmt.file.finished",g.FIRST_RENDER_FINISHED="first.render.finished",g.UPDATE_PMT_FILE="update.pmt.file",g.PMT_FILE_READY="pmt.file.ready",g.EDIT_FLOW_LAYOUT="edit.flow.layout",g.WORKSPACE_READY="workspace.ready",g.PMT_FILE_ADD_NODE="pmt.file.addNode",g.PMT_FILE_REMOVE_NODE="pmt.file.removeNode",g.PMT_FILE_DUPLICATE_TOOL="pmt.file.duplicateTool",g.READ_PMT_FILE_REQUEST="read.pmt.file.request",g.READ_PMT_FILE_RESPONSE="read.pmt.file.response",g.READ_PMT_SUBMIT_DATA_REQUEST="read.pmt.submit.data.request",g.READ_PMT_SUBMIT_DATA_RESPONSE="read.pmt.submit.data.response",g.PATCH_EDIT_PMT_FLOW_REQUEST="patch.edit.pmt.flow.request",g.PATCH_EDIT_PMT_FLOW_RESPONSE="patch.edit.pmt.flow.response",g.PROMPT_TOOL_SETTING_FETCH="promptToolSetting.fetch",g.PROMPT_TOOL_SETTING_LOAD="promptToolSetting.load",g.FLATTEN_OPEN_FLOW_INPUTS="flatten.openInputsFile",g.FLATTEN_VIEW_CODE_DIFF="flatten.viewCodeDiff",g.FLATTEN_STEP_SELECTED="flatten.step.selected",g.FLATTEN_STEP_LOCATE="flatten.step.locate",g.FLATTEN_ADD_NODE="flatten.addNode",g.OPEN_RUN_HISTORY_VIEW="open.runHistory.view",g.TRIGGER_OPEN_RUN_HISTORY_VIEW="trigger.open.runHistory.view",g.STATUS_LOAD="status.load",g.REFRESH_BULK_TEST_LIST_VIEW="refresh.bulkTest.list.view",g.REFRESH_BULK_TEST_LIST_VIEW_READY="refresh.bulkTest.list.view.ready",g.BULK_TEST_STATUS_LOAD="bulkTest.status.load",g.BULK_TEST_INDEX_SELECTED="bulkTest.index.selected",g.BULK_TEST_RUNS_FETCH="bulkTestRuns.fetch",g.BULK_TEST_RUNS_LOAD="bulkTestRuns.load",g.BULK_TEST_GROUP_RUN_RESULTS_FETCH="bulkTestGroupRunResults.fetch",g.BULK_TEST_GROUP_RUN_RESULTS_LOAD="bulkTestGroupRunResults.load",g.BULK_TEST_RUN_RESULT_FETCH="bulkTestRunResult.fetch",g.BULK_TEST_RUN_RESULT_LOAD="bulkTestRunResult.load",g.BULK_TEST_CHILD_RUNS_AND_EVALUATION_RUN_FLOWS_FETCH="bulkTestChildRunsAndEvaluationRunFlows.fetch",g.BULK_TEST_CHILD_RUNS_AND_EVALUATION_RUN_FLOWS_LOAD="bulkTestChildRunsAndEvaluationRunFlows.load",g.BULK_TEST_GROUP_CHILD_RUNS_AND_EVALUATION_RUN_FLOWS_FETCH="bulkTestGroupChildRunsAndEvaluationRunFlows.fetch",g.BULK_TEST_GROUP_CHILD_RUNS_AND_EVALUATION_RUN_FLOWS_LOAD="bulkTestGroupChildRunsAndEvaluationRunFlows.load",g.SAVE_BULK_TEST_DATA="save.bulkTest.data",g.OPEN_BULK_TEST_DETAIL_VIEW="open.bulkTest.detail.view",g.OPEN_BULK_TEST_LIST_COMPARE_METRICS="open.bulkTest.compareMetrics",g.REFRESH_BULK_TEST_DETAIL_VIEW="refresh.bulkTest.detail.view",g.REFRESH_BULK_TEST_DETAIL_VIEW_READY="refresh.bulkTest.detail.view.ready",g.REQUEST_STEP_RUN_SUBMIT="request.step.run.submit",g.REQUEST_STEP_RUN_LOAD="request.step.load",g.BULK_TEST_OPEN_VIEW="bulkTest.open.view",g.BULK_TEST_SELECT_DATASETS="bulkTest.select.datasets",g.BULK_TEST_SELECT_DATASETS_READY="bulkTest.select.datasets.ready",g.TRIGGER_EXPORT="trigger.export",g.DAG_DOUBLE_CLICK_NODE="dag.double.click.node",g.OPEN_RUN_DETAIL="open.run.detail",g.OPEN_CHAT_VIEW="open.chat.view",g.CLONE_FLOW="clone.flow",g.DEPLOY_FLOW="deploy.flow",g.OPEN_FLOW="open.flow",g.SAVE_TOOL_CODE="save.tool.code",g.SAVE_TOOL_META="save.tool.meta",g.UPDATE_FlOW_INPUT="update.flow.input",g.TRIGGER_RENAME_NODE="trigger.rename.node",g.COMMIT_RENAME_NODE="commit.rename.node",g.CHANGE_LLM_NODE_API="change.llm.node.api",g.TRIGGER_SELECT_SAMPLE_EVALUATION_FLOW="trigger.select.sample.evaluation.flow",g.TRIGGER_SELECT_EVALUATION_FLOW="trigger.select.evaluation.flow",g.COMMIT_SELECT_EVALUATION_FLOW="commit.select.evaluation.flow",g.TRIGGER_CUSTOM_SELECT="trigger.custom.select",g.COMMIT_CUSTOM_SELECT="commit.custom.select",g.START_EVALUATION_FROM_RUNS="start.evaluation.from.runs",g.EVALUATION_WEBVIEW_READY="evaluation.webview.ready",g.EVALUATION_WEBVIEW_LOAD_DATA="evaluation.webview.load.data",g.SAVE_FLOW_TO_SEVER="save.flow.to.server",g.SAVE_FLOW_TO_FILE="save.flow.to.file",g.OPEN_LOG="open.log",g.SHOW_MESSAGE_IN_OUTPUT_PANEL="show.message.in.output.panel",g.SUBMIT_FLOW_RUN="submit.flow.run",g.CANCEL_FLOW_RUN="cancel.flow.run",g.SUBMIT_BULK_TEST_RUN="submit.bulk.test.run",g.SUBMIT_ADD_ON_EVALUATION_RUN="submit.addOnEvaluation.run",g.SUBMIT_ADD_ON_EVALUATION_RUN_READY="submit.addOnEvaluation.run.ready",g.CANCEL_BULK_TEST_RUN="cancel.bulk.test.run",g.SUBMIT_EVALUATION_RUN="submit.evaluation.run",g.OPEN_FLOW_RUN_LOG="open.flow.run.log",g.STATUSBAR_OPEN_LOG="statusbar.open.log",g.OPEN_CODE_FILE="open.code.file",g.OPEN_LINK="open.link",g.READ_FLOW_UIHINT_REQUEST="read.flow.uihint.request",g.READ_FLOW_UIHINT_RESPONSE="read.flow.uihint.response",g.WRITE_FLOW_UIHINT="write.flow.uihint",g.SELECT_FILE_REQUEST="select.file.request",g.SELECT_FILE_RESPONSE="select.file.response",g.FILE_RELATIVE_PATH_REQUEST="file.relative.path.request",g.FILE_RELATIVE_PATH_RESPONSE="file.relative.path.response",g.EXTENSION_CONFIGURATION_REQUEST="extension.configuration.request",g.EXTENSION_CONFIGURATION_RESPONSE="extension.configuration.response",g.TOOLS_CHANGED="tools.changed",g.TOOL_CODE_CHANGED="tool.code.changed",g.RUN_RESULT_CHANGED="run.result.changed",g.GENERATE_TOOL_META="generate.tool.meta",g.GENERATE_TOOL_META_ADVANCED="generate.tool.meta.advanced",g.GENERATE_TOOLS_FROM_FLOW_DAG_YAML="generate.tools.from.flow.dag.yaml",g.BULK_TEST_SELECT_INPUT_FILE="bulkTest.select.input.file",g.BULK_TEST_SELECT_INPUT_FILE_READY="bulkTest.select.input.file.ready",g.SUBMIT_DEBUG_SINGLE_NODE_RUN="submit.debug.single.node.run",g.DAG_ZOOM_IN="dag.zoom.in",g.DAG_ZOOM_OUT="dag.zoom.out",g.DAG_ZOOM_TO_FIT="dag.zoom.to.fit",g.DAG_ZOOM_TO_ACTUAL_SIZE="dag.zoom.to.actual.size",g.DAG_AUTO_LAYOUT="dag.auto.layout",g.TOGGLE_SIMPLE_MODE="toggle.simple.mode",g.TOGGLE_ORIENTATION="toggle.orientation",g.PRINT_LOG="print.log",g.EDIT_FUNCTIONS_REQUEST="edit.functions.request",g.EDIT_FUNCTIONS_RESPONSE="edit.functions.response",g.REQUEST_CONDA_ENV_NAME="request.conda.env.name",g.RES_CONDA_ENV_NAME="res.conda.env.name",g.Run_Command="run.command",g.Copy_Command_To_Terminal="copy.command.to.terminal",g.REQ_PFSDK_VERSION="req.pfsdk.version",g.RES_PFSDK_VERSION="res.pfsdk.version",g.REQ_PFTOOLS_VERSION="req.pftools.version",g.RES_PFTOOLS_VERSION="res.pftools.version",g.REQ_PFUTIL_PATH="req.pfutil.path",g.RES_PFUTIL_PATH="res.pfutil.path",g.REQ_PYTHON_INTERPRETER="req.python.interpreter",g.RES_PYTHON_INTERPRETER="res.python.interpreter",g.SELECT_PYTHON_INTERPRETER="select.python.interpreter",g.REQ_PACKAGE_INSTALLED="req.package.installed",g.RES_PACKAGE_INSTALLED="res.package.installed",g.EXECUTE_COMMAND="execute.command",g.REFRESH_TOOL_LIST="refresh.tool.list",g.DEBUG_FLOW="debug.flow",g.REQ_API_CALLS="req.api.calls",g.RES_API_CALLS="res.api.calls",g.ERROR_BOUNDARY_CAUGHT="error.boundary.caught",g.EVALUATE_BATCH_RUNS="evaluate.batch.runs",g.METRIC_WEBVIEW_LCP="metric.webview.lcp",g.OPEN_FLOW_DIR="open.flow.dir",g.GET_FILE_WEBVIEW_URI="get.file.webview.uri",g.SEND_FILE_WEBVIEW_URI="send.file.webview.uri",g))(MessageNames||{});const vscodeAPI=typeof acquireVsCodeApi>"u"?{postMessage:()=>{}}:acquireVsCodeApi();class FlowViewModel extends BaseFlowViewModel{constructor(m){super();ri(this,"viewType","default");this.viewType=m,this.currentNodeId$.subscribe(w=>{w!==void 0&&vscodeAPI.postMessage({name:MessageNames.DAG_STEP_SELECTED,payload:w})})}fetchConnectionList(){vscodeAPI.postMessage({name:MessageNames.CONNECTION_LIST_REQUEST})}fetchPromptToolSetting(){vscodeAPI.postMessage({name:MessageNames.PROMPT_TOOL_SETTING_FETCH})}deployFlow(m,w){const _=this.toBatchRequestData();vscodeAPI.postMessage({name:MessageNames.DEPLOY_FLOW,payload:{data:{flowBaseDto:this.baseEntity??{},flow:_.flow,flowSubmitRunSettings:_.flowSubmitRunSettings,isDraft:m,flowRunId:w,flowType:this.flowType$.getSnapshot()}}})}openRunListView(){this.baseEntity&&vscodeAPI.postMessage({name:MessageNames.OPEN_RUN_HISTORY_VIEW})}setSelectedStepId(m,w=!1){this.selectedStepId$.next(m)}syncToExternal(){var w;if(!((w=this.baseEntity)!=null&&w.flowId)||this.viewType==="evaluation")return;const m=this.toBatchRequestData();vscodeAPI.postMessage({name:MessageNames.EDIT_PMT_FILE,payload:{content:m,viewType:this.viewType}})}dispatch(m){switch(m.type){case GraphNodeEvent.DoubleClick:vscodeAPI.postMessage({name:MessageNames.DAG_DOUBLE_CLICK_NODE,payload:{nodeId:m.node.id}});break;case GraphCanvasEvent.Delete:return;case GraphCanvasEvent.Undo:case GraphCanvasEvent.Redo:case GraphCanvasEvent.ResetUndoStack:return}super.dispatch(m)}async notifyFlowChange(){if(!this.loaded)return;const m=this.toJSON();this.viewType==="Flatten"&&vscodeAPI.postMessage({name:MessageNames.EDIT_PMT_FILE,payload:{content:m,viewType:this.viewType}})}notifyLayoutChange(){this.loaded&&vscodeAPI.postMessage({name:MessageNames.EDIT_FLOW_LAYOUT,payload:this.toFlowGraphLayout()})}notifyUIHintChange(){this.loaded&&vscodeAPI.postMessage({name:MessageNames.WRITE_FLOW_UIHINT,payload:{uihint:this.toFlowUIHint()}})}}const emptyBulkTestDetailsSelectedCellInfo={row:null,key:""},emptyBulkTestDetailsRunEvaluationInfo={runName:void 0,evalRunFile:void 0};class BulkTestDetailsViewModel extends FlowViewModel{constructor(){super("bulkTestDetails");ri(this,"btdMetaInfo$",new State([]));ri(this,"btdFlowRuns$",new State([]));ri(this,"btdNodeRuns$",new State([]));ri(this,"btdInputs$",new State([]));ri(this,"btdSelectedTableCellInfo$",new State(emptyBulkTestDetailsSelectedCellInfo));ri(this,"btdTheme$",new State(Theme$1.Dark));ri(this,"btdSelectedTraceDetail$",new State(void 0));ri(this,"btdIsDAGGraphMinimized$",new State(!1));ri(this,"lineageInfo$",new State({total:0}));ri(this,"btdUserHoverLineageGroup$",new State(void 0));ri(this,"btdUserSelectedLineageGroup$",new State(void 0));ri(this,"btdRunEvaluationInfo$",new State(emptyBulkTestDetailsRunEvaluationInfo));ri(this,"btdFlowRunIDToNodeRunsMap$",new ObservableOrderedMap);ri(this,"loadBulkTestDetails",m=>{this.reset();const w=m.detail,_=m.metadata,{totalGroups:C,groupedMetadata:k}=groupMetaByLineage(_),I=w.flatMap(M=>M.flow_runs),$=w.flatMap(M=>M.node_runs),P=w.flatMap(M=>M.inputs);w.forEach(M=>{const U=M.flow_runs,G=M.node_runs;U.forEach(X=>{const Z=X.run_id,ne=G.filter(re=>re.parent_run_id===Z);this.btdFlowRunIDToNodeRunsMap$.set(Z,ne)})}),k.forEach(M=>{M.flowGraph=YAML.parse(M.dag)}),this.lineageInfo$.next({total:C}),this.btdFlowRuns$.next([...I]),this.btdNodeRuns$.next([...$]),this.btdInputs$.next([...P]),this.btdMetaInfo$.next([...k])});ri(this,"reset",()=>{this.btdMetaInfo$.next([]),this.btdFlowRuns$.next([]),this.btdNodeRuns$.next([]),this.btdInputs$.next([]),this.btdSelectedTableCellInfo$.next(emptyBulkTestDetailsSelectedCellInfo),this.btdSelectedTraceDetail$.next(void 0),this.btdIsDAGGraphMinimized$.next(!1),this.lineageInfo$.next({total:0}),this.btdUserHoverLineageGroup$.next(void 0),this.btdUserSelectedLineageGroup$.next(void 0),this.btdRunEvaluationInfo$.next(emptyBulkTestDetailsRunEvaluationInfo),this.btdFlowRunIDToNodeRunsMap$.clear()});const m=new Set;this.flowFeatures$.next(m)}}Pit=SINGLETON,ri(BulkTestDetailsViewModel,Pit,!0);function groupMetaByLineage(g){const b=[],m=g.map((k,I)=>({...k,_group:-1,_lineage_id:`${I}`}));m.filter(k=>k.lineage===null||k.lineage===void 0||!m.some(I=>I.name===k.lineage)).forEach(k=>{const I=[];let $=[k];for(;$.length>0;){const P=$.shift();I.push(P);const M=m.filter(U=>U.lineage&&U.lineage===P.name);$=$.concat(M)}b.push(I)});const _={},C=b.reduce((k,I)=>(I.length===1&&I[0].lineage?(_[I[0].lineage]||(_[I[0].lineage]=[],k.push(_[I[0].lineage])),_[I[0].lineage].push(...I)):k.push(I),k),[]);return C.forEach((k,I)=>{k.forEach($=>{$._group=I})}),{groupedArray:C,groupedMetadata:m,totalGroups:b.length}}const useBulkTestDetailsViewModel=()=>{const[g]=useInjected(FlowViewModelToken);return g},useLoadBulkTestDetails=()=>{const g=useBulkTestDetailsViewModel();return reactExports.useCallback(b=>{g.loadBulkTestDetails(b)},[g])},useBulkTestDetailFlowRuns=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdFlowRuns$)},useBulkTestDetailNodeRunsWithID=g=>{const b=useBulkTestDetailsViewModel();return useState(b.btdFlowRunIDToNodeRunsMap$).get(g)||[]},useSetBulkTestDetailSelectedCellInfo=()=>{const g=useBulkTestDetailsViewModel();return useSetState(g.btdSelectedTableCellInfo$)},useBulkTestDetailSelectedCellInfo=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdSelectedTableCellInfo$)},useBulkTestDetailGetMetadataByRunName=()=>{const g=useBulkTestDetailsViewModel();return reactExports.useCallback(b=>g.btdMetaInfo$.value.find(w=>w.name===b),[g])},useBulkTestDetailsMetaInfo=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdMetaInfo$)},useBulkTestDetailsTheme=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdTheme$)},useSetBulkTestDetailsTheme=()=>{const g=useBulkTestDetailsViewModel();return useSetState(g.btdTheme$)},useBulkTestDetailsSelectedTraceDetail=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdSelectedTraceDetail$)},useSetBulkTestDetailsSelectedTraceDetail=()=>{const g=useBulkTestDetailsViewModel();return useSetState(g.btdSelectedTraceDetail$)},useBulkTestDetailsIsDAGGraphMinimized=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdIsDAGGraphMinimized$)},useSetBulkTestDetailsIsDAGGraphMinimized=()=>{const g=useBulkTestDetailsViewModel();return useSetState(g.btdIsDAGGraphMinimized$)},useBulkTestDetailsDAGCurrentNodeId=()=>{const g=useBulkTestDetailsViewModel();return useState(g.currentNodeId$)},useBulkTestDetailsLineageInfo=()=>{const g=useBulkTestDetailsViewModel();return useState(g.lineageInfo$)},useBulkTestDetailsUserHoverLineageGroup=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdUserHoverLineageGroup$)},useSetBulkTestDetailsUserHoverLineageGroup=()=>{const g=useBulkTestDetailsViewModel();return useSetState(g.btdUserHoverLineageGroup$)},useBulkTestDetailsUserSelectedLineageGroup=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdUserSelectedLineageGroup$)},useToggleBulkTestDetailsUserSelectedLineageGroup=()=>{const g=useBulkTestDetailsViewModel();return reactExports.useCallback(b=>{g.btdUserSelectedLineageGroup$.getValue()===void 0?g.btdUserSelectedLineageGroup$.next(b):g.btdUserSelectedLineageGroup$.next(void 0),g.btdUserHoverLineageGroup$.next(void 0)},[g])},useSetBulkTestDetailsUserSelectedLineageGroup=()=>{const g=useBulkTestDetailsViewModel();return useSetState(g.btdUserSelectedLineageGroup$)},useBulkTestDetailsRunEvaluationInfo=()=>{const g=useBulkTestDetailsViewModel();return useState(g.btdRunEvaluationInfo$)},useUpdateBulkTestDetailsRunEvaluationInfo=()=>{const g=useBulkTestDetailsViewModel();return reactExports.useCallback(m=>{const w=g.btdRunEvaluationInfo$.getValue(),_=m(w);g.btdRunEvaluationInfo$.next(_)},[g])};function useBulkTestDetailsMonitorTheme(){const g=useSetBulkTestDetailsTheme();reactExports.useEffect(()=>{const b=getInitialTheme();g(b)},[g]),reactExports.useEffect(()=>{if(isInVSCode())return;const b=window.matchMedia("(prefers-color-scheme: dark)"),m=()=>{const w=getBrowserTheme();g(w)};return b.addEventListener("change",m),()=>{b.removeEventListener("change",m)}},[g]),reactExports.useEffect(()=>{if(!isInVSCode())return;const b=new MutationObserver(()=>{const m=getVSCodeTheme();m&&g(m)});return b.observe(document.body,{attributeFilter:["class"]}),()=>{b.disconnect()}},[g])}function getInitialTheme(){return isInVSCode()?getVSCodeTheme():getBrowserTheme()}function getVSCodeTheme(){return document.body.classList.contains("vscode-dark")||document.body.classList.contains("vscode-high-contrast")?Theme$1.Dark:Theme$1.Light}function getBrowserTheme(){const g=window.matchMedia("(prefers-color-scheme: dark)").matches?Theme$1.Dark:Theme$1.Light;return g===Theme$1.Dark&&(document.documentElement.style.cssText=vscodeComponentDarkStyles),g===Theme$1.Light&&(document.documentElement.style.cssText=vscodeComponentLightStyles),g}function isInVSCode(){return typeof acquireVsCodeApi<"u"}const vscodeComponentLightStyles=`--background:#ffffff; --contrast-active-border:transparent; --focus-border:#0090f1; --font-family:-apple-system, BlinkMacSystemFont, sans-serif; --font-weight:normal; --scrollbar-slider-background:rgba(100, 100, 100, 0.4); --scrollbar-slider-hover-background:rgba(100, 100, 100, 0.7); --scrollbar-slider-active-background:rgba(0, 0, 0, 0.6); --badge-background:#c4c4c4; --button-primary-background:#007acc; --button-primary-hover-background:#0062a3; --button-secondary-background:#5f6a79; --button-secondary-hover-background:#4c5561; --checkbox-background:#ffffff; --checkbox-border:#919191; --list-active-selection-background:#0060c0; --list-hover-background:#e8e8e8; --dropdown-background:#ffffff; --dropdown-border:#cecece; --input-background:#ffffff; --input-foreground:#616161; --input-placeholder-foreground:#767676; --link-foreground:#006ab1; --panel-tab-foreground:rgba(66, 66, 66, 0.75); --panel-view-background:#ffffff; --panel-view-border:rgba(128, 128, 128, 0.35); --foreground:#616161; --badge-foreground:#333333; --checkbox-foreground:#616161; --divider-background:#c8c8c8; --dropdown-foreground:#616161; --link-active-foreground:#006ab1; --panel-tab-active-border:#424242; --panel-tab-active-foreground:#424242;
--vscode-editor-inactiveSelectionBackground:rgba(3, 102, 214, 0.07);
--vscode-testing-iconPassed:#73c991;
--foreground: #444d56;
`,vscodeComponentDarkStyles=`--background:#282c34; --contrast-active-border:transparent; --focus-border:#3e4452; --font-family:-apple-system, BlinkMacSystemFont, sans-serif; --font-weight:normal; --scrollbar-slider-background:rgba(78, 86, 102, 0.38); --scrollbar-slider-hover-background:rgba(90, 99, 117, 0.5); --scrollbar-slider-active-background:rgba(116, 125, 145, 0.5); --badge-background:#282c34; --button-primary-background:#404754; --button-primary-hover-background:#4d5565; --button-secondary-background:#30333d; --button-secondary-hover-background:#3a3d49; --checkbox-background:#21252b; --checkbox-border:#404754; --list-active-selection-background:#2c313a; --list-hover-background:#2c313a; --dropdown-background:#21252b; --dropdown-border:#21252b; --input-background:#1d1f23; --input-foreground:#abb2bf; --input-placeholder-foreground:rgba(204, 204, 204, 0.5); --link-foreground:#61afef; --panel-tab-foreground:rgba(231, 231, 231, 0.6); --panel-view-background:#282c34; --panel-view-border:#3e4452; --button-secondary-foreground:#c0bdbd; --list-active-selection-foreground:#d7dae0;
--vscode-editor-inactiveSelectionBackground:rgba(103, 118, 150, 0.19);
--vscode-testing-iconPassed:#73c991;
--foreground: #cccccc;
`;var reactGridLayout={exports:{}},ReactGridLayout$2={},lodash_isequal={exports:{}};lodash_isequal.exports,function(g,b){var m=200,w="__lodash_hash_undefined__",_=1,C=2,k=9007199254740991,I="[object Arguments]",$="[object Array]",P="[object AsyncFunction]",M="[object Boolean]",U="[object Date]",G="[object Error]",X="[object Function]",Z="[object GeneratorFunction]",ne="[object Map]",re="[object Number]",ve="[object Null]",Se="[object Object]",ge="[object Promise]",oe="[object Proxy]",me="[object RegExp]",De="[object Set]",Le="[object String]",rt="[object Symbol]",Ue="[object Undefined]",Ze="[object WeakMap]",gt="[object ArrayBuffer]",$t="[object DataView]",Xe="[object Float32Array]",xe="[object Float64Array]",Tn="[object Int8Array]",Rt="[object Int16Array]",mt="[object Int32Array]",en="[object Uint8Array]",st="[object Uint8ClampedArray]",Fe="[object Uint16Array]",Re="[object Uint32Array]",Ae=/[\\^$.*+?()[\]{}|]/g,je=/^\[object .+?Constructor\]$/,Ge=/^(?:0|[1-9]\d*)$/,Be={};Be[Xe]=Be[xe]=Be[Tn]=Be[Rt]=Be[mt]=Be[en]=Be[st]=Be[Fe]=Be[Re]=!0,Be[I]=Be[$]=Be[gt]=Be[M]=Be[$t]=Be[U]=Be[G]=Be[X]=Be[ne]=Be[re]=Be[Se]=Be[me]=Be[De]=Be[Le]=Be[Ze]=!1;var We=typeof commonjsGlobal=="object"&&commonjsGlobal&&commonjsGlobal.Object===Object&&commonjsGlobal,lt=typeof self=="object"&&self&&self.Object===Object&&self,Tt=We||lt||Function("return this")(),Je=b&&!b.nodeType&&b,qt=Je&&!0&&g&&!g.nodeType&&g,Pt=qt&&qt.exports===Je,_t=Pt&&We.process,lr=function(){try{return _t&&_t.binding&&_t.binding("util")}catch{}}(),jn=lr&&lr.isTypedArray;function ii(xt,vn){for(var Ir=-1,fo=xt==null?0:xt.length,Xu=0,Ws=[];++Ir<fo;){var al=xt[Ir];vn(al,Ir,xt)&&(Ws[Xu++]=al)}return Ws}function Zi(xt,vn){for(var Ir=-1,fo=vn.length,Xu=xt.length;++Ir<fo;)xt[Xu+Ir]=vn[Ir];return xt}function No(xt,vn){for(var Ir=-1,fo=xt==null?0:xt.length;++Ir<fo;)if(vn(xt[Ir],Ir,xt))return!0;return!1}function Is(xt,vn){for(var Ir=-1,fo=Array(xt);++Ir<xt;)fo[Ir]=vn(Ir);return fo}function Ca(xt){return function(vn){return xt(vn)}}function Xs(xt,vn){return xt.has(vn)}function Io(xt,vn){return xt==null?void 0:xt[vn]}function pi(xt){var vn=-1,Ir=Array(xt.size);return xt.forEach(function(fo,Xu){Ir[++vn]=[Xu,fo]}),Ir}function Es(xt,vn){return function(Ir){return xt(vn(Ir))}}function $u(xt){var vn=-1,Ir=Array(xt.size);return xt.forEach(function(fo){Ir[++vn]=fo}),Ir}var ir=Array.prototype,rn=Function.prototype,sn=Object.prototype,Zn=Tt["__core-js_shared__"],oi=rn.toString,li=sn.hasOwnProperty,ur=function(){var xt=/[^.]+$/.exec(Zn&&Zn.keys&&Zn.keys.IE_PROTO||"");return xt?"Symbol(src)_1."+xt:""}(),Sr=sn.toString,ki=RegExp("^"+oi.call(li).replace(Ae,"\\$&").replace(/hasOwnProperty|(function).*?(?=\\\()| for .+?(?=\\\])/g,"$1.*?")+"$"),co=Pt?Tt.Buffer:void 0,xo=Tt.Symbol,Ho=Tt.Uint8Array,Co=sn.propertyIsEnumerable,ma=ir.splice,Yi=xo?xo.toStringTag:void 0,so=Object.getOwnPropertySymbols,hs=co?co.isBuffer:void 0,Qs=Es(Object.keys,Object),yo=Ld(Tt,"DataView"),ru=Ld(Tt,"Map"),iu=Ld(Tt,"Promise"),Pu=Ld(Tt,"Set"),Js=Ld(Tt,"WeakMap"),yu=Ld(Object,"create"),za=Mt(yo),Rl=Mt(ru),zt=Mt(iu),hr=Mt(Pu),Ri=Mt(Js),Do=xo?xo.prototype:void 0,Ds=Do?Do.valueOf:void 0;function eo(xt){var vn=-1,Ir=xt==null?0:xt.length;for(this.clear();++vn<Ir;){var fo=xt[vn];this.set(fo[0],fo[1])}}function As(){this.__data__=yu?yu(null):{},this.size=0}function ps(xt){var vn=this.has(xt)&&delete this.__data__[xt];return this.size-=vn?1:0,vn}function dt(xt){var vn=this.__data__;if(yu){var Ir=vn[xt];return Ir===w?void 0:Ir}return li.call(vn,xt)?vn[xt]:void 0}function ht(xt){var vn=this.__data__;return yu?vn[xt]!==void 0:li.call(vn,xt)}function qe(xt,vn){var Ir=this.__data__;return this.size+=this.has(xt)?0:1,Ir[xt]=yu&&vn===void 0?w:vn,this}eo.prototype.clear=As,eo.prototype.delete=ps,eo.prototype.get=dt,eo.prototype.has=ht,eo.prototype.set=qe;function it(xt){var vn=-1,Ir=xt==null?0:xt.length;for(this.clear();++vn<Ir;){var fo=xt[vn];this.set(fo[0],fo[1])}}function pt(){this.__data__=[],this.size=0}function Sn(xt){var vn=this.__data__,Ir=Ka(vn,xt);if(Ir<0)return!1;var fo=vn.length-1;return Ir==fo?vn.pop():ma.call(vn,Ir,1),--this.size,!0}function Hn(xt){var vn=this.__data__,Ir=Ka(vn,xt);return Ir<0?void 0:vn[Ir][1]}function Un(xt){return Ka(this.__data__,xt)>-1}function mn(xt,vn){var Ir=this.__data__,fo=Ka(Ir,xt);return fo<0?(++this.size,Ir.push([xt,vn])):Ir[fo][1]=vn,this}it.prototype.clear=pt,it.prototype.delete=Sn,it.prototype.get=Hn,it.prototype.has=Un,it.prototype.set=mn;function wr(xt){var vn=-1,Ir=xt==null?0:xt.length;for(this.clear();++vn<Ir;){var fo=xt[vn];this.set(fo[0],fo[1])}}function Ui(){this.size=0,this.__data__={hash:new eo,map:new(ru||it),string:new eo}}function To(xt){var vn=Il(this,xt).delete(xt);return this.size-=vn?1:0,vn}function $s(xt){return Il(this,xt).get(xt)}function Ia(xt){return Il(this,xt).has(xt)}function Vo(xt,vn){var Ir=Il(this,xt),fo=Ir.size;return Ir.set(xt,vn),this.size+=Ir.size==fo?0:1,this}wr.prototype.clear=Ui,wr.prototype.delete=To,wr.prototype.get=$s,wr.prototype.has=Ia,wr.prototype.set=Vo;function qs(xt){var vn=-1,Ir=xt==null?0:xt.length;for(this.__data__=new wr;++vn<Ir;)this.add(xt[vn])}function ou(xt){return this.__data__.set(xt,w),this}function rs(xt){return this.__data__.has(xt)}qs.prototype.add=qs.prototype.push=ou,qs.prototype.has=rs;function Da(xt){var vn=this.__data__=new it(xt);this.size=vn.size}function Ol(){this.__data__=new it,this.size=0}function uf(xt){var vn=this.__data__,Ir=vn.delete(xt);return this.size=vn.size,Ir}function Nd(xt){return this.__data__.get(xt)}function gc(xt){return this.__data__.has(xt)}function Nf(xt,vn){var Ir=this.__data__;if(Ir instanceof it){var fo=Ir.__data__;if(!ru||fo.length<m-1)return fo.push([xt,vn]),this.size=++Ir.size,this;Ir=this.__data__=new wr(fo)}return Ir.set(xt,vn),this.size=Ir.size,this}Da.prototype.clear=Ol,Da.prototype.delete=uf,Da.prototype.get=Nd,Da.prototype.has=gc,Da.prototype.set=Nf;function jc(xt,vn){var Ir=Fi(xt),fo=!Ir&&Xn(xt),Xu=!Ir&&!fo&&_i(xt),Ws=!Ir&&!fo&&!Xu&&fl(xt),al=Ir||fo||Xu||Ws,Dl=al?Is(xt.length,String):[],_u=Dl.length;for(var Qu in xt)(vn||li.call(xt,Qu))&&!(al&&(Qu=="length"||Xu&&(Qu=="offset"||Qu=="parent")||Ws&&(Qu=="buffer"||Qu=="byteLength"||Qu=="byteOffset")||Kg(Qu,_u)))&&Dl.push(Qu);return Dl}function Ka(xt,vn){for(var Ir=xt.length;Ir--;)if(An(xt[Ir][0],vn))return Ir;return-1}function Wc(xt,vn,Ir){var fo=vn(xt);return Fi(xt)?fo:Zi(fo,Ir(xt))}function wi(xt){return xt==null?xt===void 0?Ue:ve:Yi&&Yi in Object(xt)?_1(xt):ut(xt)}function cf(xt){return Zs(xt)&&wi(xt)==I}function Mc(xt,vn,Ir,fo,Xu){return xt===vn?!0:xt==null||vn==null||!Zs(xt)&&!Zs(vn)?xt!==xt&&vn!==vn:Lf(xt,vn,Ir,fo,Mc,Xu)}function Lf(xt,vn,Ir,fo,Xu,Ws){var al=Fi(xt),Dl=Fi(vn),_u=al?$:nh(xt),Qu=Dl?$:nh(vn);_u=_u==I?Se:_u,Qu=Qu==I?Se:Qu;var dl=_u==Se,rh=Qu==Se,Kc=_u==Qu;if(Kc&&_i(xt)){if(!_i(vn))return!1;al=!0,dl=!1}if(Kc&&!dl)return Ws||(Ws=new Da),al||fl(xt)?Eu(xt,vn,Ir,fo,Xu,Ws):Yu(xt,vn,_u,Ir,fo,Xu,Ws);if(!(Ir&_)){var Yc=dl&&li.call(xt,"__wrapped__"),Bd=rh&&li.call(vn,"__wrapped__");if(Yc||Bd){var S1=Yc?xt.value():xt,ih=Bd?vn.value():vn;return Ws||(Ws=new Da),Xu(S1,ih,Ir,fo,Ws)}}return Kc?(Ws||(Ws=new Da),eg(xt,vn,Ir,fo,Xu,Ws)):!1}function vd(xt){if(!ac(xt)||Xg(xt))return!1;var vn=lo(xt)?ki:je;return vn.test(Mt(xt))}function wd(xt){return Zs(xt)&&va(xt.length)&&!!Be[wi(xt)]}function Gc(xt){if(!Ve(xt))return Qs(xt);var vn=[];for(var Ir in Object(xt))li.call(xt,Ir)&&Ir!="constructor"&&vn.push(Ir);return vn}function Eu(xt,vn,Ir,fo,Xu,Ws){var al=Ir&_,Dl=xt.length,_u=vn.length;if(Dl!=_u&&!(al&&_u>Dl))return!1;var Qu=Ws.get(xt);if(Qu&&Ws.get(vn))return Qu==vn;var dl=-1,rh=!0,Kc=Ir&C?new qs:void 0;for(Ws.set(xt,vn),Ws.set(vn,xt);++dl<Dl;){var Yc=xt[dl],Bd=vn[dl];if(fo)var S1=al?fo(Bd,Yc,dl,vn,xt,Ws):fo(Yc,Bd,dl,xt,vn,Ws);if(S1!==void 0){if(S1)continue;rh=!1;break}if(Kc){if(!No(vn,function(ih,Lp){if(!Xs(Kc,Lp)&&(Yc===ih||Xu(Yc,ih,Ir,fo,Ws)))return Kc.push(Lp)})){rh=!1;break}}else if(!(Yc===Bd||Xu(Yc,Bd,Ir,fo,Ws))){rh=!1;break}}return Ws.delete(xt),Ws.delete(vn),rh}function Yu(xt,vn,Ir,fo,Xu,Ws,al){switch(Ir){case $t:if(xt.byteLength!=vn.byteLength||xt.byteOffset!=vn.byteOffset)return!1;xt=xt.buffer,vn=vn.buffer;case gt:return!(xt.byteLength!=vn.byteLength||!Ws(new Ho(xt),new Ho(vn)));case M:case U:case re:return An(+xt,+vn);case G:return xt.name==vn.name&&xt.message==vn.message;case me:case Le:return xt==vn+"";case ne:var Dl=pi;case De:var _u=fo&_;if(Dl||(Dl=$u),xt.size!=vn.size&&!_u)return!1;var Qu=al.get(xt);if(Qu)return Qu==vn;fo|=C,al.set(xt,vn);var dl=Eu(Dl(xt),Dl(vn),fo,Xu,Ws,al);return al.delete(xt),dl;case rt:if(Ds)return Ds.call(xt)==Ds.call(vn)}return!1}function eg(xt,vn,Ir,fo,Xu,Ws){var al=Ir&_,Dl=lf(xt),_u=Dl.length,Qu=lf(vn),dl=Qu.length;if(_u!=dl&&!al)return!1;for(var rh=_u;rh--;){var Kc=Dl[rh];if(!(al?Kc in vn:li.call(vn,Kc)))return!1}var Yc=Ws.get(xt);if(Yc&&Ws.get(vn))return Yc==vn;var Bd=!0;Ws.set(xt,vn),Ws.set(vn,xt);for(var S1=al;++rh<_u;){Kc=Dl[rh];var ih=xt[Kc],Lp=vn[Kc];if(fo)var _w=al?fo(Lp,ih,Kc,vn,xt,Ws):fo(ih,Lp,Kc,xt,vn,Ws);if(!(_w===void 0?ih===Lp||Xu(ih,Lp,Ir,fo,Ws):_w)){Bd=!1;break}S1||(S1=Kc=="constructor")}if(Bd&&!S1){var rd=xt.constructor,Hl=vn.constructor;rd!=Hl&&"constructor"in xt&&"constructor"in vn&&!(typeof rd=="function"&&rd instanceof rd&&typeof Hl=="function"&&Hl instanceof Hl)&&(Bd=!1)}return Ws.delete(xt),Ws.delete(vn),Bd}function lf(xt){return Wc(xt,sl,up)}function Il(xt,vn){var Ir=xt.__data__;return Yg(vn)?Ir[typeof vn=="string"?"string":"hash"]:Ir.map}function Ld(xt,vn){var Ir=Io(xt,vn);return vd(Ir)?Ir:void 0}function _1(xt){var vn=li.call(xt,Yi),Ir=xt[Yi];try{xt[Yi]=void 0;var fo=!0}catch{}var Xu=Sr.call(xt);return fo&&(vn?xt[Yi]=Ir:delete xt[Yi]),Xu}var up=so?function(xt){return xt==null?[]:(xt=Object(xt),ii(so(xt),function(vn){return Co.call(xt,vn)}))}:wa,nh=wi;(yo&&nh(new yo(new ArrayBuffer(1)))!=$t||ru&&nh(new ru)!=ne||iu&&nh(iu.resolve())!=ge||Pu&&nh(new Pu)!=De||Js&&nh(new Js)!=Ze)&&(nh=function(xt){var vn=wi(xt),Ir=vn==Se?xt.constructor:void 0,fo=Ir?Mt(Ir):"";if(fo)switch(fo){case za:return $t;case Rl:return ne;case zt:return ge;case hr:return De;case Ri:return Ze}return vn});function Kg(xt,vn){return vn=vn??k,!!vn&&(typeof xt=="number"||Ge.test(xt))&&xt>-1&&xt%1==0&&xt<vn}function Yg(xt){var vn=typeof xt;return vn=="string"||vn=="number"||vn=="symbol"||vn=="boolean"?xt!=="__proto__":xt===null}function Xg(xt){return!!ur&&ur in xt}function Ve(xt){var vn=xt&&xt.constructor,Ir=typeof vn=="function"&&vn.prototype||sn;return xt===Ir}function ut(xt){return Sr.call(xt)}function Mt(xt){if(xt!=null){try{return oi.call(xt)}catch{}try{return xt+""}catch{}}return""}function An(xt,vn){return xt===vn||xt!==xt&&vn!==vn}var Xn=cf(function(){return arguments}())?cf:function(xt){return Zs(xt)&&li.call(xt,"callee")&&!Co.call(xt,"callee")},Fi=Array.isArray;function yi(xt){return xt!=null&&va(xt.length)&&!lo(xt)}var _i=hs||Ha;function Oi(xt,vn){return Mc(xt,vn)}function lo(xt){if(!ac(xt))return!1;var vn=wi(xt);return vn==X||vn==Z||vn==P||vn==oe}function va(xt){return typeof xt=="number"&&xt>-1&&xt%1==0&&xt<=k}function ac(xt){var vn=typeof xt;return xt!=null&&(vn=="object"||vn=="function")}function Zs(xt){return xt!=null&&typeof xt=="object"}var fl=jn?Ca(jn):wd;function sl(xt){return yi(xt)?jc(xt):Gc(xt)}function wa(){return[]}function Ha(){return!1}g.exports=Oi}(lodash_isequal,lodash_isequal.exports);var lodash_isequalExports=lodash_isequal.exports;const require$$2=getAugmentedNamespace(clsx_m);var utils$1={},fastRGLPropsEqual$1=function(b,m,w){return b===m?!0:b.className===m.className&&w(b.style,m.style)&&b.width===m.width&&b.autoSize===m.autoSize&&b.cols===m.cols&&b.draggableCancel===m.draggableCancel&&b.draggableHandle===m.draggableHandle&&w(b.verticalCompact,m.verticalCompact)&&w(b.compactType,m.compactType)&&w(b.layout,m.layout)&&w(b.margin,m.margin)&&w(b.containerPadding,m.containerPadding)&&b.rowHeight===m.rowHeight&&b.maxRows===m.maxRows&&b.isBounded===m.isBounded&&b.isDraggable===m.isDraggable&&b.isResizable===m.isResizable&&b.allowOverlap===m.allowOverlap&&b.preventCollision===m.preventCollision&&b.useCSSTransforms===m.useCSSTransforms&&b.transformScale===m.transformScale&&b.isDroppable===m.isDroppable&&w(b.resizeHandles,m.resizeHandles)&&w(b.resizeHandle,m.resizeHandle)&&b.onLayoutChange===m.onLayoutChange&&b.onDragStart===m.onDragStart&&b.onDrag===m.onDrag&&b.onDragStop===m.onDragStop&&b.onResizeStart===m.onResizeStart&&b.onResize===m.onResize&&b.onResizeStop===m.onResizeStop&&b.onDrop===m.onDrop&&w(b.droppingItem,m.droppingItem)&&w(b.innerRef,m.innerRef)};Object.defineProperty(utils$1,"__esModule",{value:!0}),utils$1.bottom=bottom,utils$1.childrenEqual=childrenEqual,utils$1.cloneLayout=cloneLayout,utils$1.cloneLayoutItem=cloneLayoutItem,utils$1.collides=collides,utils$1.compact=compact,utils$1.compactItem=compactItem,utils$1.compactType=compactType,utils$1.correctBounds=correctBounds,utils$1.fastPositionEqual=fastPositionEqual,utils$1.fastRGLPropsEqual=void 0,utils$1.getAllCollisions=getAllCollisions,utils$1.getFirstCollision=getFirstCollision,utils$1.getLayoutItem=getLayoutItem,utils$1.getStatics=getStatics,utils$1.modifyLayout=modifyLayout,utils$1.moveElement=moveElement,utils$1.moveElementAwayFromCollision=moveElementAwayFromCollision,utils$1.noop=void 0,utils$1.perc=perc,utils$1.setTopLeft=setTopLeft,utils$1.setTransform=setTransform,utils$1.sortLayoutItems=sortLayoutItems,utils$1.sortLayoutItemsByColRow=sortLayoutItemsByColRow,utils$1.sortLayoutItemsByRowCol=sortLayoutItemsByRowCol,utils$1.synchronizeLayoutWithChildren=synchronizeLayoutWithChildren,utils$1.validateLayout=validateLayout,utils$1.withLayoutItem=withLayoutItem;var _lodash$2=_interopRequireDefault$a(lodash_isequalExports),_react$3=_interopRequireDefault$a(requireReact());function _interopRequireDefault$a(g){return g&&g.__esModule?g:{default:g}}function ownKeys$8(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread$8(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys$8(Object(m),!0).forEach(function(w){_defineProperty$b(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys$8(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _defineProperty$b(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var isProduction={}.NODE_ENV==="production";function bottom(g){for(var b=0,m,w=0,_=g.length;w<_;w++)m=g[w].y+g[w].h,m>b&&(b=m);return b}function cloneLayout(g){for(var b=Array(g.length),m=0,w=g.length;m<w;m++)b[m]=cloneLayoutItem(g[m]);return b}function modifyLayout(g,b){for(var m=Array(g.length),w=0,_=g.length;w<_;w++)b.i===g[w].i?m[w]=b:m[w]=g[w];return m}function withLayoutItem(g,b,m){var w=getLayoutItem(g,b);return w?(w=m(cloneLayoutItem(w)),g=modifyLayout(g,w),[g,w]):[g,null]}function cloneLayoutItem(g){return{w:g.w,h:g.h,x:g.x,y:g.y,i:g.i,minW:g.minW,maxW:g.maxW,minH:g.minH,maxH:g.maxH,moved:!!g.moved,static:!!g.static,isDraggable:g.isDraggable,isResizable:g.isResizable,resizeHandles:g.resizeHandles,isBounded:g.isBounded}}function childrenEqual(g,b){return(0,_lodash$2.default)(_react$3.default.Children.map(g,function(m){return m==null?void 0:m.key}),_react$3.default.Children.map(b,function(m){return m==null?void 0:m.key}))}var fastRGLPropsEqual=fastRGLPropsEqual$1;utils$1.fastRGLPropsEqual=fastRGLPropsEqual;function fastPositionEqual(g,b){return g.left===b.left&&g.top===b.top&&g.width===b.width&&g.height===b.height}function collides(g,b){return!(g.i===b.i||g.x+g.w<=b.x||g.x>=b.x+b.w||g.y+g.h<=b.y||g.y>=b.y+b.h)}function compact(g,b,m){for(var w=getStatics(g),_=sortLayoutItems(g,b),C=Array(g.length),k=0,I=_.length;k<I;k++){var $=cloneLayoutItem(_[k]);$.static||($=compactItem(w,$,b,m,_),w.push($)),C[g.indexOf(_[k])]=$,$.moved=!1}return C}var heightWidth={x:"w",y:"h"};function resolveCompactionCollision(g,b,m,w){var _=heightWidth[w];b[w]+=1;for(var C=g.map(function($){return $.i}).indexOf(b.i),k=C+1;k<g.length;k++){var I=g[k];if(!I.static){if(I.y>b.y+b.h)break;collides(b,I)&&resolveCompactionCollision(g,I,m+b[_],w)}}b[w]=m}function compactItem(g,b,m,w,_){var C=m==="vertical",k=m==="horizontal";if(C)for(b.y=Math.min(bottom(g),b.y);b.y>0&&!getFirstCollision(g,b);)b.y--;else if(k)for(;b.x>0&&!getFirstCollision(g,b);)b.x--;for(var I;I=getFirstCollision(g,b);)k?resolveCompactionCollision(_,b,I.x+I.w,"x"):resolveCompactionCollision(_,b,I.y+I.h,"y"),k&&b.x+b.w>w&&(b.x=w-b.w,b.y++);return b.y=Math.max(b.y,0),b.x=Math.max(b.x,0),b}function correctBounds(g,b){for(var m=getStatics(g),w=0,_=g.length;w<_;w++){var C=g[w];if(C.x+C.w>b.cols&&(C.x=b.cols-C.w),C.x<0&&(C.x=0,C.w=b.cols),!C.static)m.push(C);else for(;getFirstCollision(m,C);)C.y++}return g}function getLayoutItem(g,b){for(var m=0,w=g.length;m<w;m++)if(g[m].i===b)return g[m]}function getFirstCollision(g,b){for(var m=0,w=g.length;m<w;m++)if(collides(g[m],b))return g[m]}function getAllCollisions(g,b){return g.filter(function(m){return collides(m,b)})}function getStatics(g){return g.filter(function(b){return b.static})}function moveElement(g,b,m,w,_,C,k,I,$){if(b.static&&b.isDraggable!==!0||b.y===w&&b.x===m)return g;"Moving element ".concat(b.i," to [").concat(String(m),",").concat(String(w),"] from [").concat(b.x,",").concat(b.y,"]");var P=b.x,M=b.y;typeof m=="number"&&(b.x=m),typeof w=="number"&&(b.y=w),b.moved=!0;var U=sortLayoutItems(g,k),G=k==="vertical"&&typeof w=="number"?M>=w:k==="horizontal"&&typeof m=="number"?P>=m:!1;G&&(U=U.reverse());var X=getAllCollisions(U,b),Z=X.length>0;if(Z&&$)return cloneLayout(g);if(Z&&C)return"Collision prevented on ".concat(b.i,", reverting."),b.x=P,b.y=M,b.moved=!1,g;for(var ne=0,re=X.length;ne<re;ne++){var ve=X[ne];"Resolving collision between ".concat(b.i," at [").concat(b.x,",").concat(b.y,"] and ").concat(ve.i," at [").concat(ve.x,",").concat(ve.y,"]"),!ve.moved&&(ve.static?g=moveElementAwayFromCollision(g,ve,b,_,k):g=moveElementAwayFromCollision(g,b,ve,_,k))}return g}function moveElementAwayFromCollision(g,b,m,w,_,C){var k=_==="horizontal",I=_!=="horizontal",$=b.static;if(w){w=!1;var P={x:k?Math.max(b.x-m.w,0):m.x,y:I?Math.max(b.y-m.h,0):m.y,w:m.w,h:m.h,i:"-1"};if(!getFirstCollision(g,P))return"Doing reverse collision on ".concat(m.i," up to [").concat(P.x,",").concat(P.y,"]."),moveElement(g,m,k?P.x:void 0,I?P.y:void 0,w,$,_)}return moveElement(g,m,k?m.x+1:void 0,I?m.y+1:void 0,w,$,_)}function perc(g){return g*100+"%"}function setTransform(g){var b=g.top,m=g.left,w=g.width,_=g.height,C="translate(".concat(m,"px,").concat(b,"px)");return{transform:C,WebkitTransform:C,MozTransform:C,msTransform:C,OTransform:C,width:"".concat(w,"px"),height:"".concat(_,"px"),position:"absolute"}}function setTopLeft(g){var b=g.top,m=g.left,w=g.width,_=g.height;return{top:"".concat(b,"px"),left:"".concat(m,"px"),width:"".concat(w,"px"),height:"".concat(_,"px"),position:"absolute"}}function sortLayoutItems(g,b){return b==="horizontal"?sortLayoutItemsByColRow(g):b==="vertical"?sortLayoutItemsByRowCol(g):g}function sortLayoutItemsByRowCol(g){return g.slice(0).sort(function(b,m){return b.y>m.y||b.y===m.y&&b.x>m.x?1:b.y===m.y&&b.x===m.x?0:-1})}function sortLayoutItemsByColRow(g){return g.slice(0).sort(function(b,m){return b.x>m.x||b.x===m.x&&b.y>m.y?1:-1})}function synchronizeLayoutWithChildren(g,b,m,w,_){g=g||[];var C=[];_react$3.default.Children.forEach(b,function(I){if((I==null?void 0:I.key)!=null){var $=getLayoutItem(g,String(I.key));if($)C.push(cloneLayoutItem($));else{!isProduction&&I.props._grid&&console.warn("`_grid` properties on children have been deprecated as of React 15.2. Please use `data-grid` or add your properties directly to the `layout`.");var P=I.props["data-grid"]||I.props._grid;P?(isProduction||validateLayout([P],"ReactGridLayout.children"),C.push(cloneLayoutItem(_objectSpread$8(_objectSpread$8({},P),{},{i:I.key})))):C.push(cloneLayoutItem({w:1,h:1,x:0,y:bottom(C),i:String(I.key)}))}}});var k=correctBounds(C,{cols:m});return _?k:compact(k,w,m)}function validateLayout(g){var b=arguments.length>1&&arguments[1]!==void 0?arguments[1]:"Layout",m=["x","y","w","h"];if(!Array.isArray(g))throw new Error(b+" must be an array!");for(var w=0,_=g.length;w<_;w++)for(var C=g[w],k=0;k<m.length;k++)if(typeof C[m[k]]!="number")throw new Error("ReactGridLayout: "+b+"["+w+"]."+m[k]+" must be a number!")}function compactType(g){var b=g||{},m=b.verticalCompact,w=b.compactType;return m===!1?null:w}function log$4(){}var noop=function(){};utils$1.noop=noop;var calculateUtils={};Object.defineProperty(calculateUtils,"__esModule",{value:!0}),calculateUtils.calcGridColWidth=calcGridColWidth,calculateUtils.calcGridItemPosition=calcGridItemPosition,calculateUtils.calcGridItemWHPx=calcGridItemWHPx,calculateUtils.calcWH=calcWH,calculateUtils.calcXY=calcXY,calculateUtils.clamp=clamp;function calcGridColWidth(g){var b=g.margin,m=g.containerPadding,w=g.containerWidth,_=g.cols;return(w-b[0]*(_-1)-m[0]*2)/_}function calcGridItemWHPx(g,b,m){return Number.isFinite(g)?Math.round(b*g+Math.max(0,g-1)*m):g}function calcGridItemPosition(g,b,m,w,_,C){var k=g.margin,I=g.containerPadding,$=g.rowHeight,P=calcGridColWidth(g),M={};return C&&C.resizing?(M.width=Math.round(C.resizing.width),M.height=Math.round(C.resizing.height)):(M.width=calcGridItemWHPx(w,P,k[0]),M.height=calcGridItemWHPx(_,$,k[1])),C&&C.dragging?(M.top=Math.round(C.dragging.top),M.left=Math.round(C.dragging.left)):(M.top=Math.round(($+k[1])*m+I[1]),M.left=Math.round((P+k[0])*b+I[0])),M}function calcXY(g,b,m,w,_){var C=g.margin,k=g.cols,I=g.rowHeight,$=g.maxRows,P=calcGridColWidth(g),M=Math.round((m-C[0])/(P+C[0])),U=Math.round((b-C[1])/(I+C[1]));return M=clamp(M,0,k-w),U=clamp(U,0,$-_),{x:M,y:U}}function calcWH(g,b,m,w,_){var C=g.margin,k=g.maxRows,I=g.cols,$=g.rowHeight,P=calcGridColWidth(g),M=Math.round((b+C[0])/(P+C[0])),U=Math.round((m+C[1])/($+C[1]));return M=clamp(M,0,I-w),U=clamp(U,0,k-_),{w:M,h:U}}function clamp(g,b,m){return Math.max(Math.min(g,m),b)}var GridItem$1={},propTypes$3={exports:{}},reactIs$2={exports:{}},reactIs_production_min$2={};/** @license React v16.13.1
* react-is.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactIs_production_min$2;function requireReactIs_production_min$2(){if(hasRequiredReactIs_production_min$2)return reactIs_production_min$2;hasRequiredReactIs_production_min$2=1;var g=typeof Symbol=="function"&&Symbol.for,b=g?Symbol.for("react.element"):60103,m=g?Symbol.for("react.portal"):60106,w=g?Symbol.for("react.fragment"):60107,_=g?Symbol.for("react.strict_mode"):60108,C=g?Symbol.for("react.profiler"):60114,k=g?Symbol.for("react.provider"):60109,I=g?Symbol.for("react.context"):60110,$=g?Symbol.for("react.async_mode"):60111,P=g?Symbol.for("react.concurrent_mode"):60111,M=g?Symbol.for("react.forward_ref"):60112,U=g?Symbol.for("react.suspense"):60113,G=g?Symbol.for("react.suspense_list"):60120,X=g?Symbol.for("react.memo"):60115,Z=g?Symbol.for("react.lazy"):60116,ne=g?Symbol.for("react.block"):60121,re=g?Symbol.for("react.fundamental"):60117,ve=g?Symbol.for("react.responder"):60118,Se=g?Symbol.for("react.scope"):60119;function ge(me){if(typeof me=="object"&&me!==null){var De=me.$$typeof;switch(De){case b:switch(me=me.type,me){case $:case P:case w:case C:case _:case U:return me;default:switch(me=me&&me.$$typeof,me){case I:case M:case Z:case X:case k:return me;default:return De}}case m:return De}}}function oe(me){return ge(me)===P}return reactIs_production_min$2.AsyncMode=$,reactIs_production_min$2.ConcurrentMode=P,reactIs_production_min$2.ContextConsumer=I,reactIs_production_min$2.ContextProvider=k,reactIs_production_min$2.Element=b,reactIs_production_min$2.ForwardRef=M,reactIs_production_min$2.Fragment=w,reactIs_production_min$2.Lazy=Z,reactIs_production_min$2.Memo=X,reactIs_production_min$2.Portal=m,reactIs_production_min$2.Profiler=C,reactIs_production_min$2.StrictMode=_,reactIs_production_min$2.Suspense=U,reactIs_production_min$2.isAsyncMode=function(me){return oe(me)||ge(me)===$},reactIs_production_min$2.isConcurrentMode=oe,reactIs_production_min$2.isContextConsumer=function(me){return ge(me)===I},reactIs_production_min$2.isContextProvider=function(me){return ge(me)===k},reactIs_production_min$2.isElement=function(me){return typeof me=="object"&&me!==null&&me.$$typeof===b},reactIs_production_min$2.isForwardRef=function(me){return ge(me)===M},reactIs_production_min$2.isFragment=function(me){return ge(me)===w},reactIs_production_min$2.isLazy=function(me){return ge(me)===Z},reactIs_production_min$2.isMemo=function(me){return ge(me)===X},reactIs_production_min$2.isPortal=function(me){return ge(me)===m},reactIs_production_min$2.isProfiler=function(me){return ge(me)===C},reactIs_production_min$2.isStrictMode=function(me){return ge(me)===_},reactIs_production_min$2.isSuspense=function(me){return ge(me)===U},reactIs_production_min$2.isValidElementType=function(me){return typeof me=="string"||typeof me=="function"||me===w||me===P||me===C||me===_||me===U||me===G||typeof me=="object"&&me!==null&&(me.$$typeof===Z||me.$$typeof===X||me.$$typeof===k||me.$$typeof===I||me.$$typeof===M||me.$$typeof===re||me.$$typeof===ve||me.$$typeof===Se||me.$$typeof===ne)},reactIs_production_min$2.typeOf=ge,reactIs_production_min$2}var reactIs_development$2={};/** @license React v16.13.1
* react-is.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactIs_development$2;function requireReactIs_development$2(){return hasRequiredReactIs_development$2||(hasRequiredReactIs_development$2=1,{}.NODE_ENV!=="production"&&function(){var g=typeof Symbol=="function"&&Symbol.for,b=g?Symbol.for("react.element"):60103,m=g?Symbol.for("react.portal"):60106,w=g?Symbol.for("react.fragment"):60107,_=g?Symbol.for("react.strict_mode"):60108,C=g?Symbol.for("react.profiler"):60114,k=g?Symbol.for("react.provider"):60109,I=g?Symbol.for("react.context"):60110,$=g?Symbol.for("react.async_mode"):60111,P=g?Symbol.for("react.concurrent_mode"):60111,M=g?Symbol.for("react.forward_ref"):60112,U=g?Symbol.for("react.suspense"):60113,G=g?Symbol.for("react.suspense_list"):60120,X=g?Symbol.for("react.memo"):60115,Z=g?Symbol.for("react.lazy"):60116,ne=g?Symbol.for("react.block"):60121,re=g?Symbol.for("react.fundamental"):60117,ve=g?Symbol.for("react.responder"):60118,Se=g?Symbol.for("react.scope"):60119;function ge(_t){return typeof _t=="string"||typeof _t=="function"||_t===w||_t===P||_t===C||_t===_||_t===U||_t===G||typeof _t=="object"&&_t!==null&&(_t.$$typeof===Z||_t.$$typeof===X||_t.$$typeof===k||_t.$$typeof===I||_t.$$typeof===M||_t.$$typeof===re||_t.$$typeof===ve||_t.$$typeof===Se||_t.$$typeof===ne)}function oe(_t){if(typeof _t=="object"&&_t!==null){var lr=_t.$$typeof;switch(lr){case b:var jn=_t.type;switch(jn){case $:case P:case w:case C:case _:case U:return jn;default:var ii=jn&&jn.$$typeof;switch(ii){case I:case M:case Z:case X:case k:return ii;default:return lr}}case m:return lr}}}var me=$,De=P,Le=I,rt=k,Ue=b,Ze=M,gt=w,$t=Z,Xe=X,xe=m,Tn=C,Rt=_,mt=U,en=!1;function st(_t){return en||(en=!0,console.warn("The ReactIs.isAsyncMode() alias has been deprecated, and will be removed in React 17+. Update your code to use ReactIs.isConcurrentMode() instead. It has the exact same API.")),Fe(_t)||oe(_t)===$}function Fe(_t){return oe(_t)===P}function Re(_t){return oe(_t)===I}function Ae(_t){return oe(_t)===k}function je(_t){return typeof _t=="object"&&_t!==null&&_t.$$typeof===b}function Ge(_t){return oe(_t)===M}function Be(_t){return oe(_t)===w}function We(_t){return oe(_t)===Z}function lt(_t){return oe(_t)===X}function Tt(_t){return oe(_t)===m}function Je(_t){return oe(_t)===C}function qt(_t){return oe(_t)===_}function Pt(_t){return oe(_t)===U}reactIs_development$2.AsyncMode=me,reactIs_development$2.ConcurrentMode=De,reactIs_development$2.ContextConsumer=Le,reactIs_development$2.ContextProvider=rt,reactIs_development$2.Element=Ue,reactIs_development$2.ForwardRef=Ze,reactIs_development$2.Fragment=gt,reactIs_development$2.Lazy=$t,reactIs_development$2.Memo=Xe,reactIs_development$2.Portal=xe,reactIs_development$2.Profiler=Tn,reactIs_development$2.StrictMode=Rt,reactIs_development$2.Suspense=mt,reactIs_development$2.isAsyncMode=st,reactIs_development$2.isConcurrentMode=Fe,reactIs_development$2.isContextConsumer=Re,reactIs_development$2.isContextProvider=Ae,reactIs_development$2.isElement=je,reactIs_development$2.isForwardRef=Ge,reactIs_development$2.isFragment=Be,reactIs_development$2.isLazy=We,reactIs_development$2.isMemo=lt,reactIs_development$2.isPortal=Tt,reactIs_development$2.isProfiler=Je,reactIs_development$2.isStrictMode=qt,reactIs_development$2.isSuspense=Pt,reactIs_development$2.isValidElementType=ge,reactIs_development$2.typeOf=oe}()),reactIs_development$2}var hasRequiredReactIs$2;function requireReactIs$2(){return hasRequiredReactIs$2||(hasRequiredReactIs$2=1,{}.NODE_ENV==="production"?reactIs$2.exports=requireReactIs_production_min$2():reactIs$2.exports=requireReactIs_development$2()),reactIs$2.exports}var ReactPropTypesSecret_1$2,hasRequiredReactPropTypesSecret$2;function requireReactPropTypesSecret$2(){if(hasRequiredReactPropTypesSecret$2)return ReactPropTypesSecret_1$2;hasRequiredReactPropTypesSecret$2=1;var g="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED";return ReactPropTypesSecret_1$2=g,ReactPropTypesSecret_1$2}var has$1,hasRequiredHas$1;function requireHas$1(){return hasRequiredHas$1||(hasRequiredHas$1=1,has$1=Function.call.bind(Object.prototype.hasOwnProperty)),has$1}var checkPropTypes_1$2,hasRequiredCheckPropTypes$2;function requireCheckPropTypes$2(){if(hasRequiredCheckPropTypes$2)return checkPropTypes_1$2;hasRequiredCheckPropTypes$2=1;var g=function(){};if({}.NODE_ENV!=="production"){var b=requireReactPropTypesSecret$2(),m={},w=requireHas$1();g=function(C){var k="Warning: "+C;typeof console<"u"&&console.error(k);try{throw new Error(k)}catch{}}}function _(C,k,I,$,P){if({}.NODE_ENV!=="production"){for(var M in C)if(w(C,M)){var U;try{if(typeof C[M]!="function"){var G=Error(($||"React class")+": "+I+" type `"+M+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+typeof C[M]+"`.This often happens because of typos such as `PropTypes.function` instead of `PropTypes.func`.");throw G.name="Invariant Violation",G}U=C[M](k,M,$,I,null,b)}catch(Z){U=Z}if(U&&!(U instanceof Error)&&g(($||"React class")+": type specification of "+I+" `"+M+"` is invalid; the type checker function must return `null` or an `Error` but returned a "+typeof U+". You may have forgotten to pass an argument to the type checker creator (arrayOf, instanceOf, objectOf, oneOf, oneOfType, and shape all require an argument)."),U instanceof Error&&!(U.message in m)){m[U.message]=!0;var X=P?P():"";g("Failed "+I+" type: "+U.message+(X??""))}}}}return _.resetWarningCache=function(){({}).NODE_ENV!=="production"&&(m={})},checkPropTypes_1$2=_,checkPropTypes_1$2}var factoryWithTypeCheckers$2,hasRequiredFactoryWithTypeCheckers$2;function requireFactoryWithTypeCheckers$2(){if(hasRequiredFactoryWithTypeCheckers$2)return factoryWithTypeCheckers$2;hasRequiredFactoryWithTypeCheckers$2=1;var g=requireReactIs$2(),b=requireObjectAssign(),m=requireReactPropTypesSecret$2(),w=requireHas$1(),_=requireCheckPropTypes$2(),C=function(){};({}).NODE_ENV!=="production"&&(C=function(I){var $="Warning: "+I;typeof console<"u"&&console.error($);try{throw new Error($)}catch{}});function k(){return null}return factoryWithTypeCheckers$2=function(I,$){var P=typeof Symbol=="function"&&Symbol.iterator,M="@@iterator";function U(Fe){var Re=Fe&&(P&&Fe[P]||Fe[M]);if(typeof Re=="function")return Re}var G="<<anonymous>>",X={array:ve("array"),bigint:ve("bigint"),bool:ve("boolean"),func:ve("function"),number:ve("number"),object:ve("object"),string:ve("string"),symbol:ve("symbol"),any:Se(),arrayOf:ge,element:oe(),elementType:me(),instanceOf:De,node:Ze(),objectOf:rt,oneOf:Le,oneOfType:Ue,shape:$t,exact:Xe};function Z(Fe,Re){return Fe===Re?Fe!==0||1/Fe===1/Re:Fe!==Fe&&Re!==Re}function ne(Fe,Re){this.message=Fe,this.data=Re&&typeof Re=="object"?Re:{},this.stack=""}ne.prototype=Error.prototype;function re(Fe){if({}.NODE_ENV!=="production")var Re={},Ae=0;function je(Be,We,lt,Tt,Je,qt,Pt){if(Tt=Tt||G,qt=qt||lt,Pt!==m){if($){var _t=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use `PropTypes.checkPropTypes()` to call them. Read more at http://fb.me/use-check-prop-types");throw _t.name="Invariant Violation",_t}else if({}.NODE_ENV!=="production"&&typeof console<"u"){var lr=Tt+":"+lt;!Re[lr]&&Ae<3&&(C("You are manually calling a React.PropTypes validation function for the `"+qt+"` prop on `"+Tt+"`. This is deprecated and will throw in the standalone `prop-types` package. You may be seeing this warning due to a third-party PropTypes library. See https://fb.me/react-warning-dont-call-proptypes for details."),Re[lr]=!0,Ae++)}}return We[lt]==null?Be?We[lt]===null?new ne("The "+Je+" `"+qt+"` is marked as required "+("in `"+Tt+"`, but its value is `null`.")):new ne("The "+Je+" `"+qt+"` is marked as required in "+("`"+Tt+"`, but its value is `undefined`.")):null:Fe(We,lt,Tt,Je,qt)}var Ge=je.bind(null,!1);return Ge.isRequired=je.bind(null,!0),Ge}function ve(Fe){function Re(Ae,je,Ge,Be,We,lt){var Tt=Ae[je],Je=Rt(Tt);if(Je!==Fe){var qt=mt(Tt);return new ne("Invalid "+Be+" `"+We+"` of type "+("`"+qt+"` supplied to `"+Ge+"`, expected ")+("`"+Fe+"`."),{expectedType:Fe})}return null}return re(Re)}function Se(){return re(k)}function ge(Fe){function Re(Ae,je,Ge,Be,We){if(typeof Fe!="function")return new ne("Property `"+We+"` of component `"+Ge+"` has invalid PropType notation inside arrayOf.");var lt=Ae[je];if(!Array.isArray(lt)){var Tt=Rt(lt);return new ne("Invalid "+Be+" `"+We+"` of type "+("`"+Tt+"` supplied to `"+Ge+"`, expected an array."))}for(var Je=0;Je<lt.length;Je++){var qt=Fe(lt,Je,Ge,Be,We+"["+Je+"]",m);if(qt instanceof Error)return qt}return null}return re(Re)}function oe(){function Fe(Re,Ae,je,Ge,Be){var We=Re[Ae];if(!I(We)){var lt=Rt(We);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected a single ReactElement."))}return null}return re(Fe)}function me(){function Fe(Re,Ae,je,Ge,Be){var We=Re[Ae];if(!g.isValidElementType(We)){var lt=Rt(We);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected a single ReactElement type."))}return null}return re(Fe)}function De(Fe){function Re(Ae,je,Ge,Be,We){if(!(Ae[je]instanceof Fe)){var lt=Fe.name||G,Tt=st(Ae[je]);return new ne("Invalid "+Be+" `"+We+"` of type "+("`"+Tt+"` supplied to `"+Ge+"`, expected ")+("instance of `"+lt+"`."))}return null}return re(Re)}function Le(Fe){if(!Array.isArray(Fe))return{}.NODE_ENV!=="production"&&(arguments.length>1?C("Invalid arguments supplied to oneOf, expected an array, got "+arguments.length+" arguments. A common mistake is to write oneOf(x, y, z) instead of oneOf([x, y, z])."):C("Invalid argument supplied to oneOf, expected an array.")),k;function Re(Ae,je,Ge,Be,We){for(var lt=Ae[je],Tt=0;Tt<Fe.length;Tt++)if(Z(lt,Fe[Tt]))return null;var Je=JSON.stringify(Fe,function(Pt,_t){var lr=mt(_t);return lr==="symbol"?String(_t):_t});return new ne("Invalid "+Be+" `"+We+"` of value `"+String(lt)+"` "+("supplied to `"+Ge+"`, expected one of "+Je+"."))}return re(Re)}function rt(Fe){function Re(Ae,je,Ge,Be,We){if(typeof Fe!="function")return new ne("Property `"+We+"` of component `"+Ge+"` has invalid PropType notation inside objectOf.");var lt=Ae[je],Tt=Rt(lt);if(Tt!=="object")return new ne("Invalid "+Be+" `"+We+"` of type "+("`"+Tt+"` supplied to `"+Ge+"`, expected an object."));for(var Je in lt)if(w(lt,Je)){var qt=Fe(lt,Je,Ge,Be,We+"."+Je,m);if(qt instanceof Error)return qt}return null}return re(Re)}function Ue(Fe){if(!Array.isArray(Fe))return{}.NODE_ENV!=="production"&&C("Invalid argument supplied to oneOfType, expected an instance of array."),k;for(var Re=0;Re<Fe.length;Re++){var Ae=Fe[Re];if(typeof Ae!="function")return C("Invalid argument supplied to oneOfType. Expected an array of check functions, but received "+en(Ae)+" at index "+Re+"."),k}function je(Ge,Be,We,lt,Tt){for(var Je=[],qt=0;qt<Fe.length;qt++){var Pt=Fe[qt],_t=Pt(Ge,Be,We,lt,Tt,m);if(_t==null)return null;_t.data&&w(_t.data,"expectedType")&&Je.push(_t.data.expectedType)}var lr=Je.length>0?", expected one of type ["+Je.join(", ")+"]":"";return new ne("Invalid "+lt+" `"+Tt+"` supplied to "+("`"+We+"`"+lr+"."))}return re(je)}function Ze(){function Fe(Re,Ae,je,Ge,Be){return xe(Re[Ae])?null:new ne("Invalid "+Ge+" `"+Be+"` supplied to "+("`"+je+"`, expected a ReactNode."))}return re(Fe)}function gt(Fe,Re,Ae,je,Ge){return new ne((Fe||"React class")+": "+Re+" type `"+Ae+"."+je+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+Ge+"`.")}function $t(Fe){function Re(Ae,je,Ge,Be,We){var lt=Ae[je],Tt=Rt(lt);if(Tt!=="object")return new ne("Invalid "+Be+" `"+We+"` of type `"+Tt+"` "+("supplied to `"+Ge+"`, expected `object`."));for(var Je in Fe){var qt=Fe[Je];if(typeof qt!="function")return gt(Ge,Be,We,Je,mt(qt));var Pt=qt(lt,Je,Ge,Be,We+"."+Je,m);if(Pt)return Pt}return null}return re(Re)}function Xe(Fe){function Re(Ae,je,Ge,Be,We){var lt=Ae[je],Tt=Rt(lt);if(Tt!=="object")return new ne("Invalid "+Be+" `"+We+"` of type `"+Tt+"` "+("supplied to `"+Ge+"`, expected `object`."));var Je=b({},Ae[je],Fe);for(var qt in Je){var Pt=Fe[qt];if(w(Fe,qt)&&typeof Pt!="function")return gt(Ge,Be,We,qt,mt(Pt));if(!Pt)return new ne("Invalid "+Be+" `"+We+"` key `"+qt+"` supplied to `"+Ge+"`.\nBad object: "+JSON.stringify(Ae[je],null," ")+`
Valid keys: `+JSON.stringify(Object.keys(Fe),null," "));var _t=Pt(lt,qt,Ge,Be,We+"."+qt,m);if(_t)return _t}return null}return re(Re)}function xe(Fe){switch(typeof Fe){case"number":case"string":case"undefined":return!0;case"boolean":return!Fe;case"object":if(Array.isArray(Fe))return Fe.every(xe);if(Fe===null||I(Fe))return!0;var Re=U(Fe);if(Re){var Ae=Re.call(Fe),je;if(Re!==Fe.entries){for(;!(je=Ae.next()).done;)if(!xe(je.value))return!1}else for(;!(je=Ae.next()).done;){var Ge=je.value;if(Ge&&!xe(Ge[1]))return!1}}else return!1;return!0;default:return!1}}function Tn(Fe,Re){return Fe==="symbol"?!0:Re?Re["@@toStringTag"]==="Symbol"||typeof Symbol=="function"&&Re instanceof Symbol:!1}function Rt(Fe){var Re=typeof Fe;return Array.isArray(Fe)?"array":Fe instanceof RegExp?"object":Tn(Re,Fe)?"symbol":Re}function mt(Fe){if(typeof Fe>"u"||Fe===null)return""+Fe;var Re=Rt(Fe);if(Re==="object"){if(Fe instanceof Date)return"date";if(Fe instanceof RegExp)return"regexp"}return Re}function en(Fe){var Re=mt(Fe);switch(Re){case"array":case"object":return"an "+Re;case"boolean":case"date":case"regexp":return"a "+Re;default:return Re}}function st(Fe){return!Fe.constructor||!Fe.constructor.name?G:Fe.constructor.name}return X.checkPropTypes=_,X.resetWarningCache=_.resetWarningCache,X.PropTypes=X,X},factoryWithTypeCheckers$2}var factoryWithThrowingShims$2,hasRequiredFactoryWithThrowingShims$2;function requireFactoryWithThrowingShims$2(){if(hasRequiredFactoryWithThrowingShims$2)return factoryWithThrowingShims$2;hasRequiredFactoryWithThrowingShims$2=1;var g=requireReactPropTypesSecret$2();function b(){}function m(){}return m.resetWarningCache=b,factoryWithThrowingShims$2=function(){function w(k,I,$,P,M,U){if(U!==g){var G=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw G.name="Invariant Violation",G}}w.isRequired=w;function _(){return w}var C={array:w,bigint:w,bool:w,func:w,number:w,object:w,string:w,symbol:w,any:w,arrayOf:_,element:w,elementType:w,instanceOf:_,node:w,objectOf:_,oneOf:_,oneOfType:_,shape:_,exact:_,checkPropTypes:m,resetWarningCache:b};return C.PropTypes=C,C},factoryWithThrowingShims$2}if({}.NODE_ENV!=="production"){var ReactIs$2=requireReactIs$2(),throwOnDirectAccess$2=!0;propTypes$3.exports=requireFactoryWithTypeCheckers$2()(ReactIs$2.isElement,throwOnDirectAccess$2)}else propTypes$3.exports=requireFactoryWithThrowingShims$2()();var propTypesExports$2=propTypes$3.exports,cjs$1={exports:{}},Draggable$3={},propTypes$2={exports:{}},reactIs$1={exports:{}},reactIs_production_min$1={};/** @license React v16.8.6
* react-is.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactIs_production_min$1;function requireReactIs_production_min$1(){if(hasRequiredReactIs_production_min$1)return reactIs_production_min$1;hasRequiredReactIs_production_min$1=1,Object.defineProperty(reactIs_production_min$1,"__esModule",{value:!0});var g=typeof Symbol=="function"&&Symbol.for,b=g?Symbol.for("react.element"):60103,m=g?Symbol.for("react.portal"):60106,w=g?Symbol.for("react.fragment"):60107,_=g?Symbol.for("react.strict_mode"):60108,C=g?Symbol.for("react.profiler"):60114,k=g?Symbol.for("react.provider"):60109,I=g?Symbol.for("react.context"):60110,$=g?Symbol.for("react.async_mode"):60111,P=g?Symbol.for("react.concurrent_mode"):60111,M=g?Symbol.for("react.forward_ref"):60112,U=g?Symbol.for("react.suspense"):60113,G=g?Symbol.for("react.memo"):60115,X=g?Symbol.for("react.lazy"):60116;function Z(re){if(typeof re=="object"&&re!==null){var ve=re.$$typeof;switch(ve){case b:switch(re=re.type,re){case $:case P:case w:case C:case _:case U:return re;default:switch(re=re&&re.$$typeof,re){case I:case M:case k:return re;default:return ve}}case X:case G:case m:return ve}}}function ne(re){return Z(re)===P}return reactIs_production_min$1.typeOf=Z,reactIs_production_min$1.AsyncMode=$,reactIs_production_min$1.ConcurrentMode=P,reactIs_production_min$1.ContextConsumer=I,reactIs_production_min$1.ContextProvider=k,reactIs_production_min$1.Element=b,reactIs_production_min$1.ForwardRef=M,reactIs_production_min$1.Fragment=w,reactIs_production_min$1.Lazy=X,reactIs_production_min$1.Memo=G,reactIs_production_min$1.Portal=m,reactIs_production_min$1.Profiler=C,reactIs_production_min$1.StrictMode=_,reactIs_production_min$1.Suspense=U,reactIs_production_min$1.isValidElementType=function(re){return typeof re=="string"||typeof re=="function"||re===w||re===P||re===C||re===_||re===U||typeof re=="object"&&re!==null&&(re.$$typeof===X||re.$$typeof===G||re.$$typeof===k||re.$$typeof===I||re.$$typeof===M)},reactIs_production_min$1.isAsyncMode=function(re){return ne(re)||Z(re)===$},reactIs_production_min$1.isConcurrentMode=ne,reactIs_production_min$1.isContextConsumer=function(re){return Z(re)===I},reactIs_production_min$1.isContextProvider=function(re){return Z(re)===k},reactIs_production_min$1.isElement=function(re){return typeof re=="object"&&re!==null&&re.$$typeof===b},reactIs_production_min$1.isForwardRef=function(re){return Z(re)===M},reactIs_production_min$1.isFragment=function(re){return Z(re)===w},reactIs_production_min$1.isLazy=function(re){return Z(re)===X},reactIs_production_min$1.isMemo=function(re){return Z(re)===G},reactIs_production_min$1.isPortal=function(re){return Z(re)===m},reactIs_production_min$1.isProfiler=function(re){return Z(re)===C},reactIs_production_min$1.isStrictMode=function(re){return Z(re)===_},reactIs_production_min$1.isSuspense=function(re){return Z(re)===U},reactIs_production_min$1}var reactIs_development$1={};/** @license React v16.8.6
* react-is.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactIs_development$1;function requireReactIs_development$1(){return hasRequiredReactIs_development$1||(hasRequiredReactIs_development$1=1,function(g){({}).NODE_ENV!=="production"&&function(){Object.defineProperty(g,"__esModule",{value:!0});var b=typeof Symbol=="function"&&Symbol.for,m=b?Symbol.for("react.element"):60103,w=b?Symbol.for("react.portal"):60106,_=b?Symbol.for("react.fragment"):60107,C=b?Symbol.for("react.strict_mode"):60108,k=b?Symbol.for("react.profiler"):60114,I=b?Symbol.for("react.provider"):60109,$=b?Symbol.for("react.context"):60110,P=b?Symbol.for("react.async_mode"):60111,M=b?Symbol.for("react.concurrent_mode"):60111,U=b?Symbol.for("react.forward_ref"):60112,G=b?Symbol.for("react.suspense"):60113,X=b?Symbol.for("react.memo"):60115,Z=b?Symbol.for("react.lazy"):60116;function ne(Pt){return typeof Pt=="string"||typeof Pt=="function"||Pt===_||Pt===M||Pt===k||Pt===C||Pt===G||typeof Pt=="object"&&Pt!==null&&(Pt.$$typeof===Z||Pt.$$typeof===X||Pt.$$typeof===I||Pt.$$typeof===$||Pt.$$typeof===U)}var re=function(){};{var ve=function(Pt){for(var _t=arguments.length,lr=Array(_t>1?_t-1:0),jn=1;jn<_t;jn++)lr[jn-1]=arguments[jn];var ii=0,Zi="Warning: "+Pt.replace(/%s/g,function(){return lr[ii++]});typeof console<"u"&&console.warn(Zi);try{throw new Error(Zi)}catch{}};re=function(Pt,_t){if(_t===void 0)throw new Error("`lowPriorityWarning(condition, format, ...args)` requires a warning message argument");if(!Pt){for(var lr=arguments.length,jn=Array(lr>2?lr-2:0),ii=2;ii<lr;ii++)jn[ii-2]=arguments[ii];ve.apply(void 0,[_t].concat(jn))}}}var Se=re;function ge(Pt){if(typeof Pt=="object"&&Pt!==null){var _t=Pt.$$typeof;switch(_t){case m:var lr=Pt.type;switch(lr){case P:case M:case _:case k:case C:case G:return lr;default:var jn=lr&&lr.$$typeof;switch(jn){case $:case U:case I:return jn;default:return _t}}case Z:case X:case w:return _t}}}var oe=P,me=M,De=$,Le=I,rt=m,Ue=U,Ze=_,gt=Z,$t=X,Xe=w,xe=k,Tn=C,Rt=G,mt=!1;function en(Pt){return mt||(mt=!0,Se(!1,"The ReactIs.isAsyncMode() alias has been deprecated, and will be removed in React 17+. Update your code to use ReactIs.isConcurrentMode() instead. It has the exact same API.")),st(Pt)||ge(Pt)===P}function st(Pt){return ge(Pt)===M}function Fe(Pt){return ge(Pt)===$}function Re(Pt){return ge(Pt)===I}function Ae(Pt){return typeof Pt=="object"&&Pt!==null&&Pt.$$typeof===m}function je(Pt){return ge(Pt)===U}function Ge(Pt){return ge(Pt)===_}function Be(Pt){return ge(Pt)===Z}function We(Pt){return ge(Pt)===X}function lt(Pt){return ge(Pt)===w}function Tt(Pt){return ge(Pt)===k}function Je(Pt){return ge(Pt)===C}function qt(Pt){return ge(Pt)===G}g.typeOf=ge,g.AsyncMode=oe,g.ConcurrentMode=me,g.ContextConsumer=De,g.ContextProvider=Le,g.Element=rt,g.ForwardRef=Ue,g.Fragment=Ze,g.Lazy=gt,g.Memo=$t,g.Portal=Xe,g.Profiler=xe,g.StrictMode=Tn,g.Suspense=Rt,g.isValidElementType=ne,g.isAsyncMode=en,g.isConcurrentMode=st,g.isContextConsumer=Fe,g.isContextProvider=Re,g.isElement=Ae,g.isForwardRef=je,g.isFragment=Ge,g.isLazy=Be,g.isMemo=We,g.isPortal=lt,g.isProfiler=Tt,g.isStrictMode=Je,g.isSuspense=qt}()}(reactIs_development$1)),reactIs_development$1}var hasRequiredReactIs$1;function requireReactIs$1(){return hasRequiredReactIs$1||(hasRequiredReactIs$1=1,{}.NODE_ENV==="production"?reactIs$1.exports=requireReactIs_production_min$1():reactIs$1.exports=requireReactIs_development$1()),reactIs$1.exports}var ReactPropTypesSecret_1$1,hasRequiredReactPropTypesSecret$1;function requireReactPropTypesSecret$1(){if(hasRequiredReactPropTypesSecret$1)return ReactPropTypesSecret_1$1;hasRequiredReactPropTypesSecret$1=1;var g="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED";return ReactPropTypesSecret_1$1=g,ReactPropTypesSecret_1$1}var checkPropTypes_1$1,hasRequiredCheckPropTypes$1;function requireCheckPropTypes$1(){if(hasRequiredCheckPropTypes$1)return checkPropTypes_1$1;hasRequiredCheckPropTypes$1=1;var g=function(){};if({}.NODE_ENV!=="production"){var b=requireReactPropTypesSecret$1(),m={},w=Function.call.bind(Object.prototype.hasOwnProperty);g=function(C){var k="Warning: "+C;typeof console<"u"&&console.error(k);try{throw new Error(k)}catch{}}}function _(C,k,I,$,P){if({}.NODE_ENV!=="production"){for(var M in C)if(w(C,M)){var U;try{if(typeof C[M]!="function"){var G=Error(($||"React class")+": "+I+" type `"+M+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+typeof C[M]+"`.");throw G.name="Invariant Violation",G}U=C[M](k,M,$,I,null,b)}catch(Z){U=Z}if(U&&!(U instanceof Error)&&g(($||"React class")+": type specification of "+I+" `"+M+"` is invalid; the type checker function must return `null` or an `Error` but returned a "+typeof U+". You may have forgotten to pass an argument to the type checker creator (arrayOf, instanceOf, objectOf, oneOf, oneOfType, and shape all require an argument)."),U instanceof Error&&!(U.message in m)){m[U.message]=!0;var X=P?P():"";g("Failed "+I+" type: "+U.message+(X??""))}}}}return _.resetWarningCache=function(){({}).NODE_ENV!=="production"&&(m={})},checkPropTypes_1$1=_,checkPropTypes_1$1}var factoryWithTypeCheckers$1,hasRequiredFactoryWithTypeCheckers$1;function requireFactoryWithTypeCheckers$1(){if(hasRequiredFactoryWithTypeCheckers$1)return factoryWithTypeCheckers$1;hasRequiredFactoryWithTypeCheckers$1=1;var g=requireReactIs$1(),b=requireObjectAssign(),m=requireReactPropTypesSecret$1(),w=requireCheckPropTypes$1(),_=Function.call.bind(Object.prototype.hasOwnProperty),C=function(){};({}).NODE_ENV!=="production"&&(C=function(I){var $="Warning: "+I;typeof console<"u"&&console.error($);try{throw new Error($)}catch{}});function k(){return null}return factoryWithTypeCheckers$1=function(I,$){var P=typeof Symbol=="function"&&Symbol.iterator,M="@@iterator";function U(st){var Fe=st&&(P&&st[P]||st[M]);if(typeof Fe=="function")return Fe}var G="<<anonymous>>",X={array:ve("array"),bool:ve("boolean"),func:ve("function"),number:ve("number"),object:ve("object"),string:ve("string"),symbol:ve("symbol"),any:Se(),arrayOf:ge,element:oe(),elementType:me(),instanceOf:De,node:Ze(),objectOf:rt,oneOf:Le,oneOfType:Ue,shape:gt,exact:$t};function Z(st,Fe){return st===Fe?st!==0||1/st===1/Fe:st!==st&&Fe!==Fe}function ne(st){this.message=st,this.stack=""}ne.prototype=Error.prototype;function re(st){if({}.NODE_ENV!=="production")var Fe={},Re=0;function Ae(Ge,Be,We,lt,Tt,Je,qt){if(lt=lt||G,Je=Je||We,qt!==m){if($){var Pt=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use `PropTypes.checkPropTypes()` to call them. Read more at http://fb.me/use-check-prop-types");throw Pt.name="Invariant Violation",Pt}else if({}.NODE_ENV!=="production"&&typeof console<"u"){var _t=lt+":"+We;!Fe[_t]&&Re<3&&(C("You are manually calling a React.PropTypes validation function for the `"+Je+"` prop on `"+lt+"`. This is deprecated and will throw in the standalone `prop-types` package. You may be seeing this warning due to a third-party PropTypes library. See https://fb.me/react-warning-dont-call-proptypes for details."),Fe[_t]=!0,Re++)}}return Be[We]==null?Ge?Be[We]===null?new ne("The "+Tt+" `"+Je+"` is marked as required "+("in `"+lt+"`, but its value is `null`.")):new ne("The "+Tt+" `"+Je+"` is marked as required in "+("`"+lt+"`, but its value is `undefined`.")):null:st(Be,We,lt,Tt,Je)}var je=Ae.bind(null,!1);return je.isRequired=Ae.bind(null,!0),je}function ve(st){function Fe(Re,Ae,je,Ge,Be,We){var lt=Re[Ae],Tt=Tn(lt);if(Tt!==st){var Je=Rt(lt);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+Je+"` supplied to `"+je+"`, expected ")+("`"+st+"`."))}return null}return re(Fe)}function Se(){return re(k)}function ge(st){function Fe(Re,Ae,je,Ge,Be){if(typeof st!="function")return new ne("Property `"+Be+"` of component `"+je+"` has invalid PropType notation inside arrayOf.");var We=Re[Ae];if(!Array.isArray(We)){var lt=Tn(We);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected an array."))}for(var Tt=0;Tt<We.length;Tt++){var Je=st(We,Tt,je,Ge,Be+"["+Tt+"]",m);if(Je instanceof Error)return Je}return null}return re(Fe)}function oe(){function st(Fe,Re,Ae,je,Ge){var Be=Fe[Re];if(!I(Be)){var We=Tn(Be);return new ne("Invalid "+je+" `"+Ge+"` of type "+("`"+We+"` supplied to `"+Ae+"`, expected a single ReactElement."))}return null}return re(st)}function me(){function st(Fe,Re,Ae,je,Ge){var Be=Fe[Re];if(!g.isValidElementType(Be)){var We=Tn(Be);return new ne("Invalid "+je+" `"+Ge+"` of type "+("`"+We+"` supplied to `"+Ae+"`, expected a single ReactElement type."))}return null}return re(st)}function De(st){function Fe(Re,Ae,je,Ge,Be){if(!(Re[Ae]instanceof st)){var We=st.name||G,lt=en(Re[Ae]);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected ")+("instance of `"+We+"`."))}return null}return re(Fe)}function Le(st){if(!Array.isArray(st))return{}.NODE_ENV!=="production"&&(arguments.length>1?C("Invalid arguments supplied to oneOf, expected an array, got "+arguments.length+" arguments. A common mistake is to write oneOf(x, y, z) instead of oneOf([x, y, z])."):C("Invalid argument supplied to oneOf, expected an array.")),k;function Fe(Re,Ae,je,Ge,Be){for(var We=Re[Ae],lt=0;lt<st.length;lt++)if(Z(We,st[lt]))return null;var Tt=JSON.stringify(st,function(qt,Pt){var _t=Rt(Pt);return _t==="symbol"?String(Pt):Pt});return new ne("Invalid "+Ge+" `"+Be+"` of value `"+String(We)+"` "+("supplied to `"+je+"`, expected one of "+Tt+"."))}return re(Fe)}function rt(st){function Fe(Re,Ae,je,Ge,Be){if(typeof st!="function")return new ne("Property `"+Be+"` of component `"+je+"` has invalid PropType notation inside objectOf.");var We=Re[Ae],lt=Tn(We);if(lt!=="object")return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected an object."));for(var Tt in We)if(_(We,Tt)){var Je=st(We,Tt,je,Ge,Be+"."+Tt,m);if(Je instanceof Error)return Je}return null}return re(Fe)}function Ue(st){if(!Array.isArray(st))return{}.NODE_ENV!=="production"&&C("Invalid argument supplied to oneOfType, expected an instance of array."),k;for(var Fe=0;Fe<st.length;Fe++){var Re=st[Fe];if(typeof Re!="function")return C("Invalid argument supplied to oneOfType. Expected an array of check functions, but received "+mt(Re)+" at index "+Fe+"."),k}function Ae(je,Ge,Be,We,lt){for(var Tt=0;Tt<st.length;Tt++){var Je=st[Tt];if(Je(je,Ge,Be,We,lt,m)==null)return null}return new ne("Invalid "+We+" `"+lt+"` supplied to "+("`"+Be+"`."))}return re(Ae)}function Ze(){function st(Fe,Re,Ae,je,Ge){return Xe(Fe[Re])?null:new ne("Invalid "+je+" `"+Ge+"` supplied to "+("`"+Ae+"`, expected a ReactNode."))}return re(st)}function gt(st){function Fe(Re,Ae,je,Ge,Be){var We=Re[Ae],lt=Tn(We);if(lt!=="object")return new ne("Invalid "+Ge+" `"+Be+"` of type `"+lt+"` "+("supplied to `"+je+"`, expected `object`."));for(var Tt in st){var Je=st[Tt];if(Je){var qt=Je(We,Tt,je,Ge,Be+"."+Tt,m);if(qt)return qt}}return null}return re(Fe)}function $t(st){function Fe(Re,Ae,je,Ge,Be){var We=Re[Ae],lt=Tn(We);if(lt!=="object")return new ne("Invalid "+Ge+" `"+Be+"` of type `"+lt+"` "+("supplied to `"+je+"`, expected `object`."));var Tt=b({},Re[Ae],st);for(var Je in Tt){var qt=st[Je];if(!qt)return new ne("Invalid "+Ge+" `"+Be+"` key `"+Je+"` supplied to `"+je+"`.\nBad object: "+JSON.stringify(Re[Ae],null," ")+`
Valid keys: `+JSON.stringify(Object.keys(st),null," "));var Pt=qt(We,Je,je,Ge,Be+"."+Je,m);if(Pt)return Pt}return null}return re(Fe)}function Xe(st){switch(typeof st){case"number":case"string":case"undefined":return!0;case"boolean":return!st;case"object":if(Array.isArray(st))return st.every(Xe);if(st===null||I(st))return!0;var Fe=U(st);if(Fe){var Re=Fe.call(st),Ae;if(Fe!==st.entries){for(;!(Ae=Re.next()).done;)if(!Xe(Ae.value))return!1}else for(;!(Ae=Re.next()).done;){var je=Ae.value;if(je&&!Xe(je[1]))return!1}}else return!1;return!0;default:return!1}}function xe(st,Fe){return st==="symbol"?!0:Fe?Fe["@@toStringTag"]==="Symbol"||typeof Symbol=="function"&&Fe instanceof Symbol:!1}function Tn(st){var Fe=typeof st;return Array.isArray(st)?"array":st instanceof RegExp?"object":xe(Fe,st)?"symbol":Fe}function Rt(st){if(typeof st>"u"||st===null)return""+st;var Fe=Tn(st);if(Fe==="object"){if(st instanceof Date)return"date";if(st instanceof RegExp)return"regexp"}return Fe}function mt(st){var Fe=Rt(st);switch(Fe){case"array":case"object":return"an "+Fe;case"boolean":case"date":case"regexp":return"a "+Fe;default:return Fe}}function en(st){return!st.constructor||!st.constructor.name?G:st.constructor.name}return X.checkPropTypes=w,X.resetWarningCache=w.resetWarningCache,X.PropTypes=X,X},factoryWithTypeCheckers$1}var factoryWithThrowingShims$1,hasRequiredFactoryWithThrowingShims$1;function requireFactoryWithThrowingShims$1(){if(hasRequiredFactoryWithThrowingShims$1)return factoryWithThrowingShims$1;hasRequiredFactoryWithThrowingShims$1=1;var g=requireReactPropTypesSecret$1();function b(){}function m(){}return m.resetWarningCache=b,factoryWithThrowingShims$1=function(){function w(k,I,$,P,M,U){if(U!==g){var G=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw G.name="Invariant Violation",G}}w.isRequired=w;function _(){return w}var C={array:w,bool:w,func:w,number:w,object:w,string:w,symbol:w,any:w,arrayOf:_,element:w,elementType:w,instanceOf:_,node:w,objectOf:_,oneOf:_,oneOfType:_,shape:_,exact:_,checkPropTypes:m,resetWarningCache:b};return C.PropTypes=C,C},factoryWithThrowingShims$1}if({}.NODE_ENV!=="production"){var ReactIs$1=requireReactIs$1(),throwOnDirectAccess$1=!0;propTypes$2.exports=requireFactoryWithTypeCheckers$1()(ReactIs$1.isElement,throwOnDirectAccess$1)}else propTypes$2.exports=requireFactoryWithThrowingShims$1()();var propTypesExports$1=propTypes$2.exports,domFns$1={},shims$1={};Object.defineProperty(shims$1,"__esModule",{value:!0}),shims$1.findInArray=findInArray$1,shims$1.isFunction=isFunction$1,shims$1.isNum=isNum$1,shims$1.int=int$1,shims$1.dontSetMe=dontSetMe$1;function findInArray$1(g,b){for(var m=0,w=g.length;m<w;m++)if(b.apply(b,[g[m],m,g]))return g[m]}function isFunction$1(g){return typeof g=="function"||Object.prototype.toString.call(g)==="[object Function]"}function isNum$1(g){return typeof g=="number"&&!isNaN(g)}function int$1(g){return parseInt(g,10)}function dontSetMe$1(g,b,m){if(g[b])return new Error("Invalid prop ".concat(b," passed to ").concat(m," - do not set this, set it on the child."))}var getPrefix$3={};Object.defineProperty(getPrefix$3,"__esModule",{value:!0}),getPrefix$3.getPrefix=getPrefix$2,getPrefix$3.browserPrefixToKey=browserPrefixToKey$1,getPrefix$3.browserPrefixToStyle=browserPrefixToStyle$1,getPrefix$3.default=void 0;var prefixes$1=["Moz","Webkit","O","ms"];function getPrefix$2(){var g,b,m=arguments.length>0&&arguments[0]!==void 0?arguments[0]:"transform";if(typeof window>"u")return"";var w=(g=window.document)===null||g===void 0||(b=g.documentElement)===null||b===void 0?void 0:b.style;if(!w||m in w)return"";for(var _=0;_<prefixes$1.length;_++)if(browserPrefixToKey$1(m,prefixes$1[_])in w)return prefixes$1[_];return""}function browserPrefixToKey$1(g,b){return b?"".concat(b).concat(kebabToTitleCase$1(g)):g}function browserPrefixToStyle$1(g,b){return b?"-".concat(b.toLowerCase(),"-").concat(g):g}function kebabToTitleCase$1(g){for(var b="",m=!0,w=0;w<g.length;w++)m?(b+=g[w].toUpperCase(),m=!1):g[w]==="-"?m=!0:b+=g[w];return b}var _default$2=getPrefix$2();getPrefix$3.default=_default$2;function _typeof$7(g){return typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?_typeof$7=function(m){return typeof m}:_typeof$7=function(m){return m&&typeof Symbol=="function"&&m.constructor===Symbol&&m!==Symbol.prototype?"symbol":typeof m},_typeof$7(g)}Object.defineProperty(domFns$1,"__esModule",{value:!0}),domFns$1.matchesSelector=matchesSelector$1,domFns$1.matchesSelectorAndParentsTo=matchesSelectorAndParentsTo$1,domFns$1.addEvent=addEvent$1,domFns$1.removeEvent=removeEvent$1,domFns$1.outerHeight=outerHeight$1,domFns$1.outerWidth=outerWidth$1,domFns$1.innerHeight=innerHeight$1,domFns$1.innerWidth=innerWidth$1,domFns$1.offsetXYFromParent=offsetXYFromParent$1,domFns$1.createCSSTransform=createCSSTransform$1,domFns$1.createSVGTransform=createSVGTransform$1,domFns$1.getTranslation=getTranslation$1,domFns$1.getTouch=getTouch$1,domFns$1.getTouchIdentifier=getTouchIdentifier$1,domFns$1.addUserSelectStyles=addUserSelectStyles$1,domFns$1.removeUserSelectStyles=removeUserSelectStyles$1,domFns$1.addClassName=addClassName$1,domFns$1.removeClassName=removeClassName$1;var _shims$5=shims$1,_getPrefix$1=_interopRequireWildcard$8(getPrefix$3);function _getRequireWildcardCache$8(g){if(typeof WeakMap!="function")return null;var b=new WeakMap,m=new WeakMap;return(_getRequireWildcardCache$8=function(_){return _?m:b})(g)}function _interopRequireWildcard$8(g,b){if(!b&&g&&g.__esModule)return g;if(g===null||_typeof$7(g)!=="object"&&typeof g!="function")return{default:g};var m=_getRequireWildcardCache$8(b);if(m&&m.has(g))return m.get(g);var w={},_=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var C in g)if(C!=="default"&&Object.prototype.hasOwnProperty.call(g,C)){var k=_?Object.getOwnPropertyDescriptor(g,C):null;k&&(k.get||k.set)?Object.defineProperty(w,C,k):w[C]=g[C]}return w.default=g,m&&m.set(g,w),w}function ownKeys$7(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread$7(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys$7(Object(m),!0).forEach(function(w){_defineProperty$a(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys$7(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _defineProperty$a(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var matchesSelectorFunc$1="";function matchesSelector$1(g,b){return matchesSelectorFunc$1||(matchesSelectorFunc$1=(0,_shims$5.findInArray)(["matches","webkitMatchesSelector","mozMatchesSelector","msMatchesSelector","oMatchesSelector"],function(m){return(0,_shims$5.isFunction)(g[m])})),(0,_shims$5.isFunction)(g[matchesSelectorFunc$1])?g[matchesSelectorFunc$1](b):!1}function matchesSelectorAndParentsTo$1(g,b,m){var w=g;do{if(matchesSelector$1(w,b))return!0;if(w===m)return!1;w=w.parentNode}while(w);return!1}function addEvent$1(g,b,m,w){if(g){var _=_objectSpread$7({capture:!0},w);g.addEventListener?g.addEventListener(b,m,_):g.attachEvent?g.attachEvent("on"+b,m):g["on"+b]=m}}function removeEvent$1(g,b,m,w){if(g){var _=_objectSpread$7({capture:!0},w);g.removeEventListener?g.removeEventListener(b,m,_):g.detachEvent?g.detachEvent("on"+b,m):g["on"+b]=null}}function outerHeight$1(g){var b=g.clientHeight,m=g.ownerDocument.defaultView.getComputedStyle(g);return b+=(0,_shims$5.int)(m.borderTopWidth),b+=(0,_shims$5.int)(m.borderBottomWidth),b}function outerWidth$1(g){var b=g.clientWidth,m=g.ownerDocument.defaultView.getComputedStyle(g);return b+=(0,_shims$5.int)(m.borderLeftWidth),b+=(0,_shims$5.int)(m.borderRightWidth),b}function innerHeight$1(g){var b=g.clientHeight,m=g.ownerDocument.defaultView.getComputedStyle(g);return b-=(0,_shims$5.int)(m.paddingTop),b-=(0,_shims$5.int)(m.paddingBottom),b}function innerWidth$1(g){var b=g.clientWidth,m=g.ownerDocument.defaultView.getComputedStyle(g);return b-=(0,_shims$5.int)(m.paddingLeft),b-=(0,_shims$5.int)(m.paddingRight),b}function offsetXYFromParent$1(g,b,m){var w=b===b.ownerDocument.body,_=w?{left:0,top:0}:b.getBoundingClientRect(),C=(g.clientX+b.scrollLeft-_.left)/m,k=(g.clientY+b.scrollTop-_.top)/m;return{x:C,y:k}}function createCSSTransform$1(g,b){var m=getTranslation$1(g,b,"px");return _defineProperty$a({},(0,_getPrefix$1.browserPrefixToKey)("transform",_getPrefix$1.default),m)}function createSVGTransform$1(g,b){var m=getTranslation$1(g,b,"");return m}function getTranslation$1(g,b,m){var w=g.x,_=g.y,C="translate(".concat(w).concat(m,",").concat(_).concat(m,")");if(b){var k="".concat(typeof b.x=="string"?b.x:b.x+m),I="".concat(typeof b.y=="string"?b.y:b.y+m);C="translate(".concat(k,", ").concat(I,")")+C}return C}function getTouch$1(g,b){return g.targetTouches&&(0,_shims$5.findInArray)(g.targetTouches,function(m){return b===m.identifier})||g.changedTouches&&(0,_shims$5.findInArray)(g.changedTouches,function(m){return b===m.identifier})}function getTouchIdentifier$1(g){if(g.targetTouches&&g.targetTouches[0])return g.targetTouches[0].identifier;if(g.changedTouches&&g.changedTouches[0])return g.changedTouches[0].identifier}function addUserSelectStyles$1(g){if(g){var b=g.getElementById("react-draggable-style-el");b||(b=g.createElement("style"),b.type="text/css",b.id="react-draggable-style-el",b.innerHTML=`.react-draggable-transparent-selection *::-moz-selection {all: inherit;}
`,b.innerHTML+=`.react-draggable-transparent-selection *::selection {all: inherit;}
`,g.getElementsByTagName("head")[0].appendChild(b)),g.body&&addClassName$1(g.body,"react-draggable-transparent-selection")}}function removeUserSelectStyles$1(g){if(g)try{if(g.body&&removeClassName$1(g.body,"react-draggable-transparent-selection"),g.selection)g.selection.empty();else{var b=(g.defaultView||window).getSelection();b&&b.type!=="Caret"&&b.removeAllRanges()}}catch{}}function addClassName$1(g,b){g.classList?g.classList.add(b):g.className.match(new RegExp("(?:^|\\s)".concat(b,"(?!\\S)")))||(g.className+=" ".concat(b))}function removeClassName$1(g,b){g.classList?g.classList.remove(b):g.className=g.className.replace(new RegExp("(?:^|\\s)".concat(b,"(?!\\S)"),"g"),"")}var positionFns$1={};Object.defineProperty(positionFns$1,"__esModule",{value:!0}),positionFns$1.getBoundPosition=getBoundPosition$1,positionFns$1.snapToGrid=snapToGrid$1,positionFns$1.canDragX=canDragX$1,positionFns$1.canDragY=canDragY$1,positionFns$1.getControlPosition=getControlPosition$1,positionFns$1.createCoreData=createCoreData$1,positionFns$1.createDraggableData=createDraggableData$1;var _shims$4=shims$1,_domFns$3=domFns$1;function getBoundPosition$1(g,b,m){if(!g.props.bounds)return[b,m];var w=g.props.bounds;w=typeof w=="string"?w:cloneBounds$1(w);var _=findDOMNode$1(g);if(typeof w=="string"){var C=_.ownerDocument,k=C.defaultView,I;if(w==="parent"?I=_.parentNode:I=C.querySelector(w),!(I instanceof k.HTMLElement))throw new Error('Bounds selector "'+w+'" could not find an element.');var $=I,P=k.getComputedStyle(_),M=k.getComputedStyle($);w={left:-_.offsetLeft+(0,_shims$4.int)(M.paddingLeft)+(0,_shims$4.int)(P.marginLeft),top:-_.offsetTop+(0,_shims$4.int)(M.paddingTop)+(0,_shims$4.int)(P.marginTop),right:(0,_domFns$3.innerWidth)($)-(0,_domFns$3.outerWidth)(_)-_.offsetLeft+(0,_shims$4.int)(M.paddingRight)-(0,_shims$4.int)(P.marginRight),bottom:(0,_domFns$3.innerHeight)($)-(0,_domFns$3.outerHeight)(_)-_.offsetTop+(0,_shims$4.int)(M.paddingBottom)-(0,_shims$4.int)(P.marginBottom)}}return(0,_shims$4.isNum)(w.right)&&(b=Math.min(b,w.right)),(0,_shims$4.isNum)(w.bottom)&&(m=Math.min(m,w.bottom)),(0,_shims$4.isNum)(w.left)&&(b=Math.max(b,w.left)),(0,_shims$4.isNum)(w.top)&&(m=Math.max(m,w.top)),[b,m]}function snapToGrid$1(g,b,m){var w=Math.round(b/g[0])*g[0],_=Math.round(m/g[1])*g[1];return[w,_]}function canDragX$1(g){return g.props.axis==="both"||g.props.axis==="x"}function canDragY$1(g){return g.props.axis==="both"||g.props.axis==="y"}function getControlPosition$1(g,b,m){var w=typeof b=="number"?(0,_domFns$3.getTouch)(g,b):null;if(typeof b=="number"&&!w)return null;var _=findDOMNode$1(m),C=m.props.offsetParent||_.offsetParent||_.ownerDocument.body;return(0,_domFns$3.offsetXYFromParent)(w||g,C,m.props.scale)}function createCoreData$1(g,b,m){var w=g.state,_=!(0,_shims$4.isNum)(w.lastX),C=findDOMNode$1(g);return _?{node:C,deltaX:0,deltaY:0,lastX:b,lastY:m,x:b,y:m}:{node:C,deltaX:b-w.lastX,deltaY:m-w.lastY,lastX:w.lastX,lastY:w.lastY,x:b,y:m}}function createDraggableData$1(g,b){var m=g.props.scale;return{node:b.node,x:g.state.x+b.deltaX/m,y:g.state.y+b.deltaY/m,deltaX:b.deltaX/m,deltaY:b.deltaY/m,lastX:g.state.x,lastY:g.state.y}}function cloneBounds$1(g){return{left:g.left,top:g.top,right:g.right,bottom:g.bottom}}function findDOMNode$1(g){var b=g.findDOMNode();if(!b)throw new Error("<DraggableCore>: Unmounted during event!");return b}var DraggableCore$5={},log$3={};Object.defineProperty(log$3,"__esModule",{value:!0}),log$3.default=log$2;function log$2(){}function _typeof$6(g){return typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?_typeof$6=function(m){return typeof m}:_typeof$6=function(m){return m&&typeof Symbol=="function"&&m.constructor===Symbol&&m!==Symbol.prototype?"symbol":typeof m},_typeof$6(g)}Object.defineProperty(DraggableCore$5,"__esModule",{value:!0}),DraggableCore$5.default=void 0;var React$6=_interopRequireWildcard$7(requireReact()),_propTypes$8=_interopRequireDefault$9(propTypesExports$1),_reactDom$1=_interopRequireDefault$9(reactDomExports),_domFns$2=domFns$1,_positionFns$1=positionFns$1,_shims$3=shims$1,_log$1=_interopRequireDefault$9(log$3);function _interopRequireDefault$9(g){return g&&g.__esModule?g:{default:g}}function _getRequireWildcardCache$7(g){if(typeof WeakMap!="function")return null;var b=new WeakMap,m=new WeakMap;return(_getRequireWildcardCache$7=function(_){return _?m:b})(g)}function _interopRequireWildcard$7(g,b){if(!b&&g&&g.__esModule)return g;if(g===null||_typeof$6(g)!=="object"&&typeof g!="function")return{default:g};var m=_getRequireWildcardCache$7(b);if(m&&m.has(g))return m.get(g);var w={},_=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var C in g)if(C!=="default"&&Object.prototype.hasOwnProperty.call(g,C)){var k=_?Object.getOwnPropertyDescriptor(g,C):null;k&&(k.get||k.set)?Object.defineProperty(w,C,k):w[C]=g[C]}return w.default=g,m&&m.set(g,w),w}function _slicedToArray$2(g,b){return _arrayWithHoles$2(g)||_iterableToArrayLimit$2(g,b)||_unsupportedIterableToArray$2(g,b)||_nonIterableRest$2()}function _nonIterableRest$2(){throw new TypeError(`Invalid attempt to destructure non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}function _unsupportedIterableToArray$2(g,b){if(g){if(typeof g=="string")return _arrayLikeToArray$2(g,b);var m=Object.prototype.toString.call(g).slice(8,-1);if(m==="Object"&&g.constructor&&(m=g.constructor.name),m==="Map"||m==="Set")return Array.from(g);if(m==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(m))return _arrayLikeToArray$2(g,b)}}function _arrayLikeToArray$2(g,b){(b==null||b>g.length)&&(b=g.length);for(var m=0,w=new Array(b);m<b;m++)w[m]=g[m];return w}function _iterableToArrayLimit$2(g,b){var m=g==null?null:typeof Symbol<"u"&&g[Symbol.iterator]||g["@@iterator"];if(m!=null){var w=[],_=!0,C=!1,k,I;try{for(m=m.call(g);!(_=(k=m.next()).done)&&(w.push(k.value),!(b&&w.length===b));_=!0);}catch($){C=!0,I=$}finally{try{!_&&m.return!=null&&m.return()}finally{if(C)throw I}}return w}}function _arrayWithHoles$2(g){if(Array.isArray(g))return g}function _classCallCheck$6(g,b){if(!(g instanceof b))throw new TypeError("Cannot call a class as a function")}function _defineProperties$5(g,b){for(var m=0;m<b.length;m++){var w=b[m];w.enumerable=w.enumerable||!1,w.configurable=!0,"value"in w&&(w.writable=!0),Object.defineProperty(g,w.key,w)}}function _createClass$5(g,b,m){return b&&_defineProperties$5(g.prototype,b),m&&_defineProperties$5(g,m),g}function _inherits$6(g,b){if(typeof b!="function"&&b!==null)throw new TypeError("Super expression must either be null or a function");g.prototype=Object.create(b&&b.prototype,{constructor:{value:g,writable:!0,configurable:!0}}),b&&_setPrototypeOf$7(g,b)}function _setPrototypeOf$7(g,b){return _setPrototypeOf$7=Object.setPrototypeOf||function(w,_){return w.__proto__=_,w},_setPrototypeOf$7(g,b)}function _createSuper$5(g){var b=_isNativeReflectConstruct$5();return function(){var w=_getPrototypeOf$5(g),_;if(b){var C=_getPrototypeOf$5(this).constructor;_=Reflect.construct(w,arguments,C)}else _=w.apply(this,arguments);return _possibleConstructorReturn$6(this,_)}}function _possibleConstructorReturn$6(g,b){if(b&&(_typeof$6(b)==="object"||typeof b=="function"))return b;if(b!==void 0)throw new TypeError("Derived constructors may only return object or undefined");return _assertThisInitialized$5(g)}function _assertThisInitialized$5(g){if(g===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return g}function _isNativeReflectConstruct$5(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function _getPrototypeOf$5(g){return _getPrototypeOf$5=Object.setPrototypeOf?Object.getPrototypeOf:function(m){return m.__proto__||Object.getPrototypeOf(m)},_getPrototypeOf$5(g)}function _defineProperty$9(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var eventsFor$1={touch:{start:"touchstart",move:"touchmove",stop:"touchend"},mouse:{start:"mousedown",move:"mousemove",stop:"mouseup"}},dragEventFor$1=eventsFor$1.mouse,DraggableCore$4=function(g){_inherits$6(m,g);var b=_createSuper$5(m);function m(){var w;_classCallCheck$6(this,m);for(var _=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return w=b.call.apply(b,[this].concat(C)),_defineProperty$9(_assertThisInitialized$5(w),"state",{dragging:!1,lastX:NaN,lastY:NaN,touchIdentifier:null}),_defineProperty$9(_assertThisInitialized$5(w),"mounted",!1),_defineProperty$9(_assertThisInitialized$5(w),"handleDragStart",function(I){if(w.props.onMouseDown(I),!w.props.allowAnyClick&&typeof I.button=="number"&&I.button!==0)return!1;var $=w.findDOMNode();if(!$||!$.ownerDocument||!$.ownerDocument.body)throw new Error("<DraggableCore> not mounted on DragStart!");var P=$.ownerDocument;if(!(w.props.disabled||!(I.target instanceof P.defaultView.Node)||w.props.handle&&!(0,_domFns$2.matchesSelectorAndParentsTo)(I.target,w.props.handle,$)||w.props.cancel&&(0,_domFns$2.matchesSelectorAndParentsTo)(I.target,w.props.cancel,$))){I.type==="touchstart"&&I.preventDefault();var M=(0,_domFns$2.getTouchIdentifier)(I);w.setState({touchIdentifier:M});var U=(0,_positionFns$1.getControlPosition)(I,M,_assertThisInitialized$5(w));if(U!=null){var G=U.x,X=U.y,Z=(0,_positionFns$1.createCoreData)(_assertThisInitialized$5(w),G,X);(0,_log$1.default)("DraggableCore: handleDragStart: %j",Z),(0,_log$1.default)("calling",w.props.onStart);var ne=w.props.onStart(I,Z);ne===!1||w.mounted===!1||(w.props.enableUserSelectHack&&(0,_domFns$2.addUserSelectStyles)(P),w.setState({dragging:!0,lastX:G,lastY:X}),(0,_domFns$2.addEvent)(P,dragEventFor$1.move,w.handleDrag),(0,_domFns$2.addEvent)(P,dragEventFor$1.stop,w.handleDragStop))}}}),_defineProperty$9(_assertThisInitialized$5(w),"handleDrag",function(I){var $=(0,_positionFns$1.getControlPosition)(I,w.state.touchIdentifier,_assertThisInitialized$5(w));if($!=null){var P=$.x,M=$.y;if(Array.isArray(w.props.grid)){var U=P-w.state.lastX,G=M-w.state.lastY,X=(0,_positionFns$1.snapToGrid)(w.props.grid,U,G),Z=_slicedToArray$2(X,2);if(U=Z[0],G=Z[1],!U&&!G)return;P=w.state.lastX+U,M=w.state.lastY+G}var ne=(0,_positionFns$1.createCoreData)(_assertThisInitialized$5(w),P,M);(0,_log$1.default)("DraggableCore: handleDrag: %j",ne);var re=w.props.onDrag(I,ne);if(re===!1||w.mounted===!1){try{w.handleDragStop(new MouseEvent("mouseup"))}catch{var ve=document.createEvent("MouseEvents");ve.initMouseEvent("mouseup",!0,!0,window,0,0,0,0,0,!1,!1,!1,!1,0,null),w.handleDragStop(ve)}return}w.setState({lastX:P,lastY:M})}}),_defineProperty$9(_assertThisInitialized$5(w),"handleDragStop",function(I){if(w.state.dragging){var $=(0,_positionFns$1.getControlPosition)(I,w.state.touchIdentifier,_assertThisInitialized$5(w));if($!=null){var P=$.x,M=$.y,U=(0,_positionFns$1.createCoreData)(_assertThisInitialized$5(w),P,M),G=w.props.onStop(I,U);if(G===!1||w.mounted===!1)return!1;var X=w.findDOMNode();X&&w.props.enableUserSelectHack&&(0,_domFns$2.removeUserSelectStyles)(X.ownerDocument),(0,_log$1.default)("DraggableCore: handleDragStop: %j",U),w.setState({dragging:!1,lastX:NaN,lastY:NaN}),X&&((0,_log$1.default)("DraggableCore: Removing handlers"),(0,_domFns$2.removeEvent)(X.ownerDocument,dragEventFor$1.move,w.handleDrag),(0,_domFns$2.removeEvent)(X.ownerDocument,dragEventFor$1.stop,w.handleDragStop))}}}),_defineProperty$9(_assertThisInitialized$5(w),"onMouseDown",function(I){return dragEventFor$1=eventsFor$1.mouse,w.handleDragStart(I)}),_defineProperty$9(_assertThisInitialized$5(w),"onMouseUp",function(I){return dragEventFor$1=eventsFor$1.mouse,w.handleDragStop(I)}),_defineProperty$9(_assertThisInitialized$5(w),"onTouchStart",function(I){return dragEventFor$1=eventsFor$1.touch,w.handleDragStart(I)}),_defineProperty$9(_assertThisInitialized$5(w),"onTouchEnd",function(I){return dragEventFor$1=eventsFor$1.touch,w.handleDragStop(I)}),w}return _createClass$5(m,[{key:"componentDidMount",value:function(){this.mounted=!0;var _=this.findDOMNode();_&&(0,_domFns$2.addEvent)(_,eventsFor$1.touch.start,this.onTouchStart,{passive:!1})}},{key:"componentWillUnmount",value:function(){this.mounted=!1;var _=this.findDOMNode();if(_){var C=_.ownerDocument;(0,_domFns$2.removeEvent)(C,eventsFor$1.mouse.move,this.handleDrag),(0,_domFns$2.removeEvent)(C,eventsFor$1.touch.move,this.handleDrag),(0,_domFns$2.removeEvent)(C,eventsFor$1.mouse.stop,this.handleDragStop),(0,_domFns$2.removeEvent)(C,eventsFor$1.touch.stop,this.handleDragStop),(0,_domFns$2.removeEvent)(_,eventsFor$1.touch.start,this.onTouchStart,{passive:!1}),this.props.enableUserSelectHack&&(0,_domFns$2.removeUserSelectStyles)(C)}}},{key:"findDOMNode",value:function(){var _,C,k;return(_=(C=this.props)===null||C===void 0||(k=C.nodeRef)===null||k===void 0?void 0:k.current)!==null&&_!==void 0?_:_reactDom$1.default.findDOMNode(this)}},{key:"render",value:function(){return React$6.cloneElement(React$6.Children.only(this.props.children),{onMouseDown:this.onMouseDown,onMouseUp:this.onMouseUp,onTouchEnd:this.onTouchEnd})}}]),m}(React$6.Component);DraggableCore$5.default=DraggableCore$4,_defineProperty$9(DraggableCore$4,"displayName","DraggableCore"),_defineProperty$9(DraggableCore$4,"propTypes",{allowAnyClick:_propTypes$8.default.bool,disabled:_propTypes$8.default.bool,enableUserSelectHack:_propTypes$8.default.bool,offsetParent:function(b,m){if(b[m]&&b[m].nodeType!==1)throw new Error("Draggable's offsetParent must be a DOM Node.")},grid:_propTypes$8.default.arrayOf(_propTypes$8.default.number),handle:_propTypes$8.default.string,cancel:_propTypes$8.default.string,nodeRef:_propTypes$8.default.object,onStart:_propTypes$8.default.func,onDrag:_propTypes$8.default.func,onStop:_propTypes$8.default.func,onMouseDown:_propTypes$8.default.func,scale:_propTypes$8.default.number,className:_shims$3.dontSetMe,style:_shims$3.dontSetMe,transform:_shims$3.dontSetMe}),_defineProperty$9(DraggableCore$4,"defaultProps",{allowAnyClick:!1,disabled:!1,enableUserSelectHack:!0,onStart:function(){},onDrag:function(){},onStop:function(){},onMouseDown:function(){},scale:1}),function(g){function b(Ae){return typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?b=function(Ge){return typeof Ge}:b=function(Ge){return Ge&&typeof Symbol=="function"&&Ge.constructor===Symbol&&Ge!==Symbol.prototype?"symbol":typeof Ge},b(Ae)}Object.defineProperty(g,"__esModule",{value:!0}),Object.defineProperty(g,"DraggableCore",{enumerable:!0,get:function(){return P.default}}),g.default=void 0;var m=Z(requireReact()),w=G(propTypesExports$1),_=G(reactDomExports),C=G(require$$2),k=domFns$1,I=positionFns$1,$=shims$1,P=G(DraggableCore$5),M=G(log$3),U=["axis","bounds","children","defaultPosition","defaultClassName","defaultClassNameDragging","defaultClassNameDragged","position","positionOffset","scale"];function G(Ae){return Ae&&Ae.__esModule?Ae:{default:Ae}}function X(Ae){if(typeof WeakMap!="function")return null;var je=new WeakMap,Ge=new WeakMap;return(X=function(We){return We?Ge:je})(Ae)}function Z(Ae,je){if(!je&&Ae&&Ae.__esModule)return Ae;if(Ae===null||b(Ae)!=="object"&&typeof Ae!="function")return{default:Ae};var Ge=X(je);if(Ge&&Ge.has(Ae))return Ge.get(Ae);var Be={},We=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var lt in Ae)if(lt!=="default"&&Object.prototype.hasOwnProperty.call(Ae,lt)){var Tt=We?Object.getOwnPropertyDescriptor(Ae,lt):null;Tt&&(Tt.get||Tt.set)?Object.defineProperty(Be,lt,Tt):Be[lt]=Ae[lt]}return Be.default=Ae,Ge&&Ge.set(Ae,Be),Be}function ne(){return ne=Object.assign||function(Ae){for(var je=1;je<arguments.length;je++){var Ge=arguments[je];for(var Be in Ge)Object.prototype.hasOwnProperty.call(Ge,Be)&&(Ae[Be]=Ge[Be])}return Ae},ne.apply(this,arguments)}function re(Ae,je){if(Ae==null)return{};var Ge=ve(Ae,je),Be,We;if(Object.getOwnPropertySymbols){var lt=Object.getOwnPropertySymbols(Ae);for(We=0;We<lt.length;We++)Be=lt[We],!(je.indexOf(Be)>=0)&&Object.prototype.propertyIsEnumerable.call(Ae,Be)&&(Ge[Be]=Ae[Be])}return Ge}function ve(Ae,je){if(Ae==null)return{};var Ge={},Be=Object.keys(Ae),We,lt;for(lt=0;lt<Be.length;lt++)We=Be[lt],!(je.indexOf(We)>=0)&&(Ge[We]=Ae[We]);return Ge}function Se(Ae,je){var Ge=Object.keys(Ae);if(Object.getOwnPropertySymbols){var Be=Object.getOwnPropertySymbols(Ae);je&&(Be=Be.filter(function(We){return Object.getOwnPropertyDescriptor(Ae,We).enumerable})),Ge.push.apply(Ge,Be)}return Ge}function ge(Ae){for(var je=1;je<arguments.length;je++){var Ge=arguments[je]!=null?arguments[je]:{};je%2?Se(Object(Ge),!0).forEach(function(Be){Fe(Ae,Be,Ge[Be])}):Object.getOwnPropertyDescriptors?Object.defineProperties(Ae,Object.getOwnPropertyDescriptors(Ge)):Se(Object(Ge)).forEach(function(Be){Object.defineProperty(Ae,Be,Object.getOwnPropertyDescriptor(Ge,Be))})}return Ae}function oe(Ae,je){return Ue(Ae)||rt(Ae,je)||De(Ae,je)||me()}function me(){throw new TypeError(`Invalid attempt to destructure non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}function De(Ae,je){if(Ae){if(typeof Ae=="string")return Le(Ae,je);var Ge=Object.prototype.toString.call(Ae).slice(8,-1);if(Ge==="Object"&&Ae.constructor&&(Ge=Ae.constructor.name),Ge==="Map"||Ge==="Set")return Array.from(Ae);if(Ge==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(Ge))return Le(Ae,je)}}function Le(Ae,je){(je==null||je>Ae.length)&&(je=Ae.length);for(var Ge=0,Be=new Array(je);Ge<je;Ge++)Be[Ge]=Ae[Ge];return Be}function rt(Ae,je){var Ge=Ae==null?null:typeof Symbol<"u"&&Ae[Symbol.iterator]||Ae["@@iterator"];if(Ge!=null){var Be=[],We=!0,lt=!1,Tt,Je;try{for(Ge=Ge.call(Ae);!(We=(Tt=Ge.next()).done)&&(Be.push(Tt.value),!(je&&Be.length===je));We=!0);}catch(qt){lt=!0,Je=qt}finally{try{!We&&Ge.return!=null&&Ge.return()}finally{if(lt)throw Je}}return Be}}function Ue(Ae){if(Array.isArray(Ae))return Ae}function Ze(Ae,je){if(!(Ae instanceof je))throw new TypeError("Cannot call a class as a function")}function gt(Ae,je){for(var Ge=0;Ge<je.length;Ge++){var Be=je[Ge];Be.enumerable=Be.enumerable||!1,Be.configurable=!0,"value"in Be&&(Be.writable=!0),Object.defineProperty(Ae,Be.key,Be)}}function $t(Ae,je,Ge){return je&>(Ae.prototype,je),Ge&>(Ae,Ge),Ae}function Xe(Ae,je){if(typeof je!="function"&&je!==null)throw new TypeError("Super expression must either be null or a function");Ae.prototype=Object.create(je&&je.prototype,{constructor:{value:Ae,writable:!0,configurable:!0}}),je&&xe(Ae,je)}function xe(Ae,je){return xe=Object.setPrototypeOf||function(Be,We){return Be.__proto__=We,Be},xe(Ae,je)}function Tn(Ae){var je=en();return function(){var Be=st(Ae),We;if(je){var lt=st(this).constructor;We=Reflect.construct(Be,arguments,lt)}else We=Be.apply(this,arguments);return Rt(this,We)}}function Rt(Ae,je){if(je&&(b(je)==="object"||typeof je=="function"))return je;if(je!==void 0)throw new TypeError("Derived constructors may only return object or undefined");return mt(Ae)}function mt(Ae){if(Ae===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return Ae}function en(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function st(Ae){return st=Object.setPrototypeOf?Object.getPrototypeOf:function(Ge){return Ge.__proto__||Object.getPrototypeOf(Ge)},st(Ae)}function Fe(Ae,je,Ge){return je in Ae?Object.defineProperty(Ae,je,{value:Ge,enumerable:!0,configurable:!0,writable:!0}):Ae[je]=Ge,Ae}var Re=function(Ae){Xe(Ge,Ae);var je=Tn(Ge);function Ge(Be){var We;return Ze(this,Ge),We=je.call(this,Be),Fe(mt(We),"onDragStart",function(lt,Tt){(0,M.default)("Draggable: onDragStart: %j",Tt);var Je=We.props.onStart(lt,(0,I.createDraggableData)(mt(We),Tt));if(Je===!1)return!1;We.setState({dragging:!0,dragged:!0})}),Fe(mt(We),"onDrag",function(lt,Tt){if(!We.state.dragging)return!1;(0,M.default)("Draggable: onDrag: %j",Tt);var Je=(0,I.createDraggableData)(mt(We),Tt),qt={x:Je.x,y:Je.y};if(We.props.bounds){var Pt=qt.x,_t=qt.y;qt.x+=We.state.slackX,qt.y+=We.state.slackY;var lr=(0,I.getBoundPosition)(mt(We),qt.x,qt.y),jn=oe(lr,2),ii=jn[0],Zi=jn[1];qt.x=ii,qt.y=Zi,qt.slackX=We.state.slackX+(Pt-qt.x),qt.slackY=We.state.slackY+(_t-qt.y),Je.x=qt.x,Je.y=qt.y,Je.deltaX=qt.x-We.state.x,Je.deltaY=qt.y-We.state.y}var No=We.props.onDrag(lt,Je);if(No===!1)return!1;We.setState(qt)}),Fe(mt(We),"onDragStop",function(lt,Tt){if(!We.state.dragging)return!1;var Je=We.props.onStop(lt,(0,I.createDraggableData)(mt(We),Tt));if(Je===!1)return!1;(0,M.default)("Draggable: onDragStop: %j",Tt);var qt={dragging:!1,slackX:0,slackY:0},Pt=!!We.props.position;if(Pt){var _t=We.props.position,lr=_t.x,jn=_t.y;qt.x=lr,qt.y=jn}We.setState(qt)}),We.state={dragging:!1,dragged:!1,x:Be.position?Be.position.x:Be.defaultPosition.x,y:Be.position?Be.position.y:Be.defaultPosition.y,prevPropsPosition:ge({},Be.position),slackX:0,slackY:0,isElementSVG:!1},Be.position&&!(Be.onDrag||Be.onStop)&&console.warn("A `position` was applied to this <Draggable>, without drag handlers. This will make this component effectively undraggable. Please attach `onDrag` or `onStop` handlers so you can adjust the `position` of this element."),We}return $t(Ge,[{key:"componentDidMount",value:function(){typeof window.SVGElement<"u"&&this.findDOMNode()instanceof window.SVGElement&&this.setState({isElementSVG:!0})}},{key:"componentWillUnmount",value:function(){this.setState({dragging:!1})}},{key:"findDOMNode",value:function(){var We,lt,Tt;return(We=(lt=this.props)===null||lt===void 0||(Tt=lt.nodeRef)===null||Tt===void 0?void 0:Tt.current)!==null&&We!==void 0?We:_.default.findDOMNode(this)}},{key:"render",value:function(){var We,lt=this.props;lt.axis,lt.bounds;var Tt=lt.children,Je=lt.defaultPosition,qt=lt.defaultClassName,Pt=lt.defaultClassNameDragging,_t=lt.defaultClassNameDragged,lr=lt.position,jn=lt.positionOffset;lt.scale;var ii=re(lt,U),Zi={},No=null,Is=!!lr,Ca=!Is||this.state.dragging,Xs=lr||Je,Io={x:(0,I.canDragX)(this)&&Ca?this.state.x:Xs.x,y:(0,I.canDragY)(this)&&Ca?this.state.y:Xs.y};this.state.isElementSVG?No=(0,k.createSVGTransform)(Io,jn):Zi=(0,k.createCSSTransform)(Io,jn);var pi=(0,C.default)(Tt.props.className||"",qt,(We={},Fe(We,Pt,this.state.dragging),Fe(We,_t,this.state.dragged),We));return m.createElement(P.default,ne({},ii,{onStart:this.onDragStart,onDrag:this.onDrag,onStop:this.onDragStop}),m.cloneElement(m.Children.only(Tt),{className:pi,style:ge(ge({},Tt.props.style),Zi),transform:No}))}}],[{key:"getDerivedStateFromProps",value:function(We,lt){var Tt=We.position,Je=lt.prevPropsPosition;return Tt&&(!Je||Tt.x!==Je.x||Tt.y!==Je.y)?((0,M.default)("Draggable: getDerivedStateFromProps %j",{position:Tt,prevPropsPosition:Je}),{x:Tt.x,y:Tt.y,prevPropsPosition:ge({},Tt)}):null}}]),Ge}(m.Component);g.default=Re,Fe(Re,"displayName","Draggable"),Fe(Re,"propTypes",ge(ge({},P.default.propTypes),{},{axis:w.default.oneOf(["both","x","y","none"]),bounds:w.default.oneOfType([w.default.shape({left:w.default.number,right:w.default.number,top:w.default.number,bottom:w.default.number}),w.default.string,w.default.oneOf([!1])]),defaultClassName:w.default.string,defaultClassNameDragging:w.default.string,defaultClassNameDragged:w.default.string,defaultPosition:w.default.shape({x:w.default.number,y:w.default.number}),positionOffset:w.default.shape({x:w.default.oneOfType([w.default.number,w.default.string]),y:w.default.oneOfType([w.default.number,w.default.string])}),position:w.default.shape({x:w.default.number,y:w.default.number}),className:$.dontSetMe,style:$.dontSetMe,transform:$.dontSetMe})),Fe(Re,"defaultProps",ge(ge({},P.default.defaultProps),{},{axis:"both",bounds:!1,defaultClassName:"react-draggable",defaultClassNameDragging:"react-draggable-dragging",defaultClassNameDragged:"react-draggable-dragged",defaultPosition:{x:0,y:0},scale:1}))}(Draggable$3);var _require$1=Draggable$3,Draggable$2=_require$1.default,DraggableCore$3=_require$1.DraggableCore;cjs$1.exports=Draggable$2,cjs$1.exports.default=Draggable$2,cjs$1.exports.DraggableCore=DraggableCore$3;var cjsExports$1=cjs$1.exports,reactResizable={exports:{}},Resizable$1={},cjs={exports:{}},Draggable$1={},classnames={exports:{}};/*!
Copyright (c) 2017 Jed Watson.
Licensed under the MIT License (MIT), see
http://jedwatson.github.io/classnames
*/(function(g){(function(){var b={}.hasOwnProperty;function m(){for(var w=[],_=0;_<arguments.length;_++){var C=arguments[_];if(C){var k=typeof C;if(k==="string"||k==="number")w.push(C);else if(Array.isArray(C)&&C.length){var I=m.apply(null,C);I&&w.push(I)}else if(k==="object")for(var $ in C)b.call(C,$)&&C[$]&&w.push($)}}return w.join(" ")}g.exports?(m.default=m,g.exports=m):window.classNames=m})()})(classnames);var classnamesExports=classnames.exports,domFns={},shims={};Object.defineProperty(shims,"__esModule",{value:!0}),shims.findInArray=findInArray,shims.isFunction=isFunction,shims.isNum=isNum,shims.int=int,shims.dontSetMe=dontSetMe;function findInArray(g,b){for(var m=0,w=g.length;m<w;m++)if(b.apply(b,[g[m],m,g]))return g[m]}function isFunction(g){return typeof g=="function"||Object.prototype.toString.call(g)==="[object Function]"}function isNum(g){return typeof g=="number"&&!isNaN(g)}function int(g){return parseInt(g,10)}function dontSetMe(g,b,m){if(g[b])return new Error("Invalid prop ".concat(b," passed to ").concat(m," - do not set this, set it on the child."))}var getPrefix$1={};Object.defineProperty(getPrefix$1,"__esModule",{value:!0}),getPrefix$1.getPrefix=getPrefix,getPrefix$1.browserPrefixToKey=browserPrefixToKey,getPrefix$1.browserPrefixToStyle=browserPrefixToStyle,getPrefix$1.default=void 0;var prefixes=["Moz","Webkit","O","ms"];function getPrefix(){var g=arguments.length>0&&arguments[0]!==void 0?arguments[0]:"transform";if(typeof window>"u"||typeof window.document>"u")return"";var b=window.document.documentElement.style;if(g in b)return"";for(var m=0;m<prefixes.length;m++)if(browserPrefixToKey(g,prefixes[m])in b)return prefixes[m];return""}function browserPrefixToKey(g,b){return b?"".concat(b).concat(kebabToTitleCase(g)):g}function browserPrefixToStyle(g,b){return b?"-".concat(b.toLowerCase(),"-").concat(g):g}function kebabToTitleCase(g){for(var b="",m=!0,w=0;w<g.length;w++)m?(b+=g[w].toUpperCase(),m=!1):g[w]==="-"?m=!0:b+=g[w];return b}var _default$1=getPrefix();getPrefix$1.default=_default$1;function _typeof$5(g){return typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?_typeof$5=function(m){return typeof m}:_typeof$5=function(m){return m&&typeof Symbol=="function"&&m.constructor===Symbol&&m!==Symbol.prototype?"symbol":typeof m},_typeof$5(g)}Object.defineProperty(domFns,"__esModule",{value:!0}),domFns.matchesSelector=matchesSelector,domFns.matchesSelectorAndParentsTo=matchesSelectorAndParentsTo,domFns.addEvent=addEvent,domFns.removeEvent=removeEvent,domFns.outerHeight=outerHeight,domFns.outerWidth=outerWidth,domFns.innerHeight=innerHeight,domFns.innerWidth=innerWidth,domFns.offsetXYFromParent=offsetXYFromParent,domFns.createCSSTransform=createCSSTransform,domFns.createSVGTransform=createSVGTransform,domFns.getTranslation=getTranslation,domFns.getTouch=getTouch,domFns.getTouchIdentifier=getTouchIdentifier,domFns.addUserSelectStyles=addUserSelectStyles,domFns.removeUserSelectStyles=removeUserSelectStyles,domFns.addClassName=addClassName,domFns.removeClassName=removeClassName;var _shims$2=shims,_getPrefix=_interopRequireWildcard$6(getPrefix$1);function _getRequireWildcardCache$6(){if(typeof WeakMap!="function")return null;var g=new WeakMap;return _getRequireWildcardCache$6=function(){return g},g}function _interopRequireWildcard$6(g){if(g&&g.__esModule)return g;if(g===null||_typeof$5(g)!=="object"&&typeof g!="function")return{default:g};var b=_getRequireWildcardCache$6();if(b&&b.has(g))return b.get(g);var m={},w=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var _ in g)if(Object.prototype.hasOwnProperty.call(g,_)){var C=w?Object.getOwnPropertyDescriptor(g,_):null;C&&(C.get||C.set)?Object.defineProperty(m,_,C):m[_]=g[_]}return m.default=g,b&&b.set(g,m),m}function ownKeys$6(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread$6(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys$6(Object(m),!0).forEach(function(w){_defineProperty$8(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys$6(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _defineProperty$8(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var matchesSelectorFunc="";function matchesSelector(g,b){return matchesSelectorFunc||(matchesSelectorFunc=(0,_shims$2.findInArray)(["matches","webkitMatchesSelector","mozMatchesSelector","msMatchesSelector","oMatchesSelector"],function(m){return(0,_shims$2.isFunction)(g[m])})),(0,_shims$2.isFunction)(g[matchesSelectorFunc])?g[matchesSelectorFunc](b):!1}function matchesSelectorAndParentsTo(g,b,m){var w=g;do{if(matchesSelector(w,b))return!0;if(w===m)return!1;w=w.parentNode}while(w);return!1}function addEvent(g,b,m,w){if(g){var _=_objectSpread$6({capture:!0},w);g.addEventListener?g.addEventListener(b,m,_):g.attachEvent?g.attachEvent("on"+b,m):g["on"+b]=m}}function removeEvent(g,b,m,w){if(g){var _=_objectSpread$6({capture:!0},w);g.removeEventListener?g.removeEventListener(b,m,_):g.detachEvent?g.detachEvent("on"+b,m):g["on"+b]=null}}function outerHeight(g){var b=g.clientHeight,m=g.ownerDocument.defaultView.getComputedStyle(g);return b+=(0,_shims$2.int)(m.borderTopWidth),b+=(0,_shims$2.int)(m.borderBottomWidth),b}function outerWidth(g){var b=g.clientWidth,m=g.ownerDocument.defaultView.getComputedStyle(g);return b+=(0,_shims$2.int)(m.borderLeftWidth),b+=(0,_shims$2.int)(m.borderRightWidth),b}function innerHeight(g){var b=g.clientHeight,m=g.ownerDocument.defaultView.getComputedStyle(g);return b-=(0,_shims$2.int)(m.paddingTop),b-=(0,_shims$2.int)(m.paddingBottom),b}function innerWidth(g){var b=g.clientWidth,m=g.ownerDocument.defaultView.getComputedStyle(g);return b-=(0,_shims$2.int)(m.paddingLeft),b-=(0,_shims$2.int)(m.paddingRight),b}function offsetXYFromParent(g,b,m){var w=b===b.ownerDocument.body,_=w?{left:0,top:0}:b.getBoundingClientRect(),C=(g.clientX+b.scrollLeft-_.left)/m,k=(g.clientY+b.scrollTop-_.top)/m;return{x:C,y:k}}function createCSSTransform(g,b){var m=getTranslation(g,b,"px");return _defineProperty$8({},(0,_getPrefix.browserPrefixToKey)("transform",_getPrefix.default),m)}function createSVGTransform(g,b){var m=getTranslation(g,b,"");return m}function getTranslation(g,b,m){var w=g.x,_=g.y,C="translate(".concat(w).concat(m,",").concat(_).concat(m,")");if(b){var k="".concat(typeof b.x=="string"?b.x:b.x+m),I="".concat(typeof b.y=="string"?b.y:b.y+m);C="translate(".concat(k,", ").concat(I,")")+C}return C}function getTouch(g,b){return g.targetTouches&&(0,_shims$2.findInArray)(g.targetTouches,function(m){return b===m.identifier})||g.changedTouches&&(0,_shims$2.findInArray)(g.changedTouches,function(m){return b===m.identifier})}function getTouchIdentifier(g){if(g.targetTouches&&g.targetTouches[0])return g.targetTouches[0].identifier;if(g.changedTouches&&g.changedTouches[0])return g.changedTouches[0].identifier}function addUserSelectStyles(g){if(g){var b=g.getElementById("react-draggable-style-el");b||(b=g.createElement("style"),b.type="text/css",b.id="react-draggable-style-el",b.innerHTML=`.react-draggable-transparent-selection *::-moz-selection {all: inherit;}
`,b.innerHTML+=`.react-draggable-transparent-selection *::selection {all: inherit;}
`,g.getElementsByTagName("head")[0].appendChild(b)),g.body&&addClassName(g.body,"react-draggable-transparent-selection")}}function removeUserSelectStyles(g){if(g)try{if(g.body&&removeClassName(g.body,"react-draggable-transparent-selection"),g.selection)g.selection.empty();else{var b=(g.defaultView||window).getSelection();b&&b.type!=="Caret"&&b.removeAllRanges()}}catch{}}function addClassName(g,b){g.classList?g.classList.add(b):g.className.match(new RegExp("(?:^|\\s)".concat(b,"(?!\\S)")))||(g.className+=" ".concat(b))}function removeClassName(g,b){g.classList?g.classList.remove(b):g.className=g.className.replace(new RegExp("(?:^|\\s)".concat(b,"(?!\\S)"),"g"),"")}var positionFns={};Object.defineProperty(positionFns,"__esModule",{value:!0}),positionFns.getBoundPosition=getBoundPosition,positionFns.snapToGrid=snapToGrid,positionFns.canDragX=canDragX,positionFns.canDragY=canDragY,positionFns.getControlPosition=getControlPosition,positionFns.createCoreData=createCoreData,positionFns.createDraggableData=createDraggableData;var _shims$1=shims,_domFns$1=domFns;function getBoundPosition(g,b,m){if(!g.props.bounds)return[b,m];var w=g.props.bounds;w=typeof w=="string"?w:cloneBounds(w);var _=findDOMNode(g);if(typeof w=="string"){var C=_.ownerDocument,k=C.defaultView,I;if(w==="parent"?I=_.parentNode:I=C.querySelector(w),!(I instanceof k.HTMLElement))throw new Error('Bounds selector "'+w+'" could not find an element.');var $=k.getComputedStyle(_),P=k.getComputedStyle(I);w={left:-_.offsetLeft+(0,_shims$1.int)(P.paddingLeft)+(0,_shims$1.int)($.marginLeft),top:-_.offsetTop+(0,_shims$1.int)(P.paddingTop)+(0,_shims$1.int)($.marginTop),right:(0,_domFns$1.innerWidth)(I)-(0,_domFns$1.outerWidth)(_)-_.offsetLeft+(0,_shims$1.int)(P.paddingRight)-(0,_shims$1.int)($.marginRight),bottom:(0,_domFns$1.innerHeight)(I)-(0,_domFns$1.outerHeight)(_)-_.offsetTop+(0,_shims$1.int)(P.paddingBottom)-(0,_shims$1.int)($.marginBottom)}}return(0,_shims$1.isNum)(w.right)&&(b=Math.min(b,w.right)),(0,_shims$1.isNum)(w.bottom)&&(m=Math.min(m,w.bottom)),(0,_shims$1.isNum)(w.left)&&(b=Math.max(b,w.left)),(0,_shims$1.isNum)(w.top)&&(m=Math.max(m,w.top)),[b,m]}function snapToGrid(g,b,m){var w=Math.round(b/g[0])*g[0],_=Math.round(m/g[1])*g[1];return[w,_]}function canDragX(g){return g.props.axis==="both"||g.props.axis==="x"}function canDragY(g){return g.props.axis==="both"||g.props.axis==="y"}function getControlPosition(g,b,m){var w=typeof b=="number"?(0,_domFns$1.getTouch)(g,b):null;if(typeof b=="number"&&!w)return null;var _=findDOMNode(m),C=m.props.offsetParent||_.offsetParent||_.ownerDocument.body;return(0,_domFns$1.offsetXYFromParent)(w||g,C,m.props.scale)}function createCoreData(g,b,m){var w=g.state,_=!(0,_shims$1.isNum)(w.lastX),C=findDOMNode(g);return _?{node:C,deltaX:0,deltaY:0,lastX:b,lastY:m,x:b,y:m}:{node:C,deltaX:b-w.lastX,deltaY:m-w.lastY,lastX:w.lastX,lastY:w.lastY,x:b,y:m}}function createDraggableData(g,b){var m=g.props.scale;return{node:b.node,x:g.state.x+b.deltaX/m,y:g.state.y+b.deltaY/m,deltaX:b.deltaX/m,deltaY:b.deltaY/m,lastX:g.state.x,lastY:g.state.y}}function cloneBounds(g){return{left:g.left,top:g.top,right:g.right,bottom:g.bottom}}function findDOMNode(g){var b=g.findDOMNode();if(!b)throw new Error("<DraggableCore>: Unmounted during event!");return b}var DraggableCore$2={},log$1={};Object.defineProperty(log$1,"__esModule",{value:!0}),log$1.default=log;function log(){}Object.defineProperty(DraggableCore$2,"__esModule",{value:!0}),DraggableCore$2.default=void 0;var React$5=_interopRequireWildcard$5(requireReact()),_propTypes$7=_interopRequireDefault$8(propTypesExports$3),_reactDom=_interopRequireDefault$8(reactDomExports),_domFns=domFns,_positionFns=positionFns,_shims=shims,_log=_interopRequireDefault$8(log$1);function _interopRequireDefault$8(g){return g&&g.__esModule?g:{default:g}}function _getRequireWildcardCache$5(){if(typeof WeakMap!="function")return null;var g=new WeakMap;return _getRequireWildcardCache$5=function(){return g},g}function _interopRequireWildcard$5(g){if(g&&g.__esModule)return g;if(g===null||_typeof$4(g)!=="object"&&typeof g!="function")return{default:g};var b=_getRequireWildcardCache$5();if(b&&b.has(g))return b.get(g);var m={},w=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var _ in g)if(Object.prototype.hasOwnProperty.call(g,_)){var C=w?Object.getOwnPropertyDescriptor(g,_):null;C&&(C.get||C.set)?Object.defineProperty(m,_,C):m[_]=g[_]}return m.default=g,b&&b.set(g,m),m}function _typeof$4(g){return typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?_typeof$4=function(m){return typeof m}:_typeof$4=function(m){return m&&typeof Symbol=="function"&&m.constructor===Symbol&&m!==Symbol.prototype?"symbol":typeof m},_typeof$4(g)}function _slicedToArray$1(g,b){return _arrayWithHoles$1(g)||_iterableToArrayLimit$1(g,b)||_unsupportedIterableToArray$1(g,b)||_nonIterableRest$1()}function _nonIterableRest$1(){throw new TypeError(`Invalid attempt to destructure non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}function _unsupportedIterableToArray$1(g,b){if(g){if(typeof g=="string")return _arrayLikeToArray$1(g,b);var m=Object.prototype.toString.call(g).slice(8,-1);if(m==="Object"&&g.constructor&&(m=g.constructor.name),m==="Map"||m==="Set")return Array.from(m);if(m==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(m))return _arrayLikeToArray$1(g,b)}}function _arrayLikeToArray$1(g,b){(b==null||b>g.length)&&(b=g.length);for(var m=0,w=new Array(b);m<b;m++)w[m]=g[m];return w}function _iterableToArrayLimit$1(g,b){if(!(typeof Symbol>"u"||!(Symbol.iterator in Object(g)))){var m=[],w=!0,_=!1,C=void 0;try{for(var k=g[Symbol.iterator](),I;!(w=(I=k.next()).done)&&(m.push(I.value),!(b&&m.length===b));w=!0);}catch($){_=!0,C=$}finally{try{!w&&k.return!=null&&k.return()}finally{if(_)throw C}}return m}}function _arrayWithHoles$1(g){if(Array.isArray(g))return g}function _classCallCheck$5(g,b){if(!(g instanceof b))throw new TypeError("Cannot call a class as a function")}function _defineProperties$4(g,b){for(var m=0;m<b.length;m++){var w=b[m];w.enumerable=w.enumerable||!1,w.configurable=!0,"value"in w&&(w.writable=!0),Object.defineProperty(g,w.key,w)}}function _createClass$4(g,b,m){return b&&_defineProperties$4(g.prototype,b),m&&_defineProperties$4(g,m),g}function _inherits$5(g,b){if(typeof b!="function"&&b!==null)throw new TypeError("Super expression must either be null or a function");g.prototype=Object.create(b&&b.prototype,{constructor:{value:g,writable:!0,configurable:!0}}),b&&_setPrototypeOf$6(g,b)}function _setPrototypeOf$6(g,b){return _setPrototypeOf$6=Object.setPrototypeOf||function(w,_){return w.__proto__=_,w},_setPrototypeOf$6(g,b)}function _createSuper$4(g){return function(){var b=_getPrototypeOf$4(g),m;if(_isNativeReflectConstruct$4()){var w=_getPrototypeOf$4(this).constructor;m=Reflect.construct(b,arguments,w)}else m=b.apply(this,arguments);return _possibleConstructorReturn$5(this,m)}}function _possibleConstructorReturn$5(g,b){return b&&(_typeof$4(b)==="object"||typeof b=="function")?b:_assertThisInitialized$4(g)}function _assertThisInitialized$4(g){if(g===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return g}function _isNativeReflectConstruct$4(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Date.prototype.toString.call(Reflect.construct(Date,[],function(){})),!0}catch{return!1}}function _getPrototypeOf$4(g){return _getPrototypeOf$4=Object.setPrototypeOf?Object.getPrototypeOf:function(m){return m.__proto__||Object.getPrototypeOf(m)},_getPrototypeOf$4(g)}function _defineProperty$7(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var eventsFor={touch:{start:"touchstart",move:"touchmove",stop:"touchend"},mouse:{start:"mousedown",move:"mousemove",stop:"mouseup"}},dragEventFor=eventsFor.mouse,DraggableCore$1=function(g){_inherits$5(m,g);var b=_createSuper$4(m);function m(){var w;_classCallCheck$5(this,m);for(var _=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return w=b.call.apply(b,[this].concat(C)),_defineProperty$7(_assertThisInitialized$4(w),"state",{dragging:!1,lastX:NaN,lastY:NaN,touchIdentifier:null}),_defineProperty$7(_assertThisInitialized$4(w),"mounted",!1),_defineProperty$7(_assertThisInitialized$4(w),"handleDragStart",function(I){if(w.props.onMouseDown(I),!w.props.allowAnyClick&&typeof I.button=="number"&&I.button!==0)return!1;var $=w.findDOMNode();if(!$||!$.ownerDocument||!$.ownerDocument.body)throw new Error("<DraggableCore> not mounted on DragStart!");var P=$.ownerDocument;if(!(w.props.disabled||!(I.target instanceof P.defaultView.Node)||w.props.handle&&!(0,_domFns.matchesSelectorAndParentsTo)(I.target,w.props.handle,$)||w.props.cancel&&(0,_domFns.matchesSelectorAndParentsTo)(I.target,w.props.cancel,$))){I.type==="touchstart"&&I.preventDefault();var M=(0,_domFns.getTouchIdentifier)(I);w.setState({touchIdentifier:M});var U=(0,_positionFns.getControlPosition)(I,M,_assertThisInitialized$4(w));if(U!=null){var G=U.x,X=U.y,Z=(0,_positionFns.createCoreData)(_assertThisInitialized$4(w),G,X);(0,_log.default)("DraggableCore: handleDragStart: %j",Z),(0,_log.default)("calling",w.props.onStart);var ne=w.props.onStart(I,Z);ne===!1||w.mounted===!1||(w.props.enableUserSelectHack&&(0,_domFns.addUserSelectStyles)(P),w.setState({dragging:!0,lastX:G,lastY:X}),(0,_domFns.addEvent)(P,dragEventFor.move,w.handleDrag),(0,_domFns.addEvent)(P,dragEventFor.stop,w.handleDragStop))}}}),_defineProperty$7(_assertThisInitialized$4(w),"handleDrag",function(I){var $=(0,_positionFns.getControlPosition)(I,w.state.touchIdentifier,_assertThisInitialized$4(w));if($!=null){var P=$.x,M=$.y;if(Array.isArray(w.props.grid)){var U=P-w.state.lastX,G=M-w.state.lastY,X=(0,_positionFns.snapToGrid)(w.props.grid,U,G),Z=_slicedToArray$1(X,2);if(U=Z[0],G=Z[1],!U&&!G)return;P=w.state.lastX+U,M=w.state.lastY+G}var ne=(0,_positionFns.createCoreData)(_assertThisInitialized$4(w),P,M);(0,_log.default)("DraggableCore: handleDrag: %j",ne);var re=w.props.onDrag(I,ne);if(re===!1||w.mounted===!1){try{w.handleDragStop(new MouseEvent("mouseup"))}catch{var ve=document.createEvent("MouseEvents");ve.initMouseEvent("mouseup",!0,!0,window,0,0,0,0,0,!1,!1,!1,!1,0,null),w.handleDragStop(ve)}return}w.setState({lastX:P,lastY:M})}}),_defineProperty$7(_assertThisInitialized$4(w),"handleDragStop",function(I){if(w.state.dragging){var $=(0,_positionFns.getControlPosition)(I,w.state.touchIdentifier,_assertThisInitialized$4(w));if($!=null){var P=$.x,M=$.y,U=(0,_positionFns.createCoreData)(_assertThisInitialized$4(w),P,M),G=w.props.onStop(I,U);if(G===!1||w.mounted===!1)return!1;var X=w.findDOMNode();X&&w.props.enableUserSelectHack&&(0,_domFns.removeUserSelectStyles)(X.ownerDocument),(0,_log.default)("DraggableCore: handleDragStop: %j",U),w.setState({dragging:!1,lastX:NaN,lastY:NaN}),X&&((0,_log.default)("DraggableCore: Removing handlers"),(0,_domFns.removeEvent)(X.ownerDocument,dragEventFor.move,w.handleDrag),(0,_domFns.removeEvent)(X.ownerDocument,dragEventFor.stop,w.handleDragStop))}}}),_defineProperty$7(_assertThisInitialized$4(w),"onMouseDown",function(I){return dragEventFor=eventsFor.mouse,w.handleDragStart(I)}),_defineProperty$7(_assertThisInitialized$4(w),"onMouseUp",function(I){return dragEventFor=eventsFor.mouse,w.handleDragStop(I)}),_defineProperty$7(_assertThisInitialized$4(w),"onTouchStart",function(I){return dragEventFor=eventsFor.touch,w.handleDragStart(I)}),_defineProperty$7(_assertThisInitialized$4(w),"onTouchEnd",function(I){return dragEventFor=eventsFor.touch,w.handleDragStop(I)}),w}return _createClass$4(m,[{key:"componentDidMount",value:function(){this.mounted=!0;var _=this.findDOMNode();_&&(0,_domFns.addEvent)(_,eventsFor.touch.start,this.onTouchStart,{passive:!1})}},{key:"componentWillUnmount",value:function(){this.mounted=!1;var _=this.findDOMNode();if(_){var C=_.ownerDocument;(0,_domFns.removeEvent)(C,eventsFor.mouse.move,this.handleDrag),(0,_domFns.removeEvent)(C,eventsFor.touch.move,this.handleDrag),(0,_domFns.removeEvent)(C,eventsFor.mouse.stop,this.handleDragStop),(0,_domFns.removeEvent)(C,eventsFor.touch.stop,this.handleDragStop),(0,_domFns.removeEvent)(_,eventsFor.touch.start,this.onTouchStart,{passive:!1}),this.props.enableUserSelectHack&&(0,_domFns.removeUserSelectStyles)(C)}}},{key:"findDOMNode",value:function(){return this.props.nodeRef?this.props.nodeRef.current:_reactDom.default.findDOMNode(this)}},{key:"render",value:function(){return React$5.cloneElement(React$5.Children.only(this.props.children),{onMouseDown:this.onMouseDown,onMouseUp:this.onMouseUp,onTouchEnd:this.onTouchEnd})}}]),m}(React$5.Component);DraggableCore$2.default=DraggableCore$1,_defineProperty$7(DraggableCore$1,"displayName","DraggableCore"),_defineProperty$7(DraggableCore$1,"propTypes",{allowAnyClick:_propTypes$7.default.bool,disabled:_propTypes$7.default.bool,enableUserSelectHack:_propTypes$7.default.bool,offsetParent:function(b,m){if(b[m]&&b[m].nodeType!==1)throw new Error("Draggable's offsetParent must be a DOM Node.")},grid:_propTypes$7.default.arrayOf(_propTypes$7.default.number),handle:_propTypes$7.default.string,cancel:_propTypes$7.default.string,nodeRef:_propTypes$7.default.object,onStart:_propTypes$7.default.func,onDrag:_propTypes$7.default.func,onStop:_propTypes$7.default.func,onMouseDown:_propTypes$7.default.func,scale:_propTypes$7.default.number,className:_shims.dontSetMe,style:_shims.dontSetMe,transform:_shims.dontSetMe}),_defineProperty$7(DraggableCore$1,"defaultProps",{allowAnyClick:!1,cancel:null,disabled:!1,enableUserSelectHack:!0,offsetParent:null,handle:null,grid:null,transform:null,onStart:function(){},onDrag:function(){},onStop:function(){},onMouseDown:function(){},scale:1}),function(g){Object.defineProperty(g,"__esModule",{value:!0}),Object.defineProperty(g,"DraggableCore",{enumerable:!0,get:function(){return $.default}}),g.default=void 0;var b=G(requireReact()),m=M(propTypesExports$3),w=M(reactDomExports),_=M(classnamesExports),C=domFns,k=positionFns,I=shims,$=M(DraggableCore$2),P=M(log$1);function M(Re){return Re&&Re.__esModule?Re:{default:Re}}function U(){if(typeof WeakMap!="function")return null;var Re=new WeakMap;return U=function(){return Re},Re}function G(Re){if(Re&&Re.__esModule)return Re;if(Re===null||X(Re)!=="object"&&typeof Re!="function")return{default:Re};var Ae=U();if(Ae&&Ae.has(Re))return Ae.get(Re);var je={},Ge=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var Be in Re)if(Object.prototype.hasOwnProperty.call(Re,Be)){var We=Ge?Object.getOwnPropertyDescriptor(Re,Be):null;We&&(We.get||We.set)?Object.defineProperty(je,Be,We):je[Be]=Re[Be]}return je.default=Re,Ae&&Ae.set(Re,je),je}function X(Re){return typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?X=function(je){return typeof je}:X=function(je){return je&&typeof Symbol=="function"&&je.constructor===Symbol&&je!==Symbol.prototype?"symbol":typeof je},X(Re)}function Z(){return Z=Object.assign||function(Re){for(var Ae=1;Ae<arguments.length;Ae++){var je=arguments[Ae];for(var Ge in je)Object.prototype.hasOwnProperty.call(je,Ge)&&(Re[Ge]=je[Ge])}return Re},Z.apply(this,arguments)}function ne(Re,Ae){if(Re==null)return{};var je=re(Re,Ae),Ge,Be;if(Object.getOwnPropertySymbols){var We=Object.getOwnPropertySymbols(Re);for(Be=0;Be<We.length;Be++)Ge=We[Be],!(Ae.indexOf(Ge)>=0)&&Object.prototype.propertyIsEnumerable.call(Re,Ge)&&(je[Ge]=Re[Ge])}return je}function re(Re,Ae){if(Re==null)return{};var je={},Ge=Object.keys(Re),Be,We;for(We=0;We<Ge.length;We++)Be=Ge[We],!(Ae.indexOf(Be)>=0)&&(je[Be]=Re[Be]);return je}function ve(Re,Ae){return De(Re)||me(Re,Ae)||ge(Re,Ae)||Se()}function Se(){throw new TypeError(`Invalid attempt to destructure non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}function ge(Re,Ae){if(Re){if(typeof Re=="string")return oe(Re,Ae);var je=Object.prototype.toString.call(Re).slice(8,-1);if(je==="Object"&&Re.constructor&&(je=Re.constructor.name),je==="Map"||je==="Set")return Array.from(je);if(je==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(je))return oe(Re,Ae)}}function oe(Re,Ae){(Ae==null||Ae>Re.length)&&(Ae=Re.length);for(var je=0,Ge=new Array(Ae);je<Ae;je++)Ge[je]=Re[je];return Ge}function me(Re,Ae){if(!(typeof Symbol>"u"||!(Symbol.iterator in Object(Re)))){var je=[],Ge=!0,Be=!1,We=void 0;try{for(var lt=Re[Symbol.iterator](),Tt;!(Ge=(Tt=lt.next()).done)&&(je.push(Tt.value),!(Ae&&je.length===Ae));Ge=!0);}catch(Je){Be=!0,We=Je}finally{try{!Ge&<.return!=null&<.return()}finally{if(Be)throw We}}return je}}function De(Re){if(Array.isArray(Re))return Re}function Le(Re,Ae){var je=Object.keys(Re);if(Object.getOwnPropertySymbols){var Ge=Object.getOwnPropertySymbols(Re);Ae&&(Ge=Ge.filter(function(Be){return Object.getOwnPropertyDescriptor(Re,Be).enumerable})),je.push.apply(je,Ge)}return je}function rt(Re){for(var Ae=1;Ae<arguments.length;Ae++){var je=arguments[Ae]!=null?arguments[Ae]:{};Ae%2?Le(Object(je),!0).forEach(function(Ge){st(Re,Ge,je[Ge])}):Object.getOwnPropertyDescriptors?Object.defineProperties(Re,Object.getOwnPropertyDescriptors(je)):Le(Object(je)).forEach(function(Ge){Object.defineProperty(Re,Ge,Object.getOwnPropertyDescriptor(je,Ge))})}return Re}function Ue(Re,Ae){if(!(Re instanceof Ae))throw new TypeError("Cannot call a class as a function")}function Ze(Re,Ae){for(var je=0;je<Ae.length;je++){var Ge=Ae[je];Ge.enumerable=Ge.enumerable||!1,Ge.configurable=!0,"value"in Ge&&(Ge.writable=!0),Object.defineProperty(Re,Ge.key,Ge)}}function gt(Re,Ae,je){return Ae&&Ze(Re.prototype,Ae),je&&Ze(Re,je),Re}function $t(Re,Ae){if(typeof Ae!="function"&&Ae!==null)throw new TypeError("Super expression must either be null or a function");Re.prototype=Object.create(Ae&&Ae.prototype,{constructor:{value:Re,writable:!0,configurable:!0}}),Ae&&Xe(Re,Ae)}function Xe(Re,Ae){return Xe=Object.setPrototypeOf||function(Ge,Be){return Ge.__proto__=Be,Ge},Xe(Re,Ae)}function xe(Re){return function(){var Ae=en(Re),je;if(mt()){var Ge=en(this).constructor;je=Reflect.construct(Ae,arguments,Ge)}else je=Ae.apply(this,arguments);return Tn(this,je)}}function Tn(Re,Ae){return Ae&&(X(Ae)==="object"||typeof Ae=="function")?Ae:Rt(Re)}function Rt(Re){if(Re===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return Re}function mt(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Date.prototype.toString.call(Reflect.construct(Date,[],function(){})),!0}catch{return!1}}function en(Re){return en=Object.setPrototypeOf?Object.getPrototypeOf:function(je){return je.__proto__||Object.getPrototypeOf(je)},en(Re)}function st(Re,Ae,je){return Ae in Re?Object.defineProperty(Re,Ae,{value:je,enumerable:!0,configurable:!0,writable:!0}):Re[Ae]=je,Re}var Fe=function(Re){$t(je,Re);var Ae=xe(je);gt(je,null,[{key:"getDerivedStateFromProps",value:function(Be,We){var lt=Be.position,Tt=We.prevPropsPosition;return lt&&(!Tt||lt.x!==Tt.x||lt.y!==Tt.y)?((0,P.default)("Draggable: getDerivedStateFromProps %j",{position:lt,prevPropsPosition:Tt}),{x:lt.x,y:lt.y,prevPropsPosition:rt({},lt)}):null}}]);function je(Ge){var Be;return Ue(this,je),Be=Ae.call(this,Ge),st(Rt(Be),"onDragStart",function(We,lt){(0,P.default)("Draggable: onDragStart: %j",lt);var Tt=Be.props.onStart(We,(0,k.createDraggableData)(Rt(Be),lt));if(Tt===!1)return!1;Be.setState({dragging:!0,dragged:!0})}),st(Rt(Be),"onDrag",function(We,lt){if(!Be.state.dragging)return!1;(0,P.default)("Draggable: onDrag: %j",lt);var Tt=(0,k.createDraggableData)(Rt(Be),lt),Je={x:Tt.x,y:Tt.y};if(Be.props.bounds){var qt=Je.x,Pt=Je.y;Je.x+=Be.state.slackX,Je.y+=Be.state.slackY;var _t=(0,k.getBoundPosition)(Rt(Be),Je.x,Je.y),lr=ve(_t,2),jn=lr[0],ii=lr[1];Je.x=jn,Je.y=ii,Je.slackX=Be.state.slackX+(qt-Je.x),Je.slackY=Be.state.slackY+(Pt-Je.y),Tt.x=Je.x,Tt.y=Je.y,Tt.deltaX=Je.x-Be.state.x,Tt.deltaY=Je.y-Be.state.y}var Zi=Be.props.onDrag(We,Tt);if(Zi===!1)return!1;Be.setState(Je)}),st(Rt(Be),"onDragStop",function(We,lt){if(!Be.state.dragging)return!1;var Tt=Be.props.onStop(We,(0,k.createDraggableData)(Rt(Be),lt));if(Tt===!1)return!1;(0,P.default)("Draggable: onDragStop: %j",lt);var Je={dragging:!1,slackX:0,slackY:0},qt=!!Be.props.position;if(qt){var Pt=Be.props.position,_t=Pt.x,lr=Pt.y;Je.x=_t,Je.y=lr}Be.setState(Je)}),Be.state={dragging:!1,dragged:!1,x:Ge.position?Ge.position.x:Ge.defaultPosition.x,y:Ge.position?Ge.position.y:Ge.defaultPosition.y,prevPropsPosition:rt({},Ge.position),slackX:0,slackY:0,isElementSVG:!1},Ge.position&&!(Ge.onDrag||Ge.onStop)&&console.warn("A `position` was applied to this <Draggable>, without drag handlers. This will make this component effectively undraggable. Please attach `onDrag` or `onStop` handlers so you can adjust the `position` of this element."),Be}return gt(je,[{key:"componentDidMount",value:function(){typeof window.SVGElement<"u"&&this.findDOMNode()instanceof window.SVGElement&&this.setState({isElementSVG:!0})}},{key:"componentWillUnmount",value:function(){this.setState({dragging:!1})}},{key:"findDOMNode",value:function(){return this.props.nodeRef?this.props.nodeRef.current:w.default.findDOMNode(this)}},{key:"render",value:function(){var Be,We=this.props;We.axis,We.bounds;var lt=We.children,Tt=We.defaultPosition,Je=We.defaultClassName,qt=We.defaultClassNameDragging,Pt=We.defaultClassNameDragged,_t=We.position,lr=We.positionOffset;We.scale;var jn=ne(We,["axis","bounds","children","defaultPosition","defaultClassName","defaultClassNameDragging","defaultClassNameDragged","position","positionOffset","scale"]),ii={},Zi=null,No=!!_t,Is=!No||this.state.dragging,Ca=_t||Tt,Xs={x:(0,k.canDragX)(this)&&Is?this.state.x:Ca.x,y:(0,k.canDragY)(this)&&Is?this.state.y:Ca.y};this.state.isElementSVG?Zi=(0,C.createSVGTransform)(Xs,lr):ii=(0,C.createCSSTransform)(Xs,lr);var Io=(0,_.default)(lt.props.className||"",Je,(Be={},st(Be,qt,this.state.dragging),st(Be,Pt,this.state.dragged),Be));return b.createElement($.default,Z({},jn,{onStart:this.onDragStart,onDrag:this.onDrag,onStop:this.onDragStop}),b.cloneElement(b.Children.only(lt),{className:Io,style:rt({},lt.props.style,{},ii),transform:Zi}))}}]),je}(b.Component);g.default=Fe,st(Fe,"displayName","Draggable"),st(Fe,"propTypes",rt({},$.default.propTypes,{axis:m.default.oneOf(["both","x","y","none"]),bounds:m.default.oneOfType([m.default.shape({left:m.default.number,right:m.default.number,top:m.default.number,bottom:m.default.number}),m.default.string,m.default.oneOf([!1])]),defaultClassName:m.default.string,defaultClassNameDragging:m.default.string,defaultClassNameDragged:m.default.string,defaultPosition:m.default.shape({x:m.default.number,y:m.default.number}),positionOffset:m.default.shape({x:m.default.oneOfType([m.default.number,m.default.string]),y:m.default.oneOfType([m.default.number,m.default.string])}),position:m.default.shape({x:m.default.number,y:m.default.number}),className:I.dontSetMe,style:I.dontSetMe,transform:I.dontSetMe})),st(Fe,"defaultProps",rt({},$.default.defaultProps,{axis:"both",bounds:!1,defaultClassName:"react-draggable",defaultClassNameDragging:"react-draggable-dragging",defaultClassNameDragged:"react-draggable-dragged",defaultPosition:{x:0,y:0},position:null,scale:1}))}(Draggable$1);var _require=Draggable$1,Draggable=_require.default,DraggableCore=_require.DraggableCore;cjs.exports=Draggable,cjs.exports.default=Draggable,cjs.exports.DraggableCore=DraggableCore;var cjsExports=cjs.exports,utils={};utils.__esModule=!0,utils.cloneElement=cloneElement;var _react$2=_interopRequireDefault$7(requireReact());function _interopRequireDefault$7(g){return g&&g.__esModule?g:{default:g}}function ownKeys$5(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread$5(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys$5(Object(m),!0).forEach(function(w){_defineProperty$6(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys$5(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _defineProperty$6(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}function cloneElement(g,b){return b.style&&g.props.style&&(b.style=_objectSpread$5(_objectSpread$5({},g.props.style),b.style)),b.className&&g.props.className&&(b.className=g.props.className+" "+b.className),_react$2.default.cloneElement(g,b)}var propTypes$1={},propTypes={exports:{}},reactIs={exports:{}},reactIs_production_min={};/** @license React v16.13.1
* react-is.production.min.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactIs_production_min;function requireReactIs_production_min(){if(hasRequiredReactIs_production_min)return reactIs_production_min;hasRequiredReactIs_production_min=1;var g=typeof Symbol=="function"&&Symbol.for,b=g?Symbol.for("react.element"):60103,m=g?Symbol.for("react.portal"):60106,w=g?Symbol.for("react.fragment"):60107,_=g?Symbol.for("react.strict_mode"):60108,C=g?Symbol.for("react.profiler"):60114,k=g?Symbol.for("react.provider"):60109,I=g?Symbol.for("react.context"):60110,$=g?Symbol.for("react.async_mode"):60111,P=g?Symbol.for("react.concurrent_mode"):60111,M=g?Symbol.for("react.forward_ref"):60112,U=g?Symbol.for("react.suspense"):60113,G=g?Symbol.for("react.suspense_list"):60120,X=g?Symbol.for("react.memo"):60115,Z=g?Symbol.for("react.lazy"):60116,ne=g?Symbol.for("react.block"):60121,re=g?Symbol.for("react.fundamental"):60117,ve=g?Symbol.for("react.responder"):60118,Se=g?Symbol.for("react.scope"):60119;function ge(me){if(typeof me=="object"&&me!==null){var De=me.$$typeof;switch(De){case b:switch(me=me.type,me){case $:case P:case w:case C:case _:case U:return me;default:switch(me=me&&me.$$typeof,me){case I:case M:case Z:case X:case k:return me;default:return De}}case m:return De}}}function oe(me){return ge(me)===P}return reactIs_production_min.AsyncMode=$,reactIs_production_min.ConcurrentMode=P,reactIs_production_min.ContextConsumer=I,reactIs_production_min.ContextProvider=k,reactIs_production_min.Element=b,reactIs_production_min.ForwardRef=M,reactIs_production_min.Fragment=w,reactIs_production_min.Lazy=Z,reactIs_production_min.Memo=X,reactIs_production_min.Portal=m,reactIs_production_min.Profiler=C,reactIs_production_min.StrictMode=_,reactIs_production_min.Suspense=U,reactIs_production_min.isAsyncMode=function(me){return oe(me)||ge(me)===$},reactIs_production_min.isConcurrentMode=oe,reactIs_production_min.isContextConsumer=function(me){return ge(me)===I},reactIs_production_min.isContextProvider=function(me){return ge(me)===k},reactIs_production_min.isElement=function(me){return typeof me=="object"&&me!==null&&me.$$typeof===b},reactIs_production_min.isForwardRef=function(me){return ge(me)===M},reactIs_production_min.isFragment=function(me){return ge(me)===w},reactIs_production_min.isLazy=function(me){return ge(me)===Z},reactIs_production_min.isMemo=function(me){return ge(me)===X},reactIs_production_min.isPortal=function(me){return ge(me)===m},reactIs_production_min.isProfiler=function(me){return ge(me)===C},reactIs_production_min.isStrictMode=function(me){return ge(me)===_},reactIs_production_min.isSuspense=function(me){return ge(me)===U},reactIs_production_min.isValidElementType=function(me){return typeof me=="string"||typeof me=="function"||me===w||me===P||me===C||me===_||me===U||me===G||typeof me=="object"&&me!==null&&(me.$$typeof===Z||me.$$typeof===X||me.$$typeof===k||me.$$typeof===I||me.$$typeof===M||me.$$typeof===re||me.$$typeof===ve||me.$$typeof===Se||me.$$typeof===ne)},reactIs_production_min.typeOf=ge,reactIs_production_min}var reactIs_development={};/** @license React v16.13.1
* react-is.development.js
*
* Copyright (c) Facebook, Inc. and its affiliates.
*
* This source code is licensed under the MIT license found in the
* LICENSE file in the root directory of this source tree.
*/var hasRequiredReactIs_development;function requireReactIs_development(){return hasRequiredReactIs_development||(hasRequiredReactIs_development=1,{}.NODE_ENV!=="production"&&function(){var g=typeof Symbol=="function"&&Symbol.for,b=g?Symbol.for("react.element"):60103,m=g?Symbol.for("react.portal"):60106,w=g?Symbol.for("react.fragment"):60107,_=g?Symbol.for("react.strict_mode"):60108,C=g?Symbol.for("react.profiler"):60114,k=g?Symbol.for("react.provider"):60109,I=g?Symbol.for("react.context"):60110,$=g?Symbol.for("react.async_mode"):60111,P=g?Symbol.for("react.concurrent_mode"):60111,M=g?Symbol.for("react.forward_ref"):60112,U=g?Symbol.for("react.suspense"):60113,G=g?Symbol.for("react.suspense_list"):60120,X=g?Symbol.for("react.memo"):60115,Z=g?Symbol.for("react.lazy"):60116,ne=g?Symbol.for("react.block"):60121,re=g?Symbol.for("react.fundamental"):60117,ve=g?Symbol.for("react.responder"):60118,Se=g?Symbol.for("react.scope"):60119;function ge(_t){return typeof _t=="string"||typeof _t=="function"||_t===w||_t===P||_t===C||_t===_||_t===U||_t===G||typeof _t=="object"&&_t!==null&&(_t.$$typeof===Z||_t.$$typeof===X||_t.$$typeof===k||_t.$$typeof===I||_t.$$typeof===M||_t.$$typeof===re||_t.$$typeof===ve||_t.$$typeof===Se||_t.$$typeof===ne)}function oe(_t){if(typeof _t=="object"&&_t!==null){var lr=_t.$$typeof;switch(lr){case b:var jn=_t.type;switch(jn){case $:case P:case w:case C:case _:case U:return jn;default:var ii=jn&&jn.$$typeof;switch(ii){case I:case M:case Z:case X:case k:return ii;default:return lr}}case m:return lr}}}var me=$,De=P,Le=I,rt=k,Ue=b,Ze=M,gt=w,$t=Z,Xe=X,xe=m,Tn=C,Rt=_,mt=U,en=!1;function st(_t){return en||(en=!0,console.warn("The ReactIs.isAsyncMode() alias has been deprecated, and will be removed in React 17+. Update your code to use ReactIs.isConcurrentMode() instead. It has the exact same API.")),Fe(_t)||oe(_t)===$}function Fe(_t){return oe(_t)===P}function Re(_t){return oe(_t)===I}function Ae(_t){return oe(_t)===k}function je(_t){return typeof _t=="object"&&_t!==null&&_t.$$typeof===b}function Ge(_t){return oe(_t)===M}function Be(_t){return oe(_t)===w}function We(_t){return oe(_t)===Z}function lt(_t){return oe(_t)===X}function Tt(_t){return oe(_t)===m}function Je(_t){return oe(_t)===C}function qt(_t){return oe(_t)===_}function Pt(_t){return oe(_t)===U}reactIs_development.AsyncMode=me,reactIs_development.ConcurrentMode=De,reactIs_development.ContextConsumer=Le,reactIs_development.ContextProvider=rt,reactIs_development.Element=Ue,reactIs_development.ForwardRef=Ze,reactIs_development.Fragment=gt,reactIs_development.Lazy=$t,reactIs_development.Memo=Xe,reactIs_development.Portal=xe,reactIs_development.Profiler=Tn,reactIs_development.StrictMode=Rt,reactIs_development.Suspense=mt,reactIs_development.isAsyncMode=st,reactIs_development.isConcurrentMode=Fe,reactIs_development.isContextConsumer=Re,reactIs_development.isContextProvider=Ae,reactIs_development.isElement=je,reactIs_development.isForwardRef=Ge,reactIs_development.isFragment=Be,reactIs_development.isLazy=We,reactIs_development.isMemo=lt,reactIs_development.isPortal=Tt,reactIs_development.isProfiler=Je,reactIs_development.isStrictMode=qt,reactIs_development.isSuspense=Pt,reactIs_development.isValidElementType=ge,reactIs_development.typeOf=oe}()),reactIs_development}var hasRequiredReactIs;function requireReactIs(){return hasRequiredReactIs||(hasRequiredReactIs=1,{}.NODE_ENV==="production"?reactIs.exports=requireReactIs_production_min():reactIs.exports=requireReactIs_development()),reactIs.exports}var ReactPropTypesSecret_1,hasRequiredReactPropTypesSecret;function requireReactPropTypesSecret(){if(hasRequiredReactPropTypesSecret)return ReactPropTypesSecret_1;hasRequiredReactPropTypesSecret=1;var g="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED";return ReactPropTypesSecret_1=g,ReactPropTypesSecret_1}var has,hasRequiredHas;function requireHas(){return hasRequiredHas||(hasRequiredHas=1,has=Function.call.bind(Object.prototype.hasOwnProperty)),has}var checkPropTypes_1,hasRequiredCheckPropTypes;function requireCheckPropTypes(){if(hasRequiredCheckPropTypes)return checkPropTypes_1;hasRequiredCheckPropTypes=1;var g=function(){};if({}.NODE_ENV!=="production"){var b=requireReactPropTypesSecret(),m={},w=requireHas();g=function(C){var k="Warning: "+C;typeof console<"u"&&console.error(k);try{throw new Error(k)}catch{}}}function _(C,k,I,$,P){if({}.NODE_ENV!=="production"){for(var M in C)if(w(C,M)){var U;try{if(typeof C[M]!="function"){var G=Error(($||"React class")+": "+I+" type `"+M+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+typeof C[M]+"`.This often happens because of typos such as `PropTypes.function` instead of `PropTypes.func`.");throw G.name="Invariant Violation",G}U=C[M](k,M,$,I,null,b)}catch(Z){U=Z}if(U&&!(U instanceof Error)&&g(($||"React class")+": type specification of "+I+" `"+M+"` is invalid; the type checker function must return `null` or an `Error` but returned a "+typeof U+". You may have forgotten to pass an argument to the type checker creator (arrayOf, instanceOf, objectOf, oneOf, oneOfType, and shape all require an argument)."),U instanceof Error&&!(U.message in m)){m[U.message]=!0;var X=P?P():"";g("Failed "+I+" type: "+U.message+(X??""))}}}}return _.resetWarningCache=function(){({}).NODE_ENV!=="production"&&(m={})},checkPropTypes_1=_,checkPropTypes_1}var factoryWithTypeCheckers,hasRequiredFactoryWithTypeCheckers;function requireFactoryWithTypeCheckers(){if(hasRequiredFactoryWithTypeCheckers)return factoryWithTypeCheckers;hasRequiredFactoryWithTypeCheckers=1;var g=requireReactIs(),b=requireObjectAssign(),m=requireReactPropTypesSecret(),w=requireHas(),_=requireCheckPropTypes(),C=function(){};({}).NODE_ENV!=="production"&&(C=function(I){var $="Warning: "+I;typeof console<"u"&&console.error($);try{throw new Error($)}catch{}});function k(){return null}return factoryWithTypeCheckers=function(I,$){var P=typeof Symbol=="function"&&Symbol.iterator,M="@@iterator";function U(Fe){var Re=Fe&&(P&&Fe[P]||Fe[M]);if(typeof Re=="function")return Re}var G="<<anonymous>>",X={array:ve("array"),bigint:ve("bigint"),bool:ve("boolean"),func:ve("function"),number:ve("number"),object:ve("object"),string:ve("string"),symbol:ve("symbol"),any:Se(),arrayOf:ge,element:oe(),elementType:me(),instanceOf:De,node:Ze(),objectOf:rt,oneOf:Le,oneOfType:Ue,shape:$t,exact:Xe};function Z(Fe,Re){return Fe===Re?Fe!==0||1/Fe===1/Re:Fe!==Fe&&Re!==Re}function ne(Fe,Re){this.message=Fe,this.data=Re&&typeof Re=="object"?Re:{},this.stack=""}ne.prototype=Error.prototype;function re(Fe){if({}.NODE_ENV!=="production")var Re={},Ae=0;function je(Be,We,lt,Tt,Je,qt,Pt){if(Tt=Tt||G,qt=qt||lt,Pt!==m){if($){var _t=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use `PropTypes.checkPropTypes()` to call them. Read more at http://fb.me/use-check-prop-types");throw _t.name="Invariant Violation",_t}else if({}.NODE_ENV!=="production"&&typeof console<"u"){var lr=Tt+":"+lt;!Re[lr]&&Ae<3&&(C("You are manually calling a React.PropTypes validation function for the `"+qt+"` prop on `"+Tt+"`. This is deprecated and will throw in the standalone `prop-types` package. You may be seeing this warning due to a third-party PropTypes library. See https://fb.me/react-warning-dont-call-proptypes for details."),Re[lr]=!0,Ae++)}}return We[lt]==null?Be?We[lt]===null?new ne("The "+Je+" `"+qt+"` is marked as required "+("in `"+Tt+"`, but its value is `null`.")):new ne("The "+Je+" `"+qt+"` is marked as required in "+("`"+Tt+"`, but its value is `undefined`.")):null:Fe(We,lt,Tt,Je,qt)}var Ge=je.bind(null,!1);return Ge.isRequired=je.bind(null,!0),Ge}function ve(Fe){function Re(Ae,je,Ge,Be,We,lt){var Tt=Ae[je],Je=Rt(Tt);if(Je!==Fe){var qt=mt(Tt);return new ne("Invalid "+Be+" `"+We+"` of type "+("`"+qt+"` supplied to `"+Ge+"`, expected ")+("`"+Fe+"`."),{expectedType:Fe})}return null}return re(Re)}function Se(){return re(k)}function ge(Fe){function Re(Ae,je,Ge,Be,We){if(typeof Fe!="function")return new ne("Property `"+We+"` of component `"+Ge+"` has invalid PropType notation inside arrayOf.");var lt=Ae[je];if(!Array.isArray(lt)){var Tt=Rt(lt);return new ne("Invalid "+Be+" `"+We+"` of type "+("`"+Tt+"` supplied to `"+Ge+"`, expected an array."))}for(var Je=0;Je<lt.length;Je++){var qt=Fe(lt,Je,Ge,Be,We+"["+Je+"]",m);if(qt instanceof Error)return qt}return null}return re(Re)}function oe(){function Fe(Re,Ae,je,Ge,Be){var We=Re[Ae];if(!I(We)){var lt=Rt(We);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected a single ReactElement."))}return null}return re(Fe)}function me(){function Fe(Re,Ae,je,Ge,Be){var We=Re[Ae];if(!g.isValidElementType(We)){var lt=Rt(We);return new ne("Invalid "+Ge+" `"+Be+"` of type "+("`"+lt+"` supplied to `"+je+"`, expected a single ReactElement type."))}return null}return re(Fe)}function De(Fe){function Re(Ae,je,Ge,Be,We){if(!(Ae[je]instanceof Fe)){var lt=Fe.name||G,Tt=st(Ae[je]);return new ne("Invalid "+Be+" `"+We+"` of type "+("`"+Tt+"` supplied to `"+Ge+"`, expected ")+("instance of `"+lt+"`."))}return null}return re(Re)}function Le(Fe){if(!Array.isArray(Fe))return{}.NODE_ENV!=="production"&&(arguments.length>1?C("Invalid arguments supplied to oneOf, expected an array, got "+arguments.length+" arguments. A common mistake is to write oneOf(x, y, z) instead of oneOf([x, y, z])."):C("Invalid argument supplied to oneOf, expected an array.")),k;function Re(Ae,je,Ge,Be,We){for(var lt=Ae[je],Tt=0;Tt<Fe.length;Tt++)if(Z(lt,Fe[Tt]))return null;var Je=JSON.stringify(Fe,function(Pt,_t){var lr=mt(_t);return lr==="symbol"?String(_t):_t});return new ne("Invalid "+Be+" `"+We+"` of value `"+String(lt)+"` "+("supplied to `"+Ge+"`, expected one of "+Je+"."))}return re(Re)}function rt(Fe){function Re(Ae,je,Ge,Be,We){if(typeof Fe!="function")return new ne("Property `"+We+"` of component `"+Ge+"` has invalid PropType notation inside objectOf.");var lt=Ae[je],Tt=Rt(lt);if(Tt!=="object")return new ne("Invalid "+Be+" `"+We+"` of type "+("`"+Tt+"` supplied to `"+Ge+"`, expected an object."));for(var Je in lt)if(w(lt,Je)){var qt=Fe(lt,Je,Ge,Be,We+"."+Je,m);if(qt instanceof Error)return qt}return null}return re(Re)}function Ue(Fe){if(!Array.isArray(Fe))return{}.NODE_ENV!=="production"&&C("Invalid argument supplied to oneOfType, expected an instance of array."),k;for(var Re=0;Re<Fe.length;Re++){var Ae=Fe[Re];if(typeof Ae!="function")return C("Invalid argument supplied to oneOfType. Expected an array of check functions, but received "+en(Ae)+" at index "+Re+"."),k}function je(Ge,Be,We,lt,Tt){for(var Je=[],qt=0;qt<Fe.length;qt++){var Pt=Fe[qt],_t=Pt(Ge,Be,We,lt,Tt,m);if(_t==null)return null;_t.data&&w(_t.data,"expectedType")&&Je.push(_t.data.expectedType)}var lr=Je.length>0?", expected one of type ["+Je.join(", ")+"]":"";return new ne("Invalid "+lt+" `"+Tt+"` supplied to "+("`"+We+"`"+lr+"."))}return re(je)}function Ze(){function Fe(Re,Ae,je,Ge,Be){return xe(Re[Ae])?null:new ne("Invalid "+Ge+" `"+Be+"` supplied to "+("`"+je+"`, expected a ReactNode."))}return re(Fe)}function gt(Fe,Re,Ae,je,Ge){return new ne((Fe||"React class")+": "+Re+" type `"+Ae+"."+je+"` is invalid; it must be a function, usually from the `prop-types` package, but received `"+Ge+"`.")}function $t(Fe){function Re(Ae,je,Ge,Be,We){var lt=Ae[je],Tt=Rt(lt);if(Tt!=="object")return new ne("Invalid "+Be+" `"+We+"` of type `"+Tt+"` "+("supplied to `"+Ge+"`, expected `object`."));for(var Je in Fe){var qt=Fe[Je];if(typeof qt!="function")return gt(Ge,Be,We,Je,mt(qt));var Pt=qt(lt,Je,Ge,Be,We+"."+Je,m);if(Pt)return Pt}return null}return re(Re)}function Xe(Fe){function Re(Ae,je,Ge,Be,We){var lt=Ae[je],Tt=Rt(lt);if(Tt!=="object")return new ne("Invalid "+Be+" `"+We+"` of type `"+Tt+"` "+("supplied to `"+Ge+"`, expected `object`."));var Je=b({},Ae[je],Fe);for(var qt in Je){var Pt=Fe[qt];if(w(Fe,qt)&&typeof Pt!="function")return gt(Ge,Be,We,qt,mt(Pt));if(!Pt)return new ne("Invalid "+Be+" `"+We+"` key `"+qt+"` supplied to `"+Ge+"`.\nBad object: "+JSON.stringify(Ae[je],null," ")+`
Valid keys: `+JSON.stringify(Object.keys(Fe),null," "));var _t=Pt(lt,qt,Ge,Be,We+"."+qt,m);if(_t)return _t}return null}return re(Re)}function xe(Fe){switch(typeof Fe){case"number":case"string":case"undefined":return!0;case"boolean":return!Fe;case"object":if(Array.isArray(Fe))return Fe.every(xe);if(Fe===null||I(Fe))return!0;var Re=U(Fe);if(Re){var Ae=Re.call(Fe),je;if(Re!==Fe.entries){for(;!(je=Ae.next()).done;)if(!xe(je.value))return!1}else for(;!(je=Ae.next()).done;){var Ge=je.value;if(Ge&&!xe(Ge[1]))return!1}}else return!1;return!0;default:return!1}}function Tn(Fe,Re){return Fe==="symbol"?!0:Re?Re["@@toStringTag"]==="Symbol"||typeof Symbol=="function"&&Re instanceof Symbol:!1}function Rt(Fe){var Re=typeof Fe;return Array.isArray(Fe)?"array":Fe instanceof RegExp?"object":Tn(Re,Fe)?"symbol":Re}function mt(Fe){if(typeof Fe>"u"||Fe===null)return""+Fe;var Re=Rt(Fe);if(Re==="object"){if(Fe instanceof Date)return"date";if(Fe instanceof RegExp)return"regexp"}return Re}function en(Fe){var Re=mt(Fe);switch(Re){case"array":case"object":return"an "+Re;case"boolean":case"date":case"regexp":return"a "+Re;default:return Re}}function st(Fe){return!Fe.constructor||!Fe.constructor.name?G:Fe.constructor.name}return X.checkPropTypes=_,X.resetWarningCache=_.resetWarningCache,X.PropTypes=X,X},factoryWithTypeCheckers}var factoryWithThrowingShims,hasRequiredFactoryWithThrowingShims;function requireFactoryWithThrowingShims(){if(hasRequiredFactoryWithThrowingShims)return factoryWithThrowingShims;hasRequiredFactoryWithThrowingShims=1;var g=requireReactPropTypesSecret();function b(){}function m(){}return m.resetWarningCache=b,factoryWithThrowingShims=function(){function w(k,I,$,P,M,U){if(U!==g){var G=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw G.name="Invariant Violation",G}}w.isRequired=w;function _(){return w}var C={array:w,bigint:w,bool:w,func:w,number:w,object:w,string:w,symbol:w,any:w,arrayOf:_,element:w,elementType:w,instanceOf:_,node:w,objectOf:_,oneOf:_,oneOfType:_,shape:_,exact:_,checkPropTypes:m,resetWarningCache:b};return C.PropTypes=C,C},factoryWithThrowingShims}if({}.NODE_ENV!=="production"){var ReactIs=requireReactIs(),throwOnDirectAccess=!0;propTypes.exports=requireFactoryWithTypeCheckers()(ReactIs.isElement,throwOnDirectAccess)}else propTypes.exports=requireFactoryWithThrowingShims()();var propTypesExports=propTypes.exports;propTypes$1.__esModule=!0,propTypes$1.resizableProps=void 0;var _propTypes$6=_interopRequireDefault$6(propTypesExports);function _interopRequireDefault$6(g){return g&&g.__esModule?g:{default:g}}var resizableProps={axis:_propTypes$6.default.oneOf(["both","x","y","none"]),className:_propTypes$6.default.string,children:_propTypes$6.default.element.isRequired,draggableOpts:_propTypes$6.default.shape({allowAnyClick:_propTypes$6.default.bool,cancel:_propTypes$6.default.string,children:_propTypes$6.default.node,disabled:_propTypes$6.default.bool,enableUserSelectHack:_propTypes$6.default.bool,offsetParent:_propTypes$6.default.node,grid:_propTypes$6.default.arrayOf(_propTypes$6.default.number),handle:_propTypes$6.default.string,nodeRef:_propTypes$6.default.object,onStart:_propTypes$6.default.func,onDrag:_propTypes$6.default.func,onStop:_propTypes$6.default.func,onMouseDown:_propTypes$6.default.func,scale:_propTypes$6.default.number}),height:_propTypes$6.default.number.isRequired,handle:_propTypes$6.default.oneOfType([_propTypes$6.default.node,_propTypes$6.default.func]),handleSize:_propTypes$6.default.arrayOf(_propTypes$6.default.number),lockAspectRatio:_propTypes$6.default.bool,maxConstraints:_propTypes$6.default.arrayOf(_propTypes$6.default.number),minConstraints:_propTypes$6.default.arrayOf(_propTypes$6.default.number),onResizeStop:_propTypes$6.default.func,onResizeStart:_propTypes$6.default.func,onResize:_propTypes$6.default.func,resizeHandles:_propTypes$6.default.arrayOf(_propTypes$6.default.oneOf(["s","w","e","n","sw","nw","se","ne"])),transformScale:_propTypes$6.default.number,width:_propTypes$6.default.number.isRequired};propTypes$1.resizableProps=resizableProps,Resizable$1.__esModule=!0,Resizable$1.default=void 0;var React$4=_interopRequireWildcard$4(requireReact()),_reactDraggable$1=cjsExports,_utils$4=utils,_propTypes$5=propTypes$1,_excluded$3=["children","className","draggableOpts","width","height","handle","handleSize","lockAspectRatio","axis","minConstraints","maxConstraints","onResize","onResizeStop","onResizeStart","resizeHandles","transformScale"];function _getRequireWildcardCache$4(g){if(typeof WeakMap!="function")return null;var b=new WeakMap,m=new WeakMap;return(_getRequireWildcardCache$4=function(_){return _?m:b})(g)}function _interopRequireWildcard$4(g,b){if(!b&&g&&g.__esModule)return g;if(g===null||typeof g!="object"&&typeof g!="function")return{default:g};var m=_getRequireWildcardCache$4(b);if(m&&m.has(g))return m.get(g);var w={},_=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var C in g)if(C!=="default"&&Object.prototype.hasOwnProperty.call(g,C)){var k=_?Object.getOwnPropertyDescriptor(g,C):null;k&&(k.get||k.set)?Object.defineProperty(w,C,k):w[C]=g[C]}return w.default=g,m&&m.set(g,w),w}function _extends$b(){return _extends$b=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$b.apply(this,arguments)}function _objectWithoutPropertiesLoose$3(g,b){if(g==null)return{};var m={},w=Object.keys(g),_,C;for(C=0;C<w.length;C++)_=w[C],!(b.indexOf(_)>=0)&&(m[_]=g[_]);return m}function ownKeys$4(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread$4(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys$4(Object(m),!0).forEach(function(w){_defineProperty$5(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys$4(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _defineProperty$5(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}function _inheritsLoose$1(g,b){g.prototype=Object.create(b.prototype),g.prototype.constructor=g,_setPrototypeOf$5(g,b)}function _setPrototypeOf$5(g,b){return _setPrototypeOf$5=Object.setPrototypeOf||function(w,_){return w.__proto__=_,w},_setPrototypeOf$5(g,b)}var Resizable=function(g){_inheritsLoose$1(b,g);function b(){for(var w,_=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return w=g.call.apply(g,[this].concat(C))||this,w.handleRefs={},w.lastHandleRect=null,w.slack=null,w}var m=b.prototype;return m.componentWillUnmount=function(){this.resetData()},m.resetData=function(){this.lastHandleRect=this.slack=null},m.runConstraints=function(_,C){var k=this.props,I=k.minConstraints,$=k.maxConstraints,P=k.lockAspectRatio;if(!I&&!$&&!P)return[_,C];if(P){var M=this.props.width/this.props.height,U=_-this.props.width,G=C-this.props.height;Math.abs(U)>Math.abs(G*M)?C=_/M:_=C*M}var X=_,Z=C,ne=this.slack||[0,0],re=ne[0],ve=ne[1];return _+=re,C+=ve,I&&(_=Math.max(I[0],_),C=Math.max(I[1],C)),$&&(_=Math.min($[0],_),C=Math.min($[1],C)),this.slack=[re+(X-_),ve+(Z-C)],[_,C]},m.resizeHandler=function(_,C){var k=this;return function(I,$){var P=$.node,M=$.deltaX,U=$.deltaY;_==="onResizeStart"&&k.resetData();var G=(k.props.axis==="both"||k.props.axis==="x")&&C!=="n"&&C!=="s",X=(k.props.axis==="both"||k.props.axis==="y")&&C!=="e"&&C!=="w";if(!(!G&&!X)){var Z=C[0],ne=C[C.length-1],re=P.getBoundingClientRect();if(k.lastHandleRect!=null){if(ne==="w"){var ve=re.left-k.lastHandleRect.left;M+=ve}if(Z==="n"){var Se=re.top-k.lastHandleRect.top;U+=Se}}k.lastHandleRect=re,ne==="w"&&(M=-M),Z==="n"&&(U=-U);var ge=k.props.width+(G?M/k.props.transformScale:0),oe=k.props.height+(X?U/k.props.transformScale:0),me=k.runConstraints(ge,oe);ge=me[0],oe=me[1];var De=ge!==k.props.width||oe!==k.props.height,Le=typeof k.props[_]=="function"?k.props[_]:null,rt=_==="onResize"&&!De;Le&&!rt&&(I.persist==null||I.persist(),Le(I,{node:P,size:{width:ge,height:oe},handle:C})),_==="onResizeStop"&&k.resetData()}}},m.renderResizeHandle=function(_,C){var k=this.props.handle;if(!k)return React$4.createElement("span",{className:"react-resizable-handle react-resizable-handle-"+_,ref:C});if(typeof k=="function")return k(_,C);var I=typeof k.type=="string",$=_objectSpread$4({ref:C},I?{}:{handleAxis:_});return React$4.cloneElement(k,$)},m.render=function(){var _=this,C=this.props,k=C.children,I=C.className,$=C.draggableOpts;C.width,C.height,C.handle,C.handleSize,C.lockAspectRatio,C.axis,C.minConstraints,C.maxConstraints,C.onResize,C.onResizeStop,C.onResizeStart;var P=C.resizeHandles;C.transformScale;var M=_objectWithoutPropertiesLoose$3(C,_excluded$3);return(0,_utils$4.cloneElement)(k,_objectSpread$4(_objectSpread$4({},M),{},{className:(I?I+" ":"")+"react-resizable",children:[].concat(k.props.children,P.map(function(U){var G,X=(G=_.handleRefs[U])!=null?G:_.handleRefs[U]=React$4.createRef();return React$4.createElement(_reactDraggable$1.DraggableCore,_extends$b({},$,{nodeRef:X,key:"resizableHandle-"+U,onStop:_.resizeHandler("onResizeStop",U),onStart:_.resizeHandler("onResizeStart",U),onDrag:_.resizeHandler("onResize",U)}),_.renderResizeHandle(U,X))}))}))},b}(React$4.Component);Resizable$1.default=Resizable,Resizable.propTypes=_propTypes$5.resizableProps,Resizable.defaultProps={axis:"both",handleSize:[20,20],lockAspectRatio:!1,minConstraints:[20,20],maxConstraints:[1/0,1/0],resizeHandles:["se"],transformScale:1};var ResizableBox$1={};ResizableBox$1.__esModule=!0,ResizableBox$1.default=void 0;var React$3=_interopRequireWildcard$3(requireReact()),_propTypes$4=_interopRequireDefault$5(propTypesExports),_Resizable=_interopRequireDefault$5(Resizable$1),_propTypes2=propTypes$1,_excluded$2=["handle","handleSize","onResize","onResizeStart","onResizeStop","draggableOpts","minConstraints","maxConstraints","lockAspectRatio","axis","width","height","resizeHandles","style","transformScale"];function _interopRequireDefault$5(g){return g&&g.__esModule?g:{default:g}}function _getRequireWildcardCache$3(g){if(typeof WeakMap!="function")return null;var b=new WeakMap,m=new WeakMap;return(_getRequireWildcardCache$3=function(_){return _?m:b})(g)}function _interopRequireWildcard$3(g,b){if(!b&&g&&g.__esModule)return g;if(g===null||typeof g!="object"&&typeof g!="function")return{default:g};var m=_getRequireWildcardCache$3(b);if(m&&m.has(g))return m.get(g);var w={},_=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var C in g)if(C!=="default"&&Object.prototype.hasOwnProperty.call(g,C)){var k=_?Object.getOwnPropertyDescriptor(g,C):null;k&&(k.get||k.set)?Object.defineProperty(w,C,k):w[C]=g[C]}return w.default=g,m&&m.set(g,w),w}function _extends$a(){return _extends$a=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$a.apply(this,arguments)}function ownKeys$3(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread$3(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys$3(Object(m),!0).forEach(function(w){_defineProperty$4(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys$3(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _defineProperty$4(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}function _objectWithoutPropertiesLoose$2(g,b){if(g==null)return{};var m={},w=Object.keys(g),_,C;for(C=0;C<w.length;C++)_=w[C],!(b.indexOf(_)>=0)&&(m[_]=g[_]);return m}function _inheritsLoose(g,b){g.prototype=Object.create(b.prototype),g.prototype.constructor=g,_setPrototypeOf$4(g,b)}function _setPrototypeOf$4(g,b){return _setPrototypeOf$4=Object.setPrototypeOf||function(w,_){return w.__proto__=_,w},_setPrototypeOf$4(g,b)}var ResizableBox=function(g){_inheritsLoose(b,g);function b(){for(var w,_=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return w=g.call.apply(g,[this].concat(C))||this,w.state={width:w.props.width,height:w.props.height,propsWidth:w.props.width,propsHeight:w.props.height},w.onResize=function(I,$){var P=$.size;w.props.onResize?(I.persist==null||I.persist(),w.setState(P,function(){return w.props.onResize&&w.props.onResize(I,$)})):w.setState(P)},w}b.getDerivedStateFromProps=function(_,C){return C.propsWidth!==_.width||C.propsHeight!==_.height?{width:_.width,height:_.height,propsWidth:_.width,propsHeight:_.height}:null};var m=b.prototype;return m.render=function(){var _=this.props,C=_.handle,k=_.handleSize;_.onResize;var I=_.onResizeStart,$=_.onResizeStop,P=_.draggableOpts,M=_.minConstraints,U=_.maxConstraints,G=_.lockAspectRatio,X=_.axis;_.width,_.height;var Z=_.resizeHandles,ne=_.style,re=_.transformScale,ve=_objectWithoutPropertiesLoose$2(_,_excluded$2);return React$3.createElement(_Resizable.default,{axis:X,draggableOpts:P,handle:C,handleSize:k,height:this.state.height,lockAspectRatio:G,maxConstraints:U,minConstraints:M,onResizeStart:I,onResize:this.onResize,onResizeStop:$,resizeHandles:Z,transformScale:re,width:this.state.width},React$3.createElement("div",_extends$a({},ve,{style:_objectSpread$3(_objectSpread$3({},ne),{},{width:this.state.width+"px",height:this.state.height+"px"})})))},b}(React$3.Component);ResizableBox$1.default=ResizableBox,ResizableBox.propTypes=_objectSpread$3(_objectSpread$3({},_propTypes2.resizableProps),{},{children:_propTypes$4.default.element}),reactResizable.exports=function(){throw new Error("Don't instantiate Resizable directly! Use require('react-resizable').Resizable")},reactResizable.exports.Resizable=Resizable$1.default,reactResizable.exports.ResizableBox=ResizableBox$1.default;var reactResizableExports=reactResizable.exports,ReactGridLayoutPropTypes={};Object.defineProperty(ReactGridLayoutPropTypes,"__esModule",{value:!0}),ReactGridLayoutPropTypes.resizeHandleType=ReactGridLayoutPropTypes.resizeHandleAxesType=ReactGridLayoutPropTypes.default=void 0;var _propTypes$3=_interopRequireDefault$4(propTypesExports$2),_react$1=_interopRequireDefault$4(requireReact());function _interopRequireDefault$4(g){return g&&g.__esModule?g:{default:g}}var resizeHandleAxesType=_propTypes$3.default.arrayOf(_propTypes$3.default.oneOf(["s","w","e","n","sw","nw","se","ne"]));ReactGridLayoutPropTypes.resizeHandleAxesType=resizeHandleAxesType;var resizeHandleType=_propTypes$3.default.oneOfType([_propTypes$3.default.node,_propTypes$3.default.func]);ReactGridLayoutPropTypes.resizeHandleType=resizeHandleType;var _default={className:_propTypes$3.default.string,style:_propTypes$3.default.object,width:_propTypes$3.default.number,autoSize:_propTypes$3.default.bool,cols:_propTypes$3.default.number,draggableCancel:_propTypes$3.default.string,draggableHandle:_propTypes$3.default.string,verticalCompact:function(b){b.verticalCompact===!1&&{}.NODE_ENV!=="production"&&console.warn('`verticalCompact` on <ReactGridLayout> is deprecated and will be removed soon. Use `compactType`: "horizontal" | "vertical" | null.')},compactType:_propTypes$3.default.oneOf(["vertical","horizontal"]),layout:function(b){var m=b.layout;m!==void 0&&utils$1.validateLayout(m,"layout")},margin:_propTypes$3.default.arrayOf(_propTypes$3.default.number),containerPadding:_propTypes$3.default.arrayOf(_propTypes$3.default.number),rowHeight:_propTypes$3.default.number,maxRows:_propTypes$3.default.number,isBounded:_propTypes$3.default.bool,isDraggable:_propTypes$3.default.bool,isResizable:_propTypes$3.default.bool,allowOverlap:_propTypes$3.default.bool,preventCollision:_propTypes$3.default.bool,useCSSTransforms:_propTypes$3.default.bool,transformScale:_propTypes$3.default.number,isDroppable:_propTypes$3.default.bool,resizeHandles:resizeHandleAxesType,resizeHandle:resizeHandleType,onLayoutChange:_propTypes$3.default.func,onDragStart:_propTypes$3.default.func,onDrag:_propTypes$3.default.func,onDragStop:_propTypes$3.default.func,onResizeStart:_propTypes$3.default.func,onResize:_propTypes$3.default.func,onResizeStop:_propTypes$3.default.func,onDrop:_propTypes$3.default.func,droppingItem:_propTypes$3.default.shape({i:_propTypes$3.default.string.isRequired,w:_propTypes$3.default.number.isRequired,h:_propTypes$3.default.number.isRequired}),children:function(b,m){var w=b[m],_={};_react$1.default.Children.forEach(w,function(C){if((C==null?void 0:C.key)!=null){if(_[C.key])throw new Error('Duplicate child key "'+C.key+'" found! This will cause problems in ReactGridLayout.');_[C.key]=!0}})},innerRef:_propTypes$3.default.any};ReactGridLayoutPropTypes.default=_default;function _typeof$3(g){return _typeof$3=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(b){return typeof b}:function(b){return b&&typeof Symbol=="function"&&b.constructor===Symbol&&b!==Symbol.prototype?"symbol":typeof b},_typeof$3(g)}Object.defineProperty(GridItem$1,"__esModule",{value:!0}),GridItem$1.default=void 0;var _react=_interopRequireDefault$3(requireReact()),_propTypes$2=_interopRequireDefault$3(propTypesExports$2),_reactDraggable=cjsExports$1,_reactResizable=reactResizableExports,_utils$3=utils$1,_calculateUtils$1=calculateUtils,_ReactGridLayoutPropTypes$1=ReactGridLayoutPropTypes,_clsx$2=_interopRequireDefault$3(require$$2);function _interopRequireDefault$3(g){return g&&g.__esModule?g:{default:g}}function ownKeys$2(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread$2(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys$2(Object(m),!0).forEach(function(w){_defineProperty$3(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys$2(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _classCallCheck$4(g,b){if(!(g instanceof b))throw new TypeError("Cannot call a class as a function")}function _defineProperties$3(g,b){for(var m=0;m<b.length;m++){var w=b[m];w.enumerable=w.enumerable||!1,w.configurable=!0,"value"in w&&(w.writable=!0),Object.defineProperty(g,w.key,w)}}function _createClass$3(g,b,m){return b&&_defineProperties$3(g.prototype,b),m&&_defineProperties$3(g,m),Object.defineProperty(g,"prototype",{writable:!1}),g}function _inherits$4(g,b){if(typeof b!="function"&&b!==null)throw new TypeError("Super expression must either be null or a function");g.prototype=Object.create(b&&b.prototype,{constructor:{value:g,writable:!0,configurable:!0}}),Object.defineProperty(g,"prototype",{writable:!1}),b&&_setPrototypeOf$3(g,b)}function _setPrototypeOf$3(g,b){return _setPrototypeOf$3=Object.setPrototypeOf||function(w,_){return w.__proto__=_,w},_setPrototypeOf$3(g,b)}function _createSuper$3(g){var b=_isNativeReflectConstruct$3();return function(){var w=_getPrototypeOf$3(g),_;if(b){var C=_getPrototypeOf$3(this).constructor;_=Reflect.construct(w,arguments,C)}else _=w.apply(this,arguments);return _possibleConstructorReturn$4(this,_)}}function _possibleConstructorReturn$4(g,b){if(b&&(_typeof$3(b)==="object"||typeof b=="function"))return b;if(b!==void 0)throw new TypeError("Derived constructors may only return object or undefined");return _assertThisInitialized$3(g)}function _assertThisInitialized$3(g){if(g===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return g}function _isNativeReflectConstruct$3(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function _getPrototypeOf$3(g){return _getPrototypeOf$3=Object.setPrototypeOf?Object.getPrototypeOf:function(m){return m.__proto__||Object.getPrototypeOf(m)},_getPrototypeOf$3(g)}function _defineProperty$3(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var GridItem=function(g){_inherits$4(m,g);var b=_createSuper$3(m);function m(){var w;_classCallCheck$4(this,m);for(var _=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return w=b.call.apply(b,[this].concat(C)),_defineProperty$3(_assertThisInitialized$3(w),"state",{resizing:null,dragging:null,className:""}),_defineProperty$3(_assertThisInitialized$3(w),"elementRef",_react.default.createRef()),_defineProperty$3(_assertThisInitialized$3(w),"onDragStart",function(I,$){var P=$.node,M=w.props,U=M.onDragStart,G=M.transformScale;if(U){var X={top:0,left:0},Z=P.offsetParent;if(Z){var ne=Z.getBoundingClientRect(),re=P.getBoundingClientRect(),ve=re.left/G,Se=ne.left/G,ge=re.top/G,oe=ne.top/G;X.left=ve-Se+Z.scrollLeft,X.top=ge-oe+Z.scrollTop,w.setState({dragging:X});var me=(0,_calculateUtils$1.calcXY)(w.getPositionParams(),X.top,X.left,w.props.w,w.props.h),De=me.x,Le=me.y;return U.call(_assertThisInitialized$3(w),w.props.i,De,Le,{e:I,node:P,newPosition:X})}}}),_defineProperty$3(_assertThisInitialized$3(w),"onDrag",function(I,$){var P=$.node,M=$.deltaX,U=$.deltaY,G=w.props.onDrag;if(G){if(!w.state.dragging)throw new Error("onDrag called before onDragStart.");var X=w.state.dragging.top+U,Z=w.state.dragging.left+M,ne=w.props,re=ne.isBounded,ve=ne.i,Se=ne.w,ge=ne.h,oe=ne.containerWidth,me=w.getPositionParams();if(re){var De=P.offsetParent;if(De){var Le=w.props,rt=Le.margin,Ue=Le.rowHeight,Ze=De.clientHeight-(0,_calculateUtils$1.calcGridItemWHPx)(ge,Ue,rt[1]);X=(0,_calculateUtils$1.clamp)(X,0,Ze);var gt=(0,_calculateUtils$1.calcGridColWidth)(me),$t=oe-(0,_calculateUtils$1.calcGridItemWHPx)(Se,gt,rt[0]);Z=(0,_calculateUtils$1.clamp)(Z,0,$t)}}var Xe={top:X,left:Z};w.setState({dragging:Xe});var xe=(0,_calculateUtils$1.calcXY)(me,X,Z,Se,ge),Tn=xe.x,Rt=xe.y;return G.call(_assertThisInitialized$3(w),ve,Tn,Rt,{e:I,node:P,newPosition:Xe})}}),_defineProperty$3(_assertThisInitialized$3(w),"onDragStop",function(I,$){var P=$.node,M=w.props.onDragStop;if(M){if(!w.state.dragging)throw new Error("onDragEnd called before onDragStart.");var U=w.props,G=U.w,X=U.h,Z=U.i,ne=w.state.dragging,re=ne.left,ve=ne.top,Se={top:ve,left:re};w.setState({dragging:null});var ge=(0,_calculateUtils$1.calcXY)(w.getPositionParams(),ve,re,G,X),oe=ge.x,me=ge.y;return M.call(_assertThisInitialized$3(w),Z,oe,me,{e:I,node:P,newPosition:Se})}}),_defineProperty$3(_assertThisInitialized$3(w),"onResizeStop",function(I,$){w.onResizeHandler(I,$,"onResizeStop")}),_defineProperty$3(_assertThisInitialized$3(w),"onResizeStart",function(I,$){w.onResizeHandler(I,$,"onResizeStart")}),_defineProperty$3(_assertThisInitialized$3(w),"onResize",function(I,$){w.onResizeHandler(I,$,"onResize")}),w}return _createClass$3(m,[{key:"shouldComponentUpdate",value:function(_,C){if(this.props.children!==_.children||this.props.droppingPosition!==_.droppingPosition)return!0;var k=(0,_calculateUtils$1.calcGridItemPosition)(this.getPositionParams(this.props),this.props.x,this.props.y,this.props.w,this.props.h,this.state),I=(0,_calculateUtils$1.calcGridItemPosition)(this.getPositionParams(_),_.x,_.y,_.w,_.h,C);return!(0,_utils$3.fastPositionEqual)(k,I)||this.props.useCSSTransforms!==_.useCSSTransforms}},{key:"componentDidMount",value:function(){this.moveDroppingItem({})}},{key:"componentDidUpdate",value:function(_){this.moveDroppingItem(_)}},{key:"moveDroppingItem",value:function(_){var C=this.props.droppingPosition;if(C){var k=this.elementRef.current;if(k){var I=_.droppingPosition||{left:0,top:0},$=this.state.dragging,P=$&&C.left!==I.left||C.top!==I.top;if(!$)this.onDragStart(C.e,{node:k,deltaX:C.left,deltaY:C.top});else if(P){var M=C.left-$.left,U=C.top-$.top;this.onDrag(C.e,{node:k,deltaX:M,deltaY:U})}}}}},{key:"getPositionParams",value:function(){var _=arguments.length>0&&arguments[0]!==void 0?arguments[0]:this.props;return{cols:_.cols,containerPadding:_.containerPadding,containerWidth:_.containerWidth,margin:_.margin,maxRows:_.maxRows,rowHeight:_.rowHeight}}},{key:"createStyle",value:function(_){var C=this.props,k=C.usePercentages,I=C.containerWidth,$=C.useCSSTransforms,P;return $?P=(0,_utils$3.setTransform)(_):(P=(0,_utils$3.setTopLeft)(_),k&&(P.left=(0,_utils$3.perc)(_.left/I),P.width=(0,_utils$3.perc)(_.width/I))),P}},{key:"mixinDraggable",value:function(_,C){return _react.default.createElement(_reactDraggable.DraggableCore,{disabled:!C,onStart:this.onDragStart,onDrag:this.onDrag,onStop:this.onDragStop,handle:this.props.handle,cancel:".react-resizable-handle"+(this.props.cancel?","+this.props.cancel:""),scale:this.props.transformScale,nodeRef:this.elementRef},_)}},{key:"mixinResizable",value:function(_,C,k){var I=this.props,$=I.cols,P=I.x,M=I.minW,U=I.minH,G=I.maxW,X=I.maxH,Z=I.transformScale,ne=I.resizeHandles,re=I.resizeHandle,ve=this.getPositionParams(),Se=(0,_calculateUtils$1.calcGridItemPosition)(ve,0,0,$-P,0).width,ge=(0,_calculateUtils$1.calcGridItemPosition)(ve,0,0,M,U),oe=(0,_calculateUtils$1.calcGridItemPosition)(ve,0,0,G,X),me=[ge.width,ge.height],De=[Math.min(oe.width,Se),Math.min(oe.height,1/0)];return _react.default.createElement(_reactResizable.Resizable,{draggableOpts:{disabled:!k},className:k?void 0:"react-resizable-hide",width:C.width,height:C.height,minConstraints:me,maxConstraints:De,onResizeStop:this.onResizeStop,onResizeStart:this.onResizeStart,onResize:this.onResize,transformScale:Z,resizeHandles:ne,handle:re},_)}},{key:"onResizeHandler",value:function(_,C,k){var I=C.node,$=C.size,P=this.props[k];if(P){var M=this.props,U=M.cols,G=M.x,X=M.y,Z=M.i,ne=M.maxH,re=M.minH,ve=this.props,Se=ve.minW,ge=ve.maxW,oe=(0,_calculateUtils$1.calcWH)(this.getPositionParams(),$.width,$.height,G,X),me=oe.w,De=oe.h;Se=Math.max(Se,1),ge=Math.min(ge,U-G),me=(0,_calculateUtils$1.clamp)(me,Se,ge),De=(0,_calculateUtils$1.clamp)(De,re,ne),this.setState({resizing:k==="onResizeStop"?null:$}),P.call(this,Z,me,De,{e:_,node:I,size:$})}}},{key:"render",value:function(){var _=this.props,C=_.x,k=_.y,I=_.w,$=_.h,P=_.isDraggable,M=_.isResizable,U=_.droppingPosition,G=_.useCSSTransforms,X=(0,_calculateUtils$1.calcGridItemPosition)(this.getPositionParams(),C,k,I,$,this.state),Z=_react.default.Children.only(this.props.children),ne=_react.default.cloneElement(Z,{ref:this.elementRef,className:(0,_clsx$2.default)("react-grid-item",Z.props.className,this.props.className,{static:this.props.static,resizing:!!this.state.resizing,"react-draggable":P,"react-draggable-dragging":!!this.state.dragging,dropping:!!U,cssTransforms:G}),style:_objectSpread$2(_objectSpread$2(_objectSpread$2({},this.props.style),Z.props.style),this.createStyle(X))});return ne=this.mixinResizable(ne,X,M),ne=this.mixinDraggable(ne,P),ne}}]),m}(_react.default.Component);GridItem$1.default=GridItem,_defineProperty$3(GridItem,"propTypes",{children:_propTypes$2.default.element,cols:_propTypes$2.default.number.isRequired,containerWidth:_propTypes$2.default.number.isRequired,rowHeight:_propTypes$2.default.number.isRequired,margin:_propTypes$2.default.array.isRequired,maxRows:_propTypes$2.default.number.isRequired,containerPadding:_propTypes$2.default.array.isRequired,x:_propTypes$2.default.number.isRequired,y:_propTypes$2.default.number.isRequired,w:_propTypes$2.default.number.isRequired,h:_propTypes$2.default.number.isRequired,minW:function(b,m){var w=b[m];if(typeof w!="number")return new Error("minWidth not Number");if(w>b.w||w>b.maxW)return new Error("minWidth larger than item width/maxWidth")},maxW:function(b,m){var w=b[m];if(typeof w!="number")return new Error("maxWidth not Number");if(w<b.w||w<b.minW)return new Error("maxWidth smaller than item width/minWidth")},minH:function(b,m){var w=b[m];if(typeof w!="number")return new Error("minHeight not Number");if(w>b.h||w>b.maxH)return new Error("minHeight larger than item height/maxHeight")},maxH:function(b,m){var w=b[m];if(typeof w!="number")return new Error("maxHeight not Number");if(w<b.h||w<b.minH)return new Error("maxHeight smaller than item height/minHeight")},i:_propTypes$2.default.string.isRequired,resizeHandles:_ReactGridLayoutPropTypes$1.resizeHandleAxesType,resizeHandle:_ReactGridLayoutPropTypes$1.resizeHandleType,onDragStop:_propTypes$2.default.func,onDragStart:_propTypes$2.default.func,onDrag:_propTypes$2.default.func,onResizeStop:_propTypes$2.default.func,onResizeStart:_propTypes$2.default.func,onResize:_propTypes$2.default.func,isDraggable:_propTypes$2.default.bool.isRequired,isResizable:_propTypes$2.default.bool.isRequired,isBounded:_propTypes$2.default.bool.isRequired,static:_propTypes$2.default.bool,useCSSTransforms:_propTypes$2.default.bool.isRequired,transformScale:_propTypes$2.default.number,className:_propTypes$2.default.string,handle:_propTypes$2.default.string,cancel:_propTypes$2.default.string,droppingPosition:_propTypes$2.default.shape({e:_propTypes$2.default.object.isRequired,left:_propTypes$2.default.number.isRequired,top:_propTypes$2.default.number.isRequired})}),_defineProperty$3(GridItem,"defaultProps",{className:"",cancel:"",handle:"",minH:1,minW:1,maxH:1/0,maxW:1/0,transformScale:1});function _typeof$2(g){return _typeof$2=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(b){return typeof b}:function(b){return b&&typeof Symbol=="function"&&b.constructor===Symbol&&b!==Symbol.prototype?"symbol":typeof b},_typeof$2(g)}Object.defineProperty(ReactGridLayout$2,"__esModule",{value:!0}),ReactGridLayout$2.default=void 0;var React$2=_interopRequireWildcard$2(requireReact()),_lodash$1=_interopRequireDefault$2(lodash_isequalExports),_clsx$1=_interopRequireDefault$2(require$$2),_utils$2=utils$1,_calculateUtils=calculateUtils,_GridItem=_interopRequireDefault$2(GridItem$1),_ReactGridLayoutPropTypes=_interopRequireDefault$2(ReactGridLayoutPropTypes);function _interopRequireDefault$2(g){return g&&g.__esModule?g:{default:g}}function _getRequireWildcardCache$2(g){if(typeof WeakMap!="function")return null;var b=new WeakMap,m=new WeakMap;return(_getRequireWildcardCache$2=function(_){return _?m:b})(g)}function _interopRequireWildcard$2(g,b){if(!b&&g&&g.__esModule)return g;if(g===null||_typeof$2(g)!=="object"&&typeof g!="function")return{default:g};var m=_getRequireWildcardCache$2(b);if(m&&m.has(g))return m.get(g);var w={},_=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var C in g)if(C!=="default"&&Object.prototype.hasOwnProperty.call(g,C)){var k=_?Object.getOwnPropertyDescriptor(g,C):null;k&&(k.get||k.set)?Object.defineProperty(w,C,k):w[C]=g[C]}return w.default=g,m&&m.set(g,w),w}function _toConsumableArray(g){return _arrayWithoutHoles(g)||_iterableToArray(g)||_unsupportedIterableToArray(g)||_nonIterableSpread()}function _nonIterableSpread(){throw new TypeError(`Invalid attempt to spread non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}function _iterableToArray(g){if(typeof Symbol<"u"&&g[Symbol.iterator]!=null||g["@@iterator"]!=null)return Array.from(g)}function _arrayWithoutHoles(g){if(Array.isArray(g))return _arrayLikeToArray(g)}function ownKeys$1(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread$1(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys$1(Object(m),!0).forEach(function(w){_defineProperty$2(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys$1(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _slicedToArray(g,b){return _arrayWithHoles(g)||_iterableToArrayLimit(g,b)||_unsupportedIterableToArray(g,b)||_nonIterableRest()}function _nonIterableRest(){throw new TypeError(`Invalid attempt to destructure non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}function _unsupportedIterableToArray(g,b){if(g){if(typeof g=="string")return _arrayLikeToArray(g,b);var m=Object.prototype.toString.call(g).slice(8,-1);if(m==="Object"&&g.constructor&&(m=g.constructor.name),m==="Map"||m==="Set")return Array.from(g);if(m==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(m))return _arrayLikeToArray(g,b)}}function _arrayLikeToArray(g,b){(b==null||b>g.length)&&(b=g.length);for(var m=0,w=new Array(b);m<b;m++)w[m]=g[m];return w}function _iterableToArrayLimit(g,b){var m=g==null?null:typeof Symbol<"u"&&g[Symbol.iterator]||g["@@iterator"];if(m!=null){var w=[],_=!0,C=!1,k,I;try{for(m=m.call(g);!(_=(k=m.next()).done)&&(w.push(k.value),!(b&&w.length===b));_=!0);}catch($){C=!0,I=$}finally{try{!_&&m.return!=null&&m.return()}finally{if(C)throw I}}return w}}function _arrayWithHoles(g){if(Array.isArray(g))return g}function _classCallCheck$3(g,b){if(!(g instanceof b))throw new TypeError("Cannot call a class as a function")}function _defineProperties$2(g,b){for(var m=0;m<b.length;m++){var w=b[m];w.enumerable=w.enumerable||!1,w.configurable=!0,"value"in w&&(w.writable=!0),Object.defineProperty(g,w.key,w)}}function _createClass$2(g,b,m){return b&&_defineProperties$2(g.prototype,b),m&&_defineProperties$2(g,m),Object.defineProperty(g,"prototype",{writable:!1}),g}function _inherits$3(g,b){if(typeof b!="function"&&b!==null)throw new TypeError("Super expression must either be null or a function");g.prototype=Object.create(b&&b.prototype,{constructor:{value:g,writable:!0,configurable:!0}}),Object.defineProperty(g,"prototype",{writable:!1}),b&&_setPrototypeOf$2(g,b)}function _setPrototypeOf$2(g,b){return _setPrototypeOf$2=Object.setPrototypeOf||function(w,_){return w.__proto__=_,w},_setPrototypeOf$2(g,b)}function _createSuper$2(g){var b=_isNativeReflectConstruct$2();return function(){var w=_getPrototypeOf$2(g),_;if(b){var C=_getPrototypeOf$2(this).constructor;_=Reflect.construct(w,arguments,C)}else _=w.apply(this,arguments);return _possibleConstructorReturn$3(this,_)}}function _possibleConstructorReturn$3(g,b){if(b&&(_typeof$2(b)==="object"||typeof b=="function"))return b;if(b!==void 0)throw new TypeError("Derived constructors may only return object or undefined");return _assertThisInitialized$2(g)}function _assertThisInitialized$2(g){if(g===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return g}function _isNativeReflectConstruct$2(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function _getPrototypeOf$2(g){return _getPrototypeOf$2=Object.setPrototypeOf?Object.getPrototypeOf:function(m){return m.__proto__||Object.getPrototypeOf(m)},_getPrototypeOf$2(g)}function _defineProperty$2(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var layoutClassName$1="react-grid-layout",isFirefox=!1;try{isFirefox=/firefox/i.test(navigator.userAgent)}catch(g){}var ReactGridLayout$1=function(g){_inherits$3(m,g);var b=_createSuper$2(m);function m(){var w;_classCallCheck$3(this,m);for(var _=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return w=b.call.apply(b,[this].concat(C)),_defineProperty$2(_assertThisInitialized$2(w),"state",{activeDrag:null,layout:(0,_utils$2.synchronizeLayoutWithChildren)(w.props.layout,w.props.children,w.props.cols,(0,_utils$2.compactType)(w.props),w.props.allowOverlap),mounted:!1,oldDragItem:null,oldLayout:null,oldResizeItem:null,droppingDOMNode:null,children:[]}),_defineProperty$2(_assertThisInitialized$2(w),"dragEnterCounter",0),_defineProperty$2(_assertThisInitialized$2(w),"onDragStart",function(I,$,P,M){var U=M.e,G=M.node,X=w.state.layout,Z=(0,_utils$2.getLayoutItem)(X,I);if(Z)return w.setState({oldDragItem:(0,_utils$2.cloneLayoutItem)(Z),oldLayout:X}),w.props.onDragStart(X,Z,Z,null,U,G)}),_defineProperty$2(_assertThisInitialized$2(w),"onDrag",function(I,$,P,M){var U=M.e,G=M.node,X=w.state.oldDragItem,Z=w.state.layout,ne=w.props,re=ne.cols,ve=ne.allowOverlap,Se=ne.preventCollision,ge=(0,_utils$2.getLayoutItem)(Z,I);if(ge){var oe={w:ge.w,h:ge.h,x:ge.x,y:ge.y,placeholder:!0,i:I},me=!0;Z=(0,_utils$2.moveElement)(Z,ge,$,P,me,Se,(0,_utils$2.compactType)(w.props),re,ve),w.props.onDrag(Z,X,ge,oe,U,G),w.setState({layout:ve?Z:(0,_utils$2.compact)(Z,(0,_utils$2.compactType)(w.props),re),activeDrag:oe})}}),_defineProperty$2(_assertThisInitialized$2(w),"onDragStop",function(I,$,P,M){var U=M.e,G=M.node;if(w.state.activeDrag){var X=w.state.oldDragItem,Z=w.state.layout,ne=w.props,re=ne.cols,ve=ne.preventCollision,Se=ne.allowOverlap,ge=(0,_utils$2.getLayoutItem)(Z,I);if(ge){var oe=!0;Z=(0,_utils$2.moveElement)(Z,ge,$,P,oe,ve,(0,_utils$2.compactType)(w.props),re,Se),w.props.onDragStop(Z,X,ge,null,U,G);var me=Se?Z:(0,_utils$2.compact)(Z,(0,_utils$2.compactType)(w.props),re),De=w.state.oldLayout;w.setState({activeDrag:null,layout:me,oldDragItem:null,oldLayout:null}),w.onLayoutMaybeChanged(me,De)}}}),_defineProperty$2(_assertThisInitialized$2(w),"onResizeStart",function(I,$,P,M){var U=M.e,G=M.node,X=w.state.layout,Z=(0,_utils$2.getLayoutItem)(X,I);Z&&(w.setState({oldResizeItem:(0,_utils$2.cloneLayoutItem)(Z),oldLayout:w.state.layout}),w.props.onResizeStart(X,Z,Z,null,U,G))}),_defineProperty$2(_assertThisInitialized$2(w),"onResize",function(I,$,P,M){var U=M.e,G=M.node,X=w.state,Z=X.layout,ne=X.oldResizeItem,re=w.props,ve=re.cols,Se=re.preventCollision,ge=re.allowOverlap,oe=(0,_utils$2.withLayoutItem)(Z,I,function(Ue){var Ze;if(Se&&!ge){var gt=(0,_utils$2.getAllCollisions)(Z,_objectSpread$1(_objectSpread$1({},Ue),{},{w:$,h:P})).filter(function(xe){return xe.i!==Ue.i});if(Ze=gt.length>0,Ze){var $t=1/0,Xe=1/0;gt.forEach(function(xe){xe.x>Ue.x&&($t=Math.min($t,xe.x)),xe.y>Ue.y&&(Xe=Math.min(Xe,xe.y))}),Number.isFinite($t)&&(Ue.w=$t-Ue.x),Number.isFinite(Xe)&&(Ue.h=Xe-Ue.y)}}return Ze||(Ue.w=$,Ue.h=P),Ue}),me=_slicedToArray(oe,2),De=me[0],Le=me[1];if(Le){var rt={w:Le.w,h:Le.h,x:Le.x,y:Le.y,static:!0,i:I};w.props.onResize(De,ne,Le,rt,U,G),w.setState({layout:ge?De:(0,_utils$2.compact)(De,(0,_utils$2.compactType)(w.props),ve),activeDrag:rt})}}),_defineProperty$2(_assertThisInitialized$2(w),"onResizeStop",function(I,$,P,M){var U=M.e,G=M.node,X=w.state,Z=X.layout,ne=X.oldResizeItem,re=w.props,ve=re.cols,Se=re.allowOverlap,ge=(0,_utils$2.getLayoutItem)(Z,I);w.props.onResizeStop(Z,ne,ge,null,U,G);var oe=Se?Z:(0,_utils$2.compact)(Z,(0,_utils$2.compactType)(w.props),ve),me=w.state.oldLayout;w.setState({activeDrag:null,layout:oe,oldResizeItem:null,oldLayout:null}),w.onLayoutMaybeChanged(oe,me)}),_defineProperty$2(_assertThisInitialized$2(w),"onDragOver",function(I){var $;if(I.preventDefault(),I.stopPropagation(),isFirefox&&!(($=I.nativeEvent.target)!==null&&$!==void 0&&$.classList.contains(layoutClassName$1)))return!1;var P=w.props,M=P.droppingItem,U=P.onDropDragOver,G=P.margin,X=P.cols,Z=P.rowHeight,ne=P.maxRows,re=P.width,ve=P.containerPadding,Se=P.transformScale,ge=U==null?void 0:U(I);if(ge===!1)return w.state.droppingDOMNode&&w.removeDroppingPlaceholder(),!1;var oe=_objectSpread$1(_objectSpread$1({},M),ge),me=w.state.layout,De=I.nativeEvent,Le=De.layerX,rt=De.layerY,Ue={left:Le/Se,top:rt/Se,e:I};if(w.state.droppingDOMNode){if(w.state.droppingPosition){var $t=w.state.droppingPosition,Xe=$t.left,xe=$t.top,Tn=Xe!=Le||xe!=rt;Tn&&w.setState({droppingPosition:Ue})}}else{var Ze={cols:X,margin:G,maxRows:ne,rowHeight:Z,containerWidth:re,containerPadding:ve||G},gt=(0,_calculateUtils.calcXY)(Ze,rt,Le,oe.w,oe.h);w.setState({droppingDOMNode:React$2.createElement("div",{key:oe.i}),droppingPosition:Ue,layout:[].concat(_toConsumableArray(me),[_objectSpread$1(_objectSpread$1({},oe),{},{x:gt.x,y:gt.y,static:!1,isDraggable:!0})])})}}),_defineProperty$2(_assertThisInitialized$2(w),"removeDroppingPlaceholder",function(){var I=w.props,$=I.droppingItem,P=I.cols,M=w.state.layout,U=(0,_utils$2.compact)(M.filter(function(G){return G.i!==$.i}),(0,_utils$2.compactType)(w.props),P);w.setState({layout:U,droppingDOMNode:null,activeDrag:null,droppingPosition:void 0})}),_defineProperty$2(_assertThisInitialized$2(w),"onDragLeave",function(I){I.preventDefault(),I.stopPropagation(),w.dragEnterCounter--,w.dragEnterCounter===0&&w.removeDroppingPlaceholder()}),_defineProperty$2(_assertThisInitialized$2(w),"onDragEnter",function(I){I.preventDefault(),I.stopPropagation(),w.dragEnterCounter++}),_defineProperty$2(_assertThisInitialized$2(w),"onDrop",function(I){I.preventDefault(),I.stopPropagation();var $=w.props.droppingItem,P=w.state.layout,M=P.find(function(U){return U.i===$.i});w.dragEnterCounter=0,w.removeDroppingPlaceholder(),w.props.onDrop(P,M,I)}),w}return _createClass$2(m,[{key:"componentDidMount",value:function(){this.setState({mounted:!0}),this.onLayoutMaybeChanged(this.state.layout,this.props.layout)}},{key:"shouldComponentUpdate",value:function(_,C){return this.props.children!==_.children||!(0,_utils$2.fastRGLPropsEqual)(this.props,_,_lodash$1.default)||this.state.activeDrag!==C.activeDrag||this.state.mounted!==C.mounted||this.state.droppingPosition!==C.droppingPosition}},{key:"componentDidUpdate",value:function(_,C){if(!this.state.activeDrag){var k=this.state.layout,I=C.layout;this.onLayoutMaybeChanged(k,I)}}},{key:"containerHeight",value:function(){if(this.props.autoSize){var _=(0,_utils$2.bottom)(this.state.layout),C=this.props.containerPadding?this.props.containerPadding[1]:this.props.margin[1];return _*this.props.rowHeight+(_-1)*this.props.margin[1]+C*2+"px"}}},{key:"onLayoutMaybeChanged",value:function(_,C){C||(C=this.state.layout),(0,_lodash$1.default)(C,_)||this.props.onLayoutChange(_)}},{key:"placeholder",value:function(){var _=this.state.activeDrag;if(!_)return null;var C=this.props,k=C.width,I=C.cols,$=C.margin,P=C.containerPadding,M=C.rowHeight,U=C.maxRows,G=C.useCSSTransforms,X=C.transformScale;return React$2.createElement(_GridItem.default,{w:_.w,h:_.h,x:_.x,y:_.y,i:_.i,className:"react-grid-placeholder",containerWidth:k,cols:I,margin:$,containerPadding:P||$,maxRows:U,rowHeight:M,isDraggable:!1,isResizable:!1,isBounded:!1,useCSSTransforms:G,transformScale:X},React$2.createElement("div",null))}},{key:"processGridItem",value:function(_,C){if(!(!_||!_.key)){var k=(0,_utils$2.getLayoutItem)(this.state.layout,String(_.key));if(!k)return null;var I=this.props,$=I.width,P=I.cols,M=I.margin,U=I.containerPadding,G=I.rowHeight,X=I.maxRows,Z=I.isDraggable,ne=I.isResizable,re=I.isBounded,ve=I.useCSSTransforms,Se=I.transformScale,ge=I.draggableCancel,oe=I.draggableHandle,me=I.resizeHandles,De=I.resizeHandle,Le=this.state,rt=Le.mounted,Ue=Le.droppingPosition,Ze=typeof k.isDraggable=="boolean"?k.isDraggable:!k.static&&Z,gt=typeof k.isResizable=="boolean"?k.isResizable:!k.static&&ne,$t=k.resizeHandles||me,Xe=Ze&&re&&k.isBounded!==!1;return React$2.createElement(_GridItem.default,{containerWidth:$,cols:P,margin:M,containerPadding:U||M,maxRows:X,rowHeight:G,cancel:ge,handle:oe,onDragStop:this.onDragStop,onDragStart:this.onDragStart,onDrag:this.onDrag,onResizeStart:this.onResizeStart,onResize:this.onResize,onResizeStop:this.onResizeStop,isDraggable:Ze,isResizable:gt,isBounded:Xe,useCSSTransforms:ve&&rt,usePercentages:!rt,transformScale:Se,w:k.w,h:k.h,x:k.x,y:k.y,i:k.i,minH:k.minH,minW:k.minW,maxH:k.maxH,maxW:k.maxW,static:k.static,droppingPosition:C?Ue:void 0,resizeHandles:$t,resizeHandle:De},_)}}},{key:"render",value:function(){var _=this,C=this.props,k=C.className,I=C.style,$=C.isDroppable,P=C.innerRef,M=(0,_clsx$1.default)(layoutClassName$1,k),U=_objectSpread$1({height:this.containerHeight()},I);return React$2.createElement("div",{ref:P,className:M,style:U,onDrop:$?this.onDrop:_utils$2.noop,onDragLeave:$?this.onDragLeave:_utils$2.noop,onDragEnter:$?this.onDragEnter:_utils$2.noop,onDragOver:$?this.onDragOver:_utils$2.noop},React$2.Children.map(this.props.children,function(G){return _.processGridItem(G)}),$&&this.state.droppingDOMNode&&this.processGridItem(this.state.droppingDOMNode,!0),this.placeholder())}}],[{key:"getDerivedStateFromProps",value:function(_,C){var k;if(C.activeDrag)return null;if(!(0,_lodash$1.default)(_.layout,C.propsLayout)||_.compactType!==C.compactType?k=_.layout:(0,_utils$2.childrenEqual)(_.children,C.children)||(k=C.layout),k){var I=(0,_utils$2.synchronizeLayoutWithChildren)(k,_.children,_.cols,(0,_utils$2.compactType)(_),_.allowOverlap);return{layout:I,compactType:_.compactType,children:_.children,propsLayout:_.layout}}return null}}]),m}(React$2.Component);ReactGridLayout$2.default=ReactGridLayout$1,_defineProperty$2(ReactGridLayout$1,"displayName","ReactGridLayout"),_defineProperty$2(ReactGridLayout$1,"propTypes",_ReactGridLayoutPropTypes.default),_defineProperty$2(ReactGridLayout$1,"defaultProps",{autoSize:!0,cols:12,className:"",style:{},draggableHandle:"",draggableCancel:"",containerPadding:null,rowHeight:150,maxRows:1/0,layout:[],margin:[10,10],isBounded:!1,isDraggable:!0,isResizable:!0,allowOverlap:!1,isDroppable:!1,useCSSTransforms:!0,transformScale:1,verticalCompact:!0,compactType:"vertical",preventCollision:!1,droppingItem:{i:"__dropping-elem__",h:1,w:1},resizeHandles:["se"],onLayoutChange:_utils$2.noop,onDragStart:_utils$2.noop,onDrag:_utils$2.noop,onDragStop:_utils$2.noop,onResizeStart:_utils$2.noop,onResize:_utils$2.noop,onResizeStop:_utils$2.noop,onDrop:_utils$2.noop,onDropDragOver:_utils$2.noop});var ResponsiveReactGridLayout$1={},responsiveUtils={};Object.defineProperty(responsiveUtils,"__esModule",{value:!0}),responsiveUtils.findOrGenerateResponsiveLayout=findOrGenerateResponsiveLayout,responsiveUtils.getBreakpointFromWidth=getBreakpointFromWidth,responsiveUtils.getColsFromBreakpoint=getColsFromBreakpoint,responsiveUtils.sortBreakpoints=sortBreakpoints;var _utils$1=utils$1;function getBreakpointFromWidth(g,b){for(var m=sortBreakpoints(g),w=m[0],_=1,C=m.length;_<C;_++){var k=m[_];b>g[k]&&(w=k)}return w}function getColsFromBreakpoint(g,b){if(!b[g])throw new Error("ResponsiveReactGridLayout: `cols` entry for breakpoint "+g+" is missing!");return b[g]}function findOrGenerateResponsiveLayout(g,b,m,w,_,C){if(g[m])return(0,_utils$1.cloneLayout)(g[m]);for(var k=g[w],I=sortBreakpoints(b),$=I.slice(I.indexOf(m)),P=0,M=$.length;P<M;P++){var U=$[P];if(g[U]){k=g[U];break}}return k=(0,_utils$1.cloneLayout)(k||[]),(0,_utils$1.compact)((0,_utils$1.correctBounds)(k,{cols:_}),C,_)}function sortBreakpoints(g){var b=Object.keys(g);return b.sort(function(m,w){return g[m]-g[w]})}function _typeof$1(g){return _typeof$1=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(b){return typeof b}:function(b){return b&&typeof Symbol=="function"&&b.constructor===Symbol&&b!==Symbol.prototype?"symbol":typeof b},_typeof$1(g)}Object.defineProperty(ResponsiveReactGridLayout$1,"__esModule",{value:!0}),ResponsiveReactGridLayout$1.default=void 0;var React$1=_interopRequireWildcard$1(requireReact()),_propTypes$1=_interopRequireDefault$1(propTypesExports$2),_lodash=_interopRequireDefault$1(lodash_isequalExports),_utils=utils$1,_responsiveUtils=responsiveUtils,_ReactGridLayout=_interopRequireDefault$1(ReactGridLayout$2),_excluded$1=["breakpoint","breakpoints","cols","layouts","margin","containerPadding","onBreakpointChange","onLayoutChange","onWidthChange"];function _interopRequireDefault$1(g){return g&&g.__esModule?g:{default:g}}function _getRequireWildcardCache$1(g){if(typeof WeakMap!="function")return null;var b=new WeakMap,m=new WeakMap;return(_getRequireWildcardCache$1=function(_){return _?m:b})(g)}function _interopRequireWildcard$1(g,b){if(!b&&g&&g.__esModule)return g;if(g===null||_typeof$1(g)!=="object"&&typeof g!="function")return{default:g};var m=_getRequireWildcardCache$1(b);if(m&&m.has(g))return m.get(g);var w={},_=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var C in g)if(C!=="default"&&Object.prototype.hasOwnProperty.call(g,C)){var k=_?Object.getOwnPropertyDescriptor(g,C):null;k&&(k.get||k.set)?Object.defineProperty(w,C,k):w[C]=g[C]}return w.default=g,m&&m.set(g,w),w}function _extends$9(){return _extends$9=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$9.apply(this,arguments)}function _objectWithoutProperties$1(g,b){if(g==null)return{};var m=_objectWithoutPropertiesLoose$1(g,b),w,_;if(Object.getOwnPropertySymbols){var C=Object.getOwnPropertySymbols(g);for(_=0;_<C.length;_++)w=C[_],!(b.indexOf(w)>=0)&&Object.prototype.propertyIsEnumerable.call(g,w)&&(m[w]=g[w])}return m}function _objectWithoutPropertiesLoose$1(g,b){if(g==null)return{};var m={},w=Object.keys(g),_,C;for(C=0;C<w.length;C++)_=w[C],!(b.indexOf(_)>=0)&&(m[_]=g[_]);return m}function ownKeys(g,b){var m=Object.keys(g);if(Object.getOwnPropertySymbols){var w=Object.getOwnPropertySymbols(g);b&&(w=w.filter(function(_){return Object.getOwnPropertyDescriptor(g,_).enumerable})),m.push.apply(m,w)}return m}function _objectSpread(g){for(var b=1;b<arguments.length;b++){var m=arguments[b]!=null?arguments[b]:{};b%2?ownKeys(Object(m),!0).forEach(function(w){_defineProperty$1(g,w,m[w])}):Object.getOwnPropertyDescriptors?Object.defineProperties(g,Object.getOwnPropertyDescriptors(m)):ownKeys(Object(m)).forEach(function(w){Object.defineProperty(g,w,Object.getOwnPropertyDescriptor(m,w))})}return g}function _classCallCheck$2(g,b){if(!(g instanceof b))throw new TypeError("Cannot call a class as a function")}function _defineProperties$1(g,b){for(var m=0;m<b.length;m++){var w=b[m];w.enumerable=w.enumerable||!1,w.configurable=!0,"value"in w&&(w.writable=!0),Object.defineProperty(g,w.key,w)}}function _createClass$1(g,b,m){return b&&_defineProperties$1(g.prototype,b),m&&_defineProperties$1(g,m),Object.defineProperty(g,"prototype",{writable:!1}),g}function _inherits$2(g,b){if(typeof b!="function"&&b!==null)throw new TypeError("Super expression must either be null or a function");g.prototype=Object.create(b&&b.prototype,{constructor:{value:g,writable:!0,configurable:!0}}),Object.defineProperty(g,"prototype",{writable:!1}),b&&_setPrototypeOf$1(g,b)}function _setPrototypeOf$1(g,b){return _setPrototypeOf$1=Object.setPrototypeOf||function(w,_){return w.__proto__=_,w},_setPrototypeOf$1(g,b)}function _createSuper$1(g){var b=_isNativeReflectConstruct$1();return function(){var w=_getPrototypeOf$1(g),_;if(b){var C=_getPrototypeOf$1(this).constructor;_=Reflect.construct(w,arguments,C)}else _=w.apply(this,arguments);return _possibleConstructorReturn$2(this,_)}}function _possibleConstructorReturn$2(g,b){if(b&&(_typeof$1(b)==="object"||typeof b=="function"))return b;if(b!==void 0)throw new TypeError("Derived constructors may only return object or undefined");return _assertThisInitialized$1(g)}function _assertThisInitialized$1(g){if(g===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return g}function _isNativeReflectConstruct$1(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function _getPrototypeOf$1(g){return _getPrototypeOf$1=Object.setPrototypeOf?Object.getPrototypeOf:function(m){return m.__proto__||Object.getPrototypeOf(m)},_getPrototypeOf$1(g)}function _defineProperty$1(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var type$1=function(b){return Object.prototype.toString.call(b)};function getIndentationValue(g,b){return g==null?null:Array.isArray(g)?g:g[b]}var ResponsiveReactGridLayout=function(g){_inherits$2(m,g);var b=_createSuper$1(m);function m(){var w;_classCallCheck$2(this,m);for(var _=arguments.length,C=new Array(_),k=0;k<_;k++)C[k]=arguments[k];return w=b.call.apply(b,[this].concat(C)),_defineProperty$1(_assertThisInitialized$1(w),"state",w.generateInitialState()),_defineProperty$1(_assertThisInitialized$1(w),"onLayoutChange",function(I){w.props.onLayoutChange(I,_objectSpread(_objectSpread({},w.props.layouts),{},_defineProperty$1({},w.state.breakpoint,I)))}),w}return _createClass$1(m,[{key:"generateInitialState",value:function(){var _=this.props,C=_.width,k=_.breakpoints,I=_.layouts,$=_.cols,P=(0,_responsiveUtils.getBreakpointFromWidth)(k,C),M=(0,_responsiveUtils.getColsFromBreakpoint)(P,$),U=this.props.verticalCompact===!1?null:this.props.compactType,G=(0,_responsiveUtils.findOrGenerateResponsiveLayout)(I,k,P,P,M,U);return{layout:G,breakpoint:P,cols:M}}},{key:"componentDidUpdate",value:function(_){(this.props.width!=_.width||this.props.breakpoint!==_.breakpoint||!(0,_lodash.default)(this.props.breakpoints,_.breakpoints)||!(0,_lodash.default)(this.props.cols,_.cols))&&this.onWidthChange(_)}},{key:"onWidthChange",value:function(_){var C=this.props,k=C.breakpoints,I=C.cols,$=C.layouts,P=C.compactType,M=this.props.breakpoint||(0,_responsiveUtils.getBreakpointFromWidth)(this.props.breakpoints,this.props.width),U=this.state.breakpoint,G=(0,_responsiveUtils.getColsFromBreakpoint)(M,I),X=_objectSpread({},$);if(U!==M||_.breakpoints!==k||_.cols!==I){U in X||(X[U]=(0,_utils.cloneLayout)(this.state.layout));var Z=(0,_responsiveUtils.findOrGenerateResponsiveLayout)(X,k,M,U,G,P);Z=(0,_utils.synchronizeLayoutWithChildren)(Z,this.props.children,G,P,this.props.allowOverlap),X[M]=Z,this.props.onLayoutChange(Z,X),this.props.onBreakpointChange(M,G),this.setState({breakpoint:M,layout:Z,cols:G})}var ne=getIndentationValue(this.props.margin,M),re=getIndentationValue(this.props.containerPadding,M);this.props.onWidthChange(this.props.width,ne,G,re)}},{key:"render",value:function(){var _=this.props;_.breakpoint,_.breakpoints,_.cols,_.layouts;var C=_.margin,k=_.containerPadding;_.onBreakpointChange,_.onLayoutChange,_.onWidthChange;var I=_objectWithoutProperties$1(_,_excluded$1);return React$1.createElement(_ReactGridLayout.default,_extends$9({},I,{margin:getIndentationValue(C,this.state.breakpoint),containerPadding:getIndentationValue(k,this.state.breakpoint),onLayoutChange:this.onLayoutChange,layout:this.state.layout,cols:this.state.cols}))}}],[{key:"getDerivedStateFromProps",value:function(_,C){if(!(0,_lodash.default)(_.layouts,C.layouts)){var k=C.breakpoint,I=C.cols,$=(0,_responsiveUtils.findOrGenerateResponsiveLayout)(_.layouts,_.breakpoints,k,k,I,_.compactType);return{layout:$,layouts:_.layouts}}return null}}]),m}(React$1.Component);ResponsiveReactGridLayout$1.default=ResponsiveReactGridLayout,_defineProperty$1(ResponsiveReactGridLayout,"propTypes",{breakpoint:_propTypes$1.default.string,breakpoints:_propTypes$1.default.object,allowOverlap:_propTypes$1.default.bool,cols:_propTypes$1.default.object,margin:_propTypes$1.default.oneOfType([_propTypes$1.default.array,_propTypes$1.default.object]),containerPadding:_propTypes$1.default.oneOfType([_propTypes$1.default.array,_propTypes$1.default.object]),layouts:function(b,m){if(type$1(b[m])!=="[object Object]")throw new Error("Layout property must be an object. Received: "+type$1(b[m]));Object.keys(b[m]).forEach(function(w){if(!(w in b.breakpoints))throw new Error("Each key in layouts must align with a key in breakpoints.");(0,_utils.validateLayout)(b.layouts[w],"layouts."+w)})},width:_propTypes$1.default.number.isRequired,onBreakpointChange:_propTypes$1.default.func,onLayoutChange:_propTypes$1.default.func,onWidthChange:_propTypes$1.default.func}),_defineProperty$1(ResponsiveReactGridLayout,"defaultProps",{breakpoints:{lg:1200,md:996,sm:768,xs:480,xxs:0},cols:{lg:12,md:10,sm:6,xs:4,xxs:2},containerPadding:{lg:null,md:null,sm:null,xs:null,xxs:null},layouts:{},margin:[10,10],allowOverlap:!1,onBreakpointChange:_utils.noop,onLayoutChange:_utils.noop,onWidthChange:_utils.noop});var WidthProvider={};function _typeof(g){return _typeof=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(b){return typeof b}:function(b){return b&&typeof Symbol=="function"&&b.constructor===Symbol&&b!==Symbol.prototype?"symbol":typeof b},_typeof(g)}Object.defineProperty(WidthProvider,"__esModule",{value:!0}),WidthProvider.default=WidthProvideRGL;var React=_interopRequireWildcard(requireReact()),_propTypes=_interopRequireDefault(propTypesExports$2),_clsx=_interopRequireDefault(require$$2),_excluded=["measureBeforeMount"];function _interopRequireDefault(g){return g&&g.__esModule?g:{default:g}}function _getRequireWildcardCache(g){if(typeof WeakMap!="function")return null;var b=new WeakMap,m=new WeakMap;return(_getRequireWildcardCache=function(_){return _?m:b})(g)}function _interopRequireWildcard(g,b){if(!b&&g&&g.__esModule)return g;if(g===null||_typeof(g)!=="object"&&typeof g!="function")return{default:g};var m=_getRequireWildcardCache(b);if(m&&m.has(g))return m.get(g);var w={},_=Object.defineProperty&&Object.getOwnPropertyDescriptor;for(var C in g)if(C!=="default"&&Object.prototype.hasOwnProperty.call(g,C)){var k=_?Object.getOwnPropertyDescriptor(g,C):null;k&&(k.get||k.set)?Object.defineProperty(w,C,k):w[C]=g[C]}return w.default=g,m&&m.set(g,w),w}function _extends$8(){return _extends$8=Object.assign||function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$8.apply(this,arguments)}function _objectWithoutProperties(g,b){if(g==null)return{};var m=_objectWithoutPropertiesLoose(g,b),w,_;if(Object.getOwnPropertySymbols){var C=Object.getOwnPropertySymbols(g);for(_=0;_<C.length;_++)w=C[_],!(b.indexOf(w)>=0)&&Object.prototype.propertyIsEnumerable.call(g,w)&&(m[w]=g[w])}return m}function _objectWithoutPropertiesLoose(g,b){if(g==null)return{};var m={},w=Object.keys(g),_,C;for(C=0;C<w.length;C++)_=w[C],!(b.indexOf(_)>=0)&&(m[_]=g[_]);return m}function _classCallCheck$1(g,b){if(!(g instanceof b))throw new TypeError("Cannot call a class as a function")}function _defineProperties(g,b){for(var m=0;m<b.length;m++){var w=b[m];w.enumerable=w.enumerable||!1,w.configurable=!0,"value"in w&&(w.writable=!0),Object.defineProperty(g,w.key,w)}}function _createClass(g,b,m){return b&&_defineProperties(g.prototype,b),m&&_defineProperties(g,m),Object.defineProperty(g,"prototype",{writable:!1}),g}function _inherits$1(g,b){if(typeof b!="function"&&b!==null)throw new TypeError("Super expression must either be null or a function");g.prototype=Object.create(b&&b.prototype,{constructor:{value:g,writable:!0,configurable:!0}}),Object.defineProperty(g,"prototype",{writable:!1}),b&&_setPrototypeOf(g,b)}function _setPrototypeOf(g,b){return _setPrototypeOf=Object.setPrototypeOf||function(w,_){return w.__proto__=_,w},_setPrototypeOf(g,b)}function _createSuper(g){var b=_isNativeReflectConstruct();return function(){var w=_getPrototypeOf(g),_;if(b){var C=_getPrototypeOf(this).constructor;_=Reflect.construct(w,arguments,C)}else _=w.apply(this,arguments);return _possibleConstructorReturn$1(this,_)}}function _possibleConstructorReturn$1(g,b){if(b&&(_typeof(b)==="object"||typeof b=="function"))return b;if(b!==void 0)throw new TypeError("Derived constructors may only return object or undefined");return _assertThisInitialized(g)}function _assertThisInitialized(g){if(g===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return g}function _isNativeReflectConstruct(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function _getPrototypeOf(g){return _getPrototypeOf=Object.setPrototypeOf?Object.getPrototypeOf:function(m){return m.__proto__||Object.getPrototypeOf(m)},_getPrototypeOf(g)}function _defineProperty(g,b,m){return b in g?Object.defineProperty(g,b,{value:m,enumerable:!0,configurable:!0,writable:!0}):g[b]=m,g}var layoutClassName="react-grid-layout";function WidthProvideRGL(g){var b;return b=function(m){_inherits$1(_,m);var w=_createSuper(_);function _(){var C;_classCallCheck$1(this,_);for(var k=arguments.length,I=new Array(k),$=0;$<k;$++)I[$]=arguments[$];return C=w.call.apply(w,[this].concat(I)),_defineProperty(_assertThisInitialized(C),"state",{width:1280}),_defineProperty(_assertThisInitialized(C),"elementRef",React.createRef()),_defineProperty(_assertThisInitialized(C),"mounted",!1),_defineProperty(_assertThisInitialized(C),"onWindowResize",function(){if(C.mounted){var P=C.elementRef.current;P instanceof HTMLElement&&P.offsetWidth&&C.setState({width:P.offsetWidth})}}),C}return _createClass(_,[{key:"componentDidMount",value:function(){this.mounted=!0,window.addEventListener("resize",this.onWindowResize),this.onWindowResize()}},{key:"componentWillUnmount",value:function(){this.mounted=!1,window.removeEventListener("resize",this.onWindowResize)}},{key:"render",value:function(){var k=this.props,I=k.measureBeforeMount,$=_objectWithoutProperties(k,_excluded);return I&&!this.mounted?React.createElement("div",{className:(0,_clsx.default)(this.props.className,layoutClassName),style:this.props.style,ref:this.elementRef}):React.createElement(g,_extends$8({innerRef:this.elementRef},$,this.state))}}]),_}(React.Component),_defineProperty(b,"defaultProps",{measureBeforeMount:!1}),_defineProperty(b,"propTypes",{measureBeforeMount:_propTypes.default.bool}),b}(function(g){g.exports=ReactGridLayout$2.default,g.exports.utils=utils$1,g.exports.Responsive=ResponsiveReactGridLayout$1.default,g.exports.Responsive.utils=responsiveUtils,g.exports.WidthProvider=WidthProvider.default})(reactGridLayout);var reactGridLayoutExports=reactGridLayout.exports;const ReactGridLayout=getDefaultExportFromCjs(reactGridLayoutExports),BulkTestDetailsBlockWrapper=({className:g,children:b,contentClassName:m,title:w,subTitle:_,buttons:C,placeholder:k})=>{const I=useCommonStyles(),$=reactExports.useMemo(()=>w||_||C,[w,_,C]),P=reactExports.useMemo(()=>` ${mergeStyles({overflow:"auto",width:"100%",height:"100%",maxHeight:"100%",maxWidth:"100%",boxSizing:"border-box",display:"flex",flexDirection:"column"})}`,[]);return jsxRuntimeExports.jsxs("div",{className:`${P} ${g}`,children:[$&&jsxRuntimeExports.jsxs("div",{style:{display:"flex",justifyContent:"space-between",alignItems:"center",background:I.semanticColors.infoBackground,padding:"4px",boxShadow:I.semanticColors.boxShadow},children:[jsxRuntimeExports.jsxs("div",{style:{padding:"6px 10px",display:"flex",flexDirection:"column"},children:[w&&jsxRuntimeExports.jsx("span",{style:{fontSize:"1.5rem"},children:w}),_&&jsxRuntimeExports.jsx("span",{style:{fontSize:"1.1rem",padding:"2px 0 2px 15px"},children:_})]}),C&&jsxRuntimeExports.jsx("div",{className:"non-draggable-area",style:{paddingRight:"10px"},children:C})]}),jsxRuntimeExports.jsx("div",{className:`${contentStyle} ${m} non-draggable-area`,children:b||jsxRuntimeExports.jsx("div",{style:{flex:1,display:"flex",justifyContent:"center",alignItems:"center",fontSize:"1.5rem"},children:k})})]})},contentStyle=mergeStyles({flex:1,display:"flex",overflow:"auto"}),$global=function(){if(typeof globalThis<"u")return globalThis;if(typeof global<"u")return global;if(typeof self<"u")return self;if(typeof window<"u")return window;try{return new Function("return this")()}catch{return{}}}();$global.trustedTypes===void 0&&($global.trustedTypes={createPolicy:(g,b)=>b});const propConfig={configurable:!1,enumerable:!1,writable:!1};$global.FAST===void 0&&Reflect.defineProperty($global,"FAST",Object.assign({value:Object.create(null)},propConfig));const FAST=$global.FAST;if(FAST.getById===void 0){const g=Object.create(null);Reflect.defineProperty(FAST,"getById",Object.assign({value(b,m){let w=g[b];return w===void 0&&(w=m?g[b]=m():null),w}},propConfig))}const emptyArray=Object.freeze([]);function createMetadataLocator(){const g=new WeakMap;return function(b){let m=g.get(b);if(m===void 0){let w=Reflect.getPrototypeOf(b);for(;m===void 0&&w!==null;)m=g.get(w),w=Reflect.getPrototypeOf(w);m=m===void 0?[]:m.slice(0),g.set(b,m)}return m}}const updateQueue=$global.FAST.getById(1,()=>{const g=[],b=[];function m(){if(b.length)throw b.shift()}function w(k){try{k.call()}catch(I){b.push(I),setTimeout(m,0)}}function _(){let I=0;for(;I<g.length;)if(w(g[I]),I++,I>1024){for(let $=0,P=g.length-I;$<P;$++)g[$]=g[$+I];g.length-=I,I=0}g.length=0}function C(k){g.length<1&&$global.requestAnimationFrame(_),g.push(k)}return Object.freeze({enqueue:C,process:_})}),fastHTMLPolicy=$global.trustedTypes.createPolicy("fast-html",{createHTML:g=>g});let htmlPolicy=fastHTMLPolicy;const marker=`fast-${Math.random().toString(36).substring(2,8)}`,_interpolationStart=`${marker}{`,_interpolationEnd=`}${marker}`,DOM=Object.freeze({supportsAdoptedStyleSheets:Array.isArray(document.adoptedStyleSheets)&&"replace"in CSSStyleSheet.prototype,setHTMLPolicy(g){if(htmlPolicy!==fastHTMLPolicy)throw new Error("The HTML policy can only be set once.");htmlPolicy=g},createHTML(g){return htmlPolicy.createHTML(g)},isMarker(g){return g&&g.nodeType===8&&g.data.startsWith(marker)},extractDirectiveIndexFromMarker(g){return parseInt(g.data.replace(`${marker}:`,""))},createInterpolationPlaceholder(g){return`${_interpolationStart}${g}${_interpolationEnd}`},createCustomAttributePlaceholder(g,b){return`${g}="${this.createInterpolationPlaceholder(b)}"`},createBlockPlaceholder(g){return`<!--${marker}:${g}-->`},queueUpdate:updateQueue.enqueue,processUpdates:updateQueue.process,nextUpdate(){return new Promise(updateQueue.enqueue)},setAttribute(g,b,m){m==null?g.removeAttribute(b):g.setAttribute(b,m)},setBooleanAttribute(g,b,m){m?g.setAttribute(b,""):g.removeAttribute(b)},removeChildNodes(g){for(let b=g.firstChild;b!==null;b=g.firstChild)g.removeChild(b)},createTemplateWalker(g){return document.createTreeWalker(g,133,null,!1)}});class SubscriberSet{constructor(b,m){this.sub1=void 0,this.sub2=void 0,this.spillover=void 0,this.source=b,this.sub1=m}has(b){return this.spillover===void 0?this.sub1===b||this.sub2===b:this.spillover.indexOf(b)!==-1}subscribe(b){const m=this.spillover;if(m===void 0){if(this.has(b))return;if(this.sub1===void 0){this.sub1=b;return}if(this.sub2===void 0){this.sub2=b;return}this.spillover=[this.sub1,this.sub2,b],this.sub1=void 0,this.sub2=void 0}else m.indexOf(b)===-1&&m.push(b)}unsubscribe(b){const m=this.spillover;if(m===void 0)this.sub1===b?this.sub1=void 0:this.sub2===b&&(this.sub2=void 0);else{const w=m.indexOf(b);w!==-1&&m.splice(w,1)}}notify(b){const m=this.spillover,w=this.source;if(m===void 0){const _=this.sub1,C=this.sub2;_!==void 0&&_.handleChange(w,b),C!==void 0&&C.handleChange(w,b)}else for(let _=0,C=m.length;_<C;++_)m[_].handleChange(w,b)}}class PropertyChangeNotifier{constructor(b){this.subscribers={},this.sourceSubscribers=null,this.source=b}notify(b){var m;const w=this.subscribers[b];w!==void 0&&w.notify(b),(m=this.sourceSubscribers)===null||m===void 0||m.notify(b)}subscribe(b,m){var w;if(m){let _=this.subscribers[m];_===void 0&&(this.subscribers[m]=_=new SubscriberSet(this.source)),_.subscribe(b)}else this.sourceSubscribers=(w=this.sourceSubscribers)!==null&&w!==void 0?w:new SubscriberSet(this.source),this.sourceSubscribers.subscribe(b)}unsubscribe(b,m){var w;if(m){const _=this.subscribers[m];_!==void 0&&_.unsubscribe(b)}else(w=this.sourceSubscribers)===null||w===void 0||w.unsubscribe(b)}}const Observable=FAST.getById(2,()=>{const g=/(:|&&|\|\||if)/,b=new WeakMap,m=DOM.queueUpdate;let w,_=P=>{throw new Error("Must call enableArrayObservation before observing arrays.")};function C(P){let M=P.$fastController||b.get(P);return M===void 0&&(Array.isArray(P)?M=_(P):b.set(P,M=new PropertyChangeNotifier(P))),M}const k=createMetadataLocator();class I{constructor(M){this.name=M,this.field=`_${M}`,this.callback=`${M}Changed`}getValue(M){return w!==void 0&&w.watch(M,this.name),M[this.field]}setValue(M,U){const G=this.field,X=M[G];if(X!==U){M[G]=U;const Z=M[this.callback];typeof Z=="function"&&Z.call(M,X,U),C(M).notify(this.name)}}}class $ extends SubscriberSet{constructor(M,U,G=!1){super(M,U),this.binding=M,this.isVolatileBinding=G,this.needsRefresh=!0,this.needsQueue=!0,this.first=this,this.last=null,this.propertySource=void 0,this.propertyName=void 0,this.notifier=void 0,this.next=void 0}observe(M,U){this.needsRefresh&&this.last!==null&&this.disconnect();const G=w;w=this.needsRefresh?this:void 0,this.needsRefresh=this.isVolatileBinding;const X=this.binding(M,U);return w=G,X}disconnect(){if(this.last!==null){let M=this.first;for(;M!==void 0;)M.notifier.unsubscribe(this,M.propertyName),M=M.next;this.last=null,this.needsRefresh=this.needsQueue=!0}}watch(M,U){const G=this.last,X=C(M),Z=G===null?this.first:{};if(Z.propertySource=M,Z.propertyName=U,Z.notifier=X,X.subscribe(this,U),G!==null){if(!this.needsRefresh){let ne;w=void 0,ne=G.propertySource[G.propertyName],w=this,M===ne&&(this.needsRefresh=!0)}G.next=Z}this.last=Z}handleChange(){this.needsQueue&&(this.needsQueue=!1,m(this))}call(){this.last!==null&&(this.needsQueue=!0,this.notify(this))}records(){let M=this.first;return{next:()=>{const U=M;return U===void 0?{value:void 0,done:!0}:(M=M.next,{value:U,done:!1})},[Symbol.iterator]:function(){return this}}}}return Object.freeze({setArrayObserverFactory(P){_=P},getNotifier:C,track(P,M){w!==void 0&&w.watch(P,M)},trackVolatile(){w!==void 0&&(w.needsRefresh=!0)},notify(P,M){C(P).notify(M)},defineProperty(P,M){typeof M=="string"&&(M=new I(M)),k(P).push(M),Reflect.defineProperty(P,M.name,{enumerable:!0,get:function(){return M.getValue(this)},set:function(U){M.setValue(this,U)}})},getAccessors:k,binding(P,M,U=this.isVolatileBinding(P)){return new $(P,M,U)},isVolatileBinding(P){return g.test(P.toString())}})});function observable(g,b){Observable.defineProperty(g,b)}function volatile(g,b,m){return Object.assign({},m,{get:function(){return Observable.trackVolatile(),m.get.apply(this)}})}const contextEvent=FAST.getById(3,()=>{let g=null;return{get(){return g},set(b){g=b}}});class ExecutionContext{constructor(){this.index=0,this.length=0,this.parent=null,this.parentContext=null}get event(){return contextEvent.get()}get isEven(){return this.index%2===0}get isOdd(){return this.index%2!==0}get isFirst(){return this.index===0}get isInMiddle(){return!this.isFirst&&!this.isLast}get isLast(){return this.index===this.length-1}static setEvent(b){contextEvent.set(b)}}Observable.defineProperty(ExecutionContext.prototype,"index"),Observable.defineProperty(ExecutionContext.prototype,"length");const defaultExecutionContext=Object.seal(new ExecutionContext);class HTMLDirective{constructor(){this.targetIndex=0}}class TargetedHTMLDirective extends HTMLDirective{constructor(){super(...arguments),this.createPlaceholder=DOM.createInterpolationPlaceholder}}class AttachedBehaviorHTMLDirective extends HTMLDirective{constructor(b,m,w){super(),this.name=b,this.behavior=m,this.options=w}createPlaceholder(b){return DOM.createCustomAttributePlaceholder(this.name,b)}createBehavior(b){return new this.behavior(b,this.options)}}function normalBind(g,b){this.source=g,this.context=b,this.bindingObserver===null&&(this.bindingObserver=Observable.binding(this.binding,this,this.isBindingVolatile)),this.updateTarget(this.bindingObserver.observe(g,b))}function triggerBind(g,b){this.source=g,this.context=b,this.target.addEventListener(this.targetName,this)}function normalUnbind(){this.bindingObserver.disconnect(),this.source=null,this.context=null}function contentUnbind(){this.bindingObserver.disconnect(),this.source=null,this.context=null;const g=this.target.$fastView;g!==void 0&&g.isComposed&&(g.unbind(),g.needsBindOnly=!0)}function triggerUnbind(){this.target.removeEventListener(this.targetName,this),this.source=null,this.context=null}function updateAttributeTarget(g){DOM.setAttribute(this.target,this.targetName,g)}function updateBooleanAttributeTarget(g){DOM.setBooleanAttribute(this.target,this.targetName,g)}function updateContentTarget(g){if(g==null&&(g=""),g.create){this.target.textContent="";let b=this.target.$fastView;b===void 0?b=g.create():this.target.$fastTemplate!==g&&(b.isComposed&&(b.remove(),b.unbind()),b=g.create()),b.isComposed?b.needsBindOnly&&(b.needsBindOnly=!1,b.bind(this.source,this.context)):(b.isComposed=!0,b.bind(this.source,this.context),b.insertBefore(this.target),this.target.$fastView=b,this.target.$fastTemplate=g)}else{const b=this.target.$fastView;b!==void 0&&b.isComposed&&(b.isComposed=!1,b.remove(),b.needsBindOnly?b.needsBindOnly=!1:b.unbind()),this.target.textContent=g}}function updatePropertyTarget(g){this.target[this.targetName]=g}function updateClassTarget(g){const b=this.classVersions||Object.create(null),m=this.target;let w=this.version||0;if(g!=null&&g.length){const _=g.split(/\s+/);for(let C=0,k=_.length;C<k;++C){const I=_[C];I!==""&&(b[I]=w,m.classList.add(I))}}if(this.classVersions=b,this.version=w+1,w!==0){w-=1;for(const _ in b)b[_]===w&&m.classList.remove(_)}}class HTMLBindingDirective extends TargetedHTMLDirective{constructor(b){super(),this.binding=b,this.bind=normalBind,this.unbind=normalUnbind,this.updateTarget=updateAttributeTarget,this.isBindingVolatile=Observable.isVolatileBinding(this.binding)}get targetName(){return this.originalTargetName}set targetName(b){if(this.originalTargetName=b,b!==void 0)switch(b[0]){case":":if(this.cleanedTargetName=b.substr(1),this.updateTarget=updatePropertyTarget,this.cleanedTargetName==="innerHTML"){const m=this.binding;this.binding=(w,_)=>DOM.createHTML(m(w,_))}break;case"?":this.cleanedTargetName=b.substr(1),this.updateTarget=updateBooleanAttributeTarget;break;case"@":this.cleanedTargetName=b.substr(1),this.bind=triggerBind,this.unbind=triggerUnbind;break;default:this.cleanedTargetName=b,b==="class"&&(this.updateTarget=updateClassTarget);break}}targetAtContent(){this.updateTarget=updateContentTarget,this.unbind=contentUnbind}createBehavior(b){return new BindingBehavior(b,this.binding,this.isBindingVolatile,this.bind,this.unbind,this.updateTarget,this.cleanedTargetName)}}class BindingBehavior{constructor(b,m,w,_,C,k,I){this.source=null,this.context=null,this.bindingObserver=null,this.target=b,this.binding=m,this.isBindingVolatile=w,this.bind=_,this.unbind=C,this.updateTarget=k,this.targetName=I}handleChange(){this.updateTarget(this.bindingObserver.observe(this.source,this.context))}handleEvent(b){ExecutionContext.setEvent(b);const m=this.binding(this.source,this.context);ExecutionContext.setEvent(null),m!==!0&&b.preventDefault()}}let sharedContext=null;class CompilationContext{addFactory(b){b.targetIndex=this.targetIndex,this.behaviorFactories.push(b)}captureContentBinding(b){b.targetAtContent(),this.addFactory(b)}reset(){this.behaviorFactories=[],this.targetIndex=-1}release(){sharedContext=this}static borrow(b){const m=sharedContext||new CompilationContext;return m.directives=b,m.reset(),sharedContext=null,m}}function createAggregateBinding(g){if(g.length===1)return g[0];let b;const m=g.length,w=g.map(k=>typeof k=="string"?()=>k:(b=k.targetName||b,k.binding)),_=(k,I)=>{let $="";for(let P=0;P<m;++P)$+=w[P](k,I);return $},C=new HTMLBindingDirective(_);return C.targetName=b,C}const interpolationEndLength=_interpolationEnd.length;function parseContent(g,b){const m=b.split(_interpolationStart);if(m.length===1)return null;const w=[];for(let _=0,C=m.length;_<C;++_){const k=m[_],I=k.indexOf(_interpolationEnd);let $;if(I===-1)$=k;else{const P=parseInt(k.substring(0,I));w.push(g.directives[P]),$=k.substring(I+interpolationEndLength)}$!==""&&w.push($)}return w}function compileAttributes(g,b,m=!1){const w=b.attributes;for(let _=0,C=w.length;_<C;++_){const k=w[_],I=k.value,$=parseContent(g,I);let P=null;$===null?m&&(P=new HTMLBindingDirective(()=>I),P.targetName=k.name):P=createAggregateBinding($),P!==null&&(b.removeAttributeNode(k),_--,C--,g.addFactory(P))}}function compileContent(g,b,m){const w=parseContent(g,b.textContent);if(w!==null){let _=b;for(let C=0,k=w.length;C<k;++C){const I=w[C],$=C===0?b:_.parentNode.insertBefore(document.createTextNode(""),_.nextSibling);typeof I=="string"?$.textContent=I:($.textContent=" ",g.captureContentBinding(I)),_=$,g.targetIndex++,$!==b&&m.nextNode()}g.targetIndex--}}function compileTemplate(g,b){const m=g.content;document.adoptNode(m);const w=CompilationContext.borrow(b);compileAttributes(w,g,!0);const _=w.behaviorFactories;w.reset();const C=DOM.createTemplateWalker(m);let k;for(;k=C.nextNode();)switch(w.targetIndex++,k.nodeType){case 1:compileAttributes(w,k);break;case 3:compileContent(w,k,C);break;case 8:DOM.isMarker(k)&&w.addFactory(b[DOM.extractDirectiveIndexFromMarker(k)])}let I=0;(DOM.isMarker(m.firstChild)||m.childNodes.length===1&&b.length)&&(m.insertBefore(document.createComment(""),m.firstChild),I=-1);const $=w.behaviorFactories;return w.release(),{fragment:m,viewBehaviorFactories:$,hostBehaviorFactories:_,targetOffset:I}}const range=document.createRange();class HTMLView{constructor(b,m){this.fragment=b,this.behaviors=m,this.source=null,this.context=null,this.firstChild=b.firstChild,this.lastChild=b.lastChild}appendTo(b){b.appendChild(this.fragment)}insertBefore(b){if(this.fragment.hasChildNodes())b.parentNode.insertBefore(this.fragment,b);else{const m=this.lastChild;if(b.previousSibling===m)return;const w=b.parentNode;let _=this.firstChild,C;for(;_!==m;)C=_.nextSibling,w.insertBefore(_,b),_=C;w.insertBefore(m,b)}}remove(){const b=this.fragment,m=this.lastChild;let w=this.firstChild,_;for(;w!==m;)_=w.nextSibling,b.appendChild(w),w=_;b.appendChild(m)}dispose(){const b=this.firstChild.parentNode,m=this.lastChild;let w=this.firstChild,_;for(;w!==m;)_=w.nextSibling,b.removeChild(w),w=_;b.removeChild(m);const C=this.behaviors,k=this.source;for(let I=0,$=C.length;I<$;++I)C[I].unbind(k)}bind(b,m){const w=this.behaviors;if(this.source!==b)if(this.source!==null){const _=this.source;this.source=b,this.context=m;for(let C=0,k=w.length;C<k;++C){const I=w[C];I.unbind(_),I.bind(b,m)}}else{this.source=b,this.context=m;for(let _=0,C=w.length;_<C;++_)w[_].bind(b,m)}}unbind(){if(this.source===null)return;const b=this.behaviors,m=this.source;for(let w=0,_=b.length;w<_;++w)b[w].unbind(m);this.source=null}static disposeContiguousBatch(b){if(b.length!==0){range.setStartBefore(b[0].firstChild),range.setEndAfter(b[b.length-1].lastChild),range.deleteContents();for(let m=0,w=b.length;m<w;++m){const _=b[m],C=_.behaviors,k=_.source;for(let I=0,$=C.length;I<$;++I)C[I].unbind(k)}}}}class ViewTemplate{constructor(b,m){this.behaviorCount=0,this.hasHostBehaviors=!1,this.fragment=null,this.targetOffset=0,this.viewBehaviorFactories=null,this.hostBehaviorFactories=null,this.html=b,this.directives=m}create(b){if(this.fragment===null){let P;const M=this.html;if(typeof M=="string"){P=document.createElement("template"),P.innerHTML=DOM.createHTML(M);const G=P.content.firstElementChild;G!==null&&G.tagName==="TEMPLATE"&&(P=G)}else P=M;const U=compileTemplate(P,this.directives);this.fragment=U.fragment,this.viewBehaviorFactories=U.viewBehaviorFactories,this.hostBehaviorFactories=U.hostBehaviorFactories,this.targetOffset=U.targetOffset,this.behaviorCount=this.viewBehaviorFactories.length+this.hostBehaviorFactories.length,this.hasHostBehaviors=this.hostBehaviorFactories.length>0}const m=this.fragment.cloneNode(!0),w=this.viewBehaviorFactories,_=new Array(this.behaviorCount),C=DOM.createTemplateWalker(m);let k=0,I=this.targetOffset,$=C.nextNode();for(let P=w.length;k<P;++k){const M=w[k],U=M.targetIndex;for(;$!==null;)if(I===U){_[k]=M.createBehavior($);break}else $=C.nextNode(),I++}if(this.hasHostBehaviors){const P=this.hostBehaviorFactories;for(let M=0,U=P.length;M<U;++M,++k)_[k]=P[M].createBehavior(b)}return new HTMLView(m,_)}render(b,m,w){typeof m=="string"&&(m=document.getElementById(m)),w===void 0&&(w=m);const _=this.create(w);return _.bind(b,defaultExecutionContext),_.appendTo(m),_}}const lastAttributeNameRegex=/([ \x09\x0a\x0c\x0d])([^\0-\x1F\x7F-\x9F "'>=/]+)([ \x09\x0a\x0c\x0d]*=[ \x09\x0a\x0c\x0d]*(?:[^ \x09\x0a\x0c\x0d"'`<>=]*|"[^"]*|'[^']*))$/;function html(g,...b){const m=[];let w="";for(let _=0,C=g.length-1;_<C;++_){const k=g[_];let I=b[_];if(w+=k,I instanceof ViewTemplate){const $=I;I=()=>$}if(typeof I=="function"&&(I=new HTMLBindingDirective(I)),I instanceof TargetedHTMLDirective){const $=lastAttributeNameRegex.exec(k);$!==null&&(I.targetName=$[2])}I instanceof HTMLDirective?(w+=I.createPlaceholder(m.length),m.push(I)):w+=I}return w+=g[g.length-1],new ViewTemplate(w,m)}class ElementStyles{constructor(){this.targets=new WeakSet}addStylesTo(b){this.targets.add(b)}removeStylesFrom(b){this.targets.delete(b)}isAttachedTo(b){return this.targets.has(b)}withBehaviors(...b){return this.behaviors=this.behaviors===null?b:this.behaviors.concat(b),this}}ElementStyles.create=(()=>{if(DOM.supportsAdoptedStyleSheets){const g=new Map;return b=>new AdoptedStyleSheetsStyles(b,g)}return g=>new StyleElementStyles(g)})();function reduceStyles(g){return g.map(b=>b instanceof ElementStyles?reduceStyles(b.styles):[b]).reduce((b,m)=>b.concat(m),[])}function reduceBehaviors(g){return g.map(b=>b instanceof ElementStyles?b.behaviors:null).reduce((b,m)=>m===null?b:(b===null&&(b=[]),b.concat(m)),null)}class AdoptedStyleSheetsStyles extends ElementStyles{constructor(b,m){super(),this.styles=b,this.styleSheetCache=m,this._styleSheets=void 0,this.behaviors=reduceBehaviors(b)}get styleSheets(){if(this._styleSheets===void 0){const b=this.styles,m=this.styleSheetCache;this._styleSheets=reduceStyles(b).map(w=>{if(w instanceof CSSStyleSheet)return w;let _=m.get(w);return _===void 0&&(_=new CSSStyleSheet,_.replaceSync(w),m.set(w,_)),_})}return this._styleSheets}addStylesTo(b){b.adoptedStyleSheets=[...b.adoptedStyleSheets,...this.styleSheets],super.addStylesTo(b)}removeStylesFrom(b){const m=this.styleSheets;b.adoptedStyleSheets=b.adoptedStyleSheets.filter(w=>m.indexOf(w)===-1),super.removeStylesFrom(b)}}let styleClassId=0;function getNextStyleClass(){return`fast-style-class-${++styleClassId}`}class StyleElementStyles extends ElementStyles{constructor(b){super(),this.styles=b,this.behaviors=null,this.behaviors=reduceBehaviors(b),this.styleSheets=reduceStyles(b),this.styleClass=getNextStyleClass()}addStylesTo(b){const m=this.styleSheets,w=this.styleClass;b=this.normalizeTarget(b);for(let _=0;_<m.length;_++){const C=document.createElement("style");C.innerHTML=m[_],C.className=w,b.append(C)}super.addStylesTo(b)}removeStylesFrom(b){b=this.normalizeTarget(b);const m=b.querySelectorAll(`.${this.styleClass}`);for(let w=0,_=m.length;w<_;++w)b.removeChild(m[w]);super.removeStylesFrom(b)}isAttachedTo(b){return super.isAttachedTo(this.normalizeTarget(b))}normalizeTarget(b){return b===document?document.body:b}}const AttributeConfiguration=Object.freeze({locate:createMetadataLocator()}),booleanConverter={toView(g){return g?"true":"false"},fromView(g){return!(g==null||g==="false"||g===!1||g===0)}},nullableNumberConverter={toView(g){if(g==null)return null;const b=g*1;return isNaN(b)?null:b.toString()},fromView(g){if(g==null)return null;const b=g*1;return isNaN(b)?null:b}};class AttributeDefinition{constructor(b,m,w=m.toLowerCase(),_="reflect",C){this.guards=new Set,this.Owner=b,this.name=m,this.attribute=w,this.mode=_,this.converter=C,this.fieldName=`_${m}`,this.callbackName=`${m}Changed`,this.hasCallback=this.callbackName in b.prototype,_==="boolean"&&C===void 0&&(this.converter=booleanConverter)}setValue(b,m){const w=b[this.fieldName],_=this.converter;_!==void 0&&(m=_.fromView(m)),w!==m&&(b[this.fieldName]=m,this.tryReflectToAttribute(b),this.hasCallback&&b[this.callbackName](w,m),b.$fastController.notify(this.name))}getValue(b){return Observable.track(b,this.name),b[this.fieldName]}onAttributeChangedCallback(b,m){this.guards.has(b)||(this.guards.add(b),this.setValue(b,m),this.guards.delete(b))}tryReflectToAttribute(b){const m=this.mode,w=this.guards;w.has(b)||m==="fromView"||DOM.queueUpdate(()=>{w.add(b);const _=b[this.fieldName];switch(m){case"reflect":const C=this.converter;DOM.setAttribute(b,this.attribute,C!==void 0?C.toView(_):_);break;case"boolean":DOM.setBooleanAttribute(b,this.attribute,_);break}w.delete(b)})}static collect(b,...m){const w=[];m.push(AttributeConfiguration.locate(b));for(let _=0,C=m.length;_<C;++_){const k=m[_];if(k!==void 0)for(let I=0,$=k.length;I<$;++I){const P=k[I];typeof P=="string"?w.push(new AttributeDefinition(b,P)):w.push(new AttributeDefinition(b,P.property,P.attribute,P.mode,P.converter))}}return w}}function attr(g,b){let m;function w(_,C){arguments.length>1&&(m.property=C),AttributeConfiguration.locate(_.constructor).push(m)}if(arguments.length>1){m={},w(g,b);return}return m=g===void 0?{}:g,w}const defaultShadowOptions={mode:"open"},defaultElementOptions={},fastRegistry=FAST.getById(4,()=>{const g=new Map;return Object.freeze({register(b){return g.has(b.type)?!1:(g.set(b.type,b),!0)},getByType(b){return g.get(b)}})});class FASTElementDefinition{constructor(b,m=b.definition){typeof m=="string"&&(m={name:m}),this.type=b,this.name=m.name,this.template=m.template;const w=AttributeDefinition.collect(b,m.attributes),_=new Array(w.length),C={},k={};for(let I=0,$=w.length;I<$;++I){const P=w[I];_[I]=P.attribute,C[P.name]=P,k[P.attribute]=P}this.attributes=w,this.observedAttributes=_,this.propertyLookup=C,this.attributeLookup=k,this.shadowOptions=m.shadowOptions===void 0?defaultShadowOptions:m.shadowOptions===null?void 0:Object.assign(Object.assign({},defaultShadowOptions),m.shadowOptions),this.elementOptions=m.elementOptions===void 0?defaultElementOptions:Object.assign(Object.assign({},defaultElementOptions),m.elementOptions),this.styles=m.styles===void 0?void 0:Array.isArray(m.styles)?ElementStyles.create(m.styles):m.styles instanceof ElementStyles?m.styles:ElementStyles.create([m.styles])}get isDefined(){return!!fastRegistry.getByType(this.type)}define(b=customElements){const m=this.type;if(fastRegistry.register(this)){const w=this.attributes,_=m.prototype;for(let C=0,k=w.length;C<k;++C)Observable.defineProperty(_,w[C]);Reflect.defineProperty(m,"observedAttributes",{value:this.observedAttributes,enumerable:!0})}return b.get(this.name)||b.define(this.name,m,this.elementOptions),this}}FASTElementDefinition.forType=fastRegistry.getByType;const shadowRoots=new WeakMap,defaultEventOptions={bubbles:!0,composed:!0,cancelable:!0};function getShadowRoot(g){return g.shadowRoot||shadowRoots.get(g)||null}class Controller extends PropertyChangeNotifier{constructor(b,m){super(b),this.boundObservables=null,this.behaviors=null,this.needsInitialization=!0,this._template=null,this._styles=null,this._isConnected=!1,this.$fastController=this,this.view=null,this.element=b,this.definition=m;const w=m.shadowOptions;if(w!==void 0){const C=b.attachShadow(w);w.mode==="closed"&&shadowRoots.set(b,C)}const _=Observable.getAccessors(b);if(_.length>0){const C=this.boundObservables=Object.create(null);for(let k=0,I=_.length;k<I;++k){const $=_[k].name,P=b[$];P!==void 0&&(delete b[$],C[$]=P)}}}get isConnected(){return Observable.track(this,"isConnected"),this._isConnected}setIsConnected(b){this._isConnected=b,Observable.notify(this,"isConnected")}get template(){return this._template}set template(b){this._template!==b&&(this._template=b,this.needsInitialization||this.renderTemplate(b))}get styles(){return this._styles}set styles(b){this._styles!==b&&(this._styles!==null&&this.removeStyles(this._styles),this._styles=b,!this.needsInitialization&&b!==null&&this.addStyles(b))}addStyles(b){const m=getShadowRoot(this.element)||this.element.getRootNode();if(b instanceof HTMLStyleElement)m.append(b);else if(!b.isAttachedTo(m)){const w=b.behaviors;b.addStylesTo(m),w!==null&&this.addBehaviors(w)}}removeStyles(b){const m=getShadowRoot(this.element)||this.element.getRootNode();if(b instanceof HTMLStyleElement)m.removeChild(b);else if(b.isAttachedTo(m)){const w=b.behaviors;b.removeStylesFrom(m),w!==null&&this.removeBehaviors(w)}}addBehaviors(b){const m=this.behaviors||(this.behaviors=new Map),w=b.length,_=[];for(let C=0;C<w;++C){const k=b[C];m.has(k)?m.set(k,m.get(k)+1):(m.set(k,1),_.push(k))}if(this._isConnected){const C=this.element;for(let k=0;k<_.length;++k)_[k].bind(C,defaultExecutionContext)}}removeBehaviors(b,m=!1){const w=this.behaviors;if(w===null)return;const _=b.length,C=[];for(let k=0;k<_;++k){const I=b[k];if(w.has(I)){const $=w.get(I)-1;$===0||m?w.delete(I)&&C.push(I):w.set(I,$)}}if(this._isConnected){const k=this.element;for(let I=0;I<C.length;++I)C[I].unbind(k)}}onConnectedCallback(){if(this._isConnected)return;const b=this.element;this.needsInitialization?this.finishInitialization():this.view!==null&&this.view.bind(b,defaultExecutionContext);const m=this.behaviors;if(m!==null)for(const[w]of m)w.bind(b,defaultExecutionContext);this.setIsConnected(!0)}onDisconnectedCallback(){if(!this._isConnected)return;this.setIsConnected(!1);const b=this.view;b!==null&&b.unbind();const m=this.behaviors;if(m!==null){const w=this.element;for(const[_]of m)_.unbind(w)}}onAttributeChangedCallback(b,m,w){const _=this.definition.attributeLookup[b];_!==void 0&&_.onAttributeChangedCallback(this.element,w)}emit(b,m,w){return this._isConnected?this.element.dispatchEvent(new CustomEvent(b,Object.assign(Object.assign({detail:m},defaultEventOptions),w))):!1}finishInitialization(){const b=this.element,m=this.boundObservables;if(m!==null){const _=Object.keys(m);for(let C=0,k=_.length;C<k;++C){const I=_[C];b[I]=m[I]}this.boundObservables=null}const w=this.definition;this._template===null&&(this.element.resolveTemplate?this._template=this.element.resolveTemplate():w.template&&(this._template=w.template||null)),this._template!==null&&this.renderTemplate(this._template),this._styles===null&&(this.element.resolveStyles?this._styles=this.element.resolveStyles():w.styles&&(this._styles=w.styles||null)),this._styles!==null&&this.addStyles(this._styles),this.needsInitialization=!1}renderTemplate(b){const m=this.element,w=getShadowRoot(m)||m;this.view!==null?(this.view.dispose(),this.view=null):this.needsInitialization||DOM.removeChildNodes(w),b&&(this.view=b.render(m,w,m))}static forCustomElement(b){const m=b.$fastController;if(m!==void 0)return m;const w=FASTElementDefinition.forType(b.constructor);if(w===void 0)throw new Error("Missing FASTElement definition.");return b.$fastController=new Controller(b,w)}}function createFASTElement(g){return class extends g{constructor(){super(),Controller.forCustomElement(this)}$emit(b,m,w){return this.$fastController.emit(b,m,w)}connectedCallback(){this.$fastController.onConnectedCallback()}disconnectedCallback(){this.$fastController.onDisconnectedCallback()}attributeChangedCallback(b,m,w){this.$fastController.onAttributeChangedCallback(b,m,w)}}}const FASTElement=Object.assign(createFASTElement(HTMLElement),{from(g){return createFASTElement(g)},define(g,b){return new FASTElementDefinition(g,b).define().type}});class CSSDirective{createCSS(){return""}createBehavior(){}}function collectStyles(g,b){const m=[];let w="";const _=[];for(let C=0,k=g.length-1;C<k;++C){w+=g[C];let I=b[C];if(I instanceof CSSDirective){const $=I.createBehavior();I=I.createCSS(),$&&_.push($)}I instanceof ElementStyles||I instanceof CSSStyleSheet?(w.trim()!==""&&(m.push(w),w=""),m.push(I)):w+=I}return w+=g[g.length-1],w.trim()!==""&&m.push(w),{styles:m,behaviors:_}}function css(g,...b){const{styles:m,behaviors:w}=collectStyles(g,b),_=ElementStyles.create(m);return w.length&&_.withBehaviors(...w),_}function newSplice(g,b,m){return{index:g,removed:b,addedCount:m}}const EDIT_LEAVE=0,EDIT_UPDATE=1,EDIT_ADD=2,EDIT_DELETE=3;function calcEditDistances(g,b,m,w,_,C){const k=C-_+1,I=m-b+1,$=new Array(k);let P,M;for(let U=0;U<k;++U)$[U]=new Array(I),$[U][0]=U;for(let U=0;U<I;++U)$[0][U]=U;for(let U=1;U<k;++U)for(let G=1;G<I;++G)g[b+G-1]===w[_+U-1]?$[U][G]=$[U-1][G-1]:(P=$[U-1][G]+1,M=$[U][G-1]+1,$[U][G]=P<M?P:M);return $}function spliceOperationsFromEditDistances(g){let b=g.length-1,m=g[0].length-1,w=g[b][m];const _=[];for(;b>0||m>0;){if(b===0){_.push(EDIT_ADD),m--;continue}if(m===0){_.push(EDIT_DELETE),b--;continue}const C=g[b-1][m-1],k=g[b-1][m],I=g[b][m-1];let $;k<I?$=k<C?k:C:$=I<C?I:C,$===C?(C===w?_.push(EDIT_LEAVE):(_.push(EDIT_UPDATE),w=C),b--,m--):$===k?(_.push(EDIT_DELETE),b--,w=k):(_.push(EDIT_ADD),m--,w=I)}return _.reverse(),_}function sharedPrefix(g,b,m){for(let w=0;w<m;++w)if(g[w]!==b[w])return w;return m}function sharedSuffix(g,b,m){let w=g.length,_=b.length,C=0;for(;C<m&&g[--w]===b[--_];)C++;return C}function intersect(g,b,m,w){return b<m||w<g?-1:b===m||w===g?0:g<m?b<w?b-m:w-m:w<b?w-g:b-g}function calcSplices(g,b,m,w,_,C){let k=0,I=0;const $=Math.min(m-b,C-_);if(b===0&&_===0&&(k=sharedPrefix(g,w,$)),m===g.length&&C===w.length&&(I=sharedSuffix(g,w,$-k)),b+=k,_+=k,m-=I,C-=I,m-b===0&&C-_===0)return emptyArray;if(b===m){const Z=newSplice(b,[],0);for(;_<C;)Z.removed.push(w[_++]);return[Z]}else if(_===C)return[newSplice(b,[],m-b)];const P=spliceOperationsFromEditDistances(calcEditDistances(g,b,m,w,_,C)),M=[];let U,G=b,X=_;for(let Z=0;Z<P.length;++Z)switch(P[Z]){case EDIT_LEAVE:U!==void 0&&(M.push(U),U=void 0),G++,X++;break;case EDIT_UPDATE:U===void 0&&(U=newSplice(G,[],0)),U.addedCount++,G++,U.removed.push(w[X]),X++;break;case EDIT_ADD:U===void 0&&(U=newSplice(G,[],0)),U.addedCount++,G++;break;case EDIT_DELETE:U===void 0&&(U=newSplice(G,[],0)),U.removed.push(w[X]),X++;break}return U!==void 0&&M.push(U),M}const $push=Array.prototype.push;function mergeSplice(g,b,m,w){const _=newSplice(b,m,w);let C=!1,k=0;for(let I=0;I<g.length;I++){const $=g[I];if($.index+=k,C)continue;const P=intersect(_.index,_.index+_.removed.length,$.index,$.index+$.addedCount);if(P>=0){g.splice(I,1),I--,k-=$.addedCount-$.removed.length,_.addedCount+=$.addedCount-P;const M=_.removed.length+$.removed.length-P;if(!_.addedCount&&!M)C=!0;else{let U=$.removed;if(_.index<$.index){const G=_.removed.slice(0,$.index-_.index);$push.apply(G,U),U=G}if(_.index+_.removed.length>$.index+$.addedCount){const G=_.removed.slice($.index+$.addedCount-_.index);$push.apply(U,G)}_.removed=U,$.index<_.index&&(_.index=$.index)}}else if(_.index<$.index){C=!0,g.splice(I,0,_),I++;const M=_.addedCount-_.removed.length;$.index+=M,k+=M}}C||g.push(_)}function createInitialSplices(g){const b=[];for(let m=0,w=g.length;m<w;m++){const _=g[m];mergeSplice(b,_.index,_.removed,_.addedCount)}return b}function projectArraySplices(g,b){let m=[];const w=createInitialSplices(b);for(let _=0,C=w.length;_<C;++_){const k=w[_];if(k.addedCount===1&&k.removed.length===1){k.removed[0]!==g[k.index]&&m.push(k);continue}m=m.concat(calcSplices(g,k.index,k.index+k.addedCount,k.removed,0,k.removed.length))}return m}let arrayObservationEnabled=!1;function adjustIndex(g,b){let m=g.index;const w=b.length;return m>w?m=w-g.addedCount:m<0&&(m=w+g.removed.length+m-g.addedCount),m<0&&(m=0),g.index=m,g}class ArrayObserver extends SubscriberSet{constructor(b){super(b),this.oldCollection=void 0,this.splices=void 0,this.needsQueue=!0,this.call=this.flush,Reflect.defineProperty(b,"$fastController",{value:this,enumerable:!1})}subscribe(b){this.flush(),super.subscribe(b)}addSplice(b){this.splices===void 0?this.splices=[b]:this.splices.push(b),this.needsQueue&&(this.needsQueue=!1,DOM.queueUpdate(this))}reset(b){this.oldCollection=b,this.needsQueue&&(this.needsQueue=!1,DOM.queueUpdate(this))}flush(){const b=this.splices,m=this.oldCollection;if(b===void 0&&m===void 0)return;this.needsQueue=!0,this.splices=void 0,this.oldCollection=void 0;const w=m===void 0?projectArraySplices(this.source,b):calcSplices(this.source,0,this.source.length,m,0,m.length);this.notify(w)}}function enableArrayObservation(){if(arrayObservationEnabled)return;arrayObservationEnabled=!0,Observable.setArrayObserverFactory($=>new ArrayObserver($));const g=Array.prototype;if(g.$fastPatch)return;Reflect.defineProperty(g,"$fastPatch",{value:1,enumerable:!1});const b=g.pop,m=g.push,w=g.reverse,_=g.shift,C=g.sort,k=g.splice,I=g.unshift;g.pop=function(){const $=this.length>0,P=b.apply(this,arguments),M=this.$fastController;return M!==void 0&&$&&M.addSplice(newSplice(this.length,[P],0)),P},g.push=function(){const $=m.apply(this,arguments),P=this.$fastController;return P!==void 0&&P.addSplice(adjustIndex(newSplice(this.length-arguments.length,[],arguments.length),this)),$},g.reverse=function(){let $;const P=this.$fastController;P!==void 0&&(P.flush(),$=this.slice());const M=w.apply(this,arguments);return P!==void 0&&P.reset($),M},g.shift=function(){const $=this.length>0,P=_.apply(this,arguments),M=this.$fastController;return M!==void 0&&$&&M.addSplice(newSplice(0,[P],0)),P},g.sort=function(){let $;const P=this.$fastController;P!==void 0&&(P.flush(),$=this.slice());const M=C.apply(this,arguments);return P!==void 0&&P.reset($),M},g.splice=function(){const $=k.apply(this,arguments),P=this.$fastController;return P!==void 0&&P.addSplice(adjustIndex(newSplice(+arguments[0],$,arguments.length>2?arguments.length-2:0),this)),$},g.unshift=function(){const $=I.apply(this,arguments),P=this.$fastController;return P!==void 0&&P.addSplice(adjustIndex(newSplice(0,[],arguments.length),this)),$}}class RefBehavior{constructor(b,m){this.target=b,this.propertyName=m}bind(b){b[this.propertyName]=this.target}unbind(){}}function ref(g){return new AttachedBehaviorHTMLDirective("fast-ref",RefBehavior,g)}function when(g,b){const m=typeof b=="function"?b:()=>b;return(w,_)=>g(w,_)?m(w,_):null}function bindWithoutPositioning(g,b,m,w){g.bind(b[m],w)}function bindWithPositioning(g,b,m,w){const _=Object.create(w);_.index=m,_.length=b.length,g.bind(b[m],_)}class RepeatBehavior{constructor(b,m,w,_,C,k){this.location=b,this.itemsBinding=m,this.templateBinding=_,this.options=k,this.source=null,this.views=[],this.items=null,this.itemsObserver=null,this.originalContext=void 0,this.childContext=void 0,this.bindView=bindWithoutPositioning,this.itemsBindingObserver=Observable.binding(m,this,w),this.templateBindingObserver=Observable.binding(_,this,C),k.positioning&&(this.bindView=bindWithPositioning)}bind(b,m){this.source=b,this.originalContext=m,this.childContext=Object.create(m),this.childContext.parent=b,this.childContext.parentContext=this.originalContext,this.items=this.itemsBindingObserver.observe(b,this.originalContext),this.template=this.templateBindingObserver.observe(b,this.originalContext),this.observeItems(!0),this.refreshAllViews()}unbind(){this.source=null,this.items=null,this.itemsObserver!==null&&this.itemsObserver.unsubscribe(this),this.unbindAllViews(),this.itemsBindingObserver.disconnect(),this.templateBindingObserver.disconnect()}handleChange(b,m){b===this.itemsBinding?(this.items=this.itemsBindingObserver.observe(this.source,this.originalContext),this.observeItems(),this.refreshAllViews()):b===this.templateBinding?(this.template=this.templateBindingObserver.observe(this.source,this.originalContext),this.refreshAllViews(!0)):this.updateViews(m)}observeItems(b=!1){if(!this.items){this.items=emptyArray;return}const m=this.itemsObserver,w=this.itemsObserver=Observable.getNotifier(this.items),_=m!==w;_&&m!==null&&m.unsubscribe(this),(_||b)&&w.subscribe(this)}updateViews(b){const m=this.childContext,w=this.views,_=this.bindView,C=this.items,k=this.template,I=this.options.recycle,$=[];let P=0,M=0;for(let U=0,G=b.length;U<G;++U){const X=b[U],Z=X.removed;let ne=0,re=X.index;const ve=re+X.addedCount,Se=w.splice(X.index,Z.length),ge=M=$.length+Se.length;for(;re<ve;++re){const oe=w[re],me=oe?oe.firstChild:this.location;let De;I&&M>0?(ne<=ge&&Se.length>0?(De=Se[ne],ne++):(De=$[P],P++),M--):De=k.create(),w.splice(re,0,De),_(De,C,re,m),De.insertBefore(me)}Se[ne]&&$.push(...Se.slice(ne))}for(let U=P,G=$.length;U<G;++U)$[U].dispose();if(this.options.positioning)for(let U=0,G=w.length;U<G;++U){const X=w[U].context;X.length=G,X.index=U}}refreshAllViews(b=!1){const m=this.items,w=this.childContext,_=this.template,C=this.location,k=this.bindView;let I=m.length,$=this.views,P=$.length;if((I===0||b||!this.options.recycle)&&(HTMLView.disposeContiguousBatch($),P=0),P===0){this.views=$=new Array(I);for(let M=0;M<I;++M){const U=_.create();k(U,m,M,w),$[M]=U,U.insertBefore(C)}}else{let M=0;for(;M<I;++M)if(M<P){const G=$[M];k(G,m,M,w)}else{const G=_.create();k(G,m,M,w),$.push(G),G.insertBefore(C)}const U=$.splice(M,P-M);for(M=0,I=U.length;M<I;++M)U[M].dispose()}}unbindAllViews(){const b=this.views;for(let m=0,w=b.length;m<w;++m)b[m].unbind()}}class RepeatDirective extends HTMLDirective{constructor(b,m,w){super(),this.itemsBinding=b,this.templateBinding=m,this.options=w,this.createPlaceholder=DOM.createBlockPlaceholder,enableArrayObservation(),this.isItemsBindingVolatile=Observable.isVolatileBinding(b),this.isTemplateBindingVolatile=Observable.isVolatileBinding(m)}createBehavior(b){return new RepeatBehavior(b,this.itemsBinding,this.isItemsBindingVolatile,this.templateBinding,this.isTemplateBindingVolatile,this.options)}}function elements(g){return g?function(b,m,w){return b.nodeType===1&&b.matches(g)}:function(b,m,w){return b.nodeType===1}}class NodeObservationBehavior{constructor(b,m){this.target=b,this.options=m,this.source=null}bind(b){const m=this.options.property;this.shouldUpdate=Observable.getAccessors(b).some(w=>w.name===m),this.source=b,this.updateTarget(this.computeNodes()),this.shouldUpdate&&this.observe()}unbind(){this.updateTarget(emptyArray),this.source=null,this.shouldUpdate&&this.disconnect()}handleEvent(){this.updateTarget(this.computeNodes())}computeNodes(){let b=this.getNodes();return this.options.filter!==void 0&&(b=b.filter(this.options.filter)),b}updateTarget(b){this.source[this.options.property]=b}}class SlottedBehavior extends NodeObservationBehavior{constructor(b,m){super(b,m)}observe(){this.target.addEventListener("slotchange",this)}disconnect(){this.target.removeEventListener("slotchange",this)}getNodes(){return this.target.assignedNodes(this.options)}}function slotted(g){return typeof g=="string"&&(g={property:g}),new AttachedBehaviorHTMLDirective("fast-slotted",SlottedBehavior,g)}class ChildrenBehavior extends NodeObservationBehavior{constructor(b,m){super(b,m),this.observer=null,m.childList=!0}observe(){this.observer===null&&(this.observer=new MutationObserver(this.handleEvent.bind(this))),this.observer.observe(this.target,this.options)}disconnect(){this.observer.disconnect()}getNodes(){return"subtree"in this.options?Array.from(this.target.querySelectorAll(this.options.selector)):Array.from(this.target.childNodes)}}function children(g){return typeof g=="string"&&(g={property:g}),new AttachedBehaviorHTMLDirective("fast-children",ChildrenBehavior,g)}class StartEnd{handleStartContentChange(){this.startContainer.classList.toggle("start",this.start.assignedNodes().length>0)}handleEndContentChange(){this.endContainer.classList.toggle("end",this.end.assignedNodes().length>0)}}const endSlotTemplate=(g,b)=>html`
<span
part="end"
${ref("endContainer")}
class=${m=>b.end?"end":void 0}
>
<slot name="end" ${ref("end")} @slotchange="${m=>m.handleEndContentChange()}">
${b.end||""}
</slot>
</span>
`,startSlotTemplate=(g,b)=>html`
<span
part="start"
${ref("startContainer")}
class="${m=>b.start?"start":void 0}"
>
<slot
name="start"
${ref("start")}
@slotchange="${m=>m.handleStartContentChange()}"
>
${b.start||""}
</slot>
</span>
`;html`
<span part="end" ${ref("endContainer")}>
<slot
name="end"
${ref("end")}
@slotchange="${g=>g.handleEndContentChange()}"
></slot>
</span>
`,html`
<span part="start" ${ref("startContainer")}>
<slot
name="start"
${ref("start")}
@slotchange="${g=>g.handleStartContentChange()}"
></slot>
</span>
`;/*! *****************************************************************************
Copyright (c) Microsoft Corporation.
Permission to use, copy, modify, and/or distribute this software for any
purpose with or without fee is hereby granted.
THE SOFTWARE IS PROVIDED "AS IS" AND THE AUTHOR DISCLAIMS ALL WARRANTIES WITH
REGARD TO THIS SOFTWARE INCLUDING ALL IMPLIED WARRANTIES OF MERCHANTABILITY
AND FITNESS. IN NO EVENT SHALL THE AUTHOR BE LIABLE FOR ANY SPECIAL, DIRECT,
INDIRECT, OR CONSEQUENTIAL DAMAGES OR ANY DAMAGES WHATSOEVER RESULTING FROM
LOSS OF USE, DATA OR PROFITS, WHETHER IN AN ACTION OF CONTRACT, NEGLIGENCE OR
OTHER TORTIOUS ACTION, ARISING OUT OF OR IN CONNECTION WITH THE USE OR
PERFORMANCE OF THIS SOFTWARE.
***************************************************************************** */function __decorate(g,b,m,w){var _=arguments.length,C=_<3?b:w===null?w=Object.getOwnPropertyDescriptor(b,m):w,k;if(typeof Reflect=="object"&&typeof Reflect.decorate=="function")C=Reflect.decorate(g,b,m,w);else for(var I=g.length-1;I>=0;I--)(k=g[I])&&(C=(_<3?k(C):_>3?k(b,m,C):k(b,m))||C);return _>3&&C&&Object.defineProperty(b,m,C),C}const metadataByTarget=new Map;"metadata"in Reflect||(Reflect.metadata=function(g,b){return function(m){Reflect.defineMetadata(g,b,m)}},Reflect.defineMetadata=function(g,b,m){let w=metadataByTarget.get(m);w===void 0&&metadataByTarget.set(m,w=new Map),w.set(g,b)},Reflect.getOwnMetadata=function(g,b){const m=metadataByTarget.get(b);if(m!==void 0)return m.get(g)});class ResolverBuilder{constructor(b,m){this.container=b,this.key=m}instance(b){return this.registerResolver(0,b)}singleton(b){return this.registerResolver(1,b)}transient(b){return this.registerResolver(2,b)}callback(b){return this.registerResolver(3,b)}cachedCallback(b){return this.registerResolver(3,cacheCallbackResult(b))}aliasTo(b){return this.registerResolver(5,b)}registerResolver(b,m){const{container:w,key:_}=this;return this.container=this.key=void 0,w.registerResolver(_,new ResolverImpl(_,b,m))}}function cloneArrayWithPossibleProps(g){const b=g.slice(),m=Object.keys(g),w=m.length;let _;for(let C=0;C<w;++C)_=m[C],isArrayIndex(_)||(b[_]=g[_]);return b}const DefaultResolver=Object.freeze({none(g){throw Error(`${g.toString()} not registered, did you forget to add @singleton()?`)},singleton(g){return new ResolverImpl(g,1,g)},transient(g){return new ResolverImpl(g,2,g)}}),ContainerConfiguration=Object.freeze({default:Object.freeze({parentLocator:()=>null,responsibleForOwnerRequests:!1,defaultResolver:DefaultResolver.singleton})}),dependencyLookup=new Map;function getParamTypes(g){return b=>Reflect.getOwnMetadata(g,b)}let rootDOMContainer=null;const DI=Object.freeze({createContainer(g){return new ContainerImpl(null,Object.assign({},ContainerConfiguration.default,g))},findResponsibleContainer(g){const b=g.$$container$$;return b&&b.responsibleForOwnerRequests?b:DI.findParentContainer(g)},findParentContainer(g){const b=new CustomEvent(DILocateParentEventType,{bubbles:!0,composed:!0,cancelable:!0,detail:{container:void 0}});return g.dispatchEvent(b),b.detail.container||DI.getOrCreateDOMContainer()},getOrCreateDOMContainer(g,b){return g?g.$$container$$||new ContainerImpl(g,Object.assign({},ContainerConfiguration.default,b,{parentLocator:DI.findParentContainer})):rootDOMContainer||(rootDOMContainer=new ContainerImpl(null,Object.assign({},ContainerConfiguration.default,b,{parentLocator:()=>null})))},getDesignParamtypes:getParamTypes("design:paramtypes"),getAnnotationParamtypes:getParamTypes("di:paramtypes"),getOrCreateAnnotationParamTypes(g){let b=this.getAnnotationParamtypes(g);return b===void 0&&Reflect.defineMetadata("di:paramtypes",b=[],g),b},getDependencies(g){let b=dependencyLookup.get(g);if(b===void 0){const m=g.inject;if(m===void 0){const w=DI.getDesignParamtypes(g),_=DI.getAnnotationParamtypes(g);if(w===void 0)if(_===void 0){const C=Object.getPrototypeOf(g);typeof C=="function"&&C!==Function.prototype?b=cloneArrayWithPossibleProps(DI.getDependencies(C)):b=[]}else b=cloneArrayWithPossibleProps(_);else if(_===void 0)b=cloneArrayWithPossibleProps(w);else{b=cloneArrayWithPossibleProps(w);let C=_.length,k;for(let P=0;P<C;++P)k=_[P],k!==void 0&&(b[P]=k);const I=Object.keys(_);C=I.length;let $;for(let P=0;P<C;++P)$=I[P],isArrayIndex($)||(b[$]=_[$])}}else b=cloneArrayWithPossibleProps(m);dependencyLookup.set(g,b)}return b},defineProperty(g,b,m,w=!1){const _=`$di_${b}`;Reflect.defineProperty(g,b,{get:function(){let C=this[_];if(C===void 0&&(C=(this instanceof HTMLElement?DI.findResponsibleContainer(this):DI.getOrCreateDOMContainer()).get(m),this[_]=C,w&&this instanceof FASTElement)){const I=this.$fastController,$=()=>{const M=DI.findResponsibleContainer(this).get(m),U=this[_];M!==U&&(this[_]=C,I.notify(b))};I.subscribe({handleChange:$},"isConnected")}return C}})},createInterface(g,b){const m=typeof g=="function"?g:b,w=typeof g=="string"?g:g&&"friendlyName"in g&&g.friendlyName||defaultFriendlyName,_=typeof g=="string"?!1:g&&"respectConnection"in g&&g.respectConnection||!1,C=function(k,I,$){if(k==null||new.target!==void 0)throw new Error(`No registration for interface: '${C.friendlyName}'`);if(I)DI.defineProperty(k,I,C,_);else{const P=DI.getOrCreateAnnotationParamTypes(k);P[$]=C}};return C.$isInterface=!0,C.friendlyName=w??"(anonymous)",m!=null&&(C.register=function(k,I){return m(new ResolverBuilder(k,I??C))}),C.toString=function(){return`InterfaceSymbol<${C.friendlyName}>`},C},inject(...g){return function(b,m,w){if(typeof w=="number"){const _=DI.getOrCreateAnnotationParamTypes(b),C=g[0];C!==void 0&&(_[w]=C)}else if(m)DI.defineProperty(b,m,g[0]);else{const _=w?DI.getOrCreateAnnotationParamTypes(w.value):DI.getOrCreateAnnotationParamTypes(b);let C;for(let k=0;k<g.length;++k)C=g[k],C!==void 0&&(_[k]=C)}}},transient(g){return g.register=function(m){return Registration.transient(g,g).register(m)},g.registerInRequestor=!1,g},singleton(g,b=defaultSingletonOptions){return g.register=function(w){return Registration.singleton(g,g).register(w)},g.registerInRequestor=b.scoped,g}}),Container=DI.createInterface("Container");DI.inject;const defaultSingletonOptions={scoped:!1};class ResolverImpl{constructor(b,m,w){this.key=b,this.strategy=m,this.state=w,this.resolving=!1}get $isResolver(){return!0}register(b){return b.registerResolver(this.key,this)}resolve(b,m){switch(this.strategy){case 0:return this.state;case 1:{if(this.resolving)throw new Error(`Cyclic dependency found: ${this.state.name}`);return this.resolving=!0,this.state=b.getFactory(this.state).construct(m),this.strategy=0,this.resolving=!1,this.state}case 2:{const w=b.getFactory(this.state);if(w===null)throw new Error(`Resolver for ${String(this.key)} returned a null factory`);return w.construct(m)}case 3:return this.state(b,m,this);case 4:return this.state[0].resolve(b,m);case 5:return m.get(this.state);default:throw new Error(`Invalid resolver strategy specified: ${this.strategy}.`)}}getFactory(b){var m,w,_;switch(this.strategy){case 1:case 2:return b.getFactory(this.state);case 5:return(_=(w=(m=b.getResolver(this.state))===null||m===void 0?void 0:m.getFactory)===null||w===void 0?void 0:w.call(m,b))!==null&&_!==void 0?_:null;default:return null}}}function containerGetKey(g){return this.get(g)}function transformInstance(g,b){return b(g)}class FactoryImpl{constructor(b,m){this.Type=b,this.dependencies=m,this.transformers=null}construct(b,m){let w;return m===void 0?w=new this.Type(...this.dependencies.map(containerGetKey,b)):w=new this.Type(...this.dependencies.map(containerGetKey,b),...m),this.transformers==null?w:this.transformers.reduce(transformInstance,w)}registerTransformer(b){(this.transformers||(this.transformers=[])).push(b)}}const containerResolver={$isResolver:!0,resolve(g,b){return b}};function isRegistry(g){return typeof g.register=="function"}function isSelfRegistry(g){return isRegistry(g)&&typeof g.registerInRequestor=="boolean"}function isRegisterInRequester(g){return isSelfRegistry(g)&&g.registerInRequestor}function isClass(g){return g.prototype!==void 0}const InstrinsicTypeNames=new Set(["Array","ArrayBuffer","Boolean","DataView","Date","Error","EvalError","Float32Array","Float64Array","Function","Int8Array","Int16Array","Int32Array","Map","Number","Object","Promise","RangeError","ReferenceError","RegExp","Set","SharedArrayBuffer","String","SyntaxError","TypeError","Uint8Array","Uint8ClampedArray","Uint16Array","Uint32Array","URIError","WeakMap","WeakSet"]),DILocateParentEventType="__DI_LOCATE_PARENT__",factories=new Map;class ContainerImpl{constructor(b,m){this.owner=b,this.config=m,this._parent=void 0,this.registerDepth=0,this.context=null,b!==null&&(b.$$container$$=this),this.resolvers=new Map,this.resolvers.set(Container,containerResolver),b instanceof Node&&b.addEventListener(DILocateParentEventType,w=>{w.composedPath()[0]!==this.owner&&(w.detail.container=this,w.stopImmediatePropagation())})}get parent(){return this._parent===void 0&&(this._parent=this.config.parentLocator(this.owner)),this._parent}get depth(){return this.parent===null?0:this.parent.depth+1}get responsibleForOwnerRequests(){return this.config.responsibleForOwnerRequests}registerWithContext(b,...m){return this.context=b,this.register(...m),this.context=null,this}register(...b){if(++this.registerDepth===100)throw new Error("Unable to autoregister dependency");let m,w,_,C,k;const I=this.context;for(let $=0,P=b.length;$<P;++$)if(m=b[$],!!isObject$1(m))if(isRegistry(m))m.register(this,I);else if(isClass(m))Registration.singleton(m,m).register(this);else for(w=Object.keys(m),C=0,k=w.length;C<k;++C)_=m[w[C]],isObject$1(_)&&(isRegistry(_)?_.register(this,I):this.register(_));return--this.registerDepth,this}registerResolver(b,m){validateKey(b);const w=this.resolvers,_=w.get(b);return _==null?w.set(b,m):_ instanceof ResolverImpl&&_.strategy===4?_.state.push(m):w.set(b,new ResolverImpl(b,4,[_,m])),m}registerTransformer(b,m){const w=this.getResolver(b);if(w==null)return!1;if(w.getFactory){const _=w.getFactory(this);return _==null?!1:(_.registerTransformer(m),!0)}return!1}getResolver(b,m=!0){if(validateKey(b),b.resolve!==void 0)return b;let w=this,_;for(;w!=null;)if(_=w.resolvers.get(b),_==null){if(w.parent==null){const C=isRegisterInRequester(b)?this:w;return m?this.jitRegister(b,C):null}w=w.parent}else return _;return null}has(b,m=!1){return this.resolvers.has(b)?!0:m&&this.parent!=null?this.parent.has(b,!0):!1}get(b){if(validateKey(b),b.$isResolver)return b.resolve(this,this);let m=this,w;for(;m!=null;)if(w=m.resolvers.get(b),w==null){if(m.parent==null){const _=isRegisterInRequester(b)?this:m;return w=this.jitRegister(b,_),w.resolve(m,this)}m=m.parent}else return w.resolve(m,this);throw new Error(`Unable to resolve key: ${b}`)}getAll(b,m=!1){validateKey(b);const w=this;let _=w,C;if(m){let k=emptyArray;for(;_!=null;)C=_.resolvers.get(b),C!=null&&(k=k.concat(buildAllResponse(C,_,w))),_=_.parent;return k}else for(;_!=null;)if(C=_.resolvers.get(b),C==null){if(_=_.parent,_==null)return emptyArray}else return buildAllResponse(C,_,w);return emptyArray}getFactory(b){let m=factories.get(b);if(m===void 0){if(isNativeFunction(b))throw new Error(`${b.name} is a native function and therefore cannot be safely constructed by DI. If this is intentional, please use a callback or cachedCallback resolver.`);factories.set(b,m=new FactoryImpl(b,DI.getDependencies(b)))}return m}registerFactory(b,m){factories.set(b,m)}createChild(b){return new ContainerImpl(null,Object.assign({},this.config,b,{parentLocator:()=>this}))}jitRegister(b,m){if(typeof b!="function")throw new Error(`Attempted to jitRegister something that is not a constructor: '${b}'. Did you forget to register this dependency?`);if(InstrinsicTypeNames.has(b.name))throw new Error(`Attempted to jitRegister an intrinsic type: ${b.name}. Did you forget to add @inject(Key)`);if(isRegistry(b)){const w=b.register(m);if(!(w instanceof Object)||w.resolve==null){const _=m.resolvers.get(b);if(_!=null)return _;throw new Error("A valid resolver was not returned from the static register method")}return w}else{if(b.$isInterface)throw new Error(`Attempted to jitRegister an interface: ${b.friendlyName}`);{const w=this.config.defaultResolver(b,m);return m.resolvers.set(b,w),w}}}}const cache=new WeakMap;function cacheCallbackResult(g){return function(b,m,w){if(cache.has(w))return cache.get(w);const _=g(b,m,w);return cache.set(w,_),_}}const Registration=Object.freeze({instance(g,b){return new ResolverImpl(g,0,b)},singleton(g,b){return new ResolverImpl(g,1,b)},transient(g,b){return new ResolverImpl(g,2,b)},callback(g,b){return new ResolverImpl(g,3,b)},cachedCallback(g,b){return new ResolverImpl(g,3,cacheCallbackResult(b))},aliasTo(g,b){return new ResolverImpl(b,5,g)}});function validateKey(g){if(g==null)throw new Error("key/value cannot be null or undefined. Are you trying to inject/register something that doesn't exist with DI?")}function buildAllResponse(g,b,m){if(g instanceof ResolverImpl&&g.strategy===4){const w=g.state;let _=w.length;const C=new Array(_);for(;_--;)C[_]=w[_].resolve(b,m);return C}return[g.resolve(b,m)]}const defaultFriendlyName="(anonymous)";function isObject$1(g){return typeof g=="object"&&g!==null||typeof g=="function"}const isNativeFunction=function(){const g=new WeakMap;let b=!1,m="",w=0;return function(_){return b=g.get(_),b===void 0&&(m=_.toString(),w=m.length,b=w>=29&&w<=100&&m.charCodeAt(w-1)===125&&m.charCodeAt(w-2)<=32&&m.charCodeAt(w-3)===93&&m.charCodeAt(w-4)===101&&m.charCodeAt(w-5)===100&&m.charCodeAt(w-6)===111&&m.charCodeAt(w-7)===99&&m.charCodeAt(w-8)===32&&m.charCodeAt(w-9)===101&&m.charCodeAt(w-10)===118&&m.charCodeAt(w-11)===105&&m.charCodeAt(w-12)===116&&m.charCodeAt(w-13)===97&&m.charCodeAt(w-14)===110&&m.charCodeAt(w-15)===88,g.set(_,b)),b}}(),isNumericLookup={};function isArrayIndex(g){switch(typeof g){case"number":return g>=0&&(g|0)===g;case"string":{const b=isNumericLookup[g];if(b!==void 0)return b;const m=g.length;if(m===0)return isNumericLookup[g]=!1;let w=0;for(let _=0;_<m;++_)if(w=g.charCodeAt(_),_===0&&w===48&&m>1||w<48||w>57)return isNumericLookup[g]=!1;return isNumericLookup[g]=!0}default:return!1}}function presentationKeyFromTag(g){return`${g.toLowerCase()}:presentation`}const presentationRegistry=new Map,ComponentPresentation=Object.freeze({define(g,b,m){const w=presentationKeyFromTag(g);presentationRegistry.get(w)===void 0?presentationRegistry.set(w,b):presentationRegistry.set(w,!1),m.register(Registration.instance(w,b))},forTag(g,b){const m=presentationKeyFromTag(g),w=presentationRegistry.get(m);return w===!1?DI.findResponsibleContainer(b).get(m):w||null}});class DefaultComponentPresentation{constructor(b,m){this.template=b||null,this.styles=m===void 0?null:Array.isArray(m)?ElementStyles.create(m):m instanceof ElementStyles?m:ElementStyles.create([m])}applyTo(b){const m=b.$fastController;m.template===null&&(m.template=this.template),m.styles===null&&(m.styles=this.styles)}}class FoundationElement extends FASTElement{constructor(){super(...arguments),this._presentation=void 0}get $presentation(){return this._presentation===void 0&&(this._presentation=ComponentPresentation.forTag(this.tagName,this)),this._presentation}templateChanged(){this.template!==void 0&&(this.$fastController.template=this.template)}stylesChanged(){this.styles!==void 0&&(this.$fastController.styles=this.styles)}connectedCallback(){this.$presentation!==null&&this.$presentation.applyTo(this),super.connectedCallback()}static compose(b){return(m={})=>new FoundationElementRegistry(this===FoundationElement?class extends FoundationElement{}:this,b,m)}}__decorate([observable],FoundationElement.prototype,"template",void 0),__decorate([observable],FoundationElement.prototype,"styles",void 0);function resolveOption(g,b,m){return typeof g=="function"?g(b,m):g}class FoundationElementRegistry{constructor(b,m,w){this.type=b,this.elementDefinition=m,this.overrideDefinition=w,this.definition=Object.assign(Object.assign({},this.elementDefinition),this.overrideDefinition)}register(b,m){const w=this.definition,_=this.overrideDefinition,k=`${w.prefix||m.elementPrefix}-${w.baseName}`;m.tryDefineElement({name:k,type:this.type,baseClass:this.elementDefinition.baseClass,callback:I=>{const $=new DefaultComponentPresentation(resolveOption(w.template,I,w),resolveOption(w.styles,I,w));I.definePresentation($);let P=resolveOption(w.shadowOptions,I,w);I.shadowRootMode&&(P?_.shadowOptions||(P.mode=I.shadowRootMode):P!==null&&(P={mode:I.shadowRootMode})),I.defineElement({elementOptions:resolveOption(w.elementOptions,I,w),shadowOptions:P,attributes:resolveOption(w.attributes,I,w)})}})}}function applyMixins(g,...b){const m=AttributeConfiguration.locate(g);b.forEach(w=>{Object.getOwnPropertyNames(w.prototype).forEach(C=>{C!=="constructor"&&Object.defineProperty(g.prototype,C,Object.getOwnPropertyDescriptor(w.prototype,C))}),AttributeConfiguration.locate(w).forEach(C=>m.push(C))})}const Orientation={horizontal:"horizontal",vertical:"vertical"};function findLastIndex(g,b){let m=g.length;for(;m--;)if(b(g[m],m,g))return m;return-1}function canUseDOM(){return!!(typeof window<"u"&&window.document&&window.document.createElement)}function isHTMLElement(...g){return g.every(b=>b instanceof HTMLElement)}function getNonce(){const g=document.querySelector('meta[property="csp-nonce"]');return g?g.getAttribute("content"):null}let _canUseFocusVisible;function canUseFocusVisible(){if(typeof _canUseFocusVisible=="boolean")return _canUseFocusVisible;if(!canUseDOM())return _canUseFocusVisible=!1,_canUseFocusVisible;const g=document.createElement("style"),b=getNonce();b!==null&&g.setAttribute("nonce",b),document.head.appendChild(g);try{g.sheet.insertRule("foo:focus-visible {color:inherit}",0),_canUseFocusVisible=!0}catch{_canUseFocusVisible=!1}finally{document.head.removeChild(g)}return _canUseFocusVisible}const eventFocus="focus",eventFocusIn="focusin",eventFocusOut="focusout",eventKeyDown="keydown";var KeyCodes;(function(g){g[g.alt=18]="alt",g[g.arrowDown=40]="arrowDown",g[g.arrowLeft=37]="arrowLeft",g[g.arrowRight=39]="arrowRight",g[g.arrowUp=38]="arrowUp",g[g.back=8]="back",g[g.backSlash=220]="backSlash",g[g.break=19]="break",g[g.capsLock=20]="capsLock",g[g.closeBracket=221]="closeBracket",g[g.colon=186]="colon",g[g.colon2=59]="colon2",g[g.comma=188]="comma",g[g.ctrl=17]="ctrl",g[g.delete=46]="delete",g[g.end=35]="end",g[g.enter=13]="enter",g[g.equals=187]="equals",g[g.equals2=61]="equals2",g[g.equals3=107]="equals3",g[g.escape=27]="escape",g[g.forwardSlash=191]="forwardSlash",g[g.function1=112]="function1",g[g.function10=121]="function10",g[g.function11=122]="function11",g[g.function12=123]="function12",g[g.function2=113]="function2",g[g.function3=114]="function3",g[g.function4=115]="function4",g[g.function5=116]="function5",g[g.function6=117]="function6",g[g.function7=118]="function7",g[g.function8=119]="function8",g[g.function9=120]="function9",g[g.home=36]="home",g[g.insert=45]="insert",g[g.menu=93]="menu",g[g.minus=189]="minus",g[g.minus2=109]="minus2",g[g.numLock=144]="numLock",g[g.numPad0=96]="numPad0",g[g.numPad1=97]="numPad1",g[g.numPad2=98]="numPad2",g[g.numPad3=99]="numPad3",g[g.numPad4=100]="numPad4",g[g.numPad5=101]="numPad5",g[g.numPad6=102]="numPad6",g[g.numPad7=103]="numPad7",g[g.numPad8=104]="numPad8",g[g.numPad9=105]="numPad9",g[g.numPadDivide=111]="numPadDivide",g[g.numPadDot=110]="numPadDot",g[g.numPadMinus=109]="numPadMinus",g[g.numPadMultiply=106]="numPadMultiply",g[g.numPadPlus=107]="numPadPlus",g[g.openBracket=219]="openBracket",g[g.pageDown=34]="pageDown",g[g.pageUp=33]="pageUp",g[g.period=190]="period",g[g.print=44]="print",g[g.quote=222]="quote",g[g.scrollLock=145]="scrollLock",g[g.shift=16]="shift",g[g.space=32]="space",g[g.tab=9]="tab",g[g.tilde=192]="tilde",g[g.windowsLeft=91]="windowsLeft",g[g.windowsOpera=219]="windowsOpera",g[g.windowsRight=92]="windowsRight"})(KeyCodes||(KeyCodes={}));const keyArrowDown="ArrowDown",keyArrowLeft="ArrowLeft",keyArrowRight="ArrowRight",keyArrowUp="ArrowUp",keyEnter="Enter",keyEscape="Escape",keyHome="Home",keyEnd="End",keyFunction2="F2",keyPageDown="PageDown",keyPageUp="PageUp",keySpace=" ",keyTab="Tab",ArrowKeys={ArrowDown:keyArrowDown,ArrowLeft:keyArrowLeft,ArrowRight:keyArrowRight,ArrowUp:keyArrowUp};var Direction;(function(g){g.ltr="ltr",g.rtl="rtl"})(Direction||(Direction={}));function wrapInBounds(g,b,m){return m<g?b:m>b?g:m}function inRange(g,b,m=0){return[b,m]=[b,m].sort((w,_)=>w-_),b<=g&&g<m}let uniqueIdCounter=0;function uniqueId(g=""){return`${g}${uniqueIdCounter++}`}const anchorTemplate=(g,b)=>html`
<a
class="control"
part="control"
download="${m=>m.download}"
href="${m=>m.href}"
hreflang="${m=>m.hreflang}"
ping="${m=>m.ping}"
referrerpolicy="${m=>m.referrerpolicy}"
rel="${m=>m.rel}"
target="${m=>m.target}"
type="${m=>m.type}"
aria-atomic="${m=>m.ariaAtomic}"
aria-busy="${m=>m.ariaBusy}"
aria-controls="${m=>m.ariaControls}"
aria-current="${m=>m.ariaCurrent}"
aria-describedby="${m=>m.ariaDescribedby}"
aria-details="${m=>m.ariaDetails}"
aria-disabled="${m=>m.ariaDisabled}"
aria-errormessage="${m=>m.ariaErrormessage}"
aria-expanded="${m=>m.ariaExpanded}"
aria-flowto="${m=>m.ariaFlowto}"
aria-haspopup="${m=>m.ariaHaspopup}"
aria-hidden="${m=>m.ariaHidden}"
aria-invalid="${m=>m.ariaInvalid}"
aria-keyshortcuts="${m=>m.ariaKeyshortcuts}"
aria-label="${m=>m.ariaLabel}"
aria-labelledby="${m=>m.ariaLabelledby}"
aria-live="${m=>m.ariaLive}"
aria-owns="${m=>m.ariaOwns}"
aria-relevant="${m=>m.ariaRelevant}"
aria-roledescription="${m=>m.ariaRoledescription}"
${ref("control")}
>
${startSlotTemplate(g,b)}
<span class="content" part="content">
<slot ${slotted("defaultSlottedContent")}></slot>
</span>
${endSlotTemplate(g,b)}
</a>
`;class ARIAGlobalStatesAndProperties{}__decorate([attr({attribute:"aria-atomic"})],ARIAGlobalStatesAndProperties.prototype,"ariaAtomic",void 0),__decorate([attr({attribute:"aria-busy"})],ARIAGlobalStatesAndProperties.prototype,"ariaBusy",void 0),__decorate([attr({attribute:"aria-controls"})],ARIAGlobalStatesAndProperties.prototype,"ariaControls",void 0),__decorate([attr({attribute:"aria-current"})],ARIAGlobalStatesAndProperties.prototype,"ariaCurrent",void 0),__decorate([attr({attribute:"aria-describedby"})],ARIAGlobalStatesAndProperties.prototype,"ariaDescribedby",void 0),__decorate([attr({attribute:"aria-details"})],ARIAGlobalStatesAndProperties.prototype,"ariaDetails",void 0),__decorate([attr({attribute:"aria-disabled"})],ARIAGlobalStatesAndProperties.prototype,"ariaDisabled",void 0),__decorate([attr({attribute:"aria-errormessage"})],ARIAGlobalStatesAndProperties.prototype,"ariaErrormessage",void 0),__decorate([attr({attribute:"aria-flowto"})],ARIAGlobalStatesAndProperties.prototype,"ariaFlowto",void 0),__decorate([attr({attribute:"aria-haspopup"})],ARIAGlobalStatesAndProperties.prototype,"ariaHaspopup",void 0),__decorate([attr({attribute:"aria-hidden"})],ARIAGlobalStatesAndProperties.prototype,"ariaHidden",void 0),__decorate([attr({attribute:"aria-invalid"})],ARIAGlobalStatesAndProperties.prototype,"ariaInvalid",void 0),__decorate([attr({attribute:"aria-keyshortcuts"})],ARIAGlobalStatesAndProperties.prototype,"ariaKeyshortcuts",void 0),__decorate([attr({attribute:"aria-label"})],ARIAGlobalStatesAndProperties.prototype,"ariaLabel",void 0),__decorate([attr({attribute:"aria-labelledby"})],ARIAGlobalStatesAndProperties.prototype,"ariaLabelledby",void 0),__decorate([attr({attribute:"aria-live"})],ARIAGlobalStatesAndProperties.prototype,"ariaLive",void 0),__decorate([attr({attribute:"aria-owns"})],ARIAGlobalStatesAndProperties.prototype,"ariaOwns",void 0),__decorate([attr({attribute:"aria-relevant"})],ARIAGlobalStatesAndProperties.prototype,"ariaRelevant",void 0),__decorate([attr({attribute:"aria-roledescription"})],ARIAGlobalStatesAndProperties.prototype,"ariaRoledescription",void 0);class Anchor extends FoundationElement{constructor(){super(...arguments),this.handleUnsupportedDelegatesFocus=()=>{var b;window.ShadowRoot&&!window.ShadowRoot.prototype.hasOwnProperty("delegatesFocus")&&(!((b=this.$fastController.definition.shadowOptions)===null||b===void 0)&&b.delegatesFocus)&&(this.focus=()=>{this.control.focus()})}}connectedCallback(){super.connectedCallback(),this.handleUnsupportedDelegatesFocus()}}__decorate([attr],Anchor.prototype,"download",void 0),__decorate([attr],Anchor.prototype,"href",void 0),__decorate([attr],Anchor.prototype,"hreflang",void 0),__decorate([attr],Anchor.prototype,"ping",void 0),__decorate([attr],Anchor.prototype,"referrerpolicy",void 0),__decorate([attr],Anchor.prototype,"rel",void 0),__decorate([attr],Anchor.prototype,"target",void 0),__decorate([attr],Anchor.prototype,"type",void 0),__decorate([observable],Anchor.prototype,"defaultSlottedContent",void 0);class DelegatesARIALink{}__decorate([attr({attribute:"aria-expanded"})],DelegatesARIALink.prototype,"ariaExpanded",void 0),applyMixins(DelegatesARIALink,ARIAGlobalStatesAndProperties),applyMixins(Anchor,StartEnd,DelegatesARIALink);const getDirection=g=>{const b=g.closest("[dir]");return b!==null&&b.dir==="rtl"?Direction.rtl:Direction.ltr},badgeTemplate=(g,b)=>html`
<template class="${m=>m.circular?"circular":""}">
<div class="control" part="control" style="${m=>m.generateBadgeStyle()}">
<slot></slot>
</div>
</template>
`;let Badge$1=class extends FoundationElement{constructor(){super(...arguments),this.generateBadgeStyle=()=>{if(!this.fill&&!this.color)return;const b=`background-color: var(--badge-fill-${this.fill});`,m=`color: var(--badge-color-${this.color});`;return this.fill&&!this.color?b:this.color&&!this.fill?m:`${m} ${b}`}}};__decorate([attr({attribute:"fill"})],Badge$1.prototype,"fill",void 0),__decorate([attr({attribute:"color"})],Badge$1.prototype,"color",void 0),__decorate([attr({mode:"boolean"})],Badge$1.prototype,"circular",void 0);const buttonTemplate=(g,b)=>html`
<button
class="control"
part="control"
?autofocus="${m=>m.autofocus}"
?disabled="${m=>m.disabled}"
form="${m=>m.formId}"
formaction="${m=>m.formaction}"
formenctype="${m=>m.formenctype}"
formmethod="${m=>m.formmethod}"
formnovalidate="${m=>m.formnovalidate}"
formtarget="${m=>m.formtarget}"
name="${m=>m.name}"
type="${m=>m.type}"
value="${m=>m.value}"
aria-atomic="${m=>m.ariaAtomic}"
aria-busy="${m=>m.ariaBusy}"
aria-controls="${m=>m.ariaControls}"
aria-current="${m=>m.ariaCurrent}"
aria-describedby="${m=>m.ariaDescribedby}"
aria-details="${m=>m.ariaDetails}"
aria-disabled="${m=>m.ariaDisabled}"
aria-errormessage="${m=>m.ariaErrormessage}"
aria-expanded="${m=>m.ariaExpanded}"
aria-flowto="${m=>m.ariaFlowto}"
aria-haspopup="${m=>m.ariaHaspopup}"
aria-hidden="${m=>m.ariaHidden}"
aria-invalid="${m=>m.ariaInvalid}"
aria-keyshortcuts="${m=>m.ariaKeyshortcuts}"
aria-label="${m=>m.ariaLabel}"
aria-labelledby="${m=>m.ariaLabelledby}"
aria-live="${m=>m.ariaLive}"
aria-owns="${m=>m.ariaOwns}"
aria-pressed="${m=>m.ariaPressed}"
aria-relevant="${m=>m.ariaRelevant}"
aria-roledescription="${m=>m.ariaRoledescription}"
${ref("control")}
>
${startSlotTemplate(g,b)}
<span class="content" part="content">
<slot ${slotted("defaultSlottedContent")}></slot>
</span>
${endSlotTemplate(g,b)}
</button>
`,proxySlotName="form-associated-proxy",ElementInternalsKey="ElementInternals",supportsElementInternals=ElementInternalsKey in window&&"setFormValue"in window[ElementInternalsKey].prototype,InternalsMap=new WeakMap;function FormAssociated(g){const b=class extends g{constructor(...m){super(...m),this.dirtyValue=!1,this.disabled=!1,this.proxyEventsToBlock=["change","click"],this.proxyInitialized=!1,this.required=!1,this.initialValue=this.initialValue||"",this.elementInternals||(this.formResetCallback=this.formResetCallback.bind(this))}static get formAssociated(){return supportsElementInternals}get validity(){return this.elementInternals?this.elementInternals.validity:this.proxy.validity}get form(){return this.elementInternals?this.elementInternals.form:this.proxy.form}get validationMessage(){return this.elementInternals?this.elementInternals.validationMessage:this.proxy.validationMessage}get willValidate(){return this.elementInternals?this.elementInternals.willValidate:this.proxy.willValidate}get labels(){if(this.elementInternals)return Object.freeze(Array.from(this.elementInternals.labels));if(this.proxy instanceof HTMLElement&&this.proxy.ownerDocument&&this.id){const m=this.proxy.labels,w=Array.from(this.proxy.getRootNode().querySelectorAll(`[for='${this.id}']`)),_=m?w.concat(Array.from(m)):w;return Object.freeze(_)}else return emptyArray}valueChanged(m,w){this.dirtyValue=!0,this.proxy instanceof HTMLElement&&(this.proxy.value=this.value),this.currentValue=this.value,this.setFormValue(this.value),this.validate()}currentValueChanged(){this.value=this.currentValue}initialValueChanged(m,w){this.dirtyValue||(this.value=this.initialValue,this.dirtyValue=!1)}disabledChanged(m,w){this.proxy instanceof HTMLElement&&(this.proxy.disabled=this.disabled),DOM.queueUpdate(()=>this.classList.toggle("disabled",this.disabled))}nameChanged(m,w){this.proxy instanceof HTMLElement&&(this.proxy.name=this.name)}requiredChanged(m,w){this.proxy instanceof HTMLElement&&(this.proxy.required=this.required),DOM.queueUpdate(()=>this.classList.toggle("required",this.required)),this.validate()}get elementInternals(){if(!supportsElementInternals)return null;let m=InternalsMap.get(this);return m||(m=this.attachInternals(),InternalsMap.set(this,m)),m}connectedCallback(){super.connectedCallback(),this.addEventListener("keypress",this._keypressHandler),this.value||(this.value=this.initialValue,this.dirtyValue=!1),this.elementInternals||(this.attachProxy(),this.form&&this.form.addEventListener("reset",this.formResetCallback))}disconnectedCallback(){this.proxyEventsToBlock.forEach(m=>this.proxy.removeEventListener(m,this.stopPropagation)),!this.elementInternals&&this.form&&this.form.removeEventListener("reset",this.formResetCallback)}checkValidity(){return this.elementInternals?this.elementInternals.checkValidity():this.proxy.checkValidity()}reportValidity(){return this.elementInternals?this.elementInternals.reportValidity():this.proxy.reportValidity()}setValidity(m,w,_){this.elementInternals?this.elementInternals.setValidity(m,w,_):typeof w=="string"&&this.proxy.setCustomValidity(w)}formDisabledCallback(m){this.disabled=m}formResetCallback(){this.value=this.initialValue,this.dirtyValue=!1}attachProxy(){var m;this.proxyInitialized||(this.proxyInitialized=!0,this.proxy.style.display="none",this.proxyEventsToBlock.forEach(w=>this.proxy.addEventListener(w,this.stopPropagation)),this.proxy.disabled=this.disabled,this.proxy.required=this.required,typeof this.name=="string"&&(this.proxy.name=this.name),typeof this.value=="string"&&(this.proxy.value=this.value),this.proxy.setAttribute("slot",proxySlotName),this.proxySlot=document.createElement("slot"),this.proxySlot.setAttribute("name",proxySlotName)),(m=this.shadowRoot)===null||m===void 0||m.appendChild(this.proxySlot),this.appendChild(this.proxy)}detachProxy(){var m;this.removeChild(this.proxy),(m=this.shadowRoot)===null||m===void 0||m.removeChild(this.proxySlot)}validate(m){this.proxy instanceof HTMLElement&&this.setValidity(this.proxy.validity,this.proxy.validationMessage,m)}setFormValue(m,w){this.elementInternals&&this.elementInternals.setFormValue(m,w||m)}_keypressHandler(m){switch(m.key){case keyEnter:if(this.form instanceof HTMLFormElement){const w=this.form.querySelector("[type=submit]");w==null||w.click()}break}}stopPropagation(m){m.stopPropagation()}};return attr({mode:"boolean"})(b.prototype,"disabled"),attr({mode:"fromView",attribute:"value"})(b.prototype,"initialValue"),attr({attribute:"current-value"})(b.prototype,"currentValue"),attr(b.prototype,"name"),attr({mode:"boolean"})(b.prototype,"required"),observable(b.prototype,"value"),b}function CheckableFormAssociated(g){class b extends FormAssociated(g){}class m extends b{constructor(..._){super(_),this.dirtyChecked=!1,this.checkedAttribute=!1,this.checked=!1,this.dirtyChecked=!1}checkedAttributeChanged(){this.defaultChecked=this.checkedAttribute}defaultCheckedChanged(){this.dirtyChecked||(this.checked=this.defaultChecked,this.dirtyChecked=!1)}checkedChanged(_,C){this.dirtyChecked||(this.dirtyChecked=!0),this.currentChecked=this.checked,this.updateForm(),this.proxy instanceof HTMLInputElement&&(this.proxy.checked=this.checked),_!==void 0&&this.$emit("change"),this.validate()}currentCheckedChanged(_,C){this.checked=this.currentChecked}updateForm(){const _=this.checked?this.value:null;this.setFormValue(_,_)}connectedCallback(){super.connectedCallback(),this.updateForm()}formResetCallback(){super.formResetCallback(),this.checked=!!this.checkedAttribute,this.dirtyChecked=!1}}return attr({attribute:"checked",mode:"boolean"})(m.prototype,"checkedAttribute"),attr({attribute:"current-checked",converter:booleanConverter})(m.prototype,"currentChecked"),observable(m.prototype,"defaultChecked"),observable(m.prototype,"checked"),m}class _Button extends FoundationElement{}class FormAssociatedButton extends FormAssociated(_Button){constructor(){super(...arguments),this.proxy=document.createElement("input")}}let Button$1=class extends FormAssociatedButton{constructor(){super(...arguments),this.handleClick=b=>{var m;this.disabled&&((m=this.defaultSlottedContent)===null||m===void 0?void 0:m.length)<=1&&b.stopPropagation()},this.handleSubmission=()=>{if(!this.form)return;const b=this.proxy.isConnected;b||this.attachProxy(),typeof this.form.requestSubmit=="function"?this.form.requestSubmit(this.proxy):this.proxy.click(),b||this.detachProxy()},this.handleFormReset=()=>{var b;(b=this.form)===null||b===void 0||b.reset()},this.handleUnsupportedDelegatesFocus=()=>{var b;window.ShadowRoot&&!window.ShadowRoot.prototype.hasOwnProperty("delegatesFocus")&&(!((b=this.$fastController.definition.shadowOptions)===null||b===void 0)&&b.delegatesFocus)&&(this.focus=()=>{this.control.focus()})}}formactionChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.formAction=this.formaction)}formenctypeChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.formEnctype=this.formenctype)}formmethodChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.formMethod=this.formmethod)}formnovalidateChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.formNoValidate=this.formnovalidate)}formtargetChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.formTarget=this.formtarget)}typeChanged(b,m){this.proxy instanceof HTMLInputElement&&(this.proxy.type=this.type),m==="submit"&&this.addEventListener("click",this.handleSubmission),b==="submit"&&this.removeEventListener("click",this.handleSubmission),m==="reset"&&this.addEventListener("click",this.handleFormReset),b==="reset"&&this.removeEventListener("click",this.handleFormReset)}validate(){super.validate(this.control)}connectedCallback(){var b;super.connectedCallback(),this.proxy.setAttribute("type",this.type),this.handleUnsupportedDelegatesFocus();const m=Array.from((b=this.control)===null||b===void 0?void 0:b.children);m&&m.forEach(w=>{w.addEventListener("click",this.handleClick)})}disconnectedCallback(){var b;super.disconnectedCallback();const m=Array.from((b=this.control)===null||b===void 0?void 0:b.children);m&&m.forEach(w=>{w.removeEventListener("click",this.handleClick)})}};__decorate([attr({mode:"boolean"})],Button$1.prototype,"autofocus",void 0),__decorate([attr({attribute:"form"})],Button$1.prototype,"formId",void 0),__decorate([attr],Button$1.prototype,"formaction",void 0),__decorate([attr],Button$1.prototype,"formenctype",void 0),__decorate([attr],Button$1.prototype,"formmethod",void 0),__decorate([attr({mode:"boolean"})],Button$1.prototype,"formnovalidate",void 0),__decorate([attr],Button$1.prototype,"formtarget",void 0),__decorate([attr],Button$1.prototype,"type",void 0),__decorate([observable],Button$1.prototype,"defaultSlottedContent",void 0);class DelegatesARIAButton{}__decorate([attr({attribute:"aria-expanded"})],DelegatesARIAButton.prototype,"ariaExpanded",void 0),__decorate([attr({attribute:"aria-pressed"})],DelegatesARIAButton.prototype,"ariaPressed",void 0),applyMixins(DelegatesARIAButton,ARIAGlobalStatesAndProperties),applyMixins(Button$1,StartEnd,DelegatesARIAButton);const GenerateHeaderOptions={none:"none",default:"default",sticky:"sticky"},DataGridCellTypes={default:"default",columnHeader:"columnheader",rowHeader:"rowheader"},DataGridRowTypes={default:"default",header:"header",stickyHeader:"sticky-header"};let DataGridRow$1=class extends FoundationElement{constructor(){super(...arguments),this.rowType=DataGridRowTypes.default,this.rowData=null,this.columnDefinitions=null,this.isActiveRow=!1,this.cellsRepeatBehavior=null,this.cellsPlaceholder=null,this.focusColumnIndex=0,this.refocusOnLoad=!1,this.updateRowStyle=()=>{this.style.gridTemplateColumns=this.gridTemplateColumns}}gridTemplateColumnsChanged(){this.$fastController.isConnected&&this.updateRowStyle()}rowTypeChanged(){this.$fastController.isConnected&&this.updateItemTemplate()}rowDataChanged(){if(this.rowData!==null&&this.isActiveRow){this.refocusOnLoad=!0;return}}cellItemTemplateChanged(){this.updateItemTemplate()}headerCellItemTemplateChanged(){this.updateItemTemplate()}connectedCallback(){super.connectedCallback(),this.cellsRepeatBehavior===null&&(this.cellsPlaceholder=document.createComment(""),this.appendChild(this.cellsPlaceholder),this.updateItemTemplate(),this.cellsRepeatBehavior=new RepeatDirective(b=>b.columnDefinitions,b=>b.activeCellItemTemplate,{positioning:!0}).createBehavior(this.cellsPlaceholder),this.$fastController.addBehaviors([this.cellsRepeatBehavior])),this.addEventListener("cell-focused",this.handleCellFocus),this.addEventListener(eventFocusOut,this.handleFocusout),this.addEventListener(eventKeyDown,this.handleKeydown),this.updateRowStyle(),this.refocusOnLoad&&(this.refocusOnLoad=!1,this.cellElements.length>this.focusColumnIndex&&this.cellElements[this.focusColumnIndex].focus())}disconnectedCallback(){super.disconnectedCallback(),this.removeEventListener("cell-focused",this.handleCellFocus),this.removeEventListener(eventFocusOut,this.handleFocusout),this.removeEventListener(eventKeyDown,this.handleKeydown)}handleFocusout(b){this.contains(b.target)||(this.isActiveRow=!1,this.focusColumnIndex=0)}handleCellFocus(b){this.isActiveRow=!0,this.focusColumnIndex=this.cellElements.indexOf(b.target),this.$emit("row-focused",this)}handleKeydown(b){if(b.defaultPrevented)return;let m=0;switch(b.key){case keyArrowLeft:m=Math.max(0,this.focusColumnIndex-1),this.cellElements[m].focus(),b.preventDefault();break;case keyArrowRight:m=Math.min(this.cellElements.length-1,this.focusColumnIndex+1),this.cellElements[m].focus(),b.preventDefault();break;case keyHome:b.ctrlKey||(this.cellElements[0].focus(),b.preventDefault());break;case keyEnd:b.ctrlKey||(this.cellElements[this.cellElements.length-1].focus(),b.preventDefault());break}}updateItemTemplate(){this.activeCellItemTemplate=this.rowType===DataGridRowTypes.default&&this.cellItemTemplate!==void 0?this.cellItemTemplate:this.rowType===DataGridRowTypes.default&&this.cellItemTemplate===void 0?this.defaultCellItemTemplate:this.headerCellItemTemplate!==void 0?this.headerCellItemTemplate:this.defaultHeaderCellItemTemplate}};__decorate([attr({attribute:"grid-template-columns"})],DataGridRow$1.prototype,"gridTemplateColumns",void 0),__decorate([attr({attribute:"row-type"})],DataGridRow$1.prototype,"rowType",void 0),__decorate([observable],DataGridRow$1.prototype,"rowData",void 0),__decorate([observable],DataGridRow$1.prototype,"columnDefinitions",void 0),__decorate([observable],DataGridRow$1.prototype,"cellItemTemplate",void 0),__decorate([observable],DataGridRow$1.prototype,"headerCellItemTemplate",void 0),__decorate([observable],DataGridRow$1.prototype,"rowIndex",void 0),__decorate([observable],DataGridRow$1.prototype,"isActiveRow",void 0),__decorate([observable],DataGridRow$1.prototype,"activeCellItemTemplate",void 0),__decorate([observable],DataGridRow$1.prototype,"defaultCellItemTemplate",void 0),__decorate([observable],DataGridRow$1.prototype,"defaultHeaderCellItemTemplate",void 0),__decorate([observable],DataGridRow$1.prototype,"cellElements",void 0);function createRowItemTemplate(g){const b=g.tagFor(DataGridRow$1);return html`
<${b}
:rowData="${m=>m}"
:cellItemTemplate="${(m,w)=>w.parent.cellItemTemplate}"
:headerCellItemTemplate="${(m,w)=>w.parent.headerCellItemTemplate}"
></${b}>
`}const dataGridTemplate=(g,b)=>{const m=createRowItemTemplate(g),w=g.tagFor(DataGridRow$1);return html`
<template
role="grid"
tabindex="0"
:rowElementTag="${()=>w}"
:defaultRowItemTemplate="${m}"
${children({property:"rowElements",filter:elements("[role=row]")})}
>
<slot></slot>
</template>
`};let DataGrid$1=class p4e extends FoundationElement{constructor(){super(),this.noTabbing=!1,this.generateHeader=GenerateHeaderOptions.default,this.rowsData=[],this.columnDefinitions=null,this.focusRowIndex=0,this.focusColumnIndex=0,this.rowsPlaceholder=null,this.generatedHeader=null,this.isUpdatingFocus=!1,this.pendingFocusUpdate=!1,this.rowindexUpdateQueued=!1,this.columnDefinitionsStale=!0,this.generatedGridTemplateColumns="",this.focusOnCell=(b,m,w)=>{if(this.rowElements.length===0){this.focusRowIndex=0,this.focusColumnIndex=0;return}const _=Math.max(0,Math.min(this.rowElements.length-1,b)),k=this.rowElements[_].querySelectorAll('[role="cell"], [role="gridcell"], [role="columnheader"], [role="rowheader"]'),I=Math.max(0,Math.min(k.length-1,m)),$=k[I];w&&this.scrollHeight!==this.clientHeight&&(_<this.focusRowIndex&&this.scrollTop>0||_>this.focusRowIndex&&this.scrollTop<this.scrollHeight-this.clientHeight)&&$.scrollIntoView({block:"center",inline:"center"}),$.focus()},this.onChildListChange=(b,m)=>{b&&b.length&&(b.forEach(w=>{w.addedNodes.forEach(_=>{_.nodeType===1&&_.getAttribute("role")==="row"&&(_.columnDefinitions=this.columnDefinitions)})}),this.queueRowIndexUpdate())},this.queueRowIndexUpdate=()=>{this.rowindexUpdateQueued||(this.rowindexUpdateQueued=!0,DOM.queueUpdate(this.updateRowIndexes))},this.updateRowIndexes=()=>{let b=this.gridTemplateColumns;if(b===void 0){if(this.generatedGridTemplateColumns===""&&this.rowElements.length>0){const m=this.rowElements[0];this.generatedGridTemplateColumns=new Array(m.cellElements.length).fill("1fr").join(" ")}b=this.generatedGridTemplateColumns}this.rowElements.forEach((m,w)=>{const _=m;_.rowIndex=w,_.gridTemplateColumns=b,this.columnDefinitionsStale&&(_.columnDefinitions=this.columnDefinitions)}),this.rowindexUpdateQueued=!1,this.columnDefinitionsStale=!1}}static generateTemplateColumns(b){let m="";return b.forEach(w=>{m=`${m}${m===""?"":" "}1fr`}),m}noTabbingChanged(){this.$fastController.isConnected&&(this.noTabbing?this.setAttribute("tabIndex","-1"):this.setAttribute("tabIndex",this.contains(document.activeElement)||this===document.activeElement?"-1":"0"))}generateHeaderChanged(){this.$fastController.isConnected&&this.toggleGeneratedHeader()}gridTemplateColumnsChanged(){this.$fastController.isConnected&&this.updateRowIndexes()}rowsDataChanged(){this.columnDefinitions===null&&this.rowsData.length>0&&(this.columnDefinitions=p4e.generateColumns(this.rowsData[0])),this.$fastController.isConnected&&this.toggleGeneratedHeader()}columnDefinitionsChanged(){if(this.columnDefinitions===null){this.generatedGridTemplateColumns="";return}this.generatedGridTemplateColumns=p4e.generateTemplateColumns(this.columnDefinitions),this.$fastController.isConnected&&(this.columnDefinitionsStale=!0,this.queueRowIndexUpdate())}headerCellItemTemplateChanged(){this.$fastController.isConnected&&this.generatedHeader!==null&&(this.generatedHeader.headerCellItemTemplate=this.headerCellItemTemplate)}focusRowIndexChanged(){this.$fastController.isConnected&&this.queueFocusUpdate()}focusColumnIndexChanged(){this.$fastController.isConnected&&this.queueFocusUpdate()}connectedCallback(){super.connectedCallback(),this.rowItemTemplate===void 0&&(this.rowItemTemplate=this.defaultRowItemTemplate),this.rowsPlaceholder=document.createComment(""),this.appendChild(this.rowsPlaceholder),this.toggleGeneratedHeader(),this.rowsRepeatBehavior=new RepeatDirective(b=>b.rowsData,b=>b.rowItemTemplate,{positioning:!0}).createBehavior(this.rowsPlaceholder),this.$fastController.addBehaviors([this.rowsRepeatBehavior]),this.addEventListener("row-focused",this.handleRowFocus),this.addEventListener(eventFocus,this.handleFocus),this.addEventListener(eventKeyDown,this.handleKeydown),this.addEventListener(eventFocusOut,this.handleFocusOut),this.observer=new MutationObserver(this.onChildListChange),this.observer.observe(this,{childList:!0}),this.noTabbing&&this.setAttribute("tabindex","-1"),DOM.queueUpdate(this.queueRowIndexUpdate)}disconnectedCallback(){super.disconnectedCallback(),this.removeEventListener("row-focused",this.handleRowFocus),this.removeEventListener(eventFocus,this.handleFocus),this.removeEventListener(eventKeyDown,this.handleKeydown),this.removeEventListener(eventFocusOut,this.handleFocusOut),this.observer.disconnect(),this.rowsPlaceholder=null,this.generatedHeader=null}handleRowFocus(b){this.isUpdatingFocus=!0;const m=b.target;this.focusRowIndex=this.rowElements.indexOf(m),this.focusColumnIndex=m.focusColumnIndex,this.setAttribute("tabIndex","-1"),this.isUpdatingFocus=!1}handleFocus(b){this.focusOnCell(this.focusRowIndex,this.focusColumnIndex,!0)}handleFocusOut(b){(b.relatedTarget===null||!this.contains(b.relatedTarget))&&this.setAttribute("tabIndex",this.noTabbing?"-1":"0")}handleKeydown(b){if(b.defaultPrevented)return;let m;const w=this.rowElements.length-1,_=this.offsetHeight+this.scrollTop,C=this.rowElements[w];switch(b.key){case keyArrowUp:b.preventDefault(),this.focusOnCell(this.focusRowIndex-1,this.focusColumnIndex,!0);break;case keyArrowDown:b.preventDefault(),this.focusOnCell(this.focusRowIndex+1,this.focusColumnIndex,!0);break;case keyPageUp:if(b.preventDefault(),this.rowElements.length===0){this.focusOnCell(0,0,!1);break}if(this.focusRowIndex===0){this.focusOnCell(0,this.focusColumnIndex,!1);return}for(m=this.focusRowIndex-1,m;m>=0;m--){const k=this.rowElements[m];if(k.offsetTop<this.scrollTop){this.scrollTop=k.offsetTop+k.clientHeight-this.clientHeight;break}}this.focusOnCell(m,this.focusColumnIndex,!1);break;case keyPageDown:if(b.preventDefault(),this.rowElements.length===0){this.focusOnCell(0,0,!1);break}if(this.focusRowIndex>=w||C.offsetTop+C.offsetHeight<=_){this.focusOnCell(w,this.focusColumnIndex,!1);return}for(m=this.focusRowIndex+1,m;m<=w;m++){const k=this.rowElements[m];if(k.offsetTop+k.offsetHeight>_){let I=0;this.generateHeader===GenerateHeaderOptions.sticky&&this.generatedHeader!==null&&(I=this.generatedHeader.clientHeight),this.scrollTop=k.offsetTop-I;break}}this.focusOnCell(m,this.focusColumnIndex,!1);break;case keyHome:b.ctrlKey&&(b.preventDefault(),this.focusOnCell(0,0,!0));break;case keyEnd:b.ctrlKey&&this.columnDefinitions!==null&&(b.preventDefault(),this.focusOnCell(this.rowElements.length-1,this.columnDefinitions.length-1,!0));break}}queueFocusUpdate(){this.isUpdatingFocus&&(this.contains(document.activeElement)||this===document.activeElement)||this.pendingFocusUpdate===!1&&(this.pendingFocusUpdate=!0,DOM.queueUpdate(()=>this.updateFocus()))}updateFocus(){this.pendingFocusUpdate=!1,this.focusOnCell(this.focusRowIndex,this.focusColumnIndex,!0)}toggleGeneratedHeader(){if(this.generatedHeader!==null&&(this.removeChild(this.generatedHeader),this.generatedHeader=null),this.generateHeader!==GenerateHeaderOptions.none&&this.rowsData.length>0){const b=document.createElement(this.rowElementTag);this.generatedHeader=b,this.generatedHeader.columnDefinitions=this.columnDefinitions,this.generatedHeader.gridTemplateColumns=this.gridTemplateColumns,this.generatedHeader.rowType=this.generateHeader===GenerateHeaderOptions.sticky?DataGridRowTypes.stickyHeader:DataGridRowTypes.header,(this.firstChild!==null||this.rowsPlaceholder!==null)&&this.insertBefore(b,this.firstChild!==null?this.firstChild:this.rowsPlaceholder);return}}};DataGrid$1.generateColumns=g=>Object.getOwnPropertyNames(g).map((b,m)=>({columnDataKey:b,gridColumn:`${m}`})),__decorate([attr({attribute:"no-tabbing",mode:"boolean"})],DataGrid$1.prototype,"noTabbing",void 0),__decorate([attr({attribute:"generate-header"})],DataGrid$1.prototype,"generateHeader",void 0),__decorate([attr({attribute:"grid-template-columns"})],DataGrid$1.prototype,"gridTemplateColumns",void 0),__decorate([observable],DataGrid$1.prototype,"rowsData",void 0),__decorate([observable],DataGrid$1.prototype,"columnDefinitions",void 0),__decorate([observable],DataGrid$1.prototype,"rowItemTemplate",void 0),__decorate([observable],DataGrid$1.prototype,"cellItemTemplate",void 0),__decorate([observable],DataGrid$1.prototype,"headerCellItemTemplate",void 0),__decorate([observable],DataGrid$1.prototype,"focusRowIndex",void 0),__decorate([observable],DataGrid$1.prototype,"focusColumnIndex",void 0),__decorate([observable],DataGrid$1.prototype,"defaultRowItemTemplate",void 0),__decorate([observable],DataGrid$1.prototype,"rowElementTag",void 0),__decorate([observable],DataGrid$1.prototype,"rowElements",void 0);const defaultCellContentsTemplate=html`
<template>
${g=>g.rowData===null||g.columnDefinition===null||g.columnDefinition.columnDataKey===null?null:g.rowData[g.columnDefinition.columnDataKey]}
</template>
`,defaultHeaderCellContentsTemplate=html`
<template>
${g=>g.columnDefinition===null?null:g.columnDefinition.title===void 0?g.columnDefinition.columnDataKey:g.columnDefinition.title}
</template>
`;let DataGridCell$1=class extends FoundationElement{constructor(){super(...arguments),this.cellType=DataGridCellTypes.default,this.rowData=null,this.columnDefinition=null,this.isActiveCell=!1,this.customCellView=null,this.updateCellStyle=()=>{this.style.gridColumn=this.gridColumn}}cellTypeChanged(){this.$fastController.isConnected&&this.updateCellView()}gridColumnChanged(){this.$fastController.isConnected&&this.updateCellStyle()}columnDefinitionChanged(b,m){this.$fastController.isConnected&&this.updateCellView()}connectedCallback(){var b;super.connectedCallback(),this.addEventListener(eventFocusIn,this.handleFocusin),this.addEventListener(eventFocusOut,this.handleFocusout),this.addEventListener(eventKeyDown,this.handleKeydown),this.style.gridColumn=`${((b=this.columnDefinition)===null||b===void 0?void 0:b.gridColumn)===void 0?0:this.columnDefinition.gridColumn}`,this.updateCellView(),this.updateCellStyle()}disconnectedCallback(){super.disconnectedCallback(),this.removeEventListener(eventFocusIn,this.handleFocusin),this.removeEventListener(eventFocusOut,this.handleFocusout),this.removeEventListener(eventKeyDown,this.handleKeydown),this.disconnectCellView()}handleFocusin(b){if(!this.isActiveCell){switch(this.isActiveCell=!0,this.cellType){case DataGridCellTypes.columnHeader:if(this.columnDefinition!==null&&this.columnDefinition.headerCellInternalFocusQueue!==!0&&typeof this.columnDefinition.headerCellFocusTargetCallback=="function"){const m=this.columnDefinition.headerCellFocusTargetCallback(this);m!==null&&m.focus()}break;default:if(this.columnDefinition!==null&&this.columnDefinition.cellInternalFocusQueue!==!0&&typeof this.columnDefinition.cellFocusTargetCallback=="function"){const m=this.columnDefinition.cellFocusTargetCallback(this);m!==null&&m.focus()}break}this.$emit("cell-focused",this)}}handleFocusout(b){this!==document.activeElement&&!this.contains(document.activeElement)&&(this.isActiveCell=!1)}handleKeydown(b){if(!(b.defaultPrevented||this.columnDefinition===null||this.cellType===DataGridCellTypes.default&&this.columnDefinition.cellInternalFocusQueue!==!0||this.cellType===DataGridCellTypes.columnHeader&&this.columnDefinition.headerCellInternalFocusQueue!==!0))switch(b.key){case keyEnter:case keyFunction2:if(this.contains(document.activeElement)&&document.activeElement!==this)return;switch(this.cellType){case DataGridCellTypes.columnHeader:if(this.columnDefinition.headerCellFocusTargetCallback!==void 0){const m=this.columnDefinition.headerCellFocusTargetCallback(this);m!==null&&m.focus(),b.preventDefault()}break;default:if(this.columnDefinition.cellFocusTargetCallback!==void 0){const m=this.columnDefinition.cellFocusTargetCallback(this);m!==null&&m.focus(),b.preventDefault()}break}break;case keyEscape:this.contains(document.activeElement)&&document.activeElement!==this&&(this.focus(),b.preventDefault());break}}updateCellView(){if(this.disconnectCellView(),this.columnDefinition!==null)switch(this.cellType){case DataGridCellTypes.columnHeader:this.columnDefinition.headerCellTemplate!==void 0?this.customCellView=this.columnDefinition.headerCellTemplate.render(this,this):this.customCellView=defaultHeaderCellContentsTemplate.render(this,this);break;case void 0:case DataGridCellTypes.rowHeader:case DataGridCellTypes.default:this.columnDefinition.cellTemplate!==void 0?this.customCellView=this.columnDefinition.cellTemplate.render(this,this):this.customCellView=defaultCellContentsTemplate.render(this,this);break}}disconnectCellView(){this.customCellView!==null&&(this.customCellView.dispose(),this.customCellView=null)}};__decorate([attr({attribute:"cell-type"})],DataGridCell$1.prototype,"cellType",void 0),__decorate([attr({attribute:"grid-column"})],DataGridCell$1.prototype,"gridColumn",void 0),__decorate([observable],DataGridCell$1.prototype,"rowData",void 0),__decorate([observable],DataGridCell$1.prototype,"columnDefinition",void 0);function createCellItemTemplate(g){const b=g.tagFor(DataGridCell$1);return html`
<${b}
cell-type="${m=>m.isRowHeader?"rowheader":void 0}"
grid-column="${(m,w)=>w.index+1}"
:rowData="${(m,w)=>w.parent.rowData}"
:columnDefinition="${m=>m}"
></${b}>
`}function createHeaderCellItemTemplate(g){const b=g.tagFor(DataGridCell$1);return html`
<${b}
cell-type="columnheader"
grid-column="${(m,w)=>w.index+1}"
:columnDefinition="${m=>m}"
></${b}>
`}const dataGridRowTemplate=(g,b)=>{const m=createCellItemTemplate(g),w=createHeaderCellItemTemplate(g);return html`
<template
role="row"
class="${_=>_.rowType!=="default"?_.rowType:""}"
:defaultCellItemTemplate="${m}"
:defaultHeaderCellItemTemplate="${w}"
${children({property:"cellElements",filter:elements('[role="cell"],[role="gridcell"],[role="columnheader"],[role="rowheader"]')})}
>
<slot ${slotted("slottedCellElements")}></slot>
</template>
`},dataGridCellTemplate=(g,b)=>html`
<template
tabindex="-1"
role="${m=>!m.cellType||m.cellType==="default"?"gridcell":m.cellType}"
class="
${m=>m.cellType==="columnheader"?"column-header":m.cellType==="rowheader"?"row-header":""}
"
>
<slot></slot>
</template>
`,checkboxTemplate=(g,b)=>html`
<template
role="checkbox"
aria-checked="${m=>m.checked}"
aria-required="${m=>m.required}"
aria-disabled="${m=>m.disabled}"
aria-readonly="${m=>m.readOnly}"
tabindex="${m=>m.disabled?null:0}"
@keypress="${(m,w)=>m.keypressHandler(w.event)}"
@click="${(m,w)=>m.clickHandler(w.event)}"
class="${m=>m.readOnly?"readonly":""} ${m=>m.checked?"checked":""} ${m=>m.indeterminate?"indeterminate":""}"
>
<div part="control" class="control">
<slot name="checked-indicator">
${b.checkedIndicator||""}
</slot>
<slot name="indeterminate-indicator">
${b.indeterminateIndicator||""}
</slot>
</div>
<label
part="label"
class="${m=>m.defaultSlottedNodes&&m.defaultSlottedNodes.length?"label":"label label__hidden"}"
>
<slot ${slotted("defaultSlottedNodes")}></slot>
</label>
</template>
`;class _Checkbox extends FoundationElement{}class FormAssociatedCheckbox extends CheckableFormAssociated(_Checkbox){constructor(){super(...arguments),this.proxy=document.createElement("input")}}let Checkbox$1=class extends FormAssociatedCheckbox{constructor(){super(),this.initialValue="on",this.indeterminate=!1,this.keypressHandler=b=>{if(!this.readOnly)switch(b.key){case keySpace:this.indeterminate&&(this.indeterminate=!1),this.checked=!this.checked;break}},this.clickHandler=b=>{!this.disabled&&!this.readOnly&&(this.indeterminate&&(this.indeterminate=!1),this.checked=!this.checked)},this.proxy.setAttribute("type","checkbox")}readOnlyChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.readOnly=this.readOnly)}};__decorate([attr({attribute:"readonly",mode:"boolean"})],Checkbox$1.prototype,"readOnly",void 0),__decorate([observable],Checkbox$1.prototype,"defaultSlottedNodes",void 0),__decorate([observable],Checkbox$1.prototype,"indeterminate",void 0);function isListboxOption(g){return isHTMLElement(g)&&(g.getAttribute("role")==="option"||g instanceof HTMLOptionElement)}class ListboxOption extends FoundationElement{constructor(b,m,w,_){super(),this.defaultSelected=!1,this.dirtySelected=!1,this.selected=this.defaultSelected,this.dirtyValue=!1,b&&(this.textContent=b),m&&(this.initialValue=m),w&&(this.defaultSelected=w),_&&(this.selected=_),this.proxy=new Option(`${this.textContent}`,this.initialValue,this.defaultSelected,this.selected),this.proxy.disabled=this.disabled}checkedChanged(b,m){if(typeof m=="boolean"){this.ariaChecked=m?"true":"false";return}this.ariaChecked=null}contentChanged(b,m){this.proxy instanceof HTMLOptionElement&&(this.proxy.textContent=this.textContent),this.$emit("contentchange",null,{bubbles:!0})}defaultSelectedChanged(){this.dirtySelected||(this.selected=this.defaultSelected,this.proxy instanceof HTMLOptionElement&&(this.proxy.selected=this.defaultSelected))}disabledChanged(b,m){this.ariaDisabled=this.disabled?"true":"false",this.proxy instanceof HTMLOptionElement&&(this.proxy.disabled=this.disabled)}selectedAttributeChanged(){this.defaultSelected=this.selectedAttribute,this.proxy instanceof HTMLOptionElement&&(this.proxy.defaultSelected=this.defaultSelected)}selectedChanged(){this.ariaSelected=this.selected?"true":"false",this.dirtySelected||(this.dirtySelected=!0),this.proxy instanceof HTMLOptionElement&&(this.proxy.selected=this.selected)}initialValueChanged(b,m){this.dirtyValue||(this.value=this.initialValue,this.dirtyValue=!1)}get label(){var b;return(b=this.value)!==null&&b!==void 0?b:this.text}get text(){var b,m;return(m=(b=this.textContent)===null||b===void 0?void 0:b.replace(/\s+/g," ").trim())!==null&&m!==void 0?m:""}set value(b){const m=`${b??""}`;this._value=m,this.dirtyValue=!0,this.proxy instanceof HTMLOptionElement&&(this.proxy.value=m),Observable.notify(this,"value")}get value(){var b;return Observable.track(this,"value"),(b=this._value)!==null&&b!==void 0?b:this.text}get form(){return this.proxy?this.proxy.form:null}}__decorate([observable],ListboxOption.prototype,"checked",void 0),__decorate([observable],ListboxOption.prototype,"content",void 0),__decorate([observable],ListboxOption.prototype,"defaultSelected",void 0),__decorate([attr({mode:"boolean"})],ListboxOption.prototype,"disabled",void 0),__decorate([attr({attribute:"selected",mode:"boolean"})],ListboxOption.prototype,"selectedAttribute",void 0),__decorate([observable],ListboxOption.prototype,"selected",void 0),__decorate([attr({attribute:"value",mode:"fromView"})],ListboxOption.prototype,"initialValue",void 0);class DelegatesARIAListboxOption{}__decorate([observable],DelegatesARIAListboxOption.prototype,"ariaChecked",void 0),__decorate([observable],DelegatesARIAListboxOption.prototype,"ariaPosInSet",void 0),__decorate([observable],DelegatesARIAListboxOption.prototype,"ariaSelected",void 0),__decorate([observable],DelegatesARIAListboxOption.prototype,"ariaSetSize",void 0),applyMixins(DelegatesARIAListboxOption,ARIAGlobalStatesAndProperties),applyMixins(ListboxOption,StartEnd,DelegatesARIAListboxOption);class Listbox extends FoundationElement{constructor(){super(...arguments),this._options=[],this.selectedIndex=-1,this.selectedOptions=[],this.shouldSkipFocus=!1,this.typeaheadBuffer="",this.typeaheadExpired=!0,this.typeaheadTimeout=-1}get firstSelectedOption(){var b;return(b=this.selectedOptions[0])!==null&&b!==void 0?b:null}get hasSelectableOptions(){return this.options.length>0&&!this.options.every(b=>b.disabled)}get length(){var b,m;return(m=(b=this.options)===null||b===void 0?void 0:b.length)!==null&&m!==void 0?m:0}get options(){return Observable.track(this,"options"),this._options}set options(b){this._options=b,Observable.notify(this,"options")}get typeAheadExpired(){return this.typeaheadExpired}set typeAheadExpired(b){this.typeaheadExpired=b}clickHandler(b){const m=b.target.closest("option,[role=option]");if(m&&!m.disabled)return this.selectedIndex=this.options.indexOf(m),!0}focusAndScrollOptionIntoView(b=this.firstSelectedOption){this.contains(document.activeElement)&&b!==null&&(b.focus(),requestAnimationFrame(()=>{b.scrollIntoView({block:"nearest"})}))}focusinHandler(b){!this.shouldSkipFocus&&b.target===b.currentTarget&&(this.setSelectedOptions(),this.focusAndScrollOptionIntoView()),this.shouldSkipFocus=!1}getTypeaheadMatches(){const b=this.typeaheadBuffer.replace(/[.*+\-?^${}()|[\]\\]/g,"\\$&"),m=new RegExp(`^${b}`,"gi");return this.options.filter(w=>w.text.trim().match(m))}getSelectableIndex(b=this.selectedIndex,m){const w=b>m?-1:b<m?1:0,_=b+w;let C=null;switch(w){case-1:{C=this.options.reduceRight((k,I,$)=>!k&&!I.disabled&&$<_?I:k,C);break}case 1:{C=this.options.reduce((k,I,$)=>!k&&!I.disabled&&$>_?I:k,C);break}}return this.options.indexOf(C)}handleChange(b,m){switch(m){case"selected":{Listbox.slottedOptionFilter(b)&&(this.selectedIndex=this.options.indexOf(b)),this.setSelectedOptions();break}}}handleTypeAhead(b){this.typeaheadTimeout&&window.clearTimeout(this.typeaheadTimeout),this.typeaheadTimeout=window.setTimeout(()=>this.typeaheadExpired=!0,Listbox.TYPE_AHEAD_TIMEOUT_MS),!(b.length>1)&&(this.typeaheadBuffer=`${this.typeaheadExpired?"":this.typeaheadBuffer}${b}`)}keydownHandler(b){if(this.disabled)return!0;this.shouldSkipFocus=!1;const m=b.key;switch(m){case keyHome:{b.shiftKey||(b.preventDefault(),this.selectFirstOption());break}case keyArrowDown:{b.shiftKey||(b.preventDefault(),this.selectNextOption());break}case keyArrowUp:{b.shiftKey||(b.preventDefault(),this.selectPreviousOption());break}case keyEnd:{b.preventDefault(),this.selectLastOption();break}case keyTab:return this.focusAndScrollOptionIntoView(),!0;case keyEnter:case keyEscape:return!0;case keySpace:if(this.typeaheadExpired)return!0;default:return m.length===1&&this.handleTypeAhead(`${m}`),!0}}mousedownHandler(b){return this.shouldSkipFocus=!this.contains(document.activeElement),!0}multipleChanged(b,m){this.ariaMultiSelectable=m?"true":null}selectedIndexChanged(b,m){var w;if(!this.hasSelectableOptions){this.selectedIndex=-1;return}if(!((w=this.options[this.selectedIndex])===null||w===void 0)&&w.disabled&&typeof b=="number"){const _=this.getSelectableIndex(b,m),C=_>-1?_:b;this.selectedIndex=C,m===C&&this.selectedIndexChanged(m,C);return}this.setSelectedOptions()}selectedOptionsChanged(b,m){var w;const _=m.filter(Listbox.slottedOptionFilter);(w=this.options)===null||w===void 0||w.forEach(C=>{const k=Observable.getNotifier(C);k.unsubscribe(this,"selected"),C.selected=_.includes(C),k.subscribe(this,"selected")})}selectFirstOption(){var b,m;this.disabled||(this.selectedIndex=(m=(b=this.options)===null||b===void 0?void 0:b.findIndex(w=>!w.disabled))!==null&&m!==void 0?m:-1)}selectLastOption(){this.disabled||(this.selectedIndex=findLastIndex(this.options,b=>!b.disabled))}selectNextOption(){!this.disabled&&this.selectedIndex<this.options.length-1&&(this.selectedIndex+=1)}selectPreviousOption(){!this.disabled&&this.selectedIndex>0&&(this.selectedIndex=this.selectedIndex-1)}setDefaultSelectedOption(){var b,m;this.selectedIndex=(m=(b=this.options)===null||b===void 0?void 0:b.findIndex(w=>w.defaultSelected))!==null&&m!==void 0?m:-1}setSelectedOptions(){var b,m,w;!((b=this.options)===null||b===void 0)&&b.length&&(this.selectedOptions=[this.options[this.selectedIndex]],this.ariaActiveDescendant=(w=(m=this.firstSelectedOption)===null||m===void 0?void 0:m.id)!==null&&w!==void 0?w:"",this.focusAndScrollOptionIntoView())}slottedOptionsChanged(b,m){this.options=m.reduce((_,C)=>(isListboxOption(C)&&_.push(C),_),[]);const w=`${this.options.length}`;this.options.forEach((_,C)=>{_.id||(_.id=uniqueId("option-")),_.ariaPosInSet=`${C+1}`,_.ariaSetSize=w}),this.$fastController.isConnected&&(this.setSelectedOptions(),this.setDefaultSelectedOption())}typeaheadBufferChanged(b,m){if(this.$fastController.isConnected){const w=this.getTypeaheadMatches();if(w.length){const _=this.options.indexOf(w[0]);_>-1&&(this.selectedIndex=_)}this.typeaheadExpired=!1}}}Listbox.slottedOptionFilter=g=>isListboxOption(g)&&!g.hidden,Listbox.TYPE_AHEAD_TIMEOUT_MS=1e3,__decorate([attr({mode:"boolean"})],Listbox.prototype,"disabled",void 0),__decorate([observable],Listbox.prototype,"selectedIndex",void 0),__decorate([observable],Listbox.prototype,"selectedOptions",void 0),__decorate([observable],Listbox.prototype,"slottedOptions",void 0),__decorate([observable],Listbox.prototype,"typeaheadBuffer",void 0);class DelegatesARIAListbox{}__decorate([observable],DelegatesARIAListbox.prototype,"ariaActiveDescendant",void 0),__decorate([observable],DelegatesARIAListbox.prototype,"ariaDisabled",void 0),__decorate([observable],DelegatesARIAListbox.prototype,"ariaExpanded",void 0),__decorate([observable],DelegatesARIAListbox.prototype,"ariaMultiSelectable",void 0),applyMixins(DelegatesARIAListbox,ARIAGlobalStatesAndProperties),applyMixins(Listbox,DelegatesARIAListbox);const SelectPosition={above:"above",below:"below"};function composedParent(g){const b=g.parentElement;if(b)return b;{const m=g.getRootNode();if(m.host instanceof HTMLElement)return m.host}return null}function composedContains(g,b){let m=b;for(;m!==null;){if(m===g)return!0;m=composedParent(m)}return!1}const defaultElement=document.createElement("div");function isFastElement(g){return g instanceof FASTElement}class QueuedStyleSheetTarget{setProperty(b,m){DOM.queueUpdate(()=>this.target.setProperty(b,m))}removeProperty(b){DOM.queueUpdate(()=>this.target.removeProperty(b))}}class ConstructableStyleSheetTarget extends QueuedStyleSheetTarget{constructor(b){super();const m=new CSSStyleSheet;this.target=m.cssRules[m.insertRule(":host{}")].style,b.$fastController.addStyles(ElementStyles.create([m]))}}class DocumentStyleSheetTarget extends QueuedStyleSheetTarget{constructor(){super();const b=new CSSStyleSheet;this.target=b.cssRules[b.insertRule(":root{}")].style,document.adoptedStyleSheets=[...document.adoptedStyleSheets,b]}}class HeadStyleElementStyleSheetTarget extends QueuedStyleSheetTarget{constructor(){super(),this.style=document.createElement("style"),document.head.appendChild(this.style);const{sheet:b}=this.style;if(b){const m=b.insertRule(":root{}",b.cssRules.length);this.target=b.cssRules[m].style}}}class StyleElementStyleSheetTarget{constructor(b){this.store=new Map,this.target=null;const m=b.$fastController;this.style=document.createElement("style"),m.addStyles(this.style),Observable.getNotifier(m).subscribe(this,"isConnected"),this.handleChange(m,"isConnected")}targetChanged(){if(this.target!==null)for(const[b,m]of this.store.entries())this.target.setProperty(b,m)}setProperty(b,m){this.store.set(b,m),DOM.queueUpdate(()=>{this.target!==null&&this.target.setProperty(b,m)})}removeProperty(b){this.store.delete(b),DOM.queueUpdate(()=>{this.target!==null&&this.target.removeProperty(b)})}handleChange(b,m){const{sheet:w}=this.style;if(w){const _=w.insertRule(":host{}",w.cssRules.length);this.target=w.cssRules[_].style}else this.target=null}}__decorate([observable],StyleElementStyleSheetTarget.prototype,"target",void 0);class ElementStyleSheetTarget{constructor(b){this.target=b.style}setProperty(b,m){DOM.queueUpdate(()=>this.target.setProperty(b,m))}removeProperty(b){DOM.queueUpdate(()=>this.target.removeProperty(b))}}class RootStyleSheetTarget{setProperty(b,m){RootStyleSheetTarget.properties[b]=m;for(const w of RootStyleSheetTarget.roots.values())PropertyTargetManager.getOrCreate(RootStyleSheetTarget.normalizeRoot(w)).setProperty(b,m)}removeProperty(b){delete RootStyleSheetTarget.properties[b];for(const m of RootStyleSheetTarget.roots.values())PropertyTargetManager.getOrCreate(RootStyleSheetTarget.normalizeRoot(m)).removeProperty(b)}static registerRoot(b){const{roots:m}=RootStyleSheetTarget;if(!m.has(b)){m.add(b);const w=PropertyTargetManager.getOrCreate(this.normalizeRoot(b));for(const _ in RootStyleSheetTarget.properties)w.setProperty(_,RootStyleSheetTarget.properties[_])}}static unregisterRoot(b){const{roots:m}=RootStyleSheetTarget;if(m.has(b)){m.delete(b);const w=PropertyTargetManager.getOrCreate(RootStyleSheetTarget.normalizeRoot(b));for(const _ in RootStyleSheetTarget.properties)w.removeProperty(_)}}static normalizeRoot(b){return b===defaultElement?document:b}}RootStyleSheetTarget.roots=new Set,RootStyleSheetTarget.properties={};const propertyTargetCache=new WeakMap,propertyTargetCtor=DOM.supportsAdoptedStyleSheets?ConstructableStyleSheetTarget:StyleElementStyleSheetTarget,PropertyTargetManager=Object.freeze({getOrCreate(g){if(propertyTargetCache.has(g))return propertyTargetCache.get(g);let b;return g===defaultElement?b=new RootStyleSheetTarget:g instanceof Document?b=DOM.supportsAdoptedStyleSheets?new DocumentStyleSheetTarget:new HeadStyleElementStyleSheetTarget:isFastElement(g)?b=new propertyTargetCtor(g):b=new ElementStyleSheetTarget(g),propertyTargetCache.set(g,b),b}});class DesignTokenImpl extends CSSDirective{constructor(b){super(),this.subscribers=new WeakMap,this._appliedTo=new Set,this.name=b.name,b.cssCustomPropertyName!==null&&(this.cssCustomProperty=`--${b.cssCustomPropertyName}`,this.cssVar=`var(${this.cssCustomProperty})`),this.id=DesignTokenImpl.uniqueId(),DesignTokenImpl.tokensById.set(this.id,this)}get appliedTo(){return[...this._appliedTo]}static from(b){return new DesignTokenImpl({name:typeof b=="string"?b:b.name,cssCustomPropertyName:typeof b=="string"?b:b.cssCustomPropertyName===void 0?b.name:b.cssCustomPropertyName})}static isCSSDesignToken(b){return typeof b.cssCustomProperty=="string"}static isDerivedDesignTokenValue(b){return typeof b=="function"}static getTokenById(b){return DesignTokenImpl.tokensById.get(b)}getOrCreateSubscriberSet(b=this){return this.subscribers.get(b)||this.subscribers.set(b,new Set)&&this.subscribers.get(b)}createCSS(){return this.cssVar||""}getValueFor(b){const m=DesignTokenNode.getOrCreate(b).get(this);if(m!==void 0)return m;throw new Error(`Value could not be retrieved for token named "${this.name}". Ensure the value is set for ${b} or an ancestor of ${b}.`)}setValueFor(b,m){return this._appliedTo.add(b),m instanceof DesignTokenImpl&&(m=this.alias(m)),DesignTokenNode.getOrCreate(b).set(this,m),this}deleteValueFor(b){return this._appliedTo.delete(b),DesignTokenNode.existsFor(b)&&DesignTokenNode.getOrCreate(b).delete(this),this}withDefault(b){return this.setValueFor(defaultElement,b),this}subscribe(b,m){const w=this.getOrCreateSubscriberSet(m);m&&!DesignTokenNode.existsFor(m)&&DesignTokenNode.getOrCreate(m),w.has(b)||w.add(b)}unsubscribe(b,m){const w=this.subscribers.get(m||this);w&&w.has(b)&&w.delete(b)}notify(b){const m=Object.freeze({token:this,target:b});this.subscribers.has(this)&&this.subscribers.get(this).forEach(w=>w.handleChange(m)),this.subscribers.has(b)&&this.subscribers.get(b).forEach(w=>w.handleChange(m))}alias(b){return m=>b.getValueFor(m)}}DesignTokenImpl.uniqueId=(()=>{let g=0;return()=>(g++,g.toString(16))})(),DesignTokenImpl.tokensById=new Map;class CustomPropertyReflector{startReflection(b,m){b.subscribe(this,m),this.handleChange({token:b,target:m})}stopReflection(b,m){b.unsubscribe(this,m),this.remove(b,m)}handleChange(b){const{token:m,target:w}=b;this.add(m,w)}add(b,m){PropertyTargetManager.getOrCreate(m).setProperty(b.cssCustomProperty,this.resolveCSSValue(DesignTokenNode.getOrCreate(m).get(b)))}remove(b,m){PropertyTargetManager.getOrCreate(m).removeProperty(b.cssCustomProperty)}resolveCSSValue(b){return b&&typeof b.createCSS=="function"?b.createCSS():b}}class DesignTokenBindingObserver{constructor(b,m,w){this.source=b,this.token=m,this.node=w,this.dependencies=new Set,this.observer=Observable.binding(b,this,!1),this.observer.handleChange=this.observer.call,this.handleChange()}disconnect(){this.observer.disconnect()}handleChange(){this.node.store.set(this.token,this.observer.observe(this.node.target,defaultExecutionContext))}}class Store{constructor(){this.values=new Map}set(b,m){this.values.get(b)!==m&&(this.values.set(b,m),Observable.getNotifier(this).notify(b.id))}get(b){return Observable.track(this,b.id),this.values.get(b)}delete(b){this.values.delete(b)}all(){return this.values.entries()}}const nodeCache=new WeakMap,childToParent=new WeakMap;class DesignTokenNode{constructor(b){this.target=b,this.store=new Store,this.children=[],this.assignedValues=new Map,this.reflecting=new Set,this.bindingObservers=new Map,this.tokenValueChangeHandler={handleChange:(m,w)=>{const _=DesignTokenImpl.getTokenById(w);if(_&&(_.notify(this.target),DesignTokenImpl.isCSSDesignToken(_))){const C=this.parent,k=this.isReflecting(_);if(C){const I=C.get(_),$=m.get(_);I!==$&&!k?this.reflectToCSS(_):I===$&&k&&this.stopReflectToCSS(_)}else k||this.reflectToCSS(_)}}},nodeCache.set(b,this),Observable.getNotifier(this.store).subscribe(this.tokenValueChangeHandler),b instanceof FASTElement?b.$fastController.addBehaviors([this]):b.isConnected&&this.bind()}static getOrCreate(b){return nodeCache.get(b)||new DesignTokenNode(b)}static existsFor(b){return nodeCache.has(b)}static findParent(b){if(defaultElement!==b.target){let m=composedParent(b.target);for(;m!==null;){if(nodeCache.has(m))return nodeCache.get(m);m=composedParent(m)}return DesignTokenNode.getOrCreate(defaultElement)}return null}static findClosestAssignedNode(b,m){let w=m;do{if(w.has(b))return w;w=w.parent?w.parent:w.target!==defaultElement?DesignTokenNode.getOrCreate(defaultElement):null}while(w!==null);return null}get parent(){return childToParent.get(this)||null}has(b){return this.assignedValues.has(b)}get(b){const m=this.store.get(b);if(m!==void 0)return m;const w=this.getRaw(b);if(w!==void 0)return this.hydrate(b,w),this.get(b)}getRaw(b){var m;return this.assignedValues.has(b)?this.assignedValues.get(b):(m=DesignTokenNode.findClosestAssignedNode(b,this))===null||m===void 0?void 0:m.getRaw(b)}set(b,m){DesignTokenImpl.isDerivedDesignTokenValue(this.assignedValues.get(b))&&this.tearDownBindingObserver(b),this.assignedValues.set(b,m),DesignTokenImpl.isDerivedDesignTokenValue(m)?this.setupBindingObserver(b,m):this.store.set(b,m)}delete(b){this.assignedValues.delete(b),this.tearDownBindingObserver(b);const m=this.getRaw(b);m?this.hydrate(b,m):this.store.delete(b)}bind(){const b=DesignTokenNode.findParent(this);b&&b.appendChild(this);for(const m of this.assignedValues.keys())m.notify(this.target)}unbind(){this.parent&&childToParent.get(this).removeChild(this)}appendChild(b){b.parent&&childToParent.get(b).removeChild(b);const m=this.children.filter(w=>b.contains(w));childToParent.set(b,this),this.children.push(b),m.forEach(w=>b.appendChild(w)),Observable.getNotifier(this.store).subscribe(b);for(const[w,_]of this.store.all())b.hydrate(w,this.bindingObservers.has(w)?this.getRaw(w):_)}removeChild(b){const m=this.children.indexOf(b);return m!==-1&&this.children.splice(m,1),Observable.getNotifier(this.store).unsubscribe(b),b.parent===this?childToParent.delete(b):!1}contains(b){return composedContains(this.target,b.target)}reflectToCSS(b){this.isReflecting(b)||(this.reflecting.add(b),DesignTokenNode.cssCustomPropertyReflector.startReflection(b,this.target))}stopReflectToCSS(b){this.isReflecting(b)&&(this.reflecting.delete(b),DesignTokenNode.cssCustomPropertyReflector.stopReflection(b,this.target))}isReflecting(b){return this.reflecting.has(b)}handleChange(b,m){const w=DesignTokenImpl.getTokenById(m);w&&this.hydrate(w,this.getRaw(w))}hydrate(b,m){if(!this.has(b)){const w=this.bindingObservers.get(b);DesignTokenImpl.isDerivedDesignTokenValue(m)?w?w.source!==m&&(this.tearDownBindingObserver(b),this.setupBindingObserver(b,m)):this.setupBindingObserver(b,m):(w&&this.tearDownBindingObserver(b),this.store.set(b,m))}}setupBindingObserver(b,m){const w=new DesignTokenBindingObserver(m,b,this);return this.bindingObservers.set(b,w),w}tearDownBindingObserver(b){return this.bindingObservers.has(b)?(this.bindingObservers.get(b).disconnect(),this.bindingObservers.delete(b),!0):!1}}DesignTokenNode.cssCustomPropertyReflector=new CustomPropertyReflector,__decorate([observable],DesignTokenNode.prototype,"children",void 0);function create$1(g){return DesignTokenImpl.from(g)}const DesignToken=Object.freeze({create:create$1,notifyConnection(g){return!g.isConnected||!DesignTokenNode.existsFor(g)?!1:(DesignTokenNode.getOrCreate(g).bind(),!0)},notifyDisconnection(g){return g.isConnected||!DesignTokenNode.existsFor(g)?!1:(DesignTokenNode.getOrCreate(g).unbind(),!0)},registerRoot(g=defaultElement){RootStyleSheetTarget.registerRoot(g)},unregisterRoot(g=defaultElement){RootStyleSheetTarget.unregisterRoot(g)}}),ElementDisambiguation=Object.freeze({definitionCallbackOnly:null,ignoreDuplicate:Symbol()}),elementTypesByTag=new Map,elementTagsByType=new Map;let rootDesignSystem=null;const designSystemKey=DI.createInterface(g=>g.cachedCallback(b=>(rootDesignSystem===null&&(rootDesignSystem=new DefaultDesignSystem(null,b)),rootDesignSystem))),DesignSystem=Object.freeze({tagFor(g){return elementTagsByType.get(g)},responsibleFor(g){const b=g.$$designSystem$$;return b||DI.findResponsibleContainer(g).get(designSystemKey)},getOrCreate(g){if(!g)return rootDesignSystem===null&&(rootDesignSystem=DI.getOrCreateDOMContainer().get(designSystemKey)),rootDesignSystem;const b=g.$$designSystem$$;if(b)return b;const m=DI.getOrCreateDOMContainer(g);if(m.has(designSystemKey,!1))return m.get(designSystemKey);{const w=new DefaultDesignSystem(g,m);return m.register(Registration.instance(designSystemKey,w)),w}}});function extractTryDefineElementParams(g,b,m){return typeof g=="string"?{name:g,type:b,callback:m}:g}class DefaultDesignSystem{constructor(b,m){this.owner=b,this.container=m,this.designTokensInitialized=!1,this.prefix="fast",this.shadowRootMode=void 0,this.disambiguate=()=>ElementDisambiguation.definitionCallbackOnly,b!==null&&(b.$$designSystem$$=this)}withPrefix(b){return this.prefix=b,this}withShadowRootMode(b){return this.shadowRootMode=b,this}withElementDisambiguation(b){return this.disambiguate=b,this}withDesignTokenRoot(b){return this.designTokenRoot=b,this}register(...b){const m=this.container,w=[],_=this.disambiguate,C=this.shadowRootMode,k={elementPrefix:this.prefix,tryDefineElement(I,$,P){const M=extractTryDefineElementParams(I,$,P),{name:U,callback:G,baseClass:X}=M;let{type:Z}=M,ne=U,re=elementTypesByTag.get(ne),ve=!0;for(;re;){const Se=_(ne,Z,re);switch(Se){case ElementDisambiguation.ignoreDuplicate:return;case ElementDisambiguation.definitionCallbackOnly:ve=!1,re=void 0;break;default:ne=Se,re=elementTypesByTag.get(ne);break}}ve&&((elementTagsByType.has(Z)||Z===FoundationElement)&&(Z=class extends Z{}),elementTypesByTag.set(ne,Z),elementTagsByType.set(Z,ne),X&&elementTagsByType.set(X,ne)),w.push(new ElementDefinitionEntry(m,ne,Z,C,G,ve))}};this.designTokensInitialized||(this.designTokensInitialized=!0,this.designTokenRoot!==null&&DesignToken.registerRoot(this.designTokenRoot)),m.registerWithContext(k,...b);for(const I of w)I.callback(I),I.willDefine&&I.definition!==null&&I.definition.define();return this}}class ElementDefinitionEntry{constructor(b,m,w,_,C,k){this.container=b,this.name=m,this.type=w,this.shadowRootMode=_,this.callback=C,this.willDefine=k,this.definition=null}definePresentation(b){ComponentPresentation.define(this.name,b,this.container)}defineElement(b){this.definition=new FASTElementDefinition(this.type,Object.assign(Object.assign({},b),{name:this.name}))}tagFor(b){return DesignSystem.tagFor(b)}}const dividerTemplate=(g,b)=>html`
<template role="${m=>m.role}" aria-orientation="${m=>m.orientation}"></template>
`,DividerRole={separator:"separator",presentation:"presentation"};let Divider$1=class extends FoundationElement{constructor(){super(...arguments),this.role=DividerRole.separator,this.orientation=Orientation.horizontal}};__decorate([attr],Divider$1.prototype,"role",void 0),__decorate([attr],Divider$1.prototype,"orientation",void 0);const listboxOptionTemplate=(g,b)=>html`
<template
aria-checked="${m=>m.ariaChecked}"
aria-disabled="${m=>m.ariaDisabled}"
aria-posinset="${m=>m.ariaPosInSet}"
aria-selected="${m=>m.ariaSelected}"
aria-setsize="${m=>m.ariaSetSize}"
class="${m=>[m.checked&&"checked",m.selected&&"selected",m.disabled&&"disabled"].filter(Boolean).join(" ")}"
role="option"
>
${startSlotTemplate(g,b)}
<span class="content" part="content">
<slot ${slotted("content")}></slot>
</span>
${endSlotTemplate(g,b)}
</template>
`;class ListboxElement extends Listbox{constructor(){super(...arguments),this.activeIndex=-1,this.rangeStartIndex=-1}get activeOption(){return this.options[this.activeIndex]}get checkedOptions(){var b;return(b=this.options)===null||b===void 0?void 0:b.filter(m=>m.checked)}get firstSelectedOptionIndex(){return this.options.indexOf(this.firstSelectedOption)}activeIndexChanged(b,m){var w,_;this.ariaActiveDescendant=(_=(w=this.options[m])===null||w===void 0?void 0:w.id)!==null&&_!==void 0?_:"",this.focusAndScrollOptionIntoView()}checkActiveIndex(){if(!this.multiple)return;const b=this.activeOption;b&&(b.checked=!0)}checkFirstOption(b=!1){b?(this.rangeStartIndex===-1&&(this.rangeStartIndex=this.activeIndex+1),this.options.forEach((m,w)=>{m.checked=inRange(w,this.rangeStartIndex)})):this.uncheckAllOptions(),this.activeIndex=0,this.checkActiveIndex()}checkLastOption(b=!1){b?(this.rangeStartIndex===-1&&(this.rangeStartIndex=this.activeIndex),this.options.forEach((m,w)=>{m.checked=inRange(w,this.rangeStartIndex,this.options.length)})):this.uncheckAllOptions(),this.activeIndex=this.options.length-1,this.checkActiveIndex()}connectedCallback(){super.connectedCallback(),this.addEventListener("focusout",this.focusoutHandler)}disconnectedCallback(){this.removeEventListener("focusout",this.focusoutHandler),super.disconnectedCallback()}checkNextOption(b=!1){b?(this.rangeStartIndex===-1&&(this.rangeStartIndex=this.activeIndex),this.options.forEach((m,w)=>{m.checked=inRange(w,this.rangeStartIndex,this.activeIndex+1)})):this.uncheckAllOptions(),this.activeIndex+=this.activeIndex<this.options.length-1?1:0,this.checkActiveIndex()}checkPreviousOption(b=!1){b?(this.rangeStartIndex===-1&&(this.rangeStartIndex=this.activeIndex),this.checkedOptions.length===1&&(this.rangeStartIndex+=1),this.options.forEach((m,w)=>{m.checked=inRange(w,this.activeIndex,this.rangeStartIndex)})):this.uncheckAllOptions(),this.activeIndex-=this.activeIndex>0?1:0,this.checkActiveIndex()}clickHandler(b){var m;if(!this.multiple)return super.clickHandler(b);const w=(m=b.target)===null||m===void 0?void 0:m.closest("[role=option]");if(!(!w||w.disabled))return this.uncheckAllOptions(),this.activeIndex=this.options.indexOf(w),this.checkActiveIndex(),this.toggleSelectedForAllCheckedOptions(),!0}focusAndScrollOptionIntoView(){super.focusAndScrollOptionIntoView(this.activeOption)}focusinHandler(b){if(!this.multiple)return super.focusinHandler(b);!this.shouldSkipFocus&&b.target===b.currentTarget&&(this.uncheckAllOptions(),this.activeIndex===-1&&(this.activeIndex=this.firstSelectedOptionIndex!==-1?this.firstSelectedOptionIndex:0),this.checkActiveIndex(),this.setSelectedOptions(),this.focusAndScrollOptionIntoView()),this.shouldSkipFocus=!1}focusoutHandler(b){this.multiple&&this.uncheckAllOptions()}keydownHandler(b){if(!this.multiple)return super.keydownHandler(b);if(this.disabled)return!0;const{key:m,shiftKey:w}=b;switch(this.shouldSkipFocus=!1,m){case keyHome:{this.checkFirstOption(w);return}case keyArrowDown:{this.checkNextOption(w);return}case keyArrowUp:{this.checkPreviousOption(w);return}case keyEnd:{this.checkLastOption(w);return}case keyTab:return this.focusAndScrollOptionIntoView(),!0;case keyEscape:return this.uncheckAllOptions(),this.checkActiveIndex(),!0;case keySpace:if(b.preventDefault(),this.typeAheadExpired){this.toggleSelectedForAllCheckedOptions();return}default:return m.length===1&&this.handleTypeAhead(`${m}`),!0}}mousedownHandler(b){if(b.offsetX>=0&&b.offsetX<=this.scrollWidth)return super.mousedownHandler(b)}multipleChanged(b,m){var w;this.ariaMultiSelectable=m?"true":null,(w=this.options)===null||w===void 0||w.forEach(_=>{_.checked=m?!1:void 0}),this.setSelectedOptions()}setSelectedOptions(){if(!this.multiple){super.setSelectedOptions();return}this.$fastController.isConnected&&this.options&&(this.selectedOptions=this.options.filter(b=>b.selected),this.focusAndScrollOptionIntoView())}sizeChanged(b,m){var w;const _=Math.max(0,parseInt((w=m==null?void 0:m.toFixed())!==null&&w!==void 0?w:"",10));_!==m&&DOM.queueUpdate(()=>{this.size=_})}toggleSelectedForAllCheckedOptions(){const b=this.checkedOptions.filter(w=>!w.disabled),m=!b.every(w=>w.selected);b.forEach(w=>w.selected=m),this.selectedIndex=this.options.indexOf(b[b.length-1]),this.setSelectedOptions()}typeaheadBufferChanged(b,m){if(!this.multiple){super.typeaheadBufferChanged(b,m);return}if(this.$fastController.isConnected){const w=this.getTypeaheadMatches(),_=this.options.indexOf(w[0]);_>-1&&(this.activeIndex=_,this.uncheckAllOptions(),this.checkActiveIndex()),this.typeAheadExpired=!1}}uncheckAllOptions(b=!1){this.options.forEach(m=>m.checked=this.multiple?!1:void 0),b||(this.rangeStartIndex=-1)}}__decorate([observable],ListboxElement.prototype,"activeIndex",void 0),__decorate([attr({mode:"boolean"})],ListboxElement.prototype,"multiple",void 0),__decorate([attr({converter:nullableNumberConverter})],ListboxElement.prototype,"size",void 0);class _TextField extends FoundationElement{}class FormAssociatedTextField extends FormAssociated(_TextField){constructor(){super(...arguments),this.proxy=document.createElement("input")}}const TextFieldType={email:"email",password:"password",tel:"tel",text:"text",url:"url"};let TextField$1=class extends FormAssociatedTextField{constructor(){super(...arguments),this.type=TextFieldType.text}readOnlyChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.readOnly=this.readOnly,this.validate())}autofocusChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.autofocus=this.autofocus,this.validate())}placeholderChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.placeholder=this.placeholder)}typeChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.type=this.type,this.validate())}listChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.setAttribute("list",this.list),this.validate())}maxlengthChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.maxLength=this.maxlength,this.validate())}minlengthChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.minLength=this.minlength,this.validate())}patternChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.pattern=this.pattern,this.validate())}sizeChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.size=this.size)}spellcheckChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.spellcheck=this.spellcheck)}connectedCallback(){super.connectedCallback(),this.proxy.setAttribute("type",this.type),this.validate(),this.autofocus&&DOM.queueUpdate(()=>{this.focus()})}select(){this.control.select(),this.$emit("select")}handleTextInput(){this.value=this.control.value}handleChange(){this.$emit("change")}validate(){super.validate(this.control)}};__decorate([attr({attribute:"readonly",mode:"boolean"})],TextField$1.prototype,"readOnly",void 0),__decorate([attr({mode:"boolean"})],TextField$1.prototype,"autofocus",void 0),__decorate([attr],TextField$1.prototype,"placeholder",void 0),__decorate([attr],TextField$1.prototype,"type",void 0),__decorate([attr],TextField$1.prototype,"list",void 0),__decorate([attr({converter:nullableNumberConverter})],TextField$1.prototype,"maxlength",void 0),__decorate([attr({converter:nullableNumberConverter})],TextField$1.prototype,"minlength",void 0),__decorate([attr],TextField$1.prototype,"pattern",void 0),__decorate([attr({converter:nullableNumberConverter})],TextField$1.prototype,"size",void 0),__decorate([attr({mode:"boolean"})],TextField$1.prototype,"spellcheck",void 0),__decorate([observable],TextField$1.prototype,"defaultSlottedNodes",void 0);class DelegatesARIATextbox{}applyMixins(DelegatesARIATextbox,ARIAGlobalStatesAndProperties),applyMixins(TextField$1,StartEnd,DelegatesARIATextbox);const progressSegments=44,progressRingTemplate=(g,b)=>html`
<template
role="progressbar"
aria-valuenow="${m=>m.value}"
aria-valuemin="${m=>m.min}"
aria-valuemax="${m=>m.max}"
class="${m=>m.paused?"paused":""}"
>
${when(m=>typeof m.value=="number",html`
<svg
class="progress"
part="progress"
viewBox="0 0 16 16"
slot="determinate"
>
<circle
class="background"
part="background"
cx="8px"
cy="8px"
r="7px"
></circle>
<circle
class="determinate"
part="determinate"
style="stroke-dasharray: ${m=>progressSegments*m.percentComplete/100}px ${progressSegments}px"
cx="8px"
cy="8px"
r="7px"
></circle>
</svg>
`)}
${when(m=>typeof m.value!="number",html`
<slot name="indeterminate" slot="indeterminate">
${b.indeterminateIndicator||""}
</slot>
`)}
</template>
`;class BaseProgress extends FoundationElement{constructor(){super(...arguments),this.percentComplete=0}valueChanged(){this.$fastController.isConnected&&this.updatePercentComplete()}minChanged(){this.$fastController.isConnected&&this.updatePercentComplete()}maxChanged(){this.$fastController.isConnected&&this.updatePercentComplete()}connectedCallback(){super.connectedCallback(),this.updatePercentComplete()}updatePercentComplete(){const b=typeof this.min=="number"?this.min:0,m=typeof this.max=="number"?this.max:100,w=typeof this.value=="number"?this.value:0,_=m-b;this.percentComplete=_===0?0:Math.fround((w-b)/_*100)}}__decorate([attr({converter:nullableNumberConverter})],BaseProgress.prototype,"value",void 0),__decorate([attr({converter:nullableNumberConverter})],BaseProgress.prototype,"min",void 0),__decorate([attr({converter:nullableNumberConverter})],BaseProgress.prototype,"max",void 0),__decorate([attr({mode:"boolean"})],BaseProgress.prototype,"paused",void 0),__decorate([observable],BaseProgress.prototype,"percentComplete",void 0);const radioGroupTemplate=(g,b)=>html`
<template
role="radiogroup"
aria-disabled="${m=>m.disabled}"
aria-readonly="${m=>m.readOnly}"
@click="${(m,w)=>m.clickHandler(w.event)}"
@keydown="${(m,w)=>m.keydownHandler(w.event)}"
@focusout="${(m,w)=>m.focusOutHandler(w.event)}"
>
<slot name="label"></slot>
<div
class="positioning-region ${m=>m.orientation===Orientation.horizontal?"horizontal":"vertical"}"
part="positioning-region"
>
<slot
${slotted({property:"slottedRadioButtons",filter:elements("[role=radio]")})}
></slot>
</div>
</template>
`;let RadioGroup$1=class extends FoundationElement{constructor(){super(...arguments),this.orientation=Orientation.horizontal,this.radioChangeHandler=b=>{const m=b.target;m.checked&&(this.slottedRadioButtons.forEach(w=>{w!==m&&(w.checked=!1,this.isInsideFoundationToolbar||w.setAttribute("tabindex","-1"))}),this.selectedRadio=m,this.value=m.value,m.setAttribute("tabindex","0"),this.focusedRadio=m),b.stopPropagation()},this.moveToRadioByIndex=(b,m)=>{const w=b[m];this.isInsideToolbar||(w.setAttribute("tabindex","0"),w.readOnly?this.slottedRadioButtons.forEach(_=>{_!==w&&_.setAttribute("tabindex","-1")}):(w.checked=!0,this.selectedRadio=w)),this.focusedRadio=w,w.focus()},this.moveRightOffGroup=()=>{var b;(b=this.nextElementSibling)===null||b===void 0||b.focus()},this.moveLeftOffGroup=()=>{var b;(b=this.previousElementSibling)===null||b===void 0||b.focus()},this.focusOutHandler=b=>{const m=this.slottedRadioButtons,w=b.target,_=w!==null?m.indexOf(w):0,C=this.focusedRadio?m.indexOf(this.focusedRadio):-1;return(C===0&&_===C||C===m.length-1&&C===_)&&(this.selectedRadio?(this.focusedRadio=this.selectedRadio,this.isInsideFoundationToolbar||(this.selectedRadio.setAttribute("tabindex","0"),m.forEach(k=>{k!==this.selectedRadio&&k.setAttribute("tabindex","-1")}))):(this.focusedRadio=m[0],this.focusedRadio.setAttribute("tabindex","0"),m.forEach(k=>{k!==this.focusedRadio&&k.setAttribute("tabindex","-1")}))),!0},this.clickHandler=b=>{const m=b.target;if(m){const w=this.slottedRadioButtons;m.checked||w.indexOf(m)===0?(m.setAttribute("tabindex","0"),this.selectedRadio=m):(m.setAttribute("tabindex","-1"),this.selectedRadio=null),this.focusedRadio=m}b.preventDefault()},this.shouldMoveOffGroupToTheRight=(b,m,w)=>b===m.length&&this.isInsideToolbar&&w===keyArrowRight,this.shouldMoveOffGroupToTheLeft=(b,m)=>(this.focusedRadio?b.indexOf(this.focusedRadio)-1:0)<0&&this.isInsideToolbar&&m===keyArrowLeft,this.checkFocusedRadio=()=>{this.focusedRadio!==null&&!this.focusedRadio.readOnly&&!this.focusedRadio.checked&&(this.focusedRadio.checked=!0,this.focusedRadio.setAttribute("tabindex","0"),this.focusedRadio.focus(),this.selectedRadio=this.focusedRadio)},this.moveRight=b=>{const m=this.slottedRadioButtons;let w=0;if(w=this.focusedRadio?m.indexOf(this.focusedRadio)+1:1,this.shouldMoveOffGroupToTheRight(w,m,b.key)){this.moveRightOffGroup();return}else w===m.length&&(w=0);for(;w<m.length&&m.length>1;)if(m[w].disabled){if(this.focusedRadio&&w===m.indexOf(this.focusedRadio))break;if(w+1>=m.length){if(this.isInsideToolbar)break;w=0}else w+=1}else{this.moveToRadioByIndex(m,w);break}},this.moveLeft=b=>{const m=this.slottedRadioButtons;let w=0;if(w=this.focusedRadio?m.indexOf(this.focusedRadio)-1:0,w=w<0?m.length-1:w,this.shouldMoveOffGroupToTheLeft(m,b.key)){this.moveLeftOffGroup();return}for(;w>=0&&m.length>1;)if(m[w].disabled){if(this.focusedRadio&&w===m.indexOf(this.focusedRadio))break;w-1<0?w=m.length-1:w-=1}else{this.moveToRadioByIndex(m,w);break}},this.keydownHandler=b=>{const m=b.key;if(m in ArrowKeys&&this.isInsideFoundationToolbar)return!0;switch(m){case keyEnter:{this.checkFocusedRadio();break}case keyArrowRight:case keyArrowDown:{this.direction===Direction.ltr?this.moveRight(b):this.moveLeft(b);break}case keyArrowLeft:case keyArrowUp:{this.direction===Direction.ltr?this.moveLeft(b):this.moveRight(b);break}default:return!0}}}readOnlyChanged(){this.slottedRadioButtons!==void 0&&this.slottedRadioButtons.forEach(b=>{this.readOnly?b.readOnly=!0:b.readOnly=!1})}disabledChanged(){this.slottedRadioButtons!==void 0&&this.slottedRadioButtons.forEach(b=>{this.disabled?b.disabled=!0:b.disabled=!1})}nameChanged(){this.slottedRadioButtons&&this.slottedRadioButtons.forEach(b=>{b.setAttribute("name",this.name)})}valueChanged(){this.slottedRadioButtons&&this.slottedRadioButtons.forEach(b=>{b.value===this.value&&(b.checked=!0,this.selectedRadio=b)}),this.$emit("change")}slottedRadioButtonsChanged(b,m){this.slottedRadioButtons&&this.slottedRadioButtons.length>0&&this.setupRadioButtons()}get parentToolbar(){return this.closest('[role="toolbar"]')}get isInsideToolbar(){var b;return(b=this.parentToolbar)!==null&&b!==void 0?b:!1}get isInsideFoundationToolbar(){var b;return!!(!((b=this.parentToolbar)===null||b===void 0)&&b.$fastController)}connectedCallback(){super.connectedCallback(),this.direction=getDirection(this),this.setupRadioButtons()}disconnectedCallback(){this.slottedRadioButtons.forEach(b=>{b.removeEventListener("change",this.radioChangeHandler)})}setupRadioButtons(){const b=this.slottedRadioButtons.filter(_=>_.hasAttribute("checked")),m=b?b.length:0;if(m>1){const _=b[m-1];_.checked=!0}let w=!1;if(this.slottedRadioButtons.forEach(_=>{this.name!==void 0&&_.setAttribute("name",this.name),this.disabled&&(_.disabled=!0),this.readOnly&&(_.readOnly=!0),this.value&&this.value===_.value?(this.selectedRadio=_,this.focusedRadio=_,_.checked=!0,_.setAttribute("tabindex","0"),w=!0):(this.isInsideFoundationToolbar||_.setAttribute("tabindex","-1"),_.checked=!1),_.addEventListener("change",this.radioChangeHandler)}),this.value===void 0&&this.slottedRadioButtons.length>0){const _=this.slottedRadioButtons.filter(k=>k.hasAttribute("checked")),C=_!==null?_.length:0;if(C>0&&!w){const k=_[C-1];k.checked=!0,this.focusedRadio=k,k.setAttribute("tabindex","0")}else this.slottedRadioButtons[0].setAttribute("tabindex","0"),this.focusedRadio=this.slottedRadioButtons[0]}}};__decorate([attr({attribute:"readonly",mode:"boolean"})],RadioGroup$1.prototype,"readOnly",void 0),__decorate([attr({attribute:"disabled",mode:"boolean"})],RadioGroup$1.prototype,"disabled",void 0),__decorate([attr],RadioGroup$1.prototype,"name",void 0),__decorate([attr],RadioGroup$1.prototype,"value",void 0),__decorate([attr],RadioGroup$1.prototype,"orientation",void 0),__decorate([observable],RadioGroup$1.prototype,"childItems",void 0),__decorate([observable],RadioGroup$1.prototype,"slottedRadioButtons",void 0);const radioTemplate=(g,b)=>html`
<template
role="radio"
class="${m=>m.checked?"checked":""} ${m=>m.readOnly?"readonly":""}"
aria-checked="${m=>m.checked}"
aria-required="${m=>m.required}"
aria-disabled="${m=>m.disabled}"
aria-readonly="${m=>m.readOnly}"
@keypress="${(m,w)=>m.keypressHandler(w.event)}"
@click="${(m,w)=>m.clickHandler(w.event)}"
>
<div part="control" class="control">
<slot name="checked-indicator">
${b.checkedIndicator||""}
</slot>
</div>
<label
part="label"
class="${m=>m.defaultSlottedNodes&&m.defaultSlottedNodes.length?"label":"label label__hidden"}"
>
<slot ${slotted("defaultSlottedNodes")}></slot>
</label>
</template>
`;class _Radio extends FoundationElement{}class FormAssociatedRadio extends CheckableFormAssociated(_Radio){constructor(){super(...arguments),this.proxy=document.createElement("input")}}let Radio$1=class extends FormAssociatedRadio{constructor(){super(),this.initialValue="on",this.keypressHandler=b=>{switch(b.key){case keySpace:!this.checked&&!this.readOnly&&(this.checked=!0);return}return!0},this.proxy.setAttribute("type","radio")}readOnlyChanged(){this.proxy instanceof HTMLInputElement&&(this.proxy.readOnly=this.readOnly)}defaultCheckedChanged(){var b;this.$fastController.isConnected&&!this.dirtyChecked&&(this.isInsideRadioGroup()||(this.checked=(b=this.defaultChecked)!==null&&b!==void 0?b:!1,this.dirtyChecked=!1))}connectedCallback(){var b,m;super.connectedCallback(),this.validate(),((b=this.parentElement)===null||b===void 0?void 0:b.getAttribute("role"))!=="radiogroup"&&this.getAttribute("tabindex")===null&&(this.disabled||this.setAttribute("tabindex","0")),this.checkedAttribute&&(this.dirtyChecked||this.isInsideRadioGroup()||(this.checked=(m=this.defaultChecked)!==null&&m!==void 0?m:!1,this.dirtyChecked=!1))}isInsideRadioGroup(){return this.closest("[role=radiogroup]")!==null}clickHandler(b){!this.disabled&&!this.readOnly&&!this.checked&&(this.checked=!0)}};__decorate([attr({attribute:"readonly",mode:"boolean"})],Radio$1.prototype,"readOnly",void 0),__decorate([observable],Radio$1.prototype,"name",void 0),__decorate([observable],Radio$1.prototype,"defaultSlottedNodes",void 0);function whitespaceFilter(g,b,m){return g.nodeType!==Node.TEXT_NODE?!0:typeof g.nodeValue=="string"&&!!g.nodeValue.trim().length}class _Select extends ListboxElement{}class FormAssociatedSelect extends FormAssociated(_Select){constructor(){super(...arguments),this.proxy=document.createElement("select")}}class Select extends FormAssociatedSelect{constructor(){super(...arguments),this.open=!1,this.forcedPosition=!1,this.listboxId=uniqueId("listbox-"),this.maxHeight=0}openChanged(b,m){if(this.collapsible){if(this.open){this.ariaControls=this.listboxId,this.ariaExpanded="true",this.setPositioning(),this.focusAndScrollOptionIntoView(),this.indexWhenOpened=this.selectedIndex,DOM.queueUpdate(()=>this.focus());return}this.ariaControls="",this.ariaExpanded="false"}}get collapsible(){return!(this.multiple||typeof this.size=="number")}get value(){return Observable.track(this,"value"),this._value}set value(b){var m,w,_,C,k,I,$;const P=`${this._value}`;if(!((m=this._options)===null||m===void 0)&&m.length){const M=this._options.findIndex(X=>X.value===b),U=(_=(w=this._options[this.selectedIndex])===null||w===void 0?void 0:w.value)!==null&&_!==void 0?_:null,G=(k=(C=this._options[M])===null||C===void 0?void 0:C.value)!==null&&k!==void 0?k:null;(M===-1||U!==G)&&(b="",this.selectedIndex=M),b=($=(I=this.firstSelectedOption)===null||I===void 0?void 0:I.value)!==null&&$!==void 0?$:b}P!==b&&(this._value=b,super.valueChanged(P,b),Observable.notify(this,"value"),this.updateDisplayValue())}updateValue(b){var m,w;this.$fastController.isConnected&&(this.value=(w=(m=this.firstSelectedOption)===null||m===void 0?void 0:m.value)!==null&&w!==void 0?w:""),b&&(this.$emit("input"),this.$emit("change",this,{bubbles:!0,composed:void 0}))}selectedIndexChanged(b,m){super.selectedIndexChanged(b,m),this.updateValue()}positionChanged(b,m){this.positionAttribute=m,this.setPositioning()}setPositioning(){const b=this.getBoundingClientRect(),w=window.innerHeight-b.bottom;this.position=this.forcedPosition?this.positionAttribute:b.top>w?SelectPosition.above:SelectPosition.below,this.positionAttribute=this.forcedPosition?this.positionAttribute:this.position,this.maxHeight=this.position===SelectPosition.above?~~b.top:~~w}get displayValue(){var b,m;return Observable.track(this,"displayValue"),(m=(b=this.firstSelectedOption)===null||b===void 0?void 0:b.text)!==null&&m!==void 0?m:""}disabledChanged(b,m){super.disabledChanged&&super.disabledChanged(b,m),this.ariaDisabled=this.disabled?"true":"false"}formResetCallback(){this.setProxyOptions(),super.setDefaultSelectedOption(),this.selectedIndex===-1&&(this.selectedIndex=0)}clickHandler(b){if(!this.disabled){if(this.open){const m=b.target.closest("option,[role=option]");if(m&&m.disabled)return}return super.clickHandler(b),this.open=this.collapsible&&!this.open,!this.open&&this.indexWhenOpened!==this.selectedIndex&&this.updateValue(!0),!0}}focusoutHandler(b){var m;if(super.focusoutHandler(b),!this.open)return!0;const w=b.relatedTarget;if(this.isSameNode(w)){this.focus();return}!((m=this.options)===null||m===void 0)&&m.includes(w)||(this.open=!1,this.indexWhenOpened!==this.selectedIndex&&this.updateValue(!0))}handleChange(b,m){super.handleChange(b,m),m==="value"&&this.updateValue()}slottedOptionsChanged(b,m){this.options.forEach(w=>{Observable.getNotifier(w).unsubscribe(this,"value")}),super.slottedOptionsChanged(b,m),this.options.forEach(w=>{Observable.getNotifier(w).subscribe(this,"value")}),this.setProxyOptions(),this.updateValue()}mousedownHandler(b){var m;return b.offsetX>=0&&b.offsetX<=((m=this.listbox)===null||m===void 0?void 0:m.scrollWidth)?super.mousedownHandler(b):this.collapsible}multipleChanged(b,m){super.multipleChanged(b,m),this.proxy&&(this.proxy.multiple=m)}selectedOptionsChanged(b,m){var w;super.selectedOptionsChanged(b,m),(w=this.options)===null||w===void 0||w.forEach((_,C)=>{var k;const I=(k=this.proxy)===null||k===void 0?void 0:k.options.item(C);I&&(I.selected=_.selected)})}setDefaultSelectedOption(){var b;const m=(b=this.options)!==null&&b!==void 0?b:Array.from(this.children).filter(Listbox.slottedOptionFilter),w=m==null?void 0:m.findIndex(_=>_.hasAttribute("selected")||_.selected||_.value===this.value);if(w!==-1){this.selectedIndex=w;return}this.selectedIndex=0}setProxyOptions(){this.proxy instanceof HTMLSelectElement&&this.options&&(this.proxy.options.length=0,this.options.forEach(b=>{const m=b.proxy||(b instanceof HTMLOptionElement?b.cloneNode():null);m&&this.proxy.options.add(m)}))}keydownHandler(b){super.keydownHandler(b);const m=b.key||b.key.charCodeAt(0);switch(m){case keySpace:{b.preventDefault(),this.collapsible&&this.typeAheadExpired&&(this.open=!this.open);break}case keyHome:case keyEnd:{b.preventDefault();break}case keyEnter:{b.preventDefault(),this.open=!this.open;break}case keyEscape:{this.collapsible&&this.open&&(b.preventDefault(),this.open=!1);break}case keyTab:return this.collapsible&&this.open&&(b.preventDefault(),this.open=!1),!0}return!this.open&&this.indexWhenOpened!==this.selectedIndex&&(this.updateValue(!0),this.indexWhenOpened=this.selectedIndex),!(m===keyArrowDown||m===keyArrowUp)}connectedCallback(){super.connectedCallback(),this.forcedPosition=!!this.positionAttribute,this.addEventListener("contentchange",this.updateDisplayValue)}disconnectedCallback(){this.removeEventListener("contentchange",this.updateDisplayValue),super.disconnectedCallback()}sizeChanged(b,m){super.sizeChanged(b,m),this.proxy&&(this.proxy.size=m)}updateDisplayValue(){this.collapsible&&Observable.notify(this,"displayValue")}}__decorate([attr({attribute:"open",mode:"boolean"})],Select.prototype,"open",void 0),__decorate([volatile],Select.prototype,"collapsible",null),__decorate([observable],Select.prototype,"control",void 0),__decorate([attr({attribute:"position"})],Select.prototype,"positionAttribute",void 0),__decorate([observable],Select.prototype,"position",void 0),__decorate([observable],Select.prototype,"maxHeight",void 0);class DelegatesARIASelect{}__decorate([observable],DelegatesARIASelect.prototype,"ariaControls",void 0),applyMixins(DelegatesARIASelect,DelegatesARIAListbox),applyMixins(Select,StartEnd,DelegatesARIASelect);const selectTemplate=(g,b)=>html`
<template
class="${m=>[m.collapsible&&"collapsible",m.collapsible&&m.open&&"open",m.disabled&&"disabled",m.collapsible&&m.position].filter(Boolean).join(" ")}"
aria-activedescendant="${m=>m.ariaActiveDescendant}"
aria-controls="${m=>m.ariaControls}"
aria-disabled="${m=>m.ariaDisabled}"
aria-expanded="${m=>m.ariaExpanded}"
aria-haspopup="${m=>m.collapsible?"listbox":null}"
aria-multiselectable="${m=>m.ariaMultiSelectable}"
?open="${m=>m.open}"
role="combobox"
tabindex="${m=>m.disabled?null:"0"}"
@click="${(m,w)=>m.clickHandler(w.event)}"
@focusin="${(m,w)=>m.focusinHandler(w.event)}"
@focusout="${(m,w)=>m.focusoutHandler(w.event)}"
@keydown="${(m,w)=>m.keydownHandler(w.event)}"
@mousedown="${(m,w)=>m.mousedownHandler(w.event)}"
>
${when(m=>m.collapsible,html`
<div
class="control"
part="control"
?disabled="${m=>m.disabled}"
${ref("control")}
>
${startSlotTemplate(g,b)}
<slot name="button-container">
<div class="selected-value" part="selected-value">
<slot name="selected-value">${m=>m.displayValue}</slot>
</div>
<div aria-hidden="true" class="indicator" part="indicator">
<slot name="indicator">
${b.indicator||""}
</slot>
</div>
</slot>
${endSlotTemplate(g,b)}
</div>
`)}
<div
class="listbox"
id="${m=>m.listboxId}"
part="listbox"
role="listbox"
?disabled="${m=>m.disabled}"
?hidden="${m=>m.collapsible?!m.open:!1}"
${ref("listbox")}
>
<slot
${slotted({filter:Listbox.slottedOptionFilter,flatten:!0,property:"slottedOptions"})}
></slot>
</div>
</template>
`,tabPanelTemplate=(g,b)=>html`
<template slot="tabpanel" role="tabpanel">
<slot></slot>
</template>
`;class TabPanel extends FoundationElement{}const tabTemplate=(g,b)=>html`
<template slot="tab" role="tab" aria-disabled="${m=>m.disabled}">
<slot></slot>
</template>
`;class Tab extends FoundationElement{}__decorate([attr({mode:"boolean"})],Tab.prototype,"disabled",void 0);const tabsTemplate=(g,b)=>html`
<template class="${m=>m.orientation}">
${startSlotTemplate(g,b)}
<div class="tablist" part="tablist" role="tablist">
<slot class="tab" name="tab" part="tab" ${slotted("tabs")}></slot>
${when(m=>m.showActiveIndicator,html`
<div
${ref("activeIndicatorRef")}
class="activeIndicator"
part="activeIndicator"
></div>
`)}
</div>
${endSlotTemplate(g,b)}
<div class="tabpanel">
<slot name="tabpanel" part="tabpanel" ${slotted("tabpanels")}></slot>
</div>
</template>
`,TabsOrientation={vertical:"vertical",horizontal:"horizontal"};class Tabs extends FoundationElement{constructor(){super(...arguments),this.orientation=TabsOrientation.horizontal,this.activeindicator=!0,this.showActiveIndicator=!0,this.prevActiveTabIndex=0,this.activeTabIndex=0,this.ticking=!1,this.change=()=>{this.$emit("change",this.activetab)},this.isDisabledElement=b=>b.getAttribute("aria-disabled")==="true",this.isFocusableElement=b=>!this.isDisabledElement(b),this.setTabs=()=>{const b="gridColumn",m="gridRow",w=this.isHorizontal()?b:m;this.activeTabIndex=this.getActiveIndex(),this.showActiveIndicator=!1,this.tabs.forEach((_,C)=>{if(_.slot==="tab"){const k=this.activeTabIndex===C&&this.isFocusableElement(_);this.activeindicator&&this.isFocusableElement(_)&&(this.showActiveIndicator=!0);const I=this.tabIds[C],$=this.tabpanelIds[C];_.setAttribute("id",I),_.setAttribute("aria-selected",k?"true":"false"),_.setAttribute("aria-controls",$),_.addEventListener("click",this.handleTabClick),_.addEventListener("keydown",this.handleTabKeyDown),_.setAttribute("tabindex",k?"0":"-1"),k&&(this.activetab=_)}_.style[b]="",_.style[m]="",_.style[w]=`${C+1}`,this.isHorizontal()?_.classList.remove("vertical"):_.classList.add("vertical")})},this.setTabPanels=()=>{this.tabpanels.forEach((b,m)=>{const w=this.tabIds[m],_=this.tabpanelIds[m];b.setAttribute("id",_),b.setAttribute("aria-labelledby",w),this.activeTabIndex!==m?b.setAttribute("hidden",""):b.removeAttribute("hidden")})},this.handleTabClick=b=>{const m=b.currentTarget;m.nodeType===1&&this.isFocusableElement(m)&&(this.prevActiveTabIndex=this.activeTabIndex,this.activeTabIndex=this.tabs.indexOf(m),this.setComponent())},this.handleTabKeyDown=b=>{if(this.isHorizontal())switch(b.key){case keyArrowLeft:b.preventDefault(),this.adjustBackward(b);break;case keyArrowRight:b.preventDefault(),this.adjustForward(b);break}else switch(b.key){case keyArrowUp:b.preventDefault(),this.adjustBackward(b);break;case keyArrowDown:b.preventDefault(),this.adjustForward(b);break}switch(b.key){case keyHome:b.preventDefault(),this.adjust(-this.activeTabIndex);break;case keyEnd:b.preventDefault(),this.adjust(this.tabs.length-this.activeTabIndex-1);break}},this.adjustForward=b=>{const m=this.tabs;let w=0;for(w=this.activetab?m.indexOf(this.activetab)+1:1,w===m.length&&(w=0);w<m.length&&m.length>1;)if(this.isFocusableElement(m[w])){this.moveToTabByIndex(m,w);break}else{if(this.activetab&&w===m.indexOf(this.activetab))break;w+1>=m.length?w=0:w+=1}},this.adjustBackward=b=>{const m=this.tabs;let w=0;for(w=this.activetab?m.indexOf(this.activetab)-1:0,w=w<0?m.length-1:w;w>=0&&m.length>1;)if(this.isFocusableElement(m[w])){this.moveToTabByIndex(m,w);break}else w-1<0?w=m.length-1:w-=1},this.moveToTabByIndex=(b,m)=>{const w=b[m];this.activetab=w,this.prevActiveTabIndex=this.activeTabIndex,this.activeTabIndex=m,w.focus(),this.setComponent()}}orientationChanged(){this.$fastController.isConnected&&(this.setTabs(),this.setTabPanels(),this.handleActiveIndicatorPosition())}activeidChanged(b,m){this.$fastController.isConnected&&this.tabs.length<=this.tabpanels.length&&(this.prevActiveTabIndex=this.tabs.findIndex(w=>w.id===b),this.setTabs(),this.setTabPanels(),this.handleActiveIndicatorPosition())}tabsChanged(){this.$fastController.isConnected&&this.tabs.length<=this.tabpanels.length&&(this.tabIds=this.getTabIds(),this.tabpanelIds=this.getTabPanelIds(),this.setTabs(),this.setTabPanels(),this.handleActiveIndicatorPosition())}tabpanelsChanged(){this.$fastController.isConnected&&this.tabpanels.length<=this.tabs.length&&(this.tabIds=this.getTabIds(),this.tabpanelIds=this.getTabPanelIds(),this.setTabs(),this.setTabPanels(),this.handleActiveIndicatorPosition())}getActiveIndex(){return this.activeid!==void 0?this.tabIds.indexOf(this.activeid)===-1?0:this.tabIds.indexOf(this.activeid):0}getTabIds(){return this.tabs.map(b=>{var m;return(m=b.getAttribute("id"))!==null&&m!==void 0?m:`tab-${uniqueId()}`})}getTabPanelIds(){return this.tabpanels.map(b=>{var m;return(m=b.getAttribute("id"))!==null&&m!==void 0?m:`panel-${uniqueId()}`})}setComponent(){this.activeTabIndex!==this.prevActiveTabIndex&&(this.activeid=this.tabIds[this.activeTabIndex],this.focusTab(),this.change())}isHorizontal(){return this.orientation===TabsOrientation.horizontal}handleActiveIndicatorPosition(){this.showActiveIndicator&&this.activeindicator&&this.activeTabIndex!==this.prevActiveTabIndex&&(this.ticking?this.ticking=!1:(this.ticking=!0,this.animateActiveIndicator()))}animateActiveIndicator(){this.ticking=!0;const b=this.isHorizontal()?"gridColumn":"gridRow",m=this.isHorizontal()?"translateX":"translateY",w=this.isHorizontal()?"offsetLeft":"offsetTop",_=this.activeIndicatorRef[w];this.activeIndicatorRef.style[b]=`${this.activeTabIndex+1}`;const C=this.activeIndicatorRef[w];this.activeIndicatorRef.style[b]=`${this.prevActiveTabIndex+1}`;const k=C-_;this.activeIndicatorRef.style.transform=`${m}(${k}px)`,this.activeIndicatorRef.classList.add("activeIndicatorTransition"),this.activeIndicatorRef.addEventListener("transitionend",()=>{this.ticking=!1,this.activeIndicatorRef.style[b]=`${this.activeTabIndex+1}`,this.activeIndicatorRef.style.transform=`${m}(0px)`,this.activeIndicatorRef.classList.remove("activeIndicatorTransition")})}adjust(b){this.prevActiveTabIndex=this.activeTabIndex,this.activeTabIndex=wrapInBounds(0,this.tabs.length-1,this.activeTabIndex+b),this.setComponent()}focusTab(){this.tabs[this.activeTabIndex].focus()}connectedCallback(){super.connectedCallback(),this.tabIds=this.getTabIds(),this.tabpanelIds=this.getTabPanelIds(),this.activeTabIndex=this.getActiveIndex()}}__decorate([attr],Tabs.prototype,"orientation",void 0),__decorate([attr],Tabs.prototype,"activeid",void 0),__decorate([observable],Tabs.prototype,"tabs",void 0),__decorate([observable],Tabs.prototype,"tabpanels",void 0),__decorate([attr({mode:"boolean"})],Tabs.prototype,"activeindicator",void 0),__decorate([observable],Tabs.prototype,"activeIndicatorRef",void 0),__decorate([observable],Tabs.prototype,"showActiveIndicator",void 0),applyMixins(Tabs,StartEnd);class _TextArea extends FoundationElement{}class FormAssociatedTextArea extends FormAssociated(_TextArea){constructor(){super(...arguments),this.proxy=document.createElement("textarea")}}const TextAreaResize={none:"none",both:"both",horizontal:"horizontal",vertical:"vertical"};let TextArea$1=class extends FormAssociatedTextArea{constructor(){super(...arguments),this.resize=TextAreaResize.none,this.cols=20,this.handleTextInput=()=>{this.value=this.control.value}}readOnlyChanged(){this.proxy instanceof HTMLTextAreaElement&&(this.proxy.readOnly=this.readOnly)}autofocusChanged(){this.proxy instanceof HTMLTextAreaElement&&(this.proxy.autofocus=this.autofocus)}listChanged(){this.proxy instanceof HTMLTextAreaElement&&this.proxy.setAttribute("list",this.list)}maxlengthChanged(){this.proxy instanceof HTMLTextAreaElement&&(this.proxy.maxLength=this.maxlength)}minlengthChanged(){this.proxy instanceof HTMLTextAreaElement&&(this.proxy.minLength=this.minlength)}spellcheckChanged(){this.proxy instanceof HTMLTextAreaElement&&(this.proxy.spellcheck=this.spellcheck)}select(){this.control.select(),this.$emit("select")}handleChange(){this.$emit("change")}validate(){super.validate(this.control)}};__decorate([attr({mode:"boolean"})],TextArea$1.prototype,"readOnly",void 0),__decorate([attr],TextArea$1.prototype,"resize",void 0),__decorate([attr({mode:"boolean"})],TextArea$1.prototype,"autofocus",void 0),__decorate([attr({attribute:"form"})],TextArea$1.prototype,"formId",void 0),__decorate([attr],TextArea$1.prototype,"list",void 0),__decorate([attr({converter:nullableNumberConverter})],TextArea$1.prototype,"maxlength",void 0),__decorate([attr({converter:nullableNumberConverter})],TextArea$1.prototype,"minlength",void 0),__decorate([attr],TextArea$1.prototype,"name",void 0),__decorate([attr],TextArea$1.prototype,"placeholder",void 0),__decorate([attr({converter:nullableNumberConverter,mode:"fromView"})],TextArea$1.prototype,"cols",void 0),__decorate([attr({converter:nullableNumberConverter,mode:"fromView"})],TextArea$1.prototype,"rows",void 0),__decorate([attr({mode:"boolean"})],TextArea$1.prototype,"spellcheck",void 0),__decorate([observable],TextArea$1.prototype,"defaultSlottedNodes",void 0),applyMixins(TextArea$1,DelegatesARIATextbox);const textAreaTemplate=(g,b)=>html`
<template
class="
${m=>m.readOnly?"readonly":""}
${m=>m.resize!==TextAreaResize.none?`resize-${m.resize}`:""}"
>
<label
part="label"
for="control"
class="${m=>m.defaultSlottedNodes&&m.defaultSlottedNodes.length?"label":"label label__hidden"}"
>
<slot ${slotted("defaultSlottedNodes")}></slot>
</label>
<textarea
part="control"
class="control"
id="control"
?autofocus="${m=>m.autofocus}"
cols="${m=>m.cols}"
?disabled="${m=>m.disabled}"
form="${m=>m.form}"
list="${m=>m.list}"
maxlength="${m=>m.maxlength}"
minlength="${m=>m.minlength}"
name="${m=>m.name}"
placeholder="${m=>m.placeholder}"
?readonly="${m=>m.readOnly}"
?required="${m=>m.required}"
rows="${m=>m.rows}"
?spellcheck="${m=>m.spellcheck}"
:value="${m=>m.value}"
aria-atomic="${m=>m.ariaAtomic}"
aria-busy="${m=>m.ariaBusy}"
aria-controls="${m=>m.ariaControls}"
aria-current="${m=>m.ariaCurrent}"
aria-describedby="${m=>m.ariaDescribedby}"
aria-details="${m=>m.ariaDetails}"
aria-disabled="${m=>m.ariaDisabled}"
aria-errormessage="${m=>m.ariaErrormessage}"
aria-flowto="${m=>m.ariaFlowto}"
aria-haspopup="${m=>m.ariaHaspopup}"
aria-hidden="${m=>m.ariaHidden}"
aria-invalid="${m=>m.ariaInvalid}"
aria-keyshortcuts="${m=>m.ariaKeyshortcuts}"
aria-label="${m=>m.ariaLabel}"
aria-labelledby="${m=>m.ariaLabelledby}"
aria-live="${m=>m.ariaLive}"
aria-owns="${m=>m.ariaOwns}"
aria-relevant="${m=>m.ariaRelevant}"
aria-roledescription="${m=>m.ariaRoledescription}"
@input="${(m,w)=>m.handleTextInput()}"
@change="${m=>m.handleChange()}"
${ref("control")}
></textarea>
</template>
`,textFieldTemplate=(g,b)=>html`
<template
class="
${m=>m.readOnly?"readonly":""}
"
>
<label
part="label"
for="control"
class="${m=>m.defaultSlottedNodes&&m.defaultSlottedNodes.length?"label":"label label__hidden"}"
>
<slot
${slotted({property:"defaultSlottedNodes",filter:whitespaceFilter})}
></slot>
</label>
<div class="root" part="root">
${startSlotTemplate(g,b)}
<input
class="control"
part="control"
id="control"
@input="${m=>m.handleTextInput()}"
@change="${m=>m.handleChange()}"
?autofocus="${m=>m.autofocus}"
?disabled="${m=>m.disabled}"
list="${m=>m.list}"
maxlength="${m=>m.maxlength}"
minlength="${m=>m.minlength}"
pattern="${m=>m.pattern}"
placeholder="${m=>m.placeholder}"
?readonly="${m=>m.readOnly}"
?required="${m=>m.required}"
size="${m=>m.size}"
?spellcheck="${m=>m.spellcheck}"
:value="${m=>m.value}"
type="${m=>m.type}"
aria-atomic="${m=>m.ariaAtomic}"
aria-busy="${m=>m.ariaBusy}"
aria-controls="${m=>m.ariaControls}"
aria-current="${m=>m.ariaCurrent}"
aria-describedby="${m=>m.ariaDescribedby}"
aria-details="${m=>m.ariaDetails}"
aria-disabled="${m=>m.ariaDisabled}"
aria-errormessage="${m=>m.ariaErrormessage}"
aria-flowto="${m=>m.ariaFlowto}"
aria-haspopup="${m=>m.ariaHaspopup}"
aria-hidden="${m=>m.ariaHidden}"
aria-invalid="${m=>m.ariaInvalid}"
aria-keyshortcuts="${m=>m.ariaKeyshortcuts}"
aria-label="${m=>m.ariaLabel}"
aria-labelledby="${m=>m.ariaLabelledby}"
aria-live="${m=>m.ariaLive}"
aria-owns="${m=>m.ariaOwns}"
aria-relevant="${m=>m.ariaRelevant}"
aria-roledescription="${m=>m.ariaRoledescription}"
${ref("control")}
/>
${endSlotTemplate(g,b)}
</div>
</template>
`,disabledCursor="not-allowed",hidden=":host([hidden]){display:none}";function display(g){return`${hidden}:host{display:${g}}`}const focusVisible=canUseFocusVisible()?"focus-visible":"focus",reservedReactProperties=new Set(["children","localName","ref","style","className"]),emptyProps=Object.freeze(Object.create(null)),DEFAULT_CACHE_NAME="_default",wrappersCache=new Map;function setRef(g,b){typeof g=="function"?g(b):g.current=b}function getTagName(g,b){if(!b.name){const m=FASTElementDefinition.forType(g);if(m)b.name=m.name;else throw new Error("React wrappers must wrap a FASTElement or be configured with a name.")}return b.name}function getElementEvents(g){return g.events||(g.events={})}function keyIsValid(g,b,m){return reservedReactProperties.has(m)?(console.warn(`${getTagName(g,b)} contains property ${m} which is a React reserved property. It will be used by React and not set on the element.`),!1):!0}function getElementKeys(g,b){if(!b.keys)if(b.properties)b.keys=new Set(b.properties.concat(Object.keys(getElementEvents(b))));else{const m=new Set(Object.keys(getElementEvents(b))),w=Observable.getAccessors(g.prototype);if(w.length>0)for(const _ of w)keyIsValid(g,b,_.name)&&m.add(_.name);else for(const _ in g.prototype)!(_ in HTMLElement.prototype)&&keyIsValid(g,b,_)&&m.add(_);b.keys=m}return b.keys}function provideReactWrapper(g,b){let m=[];const w={register(C,...k){m.forEach(I=>I.register(C,...k)),m=[]}};function _(C,k={}){var I,$;C instanceof FoundationElementRegistry&&(b?b.register(C):m.push(C),C=C.type);const P=wrappersCache.get(C);if(P){const G=P.get((I=k.name)!==null&&I!==void 0?I:DEFAULT_CACHE_NAME);if(G)return G}class M extends g.Component{constructor(){super(...arguments),this._element=null}_updateElement(X){const Z=this._element;if(Z===null)return;const ne=this.props,re=X||emptyProps,ve=getElementEvents(k);for(const Se in this._elementProps){const ge=ne[Se],oe=ve[Se];if(oe===void 0)Z[Se]=ge;else{const me=re[Se];if(ge===me)continue;me!==void 0&&Z.removeEventListener(oe,me),ge!==void 0&&Z.addEventListener(oe,ge)}}}componentDidMount(){this._updateElement()}componentDidUpdate(X){this._updateElement(X)}render(){const X=this.props.__forwardedRef;(this._ref===void 0||this._userRef!==X)&&(this._ref=Se=>{this._element===null&&(this._element=Se),X!==null&&setRef(X,Se),this._userRef=X});const Z={ref:this._ref},ne=this._elementProps={},re=getElementKeys(C,k),ve=this.props;for(const Se in ve){const ge=ve[Se];re.has(Se)?ne[Se]=ge:Z[Se==="className"?"class":Se]=ge}return g.createElement(getTagName(C,k),Z)}}const U=g.forwardRef((G,X)=>g.createElement(M,Object.assign(Object.assign({},G),{__forwardedRef:X}),G==null?void 0:G.children));return wrappersCache.has(C)||wrappersCache.set(C,new Map),wrappersCache.get(C).set(($=k.name)!==null&&$!==void 0?$:DEFAULT_CACHE_NAME,U),U}return{wrap:_,registry:w}}function provideVSCodeDesignSystem(g){return DesignSystem.getOrCreate(g).withPrefix("vscode")}function initThemeChangeListener(g){window.addEventListener("load",()=>{new MutationObserver(()=>{applyCurrentTheme(g)}).observe(document.body,{attributes:!0,attributeFilter:["class"]}),applyCurrentTheme(g)})}function applyCurrentTheme(g){const b=getComputedStyle(document.body),m=document.querySelector("body");if(m){const w=m.getAttribute("data-vscode-theme-kind");for(const[_,C]of g){let k=b.getPropertyValue(_).toString();if(w==="vscode-high-contrast")k.length===0&&C.name.includes("background")&&(k="transparent"),C.name==="button-icon-hover-background"&&(k="transparent");else if(w==="vscode-high-contrast-light"){if(k.length===0&&C.name.includes("background"))switch(C.name){case"button-primary-hover-background":k="#0F4A85";break;case"button-secondary-hover-background":k="transparent";break;case"button-icon-hover-background":k="transparent";break}}else C.name==="contrast-active-border"&&(k="transparent");C.setValueFor(m,k)}}}const tokenMappings=new Map;let isThemeListenerInitialized=!1;function create(g,b){const m=DesignToken.create(g);if(b){if(b.includes("--fake-vscode-token")){const w="id"+Math.random().toString(16).slice(2);b=`${b}-${w}`}tokenMappings.set(b,m)}return isThemeListenerInitialized||(initThemeChangeListener(tokenMappings),isThemeListenerInitialized=!0),m}const background=create("background","--vscode-editor-background").withDefault("#1e1e1e"),borderWidth=create("border-width").withDefault(1),contrastActiveBorder=create("contrast-active-border","--vscode-contrastActiveBorder").withDefault("#f38518");create("contrast-border","--vscode-contrastBorder").withDefault("#6fc3df");const cornerRadius=create("corner-radius").withDefault(0),designUnit=create("design-unit").withDefault(4),disabledOpacity=create("disabled-opacity").withDefault(.4),focusBorder=create("focus-border","--vscode-focusBorder").withDefault("#007fd4"),fontFamily=create("font-family","--vscode-font-family").withDefault("-apple-system, BlinkMacSystemFont, Segoe UI, Roboto, Helvetica, Arial, sans-serif, Apple Color Emoji, Segoe UI Emoji, Segoe UI Symbol");create("font-weight","--vscode-font-weight").withDefault("400");const foreground=create("foreground","--vscode-foreground").withDefault("#cccccc"),inputHeight=create("input-height").withDefault("26"),inputMinWidth=create("input-min-width").withDefault("100px"),typeRampBaseFontSize=create("type-ramp-base-font-size","--vscode-font-size").withDefault("13px"),typeRampBaseLineHeight=create("type-ramp-base-line-height").withDefault("normal"),typeRampMinus1FontSize=create("type-ramp-minus1-font-size").withDefault("11px"),typeRampMinus1LineHeight=create("type-ramp-minus1-line-height").withDefault("16px");create("type-ramp-minus2-font-size").withDefault("9px"),create("type-ramp-minus2-line-height").withDefault("16px"),create("type-ramp-plus1-font-size").withDefault("16px"),create("type-ramp-plus1-line-height").withDefault("24px");const scrollbarWidth=create("scrollbarWidth").withDefault("10px"),scrollbarHeight=create("scrollbarHeight").withDefault("10px"),scrollbarSliderBackground=create("scrollbar-slider-background","--vscode-scrollbarSlider-background").withDefault("#79797966"),scrollbarSliderHoverBackground=create("scrollbar-slider-hover-background","--vscode-scrollbarSlider-hoverBackground").withDefault("#646464b3"),scrollbarSliderActiveBackground=create("scrollbar-slider-active-background","--vscode-scrollbarSlider-activeBackground").withDefault("#bfbfbf66"),badgeBackground=create("badge-background","--vscode-badge-background").withDefault("#4d4d4d"),badgeForeground=create("badge-foreground","--vscode-badge-foreground").withDefault("#ffffff"),buttonBorder=create("button-border","--vscode-button-border").withDefault("transparent"),buttonIconBackground=create("button-icon-background").withDefault("transparent"),buttonIconCornerRadius=create("button-icon-corner-radius").withDefault("5px"),buttonIconFocusBorderOffset=create("button-icon-outline-offset").withDefault(0),buttonIconHoverBackground=create("button-icon-hover-background","--fake-vscode-token").withDefault("rgba(90, 93, 94, 0.31)"),buttonIconPadding=create("button-icon-padding").withDefault("3px"),buttonPrimaryBackground=create("button-primary-background","--vscode-button-background").withDefault("#0e639c"),buttonPrimaryForeground=create("button-primary-foreground","--vscode-button-foreground").withDefault("#ffffff"),buttonPrimaryHoverBackground=create("button-primary-hover-background","--vscode-button-hoverBackground").withDefault("#1177bb"),buttonSecondaryBackground=create("button-secondary-background","--vscode-button-secondaryBackground").withDefault("#3a3d41"),buttonSecondaryForeground=create("button-secondary-foreground","--vscode-button-secondaryForeground").withDefault("#ffffff"),buttonSecondaryHoverBackground=create("button-secondary-hover-background","--vscode-button-secondaryHoverBackground").withDefault("#45494e"),buttonPaddingHorizontal=create("button-padding-horizontal").withDefault("11px"),buttonPaddingVertical=create("button-padding-vertical").withDefault("4px"),checkboxBackground=create("checkbox-background","--vscode-checkbox-background").withDefault("#3c3c3c"),checkboxBorder=create("checkbox-border","--vscode-checkbox-border").withDefault("#3c3c3c"),checkboxCornerRadius=create("checkbox-corner-radius").withDefault(3);create("checkbox-foreground","--vscode-checkbox-foreground").withDefault("#f0f0f0");const listActiveSelectionBackground=create("list-active-selection-background","--vscode-list-activeSelectionBackground").withDefault("#094771"),listActiveSelectionForeground=create("list-active-selection-foreground","--vscode-list-activeSelectionForeground").withDefault("#ffffff"),listHoverBackground=create("list-hover-background","--vscode-list-hoverBackground").withDefault("#2a2d2e"),dividerBackground=create("divider-background","--vscode-settings-dropdownListBorder").withDefault("#454545"),dropdownBackground=create("dropdown-background","--vscode-dropdown-background").withDefault("#3c3c3c"),dropdownBorder=create("dropdown-border","--vscode-dropdown-border").withDefault("#3c3c3c");create("dropdown-foreground","--vscode-dropdown-foreground").withDefault("#f0f0f0");const dropdownListMaxHeight=create("dropdown-list-max-height").withDefault("200px"),inputBackground=create("input-background","--vscode-input-background").withDefault("#3c3c3c"),inputForeground=create("input-foreground","--vscode-input-foreground").withDefault("#cccccc");create("input-placeholder-foreground","--vscode-input-placeholderForeground").withDefault("#cccccc");const linkActiveForeground=create("link-active-foreground","--vscode-textLink-activeForeground").withDefault("#3794ff"),linkForeground=create("link-foreground","--vscode-textLink-foreground").withDefault("#3794ff"),progressBackground=create("progress-background","--vscode-progressBar-background").withDefault("#0e70c0"),panelTabActiveBorder=create("panel-tab-active-border","--vscode-panelTitle-activeBorder").withDefault("#e7e7e7"),panelTabActiveForeground=create("panel-tab-active-foreground","--vscode-panelTitle-activeForeground").withDefault("#e7e7e7"),panelTabForeground=create("panel-tab-foreground","--vscode-panelTitle-inactiveForeground").withDefault("#e7e7e799");create("panel-view-background","--vscode-panel-background").withDefault("#1e1e1e"),create("panel-view-border","--vscode-panel-border").withDefault("#80808059");const tagCornerRadius=create("tag-corner-radius").withDefault("2px"),badgeStyles=(g,b)=>css`
${display("inline-block")} :host {
box-sizing: border-box;
font-family: ${fontFamily};
font-size: ${typeRampMinus1FontSize};
line-height: ${typeRampMinus1LineHeight};
text-align: center;
}
.control {
align-items: center;
background-color: ${badgeBackground};
border: calc(${borderWidth} * 1px) solid ${buttonBorder};
border-radius: 11px;
box-sizing: border-box;
color: ${badgeForeground};
display: flex;
height: calc(${designUnit} * 4px);
justify-content: center;
min-width: calc(${designUnit} * 4px + 2px);
min-height: calc(${designUnit} * 4px + 2px);
padding: 3px 6px;
}
`;class Badge extends Badge$1{connectedCallback(){super.connectedCallback(),this.circular||(this.circular=!0)}}const vsCodeBadge=Badge.compose({baseName:"badge",template:badgeTemplate,styles:badgeStyles}),BaseButtonStyles=css`
${display("inline-flex")} :host {
outline: none;
font-family: ${fontFamily};
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
color: ${buttonPrimaryForeground};
background: ${buttonPrimaryBackground};
border-radius: 2px;
fill: currentColor;
cursor: pointer;
}
.control {
background: transparent;
height: inherit;
flex-grow: 1;
box-sizing: border-box;
display: inline-flex;
justify-content: center;
align-items: center;
padding: ${buttonPaddingVertical} ${buttonPaddingHorizontal};
white-space: wrap;
outline: none;
text-decoration: none;
border: calc(${borderWidth} * 1px) solid ${buttonBorder};
color: inherit;
border-radius: inherit;
fill: inherit;
cursor: inherit;
font-family: inherit;
}
:host(:hover) {
background: ${buttonPrimaryHoverBackground};
}
:host(:active) {
background: ${buttonPrimaryBackground};
}
.control:${focusVisible} {
outline: calc(${borderWidth} * 1px) solid ${focusBorder};
outline-offset: calc(${borderWidth} * 2px);
}
.control::-moz-focus-inner {
border: 0;
}
:host([disabled]) {
opacity: ${disabledOpacity};
background: ${buttonPrimaryBackground};
cursor: ${disabledCursor};
}
.content {
display: flex;
}
.start {
display: flex;
}
::slotted(svg),
::slotted(span) {
width: calc(${designUnit} * 4px);
height: calc(${designUnit} * 4px);
}
.start {
margin-inline-end: 8px;
}
`,PrimaryButtonStyles=css`
:host([appearance='primary']) {
background: ${buttonPrimaryBackground};
color: ${buttonPrimaryForeground};
}
:host([appearance='primary']:hover) {
background: ${buttonPrimaryHoverBackground};
}
:host([appearance='primary']:active) .control:active {
background: ${buttonPrimaryBackground};
}
:host([appearance='primary']) .control:${focusVisible} {
outline: calc(${borderWidth} * 1px) solid ${focusBorder};
outline-offset: calc(${borderWidth} * 2px);
}
:host([appearance='primary'][disabled]) {
background: ${buttonPrimaryBackground};
}
`,SecondaryButtonStyles=css`
:host([appearance='secondary']) {
background: ${buttonSecondaryBackground};
color: ${buttonSecondaryForeground};
}
:host([appearance='secondary']:hover) {
background: ${buttonSecondaryHoverBackground};
}
:host([appearance='secondary']:active) .control:active {
background: ${buttonSecondaryBackground};
}
:host([appearance='secondary']) .control:${focusVisible} {
outline: calc(${borderWidth} * 1px) solid ${focusBorder};
outline-offset: calc(${borderWidth} * 2px);
}
:host([appearance='secondary'][disabled]) {
background: ${buttonSecondaryBackground};
}
`,IconButtonStyles=css`
:host([appearance='icon']) {
background: ${buttonIconBackground};
border-radius: ${buttonIconCornerRadius};
color: ${foreground};
}
:host([appearance='icon']:hover) {
background: ${buttonIconHoverBackground};
outline: 1px dotted ${contrastActiveBorder};
outline-offset: -1px;
}
:host([appearance='icon']) .control {
padding: ${buttonIconPadding};
border: none;
}
:host([appearance='icon']:active) .control:active {
background: ${buttonIconHoverBackground};
}
:host([appearance='icon']) .control:${focusVisible} {
outline: calc(${borderWidth} * 1px) solid ${focusBorder};
outline-offset: ${buttonIconFocusBorderOffset};
}
:host([appearance='icon'][disabled]) {
background: ${buttonIconBackground};
}
`,buttonStyles=(g,b)=>css`
${BaseButtonStyles}
${PrimaryButtonStyles}
${SecondaryButtonStyles}
${IconButtonStyles}
`;class Button extends Button$1{connectedCallback(){if(super.connectedCallback(),!this.appearance){const b=this.getAttribute("appearance");this.appearance=b}}attributeChangedCallback(b,m,w){b==="appearance"&&w==="icon"&&(this.getAttribute("aria-label")||(this.ariaLabel="Icon Button")),b==="aria-label"&&(this.ariaLabel=w),b==="disabled"&&(this.disabled=w!==null)}}__decorate$1([attr],Button.prototype,"appearance",void 0);const vsCodeButton=Button.compose({baseName:"button",template:buttonTemplate,styles:buttonStyles,shadowOptions:{delegatesFocus:!0}}),checkboxStyles=(g,b)=>css`
${display("inline-flex")} :host {
align-items: center;
outline: none;
margin: calc(${designUnit} * 1px) 0;
user-select: none;
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
}
.control {
position: relative;
width: calc(${designUnit} * 4px + 2px);
height: calc(${designUnit} * 4px + 2px);
box-sizing: border-box;
border-radius: calc(${checkboxCornerRadius} * 1px);
border: calc(${borderWidth} * 1px) solid ${checkboxBorder};
background: ${checkboxBackground};
outline: none;
cursor: pointer;
}
.label {
font-family: ${fontFamily};
color: ${foreground};
padding-inline-start: calc(${designUnit} * 2px + 2px);
margin-inline-end: calc(${designUnit} * 2px + 2px);
cursor: pointer;
}
.label__hidden {
display: none;
visibility: hidden;
}
.checked-indicator {
width: 100%;
height: 100%;
display: block;
fill: ${foreground};
opacity: 0;
pointer-events: none;
}
.indeterminate-indicator {
border-radius: 2px;
background: ${foreground};
position: absolute;
top: 50%;
left: 50%;
width: 50%;
height: 50%;
transform: translate(-50%, -50%);
opacity: 0;
}
:host(:enabled) .control:hover {
background: ${checkboxBackground};
border-color: ${checkboxBorder};
}
:host(:enabled) .control:active {
background: ${checkboxBackground};
border-color: ${focusBorder};
}
:host(:${focusVisible}) .control {
border: calc(${borderWidth} * 1px) solid ${focusBorder};
}
:host(.disabled) .label,
:host(.readonly) .label,
:host(.readonly) .control,
:host(.disabled) .control {
cursor: ${disabledCursor};
}
:host(.checked:not(.indeterminate)) .checked-indicator,
:host(.indeterminate) .indeterminate-indicator {
opacity: 1;
}
:host(.disabled) {
opacity: ${disabledOpacity};
}
`;class Checkbox extends Checkbox$1{connectedCallback(){super.connectedCallback(),this.textContent?this.setAttribute("aria-label",this.textContent):this.setAttribute("aria-label","Checkbox")}}const vsCodeCheckbox=Checkbox.compose({baseName:"checkbox",template:checkboxTemplate,styles:checkboxStyles,checkedIndicator:`
<svg
part="checked-indicator"
class="checked-indicator"
width="16"
height="16"
viewBox="0 0 16 16"
xmlns="http://www.w3.org/2000/svg"
fill="currentColor"
>
<path
fill-rule="evenodd"
clip-rule="evenodd"
d="M14.431 3.323l-8.47 10-.79-.036-3.35-4.77.818-.574 2.978 4.24 8.051-9.506.764.646z"
/>
</svg>
`,indeterminateIndicator:`
<div part="indeterminate-indicator" class="indeterminate-indicator"></div>
`}),dataGridStyles=(g,b)=>css`
:host {
display: flex;
position: relative;
flex-direction: column;
width: 100%;
}
`,dataGridRowStyles=(g,b)=>css`
:host {
display: grid;
padding: calc((${designUnit} / 4) * 1px) 0;
box-sizing: border-box;
width: 100%;
background: transparent;
}
:host(.header) {
}
:host(.sticky-header) {
background: ${background};
position: sticky;
top: 0;
}
:host(:hover) {
background: ${listHoverBackground};
outline: 1px dotted ${contrastActiveBorder};
outline-offset: -1px;
}
`,dataGridCellStyles=(g,b)=>css`
:host {
padding: calc(${designUnit} * 1px) calc(${designUnit} * 3px);
color: ${foreground};
opacity: 1;
box-sizing: border-box;
font-family: ${fontFamily};
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
font-weight: 400;
border: solid calc(${borderWidth} * 1px) transparent;
border-radius: calc(${cornerRadius} * 1px);
white-space: wrap;
overflow-wrap: anywhere;
}
:host(.column-header) {
font-weight: 600;
}
:host(:${focusVisible}),
:host(:focus),
:host(:active) {
background: ${listActiveSelectionBackground};
border: solid calc(${borderWidth} * 1px) ${focusBorder};
color: ${listActiveSelectionForeground};
outline: none;
}
:host(:${focusVisible}) ::slotted(*),
:host(:focus) ::slotted(*),
:host(:active) ::slotted(*) {
color: ${listActiveSelectionForeground} !important;
}
`;class DataGrid extends DataGrid$1{connectedCallback(){super.connectedCallback(),this.getAttribute("aria-label")||this.setAttribute("aria-label","Data Grid")}}const vsCodeDataGrid=DataGrid.compose({baseName:"data-grid",baseClass:DataGrid$1,template:dataGridTemplate,styles:dataGridStyles});class DataGridRow extends DataGridRow$1{}const vsCodeDataGridRow=DataGridRow.compose({baseName:"data-grid-row",baseClass:DataGridRow$1,template:dataGridRowTemplate,styles:dataGridRowStyles});class DataGridCell extends DataGridCell$1{}const vsCodeDataGridCell=DataGridCell.compose({baseName:"data-grid-cell",baseClass:DataGridCell$1,template:dataGridCellTemplate,styles:dataGridCellStyles}),dividerStyles=(g,b)=>css`
${display("block")} :host {
border: none;
border-top: calc(${borderWidth} * 1px) solid ${dividerBackground};
box-sizing: content-box;
height: 0;
margin: calc(${designUnit} * 1px) 0;
width: 100%;
}
`;class Divider extends Divider$1{}const vsCodeDivider=Divider.compose({baseName:"divider",template:dividerTemplate,styles:dividerStyles}),dropdownStyles=(g,b)=>css`
${display("inline-flex")} :host {
background: ${dropdownBackground};
box-sizing: border-box;
color: ${foreground};
contain: contents;
font-family: ${fontFamily};
height: calc(${inputHeight} * 1px);
position: relative;
user-select: none;
min-width: ${inputMinWidth};
outline: none;
vertical-align: top;
}
.control {
align-items: center;
box-sizing: border-box;
border: calc(${borderWidth} * 1px) solid ${dropdownBorder};
border-radius: calc(${cornerRadius} * 1px);
cursor: pointer;
display: flex;
font-family: inherit;
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
min-height: 100%;
padding: 2px 6px 2px 8px;
width: 100%;
}
.listbox {
background: ${dropdownBackground};
border: calc(${borderWidth} * 1px) solid ${focusBorder};
border-radius: calc(${cornerRadius} * 1px);
box-sizing: border-box;
display: inline-flex;
flex-direction: column;
left: 0;
max-height: ${dropdownListMaxHeight};
padding: 0 0 calc(${designUnit} * 1px) 0;
overflow-y: auto;
position: absolute;
width: 100%;
z-index: 1;
}
.listbox[hidden] {
display: none;
}
:host(:${focusVisible}) .control {
border-color: ${focusBorder};
}
:host(:not([disabled]):hover) {
background: ${dropdownBackground};
border-color: ${dropdownBorder};
}
:host(:${focusVisible}) ::slotted([aria-selected="true"][role="option"]:not([disabled])) {
background: ${listActiveSelectionBackground};
border: calc(${borderWidth} * 1px) solid ${focusBorder};
color: ${listActiveSelectionForeground};
}
:host([disabled]) {
cursor: ${disabledCursor};
opacity: ${disabledOpacity};
}
:host([disabled]) .control {
cursor: ${disabledCursor};
user-select: none;
}
:host([disabled]:hover) {
background: ${dropdownBackground};
color: ${foreground};
fill: currentcolor;
}
:host(:not([disabled])) .control:active {
border-color: ${focusBorder};
}
:host(:empty) .listbox {
display: none;
}
:host([open]) .control {
border-color: ${focusBorder};
}
:host([open][position='above']) .listbox,
:host([open][position='below']) .control {
border-bottom-left-radius: 0;
border-bottom-right-radius: 0;
}
:host([open][position='above']) .control,
:host([open][position='below']) .listbox {
border-top-left-radius: 0;
border-top-right-radius: 0;
}
:host([open][position='above']) .listbox {
bottom: calc(${inputHeight} * 1px);
}
:host([open][position='below']) .listbox {
top: calc(${inputHeight} * 1px);
}
.selected-value {
flex: 1 1 auto;
font-family: inherit;
overflow: hidden;
text-align: start;
text-overflow: ellipsis;
white-space: nowrap;
}
.indicator {
flex: 0 0 auto;
margin-inline-start: 1em;
}
slot[name='listbox'] {
display: none;
width: 100%;
}
:host([open]) slot[name='listbox'] {
display: flex;
position: absolute;
}
.end {
margin-inline-start: auto;
}
.start,
.end,
.indicator,
.select-indicator,
::slotted(svg),
::slotted(span) {
fill: currentcolor;
height: 1em;
min-height: calc(${designUnit} * 4px);
min-width: calc(${designUnit} * 4px);
width: 1em;
}
::slotted([role='option']),
::slotted(option) {
flex: 0 0 auto;
}
`;class Dropdown extends Select{}const vsCodeDropdown=Dropdown.compose({baseName:"dropdown",template:selectTemplate,styles:dropdownStyles,indicator:`
<svg
class="select-indicator"
part="select-indicator"
width="16"
height="16"
viewBox="0 0 16 16"
xmlns="http://www.w3.org/2000/svg"
fill="currentColor"
>
<path
fill-rule="evenodd"
clip-rule="evenodd"
d="M7.976 10.072l4.357-4.357.62.618L8.284 11h-.618L3 6.333l.619-.618 4.357 4.357z"
/>
</svg>
`}),linkStyles=(g,b)=>css`
${display("inline-flex")} :host {
background: transparent;
box-sizing: border-box;
color: ${linkForeground};
cursor: pointer;
fill: currentcolor;
font-family: ${fontFamily};
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
outline: none;
}
.control {
background: transparent;
border: calc(${borderWidth} * 1px) solid transparent;
border-radius: calc(${cornerRadius} * 1px);
box-sizing: border-box;
color: inherit;
cursor: inherit;
fill: inherit;
font-family: inherit;
height: inherit;
padding: 0;
outline: none;
text-decoration: none;
word-break: break-word;
}
.control::-moz-focus-inner {
border: 0;
}
:host(:hover) {
color: ${linkActiveForeground};
}
:host(:hover) .content {
text-decoration: underline;
}
:host(:active) {
background: transparent;
color: ${linkActiveForeground};
}
:host(:${focusVisible}) .control,
:host(:focus) .control {
border: calc(${borderWidth} * 1px) solid ${focusBorder};
}
`;class Link extends Anchor{}const vsCodeLink=Link.compose({baseName:"link",template:anchorTemplate,styles:linkStyles,shadowOptions:{delegatesFocus:!0}}),optionStyles=(g,b)=>css`
${display("inline-flex")} :host {
font-family: var(--body-font);
border-radius: ${cornerRadius};
border: calc(${borderWidth} * 1px) solid transparent;
box-sizing: border-box;
color: ${foreground};
cursor: pointer;
fill: currentcolor;
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
margin: 0;
outline: none;
overflow: hidden;
padding: 0 calc((${designUnit} / 2) * 1px)
calc((${designUnit} / 4) * 1px);
user-select: none;
white-space: nowrap;
}
:host(:${focusVisible}) {
border-color: ${focusBorder};
background: ${listActiveSelectionBackground};
color: ${foreground};
}
:host([aria-selected='true']) {
background: ${listActiveSelectionBackground};
border: calc(${borderWidth} * 1px) solid ${focusBorder};
color: ${listActiveSelectionForeground};
}
:host(:active) {
background: ${listActiveSelectionBackground};
color: ${listActiveSelectionForeground};
}
:host(:not([aria-selected='true']):hover) {
background: ${listActiveSelectionBackground};
border: calc(${borderWidth} * 1px) solid ${focusBorder};
color: ${listActiveSelectionForeground};
}
:host(:not([aria-selected='true']):active) {
background: ${listActiveSelectionBackground};
color: ${foreground};
}
:host([disabled]) {
cursor: ${disabledCursor};
opacity: ${disabledOpacity};
}
:host([disabled]:hover) {
background-color: inherit;
}
.content {
grid-column-start: 2;
justify-self: start;
overflow: hidden;
text-overflow: ellipsis;
}
`;let Option$1=class extends ListboxOption{connectedCallback(){super.connectedCallback(),this.textContent?this.setAttribute("aria-label",this.textContent):this.setAttribute("aria-label","Option")}};const vsCodeOption=Option$1.compose({baseName:"option",template:listboxOptionTemplate,styles:optionStyles}),panelsStyles=(g,b)=>css`
${display("grid")} :host {
box-sizing: border-box;
font-family: ${fontFamily};
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
color: ${foreground};
grid-template-columns: auto 1fr auto;
grid-template-rows: auto 1fr;
overflow-x: auto;
}
.tablist {
display: grid;
grid-template-rows: auto auto;
grid-template-columns: auto;
column-gap: calc(${designUnit} * 8px);
position: relative;
width: max-content;
align-self: end;
padding: calc(${designUnit} * 1px) calc(${designUnit} * 1px) 0;
box-sizing: border-box;
}
.start,
.end {
align-self: center;
}
.activeIndicator {
grid-row: 2;
grid-column: 1;
width: 100%;
height: calc((${designUnit} / 4) * 1px);
justify-self: center;
background: ${panelTabActiveForeground};
margin: 0;
border-radius: calc(${cornerRadius} * 1px);
}
.activeIndicatorTransition {
transition: transform 0.01s linear;
}
.tabpanel {
grid-row: 2;
grid-column-start: 1;
grid-column-end: 4;
position: relative;
}
`,panelTabStyles=(g,b)=>css`
${display("inline-flex")} :host {
box-sizing: border-box;
font-family: ${fontFamily};
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
height: calc(${designUnit} * 7px);
padding: calc(${designUnit} * 1px) 0;
color: ${panelTabForeground};
fill: currentcolor;
border-radius: calc(${cornerRadius} * 1px);
border: solid calc(${borderWidth} * 1px) transparent;
align-items: center;
justify-content: center;
grid-row: 1;
cursor: pointer;
}
:host(:hover) {
color: ${panelTabActiveForeground};
fill: currentcolor;
}
:host(:active) {
color: ${panelTabActiveForeground};
fill: currentcolor;
}
:host([aria-selected='true']) {
background: transparent;
color: ${panelTabActiveForeground};
fill: currentcolor;
}
:host([aria-selected='true']:hover) {
background: transparent;
color: ${panelTabActiveForeground};
fill: currentcolor;
}
:host([aria-selected='true']:active) {
background: transparent;
color: ${panelTabActiveForeground};
fill: currentcolor;
}
:host(:${focusVisible}) {
outline: none;
border: solid calc(${borderWidth} * 1px) ${panelTabActiveBorder};
}
:host(:focus) {
outline: none;
}
::slotted(vscode-badge) {
margin-inline-start: calc(${designUnit} * 2px);
}
`,panelViewStyles=(g,b)=>css`
${display("flex")} :host {
color: inherit;
background-color: transparent;
border: solid calc(${borderWidth} * 1px) transparent;
box-sizing: border-box;
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
padding: 10px calc((${designUnit} + 2) * 1px);
}
`;class Panels extends Tabs{connectedCallback(){super.connectedCallback(),this.orientation&&(this.orientation=TabsOrientation.horizontal),this.getAttribute("aria-label")||this.setAttribute("aria-label","Panels")}}const vsCodePanels=Panels.compose({baseName:"panels",template:tabsTemplate,styles:panelsStyles});class PanelTab extends Tab{connectedCallback(){super.connectedCallback(),this.disabled&&(this.disabled=!1),this.textContent&&this.setAttribute("aria-label",this.textContent)}}const vsCodePanelTab=PanelTab.compose({baseName:"panel-tab",template:tabTemplate,styles:panelTabStyles});class PanelView extends TabPanel{}const vsCodePanelView=PanelView.compose({baseName:"panel-view",template:tabPanelTemplate,styles:panelViewStyles}),progressRingStyles=(g,b)=>css`
${display("flex")} :host {
align-items: center;
outline: none;
height: calc(${designUnit} * 7px);
width: calc(${designUnit} * 7px);
margin: 0;
}
.progress {
height: 100%;
width: 100%;
}
.background {
fill: none;
stroke: transparent;
stroke-width: calc(${designUnit} / 2 * 1px);
}
.indeterminate-indicator-1 {
fill: none;
stroke: ${progressBackground};
stroke-width: calc(${designUnit} / 2 * 1px);
stroke-linecap: square;
transform-origin: 50% 50%;
transform: rotate(-90deg);
transition: all 0.2s ease-in-out;
animation: spin-infinite 2s linear infinite;
}
@keyframes spin-infinite {
0% {
stroke-dasharray: 0.01px 43.97px;
transform: rotate(0deg);
}
50% {
stroke-dasharray: 21.99px 21.99px;
transform: rotate(450deg);
}
100% {
stroke-dasharray: 0.01px 43.97px;
transform: rotate(1080deg);
}
}
`;class ProgressRing extends BaseProgress{connectedCallback(){super.connectedCallback(),this.paused&&(this.paused=!1),this.setAttribute("aria-label","Loading"),this.setAttribute("aria-live","assertive"),this.setAttribute("role","alert")}attributeChangedCallback(b,m,w){b==="value"&&this.removeAttribute("value")}}const vsCodeProgressRing=ProgressRing.compose({baseName:"progress-ring",template:progressRingTemplate,styles:progressRingStyles,indeterminateIndicator:`
<svg class="progress" part="progress" viewBox="0 0 16 16">
<circle
class="background"
part="background"
cx="8px"
cy="8px"
r="7px"
></circle>
<circle
class="indeterminate-indicator-1"
part="indeterminate-indicator-1"
cx="8px"
cy="8px"
r="7px"
></circle>
</svg>
`}),radioGroupStyles=(g,b)=>css`
${display("flex")} :host {
align-items: flex-start;
margin: calc(${designUnit} * 1px) 0;
flex-direction: column;
}
.positioning-region {
display: flex;
flex-wrap: wrap;
}
:host([orientation='vertical']) .positioning-region {
flex-direction: column;
}
:host([orientation='horizontal']) .positioning-region {
flex-direction: row;
}
::slotted([slot='label']) {
color: ${foreground};
font-size: ${typeRampBaseFontSize};
margin: calc(${designUnit} * 1px) 0;
}
`;class RadioGroup extends RadioGroup$1{connectedCallback(){super.connectedCallback();const b=this.querySelector("label");if(b){const m="radio-group-"+Math.random().toString(16).slice(2);b.setAttribute("id",m),this.setAttribute("aria-labelledby",m)}}}const vsCodeRadioGroup=RadioGroup.compose({baseName:"radio-group",template:radioGroupTemplate,styles:radioGroupStyles}),radioStyles=(g,b)=>css`
${display("inline-flex")} :host {
align-items: center;
flex-direction: row;
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
margin: calc(${designUnit} * 1px) 0;
outline: none;
position: relative;
transition: all 0.2s ease-in-out;
user-select: none;
}
.control {
background: ${checkboxBackground};
border-radius: 999px;
border: calc(${borderWidth} * 1px) solid ${checkboxBorder};
box-sizing: border-box;
cursor: pointer;
height: calc(${designUnit} * 4px);
position: relative;
outline: none;
width: calc(${designUnit} * 4px);
}
.label {
color: ${foreground};
cursor: pointer;
font-family: ${fontFamily};
margin-inline-end: calc(${designUnit} * 2px + 2px);
padding-inline-start: calc(${designUnit} * 2px + 2px);
}
.label__hidden {
display: none;
visibility: hidden;
}
.control,
.checked-indicator {
flex-shrink: 0;
}
.checked-indicator {
background: ${foreground};
border-radius: 999px;
display: inline-block;
inset: calc(${designUnit} * 1px);
opacity: 0;
pointer-events: none;
position: absolute;
}
:host(:not([disabled])) .control:hover {
background: ${checkboxBackground};
border-color: ${checkboxBorder};
}
:host(:not([disabled])) .control:active {
background: ${checkboxBackground};
border-color: ${focusBorder};
}
:host(:${focusVisible}) .control {
border: calc(${borderWidth} * 1px) solid ${focusBorder};
}
:host([aria-checked='true']) .control {
background: ${checkboxBackground};
border: calc(${borderWidth} * 1px) solid ${checkboxBorder};
}
:host([aria-checked='true']:not([disabled])) .control:hover {
background: ${checkboxBackground};
border: calc(${borderWidth} * 1px) solid ${checkboxBorder};
}
:host([aria-checked='true']:not([disabled])) .control:active {
background: ${checkboxBackground};
border: calc(${borderWidth} * 1px) solid ${focusBorder};
}
:host([aria-checked="true"]:${focusVisible}:not([disabled])) .control {
border: calc(${borderWidth} * 1px) solid ${focusBorder};
}
:host([disabled]) .label,
:host([readonly]) .label,
:host([readonly]) .control,
:host([disabled]) .control {
cursor: ${disabledCursor};
}
:host([aria-checked='true']) .checked-indicator {
opacity: 1;
}
:host([disabled]) {
opacity: ${disabledOpacity};
}
`;class Radio extends Radio$1{connectedCallback(){super.connectedCallback(),this.textContent?this.setAttribute("aria-label",this.textContent):this.setAttribute("aria-label","Radio")}}const vsCodeRadio=Radio.compose({baseName:"radio",template:radioTemplate,styles:radioStyles,checkedIndicator:`
<div part="checked-indicator" class="checked-indicator"></div>
`}),tagStyles=(g,b)=>css`
${display("inline-block")} :host {
box-sizing: border-box;
font-family: ${fontFamily};
font-size: ${typeRampMinus1FontSize};
line-height: ${typeRampMinus1LineHeight};
}
.control {
background-color: ${badgeBackground};
border: calc(${borderWidth} * 1px) solid ${buttonBorder};
border-radius: ${tagCornerRadius};
color: ${badgeForeground};
padding: calc(${designUnit} * 0.5px) calc(${designUnit} * 1px);
text-transform: uppercase;
}
`;class Tag extends Badge$1{connectedCallback(){super.connectedCallback(),this.circular&&(this.circular=!1)}}const vsCodeTag=Tag.compose({baseName:"tag",template:badgeTemplate,styles:tagStyles}),textAreaStyles=(g,b)=>css`
${display("inline-block")} :host {
font-family: ${fontFamily};
outline: none;
user-select: none;
}
.control {
box-sizing: border-box;
position: relative;
color: ${inputForeground};
background: ${inputBackground};
border-radius: calc(${cornerRadius} * 1px);
border: calc(${borderWidth} * 1px) solid ${dropdownBorder};
font: inherit;
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
padding: calc(${designUnit} * 2px + 1px);
width: 100%;
min-width: ${inputMinWidth};
resize: none;
}
.control:hover:enabled {
background: ${inputBackground};
border-color: ${dropdownBorder};
}
.control:active:enabled {
background: ${inputBackground};
border-color: ${focusBorder};
}
.control:hover,
.control:${focusVisible},
.control:disabled,
.control:active {
outline: none;
}
.control::-webkit-scrollbar {
width: ${scrollbarWidth};
height: ${scrollbarHeight};
}
.control::-webkit-scrollbar-corner {
background: ${inputBackground};
}
.control::-webkit-scrollbar-thumb {
background: ${scrollbarSliderBackground};
}
.control::-webkit-scrollbar-thumb:hover {
background: ${scrollbarSliderHoverBackground};
}
.control::-webkit-scrollbar-thumb:active {
background: ${scrollbarSliderActiveBackground};
}
:host(:focus-within:not([disabled])) .control {
border-color: ${focusBorder};
}
:host([resize='both']) .control {
resize: both;
}
:host([resize='horizontal']) .control {
resize: horizontal;
}
:host([resize='vertical']) .control {
resize: vertical;
}
.label {
display: block;
color: ${foreground};
cursor: pointer;
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
margin-bottom: 2px;
}
.label__hidden {
display: none;
visibility: hidden;
}
:host([disabled]) .label,
:host([readonly]) .label,
:host([readonly]) .control,
:host([disabled]) .control {
cursor: ${disabledCursor};
}
:host([disabled]) {
opacity: ${disabledOpacity};
}
:host([disabled]) .control {
border-color: ${dropdownBorder};
}
`;class TextArea extends TextArea$1{connectedCallback(){super.connectedCallback(),this.textContent?this.setAttribute("aria-label",this.textContent):this.setAttribute("aria-label","Text area")}}const vsCodeTextArea=TextArea.compose({baseName:"text-area",template:textAreaTemplate,styles:textAreaStyles,shadowOptions:{delegatesFocus:!0}}),textFieldStyles=(g,b)=>css`
${display("inline-block")} :host {
font-family: ${fontFamily};
outline: none;
user-select: none;
}
.root {
box-sizing: border-box;
position: relative;
display: flex;
flex-direction: row;
color: ${inputForeground};
background: ${inputBackground};
border-radius: calc(${cornerRadius} * 1px);
border: calc(${borderWidth} * 1px) solid ${dropdownBorder};
height: calc(${inputHeight} * 1px);
min-width: ${inputMinWidth};
}
.control {
-webkit-appearance: none;
font: inherit;
background: transparent;
border: 0;
color: inherit;
height: calc(100% - (${designUnit} * 1px));
width: 100%;
margin-top: auto;
margin-bottom: auto;
border: none;
padding: 0 calc(${designUnit} * 2px + 1px);
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
}
.control:hover,
.control:${focusVisible},
.control:disabled,
.control:active {
outline: none;
}
.label {
display: block;
color: ${foreground};
cursor: pointer;
font-size: ${typeRampBaseFontSize};
line-height: ${typeRampBaseLineHeight};
margin-bottom: 2px;
}
.label__hidden {
display: none;
visibility: hidden;
}
.start,
.end {
display: flex;
margin: auto;
fill: currentcolor;
}
::slotted(svg),
::slotted(span) {
width: calc(${designUnit} * 4px);
height: calc(${designUnit} * 4px);
}
.start {
margin-inline-start: calc(${designUnit} * 2px);
}
.end {
margin-inline-end: calc(${designUnit} * 2px);
}
:host(:hover:not([disabled])) .root {
background: ${inputBackground};
border-color: ${dropdownBorder};
}
:host(:active:not([disabled])) .root {
background: ${inputBackground};
border-color: ${focusBorder};
}
:host(:focus-within:not([disabled])) .root {
border-color: ${focusBorder};
}
:host([disabled]) .label,
:host([readonly]) .label,
:host([readonly]) .control,
:host([disabled]) .control {
cursor: ${disabledCursor};
}
:host([disabled]) {
opacity: ${disabledOpacity};
}
:host([disabled]) .control {
border-color: ${dropdownBorder};
}
`;class TextField extends TextField$1{connectedCallback(){super.connectedCallback(),this.textContent?this.setAttribute("aria-label",this.textContent):this.setAttribute("aria-label","Text field")}}const vsCodeTextField=TextField.compose({baseName:"text-field",template:textFieldTemplate,styles:textFieldStyles,shadowOptions:{delegatesFocus:!0}}),{wrap}=provideReactWrapper(React$7,provideVSCodeDesignSystem());wrap(vsCodeBadge(),{name:"vscode-badge"});const VSCodeButton=wrap(vsCodeButton(),{name:"vscode-button"});wrap(vsCodeCheckbox(),{name:"vscode-checkbox",events:{onChange:"change"}}),wrap(vsCodeDataGrid(),{name:"vscode-data-grid"}),wrap(vsCodeDataGridCell(),{name:"vscode-data-grid-cell"}),wrap(vsCodeDataGridRow(),{name:"vscode-data-grid-row"});const VSCodeDivider=wrap(vsCodeDivider(),{name:"vscode-divider"});wrap(vsCodeDropdown(),{name:"vscode-dropdown",events:{onChange:"change"}});const VSCodeLink=wrap(vsCodeLink(),{name:"vscode-link"});wrap(vsCodeOption(),{name:"vscode-option"});const VSCodePanels=wrap(vsCodePanels(),{name:"vscode-panels",events:{onChange:"change"}}),VSCodePanelTab=wrap(vsCodePanelTab(),{name:"vscode-panel-tab"}),VSCodePanelView=wrap(vsCodePanelView(),{name:"vscode-panel-view"}),VSCodeProgressRing=wrap(vsCodeProgressRing(),{name:"vscode-progress-ring"}),VSCodeRadio=wrap(vsCodeRadio(),{name:"vscode-radio",events:{onChange:"change"}});wrap(vsCodeRadioGroup(),{name:"vscode-radio-group",events:{onChange:"change"}}),wrap(vsCodeTag(),{name:"vscode-tag"}),wrap(vsCodeTextArea(),{name:"vscode-text-area",events:{onChange:"change",onInput:"input"}}),wrap(vsCodeTextField(),{name:"vscode-text-field",events:{onChange:"change",onInput:"input"}});function isObject(g){return Object.prototype.toString.call(g)==="[object Object]"}function objectSize(g){return Array.isArray(g)?g.length:isObject(g)?Object.keys(g).length:0}function stringifyForCopying(g,b){if(typeof g=="string")return g;try{return JSON.stringify(g,(m,w)=>{switch(typeof w){case"bigint":return String(w)+"n";case"number":case"boolean":case"object":case"string":return w;default:return String(w)}},b)}catch(m){return`${m.name}: ${m.message}`||"JSON.stringify failed"}}function isCollapsed(g,b,m,w,_,C){if(C&&C.collapsed!==void 0)return!!C.collapsed;if(typeof w=="boolean")return w;if(typeof w=="number"&&b>w)return!0;const k=objectSize(g);if(typeof w=="function"){const I=safeCall(w,[{node:g,depth:b,indexOrName:m,size:k}]);if(typeof I=="boolean")return I}return!!(Array.isArray(g)&&k>_||isObject(g)&&k>_)}function ifDisplay(g,b,m){return typeof g=="boolean"?g:!!(typeof g=="number"&&b>g||g==="collapsed"&&m||g==="expanded"&&!m)}function safeCall(g,b){try{return g(...b)}catch(m){reportError(m)}}function editableAdd(g){if(g===!0||isObject(g)&&g.add===!0)return!0}function editableEdit(g){if(g===!0||isObject(g)&&g.edit===!0)return!0}function editableDelete(g){if(g===!0||isObject(g)&&g.delete===!0)return!0}function isReactComponent(g){return typeof g=="function"}function customAdd(g){return!g||g.add===void 0||!!g.add}function customEdit(g){return!g||g.edit===void 0||!!g.edit}function customDelete(g){return!g||g.delete===void 0||!!g.delete}function customCopy(g){return!g||g.enableClipboard===void 0||!!g.enableClipboard}function resolveEvalFailedNewValue(g,b){return g==="string"?b.trim().replace(/^\"([\s\S]+?)\"$/,"$1"):b}var _path$7;function _extends$7(){return _extends$7=Object.assign?Object.assign.bind():function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$7.apply(this,arguments)}var SvgAngleDown=function(b){return reactExports.createElement("svg",_extends$7({xmlns:"http://www.w3.org/2000/svg",fill:"none",viewBox:"0 0 16 16"},b),_path$7||(_path$7=reactExports.createElement("path",{fill:"currentColor",d:"M12.473 5.806a.666.666 0 0 0-.946 0L8.473 8.86a.667.667 0 0 1-.946 0L4.473 5.806a.667.667 0 1 0-.946.94l3.06 3.06a2 2 0 0 0 2.826 0l3.06-3.06a.667.667 0 0 0 0-.94Z"})))},_path$6;function _extends$6(){return _extends$6=Object.assign?Object.assign.bind():function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$6.apply(this,arguments)}var SvgCopy=function(b){return reactExports.createElement("svg",_extends$6({xmlns:"http://www.w3.org/2000/svg",fill:"none",viewBox:"0 0 24 24"},b),_path$6||(_path$6=reactExports.createElement("path",{fill:"currentColor",d:"M17.542 2.5h-4.75a3.963 3.963 0 0 0-3.959 3.958v4.75a3.963 3.963 0 0 0 3.959 3.959h4.75a3.963 3.963 0 0 0 3.958-3.959v-4.75A3.963 3.963 0 0 0 17.542 2.5Zm2.375 8.708a2.378 2.378 0 0 1-2.375 2.375h-4.75a2.378 2.378 0 0 1-2.375-2.375v-4.75a2.378 2.378 0 0 1 2.375-2.375h4.75a2.378 2.378 0 0 1 2.375 2.375v4.75Zm-4.75 6.334a3.963 3.963 0 0 1-3.959 3.958h-4.75A3.963 3.963 0 0 1 2.5 17.542v-4.75a3.963 3.963 0 0 1 3.958-3.959.791.791 0 1 1 0 1.584 2.378 2.378 0 0 0-2.375 2.375v4.75a2.378 2.378 0 0 0 2.375 2.375h4.75a2.378 2.378 0 0 0 2.375-2.375.792.792 0 1 1 1.584 0Z"})))},_path$5,_path2$4;function _extends$5(){return _extends$5=Object.assign?Object.assign.bind():function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$5.apply(this,arguments)}var SvgCopied=function(b){return reactExports.createElement("svg",_extends$5({xmlns:"http://www.w3.org/2000/svg",fill:"none",viewBox:"0 0 24 24"},b),_path$5||(_path$5=reactExports.createElement("path",{fill:"currentColor",d:"M17.25 3H6.75A3.755 3.755 0 0 0 3 6.75v10.5A3.754 3.754 0 0 0 6.75 21h10.5A3.754 3.754 0 0 0 21 17.25V6.75A3.755 3.755 0 0 0 17.25 3Zm2.25 14.25a2.25 2.25 0 0 1-2.25 2.25H6.75a2.25 2.25 0 0 1-2.25-2.25V6.75A2.25 2.25 0 0 1 6.75 4.5h10.5a2.25 2.25 0 0 1 2.25 2.25v10.5Z"})),_path2$4||(_path2$4=reactExports.createElement("path",{fill:"#14C786",d:"M10.312 14.45 7.83 11.906a.625.625 0 0 0-.896 0 .659.659 0 0 0 0 .918l2.481 2.546a1.264 1.264 0 0 0 .896.381 1.237 1.237 0 0 0 .895-.38l5.858-6.011a.658.658 0 0 0 0-.919.625.625 0 0 0-.896 0l-5.857 6.01Z"})))};function CopyButton({node:g}){const[b,m]=reactExports.useState(!1);return b?jsxRuntimeExports.jsx(SvgCopied,{className:"json-view--copy",style:{display:"inline-block"}}):jsxRuntimeExports.jsx(SvgCopy,{onClick:w=>{const _=stringifyForCopying(g);w.stopPropagation(),navigator.clipboard.writeText(_),m(!0),setTimeout(()=>m(!1),3e3)},className:"json-view--copy"})}function NameValue({indexOrName:g,value:b,depth:m,parent:w,deleteHandle:_,editHandle:C}){return jsxRuntimeExports.jsxs("div",Object.assign({className:"json-view--pair"},{children:[jsxRuntimeExports.jsx("span",Object.assign({className:typeof g=="number"?"json-view--index":"json-view--property"},{children:g})),":"," ",jsxRuntimeExports.jsx(JsonNode,{node:b,depth:m+1,deleteHandle:_,editHandle:C,parent:w,indexOrName:g})]}))}var _path$4,_path2$3;function _extends$4(){return _extends$4=Object.assign?Object.assign.bind():function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$4.apply(this,arguments)}var SvgTrash=function(b){return reactExports.createElement("svg",_extends$4({xmlns:"http://www.w3.org/2000/svg",fill:"none",viewBox:"0 0 24 24"},b),_path$4||(_path$4=reactExports.createElement("path",{fill:"currentColor",d:"M18.75 6h-2.325a3.757 3.757 0 0 0-3.675-3h-1.5a3.757 3.757 0 0 0-3.675 3H5.25a.75.75 0 0 0 0 1.5H6v9.75A3.754 3.754 0 0 0 9.75 21h4.5A3.754 3.754 0 0 0 18 17.25V7.5h.75a.75.75 0 1 0 0-1.5Zm-7.5-1.5h1.5A2.255 2.255 0 0 1 14.872 6H9.128a2.255 2.255 0 0 1 2.122-1.5Zm5.25 12.75a2.25 2.25 0 0 1-2.25 2.25h-4.5a2.25 2.25 0 0 1-2.25-2.25V7.5h9v9.75Z"})),_path2$3||(_path2$3=reactExports.createElement("path",{fill:"#DA0000",d:"M10.5 16.5a.75.75 0 0 0 .75-.75v-4.5a.75.75 0 1 0-1.5 0v4.5a.75.75 0 0 0 .75.75ZM13.5 16.5a.75.75 0 0 0 .75-.75v-4.5a.75.75 0 1 0-1.5 0v4.5a.75.75 0 0 0 .75.75Z"})))},_path$3,_path2$2;function _extends$3(){return _extends$3=Object.assign?Object.assign.bind():function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$3.apply(this,arguments)}var SvgAddSquare=function(b){return reactExports.createElement("svg",_extends$3({xmlns:"http://www.w3.org/2000/svg",fill:"none",viewBox:"0 0 24 24"},b),_path$3||(_path$3=reactExports.createElement("path",{fill:"currentColor",d:"M21 6.75v10.5A3.754 3.754 0 0 1 17.25 21H6.75A3.754 3.754 0 0 1 3 17.25V6.75A3.754 3.754 0 0 1 6.75 3h10.5A3.754 3.754 0 0 1 21 6.75Zm-1.5 0c0-1.24-1.01-2.25-2.25-2.25H6.75C5.51 4.5 4.5 5.51 4.5 6.75v10.5c0 1.24 1.01 2.25 2.25 2.25h10.5c1.24 0 2.25-1.01 2.25-2.25V6.75Z"})),_path2$2||(_path2$2=reactExports.createElement("path",{fill:"#14C786",d:"M15 12.75a.75.75 0 1 0 0-1.5h-2.25V9a.75.75 0 1 0-1.5 0v2.25H9a.75.75 0 1 0 0 1.5h2.25V15a.75.75 0 1 0 1.5 0v-2.25H15Z"})))},_path$2,_path2$1;function _extends$2(){return _extends$2=Object.assign?Object.assign.bind():function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$2.apply(this,arguments)}var SvgDone=function(b){return reactExports.createElement("svg",_extends$2({xmlns:"http://www.w3.org/2000/svg",fill:"none",viewBox:"0 0 24 24"},b),_path$2||(_path$2=reactExports.createElement("path",{fill:"currentColor",d:"M12 3a9 9 0 1 0 9 9 9.01 9.01 0 0 0-9-9Zm0 16.5a7.5 7.5 0 1 1 7.5-7.5 7.509 7.509 0 0 1-7.5 7.5Z"})),_path2$1||(_path2$1=reactExports.createElement("path",{fill:"#14C786",d:"m10.85 13.96-1.986-2.036a.5.5 0 0 0-.716 0 .527.527 0 0 0 0 .735l1.985 2.036a1.01 1.01 0 0 0 .717.305.99.99 0 0 0 .716-.305l4.686-4.808a.526.526 0 0 0 0-.735.5.5 0 0 0-.716 0l-4.687 4.809Z"})))},_path$1,_path2;function _extends$1(){return _extends$1=Object.assign?Object.assign.bind():function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends$1.apply(this,arguments)}var SvgCancel=function(b){return reactExports.createElement("svg",_extends$1({xmlns:"http://www.w3.org/2000/svg",fill:"none",viewBox:"0 0 24 24"},b),_path$1||(_path$1=reactExports.createElement("path",{fill:"#DA0000",d:"M15 9a.75.75 0 0 0-1.06 0L12 10.94 10.06 9A.75.75 0 0 0 9 10.06L10.94 12 9 13.94A.75.75 0 0 0 10.06 15L12 13.06 13.94 15A.75.75 0 0 0 15 13.94L13.06 12 15 10.06A.75.75 0 0 0 15 9Z"})),_path2||(_path2=reactExports.createElement("path",{fill:"currentColor",d:"M12 3a9 9 0 1 0 9 9 9.01 9.01 0 0 0-9-9Zm0 16.5a7.5 7.5 0 1 1 7.5-7.5 7.509 7.509 0 0 1-7.5 7.5Z"})))};function ObjectNode({node:g,depth:b,indexOrName:m,deleteHandle:w,customOptions:_}){const{collapsed:C,enableClipboard:k,collapseObjectsAfterLength:I,editable:$,onDelete:P,src:M,onAdd:U,onEdit:G,onChange:X,forceUpdate:Z,displaySize:ne}=reactExports.useContext(JsonViewContext),re=isObject(g),[ve,Se]=reactExports.useState(isCollapsed(g,b,m,C,I,_));reactExports.useEffect(()=>{Se(isCollapsed(g,b,m,C,I,_))},[C,I]);const ge=reactExports.useCallback((Rt,mt,en)=>{Array.isArray(g)?g[+Rt]=mt:g&&(g[Rt]=mt),G&&G({newValue:mt,oldValue:en,depth:b,src:M,indexOrName:Rt,parentType:re?"object":"array"}),X&&X({type:"edit",depth:b,src:M,indexOrName:Rt,parentType:re?"object":"array"}),Z()},[g,G,X,Z]),oe=Rt=>{Array.isArray(g)?g.splice(+Rt,1):g&&delete g[Rt],Z()},[me,De]=reactExports.useState(!1),Le=()=>{De(!1),w&&w(m),P&&P({value:g,depth:b,src:M,indexOrName:m,parentType:re?"object":"array"}),X&&X({type:"delete",depth:b,src:M,indexOrName:m,parentType:re?"object":"array"})},[rt,Ue]=reactExports.useState(!1),Ze=reactExports.useRef(null),gt=()=>{var Rt;if(re){const mt=(Rt=Ze.current)===null||Rt===void 0?void 0:Rt.value;mt&&(g[mt]=null,Ze.current&&(Ze.current.value=""),Ue(!1),U&&U({indexOrName:mt,depth:b,src:M,parentType:"object"}),X&&X({type:"add",indexOrName:mt,depth:b,src:M,parentType:"object"}))}else if(Array.isArray(g)){const mt=g;mt.push(null),U&&U({indexOrName:mt.length-1,depth:b,src:M,parentType:"array"}),X&&X({type:"add",indexOrName:mt.length-1,depth:b,src:M,parentType:"array"})}Z()},$t=Rt=>{Rt.key==="Enter"?(Rt.preventDefault(),gt()):Rt.key==="Escape"&&xe()},Xe=me||rt,xe=()=>{De(!1),Ue(!1)},Tn=jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[!ve&&!Xe&&jsxRuntimeExports.jsxs("span",Object.assign({onClick:()=>Se(!0)},{children:[ifDisplay(ne,b,ve)&&jsxRuntimeExports.jsxs("span",Object.assign({className:"jv-size"},{children:[objectSize(g)," Items"]})),jsxRuntimeExports.jsx(SvgAngleDown,{className:"jv-chevron"})]})),rt&&re&&jsxRuntimeExports.jsx("input",{className:"json-view--input",placeholder:"property",ref:Ze,onKeyDown:$t}),Xe&&jsxRuntimeExports.jsx(SvgDone,{className:"json-view--edit",style:{display:"inline-block"},onClick:rt?gt:Le}),Xe&&jsxRuntimeExports.jsx(SvgCancel,{className:"json-view--edit",style:{display:"inline-block"},onClick:xe}),!ve&&!Xe&&k&&customCopy(_)&&jsxRuntimeExports.jsx(CopyButton,{node:g}),!ve&&!Xe&&editableAdd($)&&customAdd(_)&&jsxRuntimeExports.jsx(SvgAddSquare,{className:"json-view--edit",onClick:()=>{re?(Ue(!0),setTimeout(()=>{var Rt;return(Rt=Ze.current)===null||Rt===void 0?void 0:Rt.focus()})):gt()}}),!ve&&!Xe&&editableDelete($)&&customDelete(_)&&w&&jsxRuntimeExports.jsx(SvgTrash,{className:"json-view--edit",onClick:()=>De(!0)})]});return Array.isArray(g)?jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx("span",{children:"["}),Tn,ve?jsxRuntimeExports.jsx("button",Object.assign({onClick:()=>Se(!1),className:"jv-button"},{children:"..."})):jsxRuntimeExports.jsx("div",Object.assign({className:"jv-indent"},{children:g.map((Rt,mt)=>jsxRuntimeExports.jsx(NameValue,{indexOrName:mt,value:Rt,depth:b,parent:g,deleteHandle:oe,editHandle:ge},String(m)+String(mt)))})),jsxRuntimeExports.jsx("span",{children:"]"}),ve&&ifDisplay(ne,b,ve)&&jsxRuntimeExports.jsxs("span",Object.assign({onClick:()=>Se(!1),className:"jv-size"},{children:[objectSize(g)," Items"]}))]}):re?jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx("span",{children:"{"}),Tn,ve?jsxRuntimeExports.jsx("button",Object.assign({onClick:()=>Se(!1),className:"jv-button"},{children:"..."})):jsxRuntimeExports.jsx("div",Object.assign({className:"jv-indent"},{children:Object.entries(g).map(([Rt,mt])=>jsxRuntimeExports.jsx(NameValue,{indexOrName:Rt,value:mt,depth:b,parent:g,deleteHandle:oe,editHandle:ge},String(m)+String(Rt)))})),jsxRuntimeExports.jsx("span",{children:"}"}),ve&&ifDisplay(ne,b,ve)&&jsxRuntimeExports.jsxs("span",Object.assign({onClick:()=>Se(!1),className:"jv-size"},{children:[objectSize(g)," Items"]}))]}):null}const LongString=React$7.forwardRef(({str:g,className:b,ctrlClick:m},w)=>{let{collapseStringMode:_,collapseStringsAfterLength:C}=reactExports.useContext(JsonViewContext);const[k,I]=reactExports.useState(!0);C=C>0?C:0;const $=g.replace(/\s+/g," "),P=M=>{(M.ctrlKey||M.metaKey)&&m?m(M):I(!k)};if(g.length<=C)return jsxRuntimeExports.jsxs("span",Object.assign({className:b,onClick:m},{children:['"',g,'"']}));if(_==="address")return g.length<=10?jsxRuntimeExports.jsxs("span",Object.assign({className:b,onClick:m},{children:['"',g,'"']})):jsxRuntimeExports.jsxs("span",Object.assign({onClick:P,className:b+" cursor-pointer"},{children:['"',k?$.slice(0,6)+"..."+$.slice(-4):g,'"']}));if(_==="directly")return jsxRuntimeExports.jsxs("span",Object.assign({onClick:P,className:b+" cursor-pointer"},{children:['"',k?$.slice(0,C)+"...":g,'"']}));if(_==="word"){let M=C,U=C+1,G=$,X=1;for(;;){if(/\W/.test(g[M])){G=g.slice(0,M);break}if(/\W/.test(g[U])){G=g.slice(0,U);break}if(X===6){G=g.slice(0,C);break}X++,M--,U++}return jsxRuntimeExports.jsxs("span",Object.assign({onClick:P,className:b+" cursor-pointer"},{children:['"',k?G+"...":g,'"']}))}return jsxRuntimeExports.jsxs("span",Object.assign({className:b},{children:['"',g,'"']}))});var _path;function _extends(){return _extends=Object.assign?Object.assign.bind():function(g){for(var b=1;b<arguments.length;b++){var m=arguments[b];for(var w in m)Object.prototype.hasOwnProperty.call(m,w)&&(g[w]=m[w])}return g},_extends.apply(this,arguments)}var SvgEdit=function(b){return reactExports.createElement("svg",_extends({xmlns:"http://www.w3.org/2000/svg",fill:"none",viewBox:"0 0 24 24"},b),_path||(_path=reactExports.createElement("path",{fill:"currentColor",d:"M17.25 3H6.75A3.754 3.754 0 0 0 3 6.75v10.5A3.754 3.754 0 0 0 6.75 21h10.5A3.754 3.754 0 0 0 21 17.25V6.75A3.754 3.754 0 0 0 17.25 3Zm2.25 14.25c0 1.24-1.01 2.25-2.25 2.25H6.75c-1.24 0-2.25-1.01-2.25-2.25V6.75c0-1.24 1.01-2.25 2.25-2.25h10.5c1.24 0 2.25 1.01 2.25 2.25v10.5Zm-6.09-9.466-5.031 5.03a2.981 2.981 0 0 0-.879 2.121v1.19c0 .415.336.75.75.75h1.19c.8 0 1.554-.312 2.12-.879l5.03-5.03a2.252 2.252 0 0 0 0-3.182c-.85-.85-2.331-.85-3.18 0Zm-2.91 7.151c-.28.28-.666.44-1.06.44H9v-.44c0-.4.156-.777.44-1.06l3.187-3.188 1.06 1.061-3.187 3.188Zm5.03-5.03-.782.783-1.06-1.061.782-.782a.766.766 0 0 1 1.06 0 .75.75 0 0 1 0 1.06Z"})))};function JsonNode({node,depth,deleteHandle:_deleteHandle,indexOrName,parent,editHandle}){const{collapseStringsAfterLength,enableClipboard,editable,src,onDelete,onChange,customizeNode}=reactExports.useContext(JsonViewContext);let customReturn;if(typeof customizeNode=="function"&&(customReturn=safeCall(customizeNode,[{node,depth,indexOrName}])),customReturn){if(reactExports.isValidElement(customReturn))return customReturn;if(isReactComponent(customReturn)){const g=customReturn;return jsxRuntimeExports.jsx(g,{node,depth,indexOrName})}}if(Array.isArray(node)||isObject(node))return jsxRuntimeExports.jsx(ObjectNode,{node,depth,indexOrName,deleteHandle:_deleteHandle,customOptions:typeof customReturn=="object"?customReturn:void 0});{const type=typeof node,[editing,setEditing]=reactExports.useState(!1),[deleting,setDeleting]=reactExports.useState(!1),valueRef=reactExports.useRef(null),edit=()=>{setEditing(!0),setTimeout(()=>{var g,b;(g=window.getSelection())===null||g===void 0||g.selectAllChildren(valueRef.current),(b=valueRef.current)===null||b===void 0||b.focus()})},done=reactExports.useCallback(()=>{const newValue=valueRef.current.innerText;try{const evalValue=eval(newValue);editHandle&&editHandle(indexOrName,evalValue,node)}catch(g){const b=resolveEvalFailedNewValue(type,newValue);editHandle&&editHandle(indexOrName,b,node)}setEditing(!1)},[editHandle]),cancel=()=>{setEditing(!1),setDeleting(!1)},deleteHandle=()=>{setDeleting(!1),_deleteHandle&&_deleteHandle(indexOrName),onDelete&&onDelete({value:node,depth,src,indexOrName,parentType:Array.isArray(parent)?"array":"object"}),onChange&&onChange({depth,src,indexOrName,parentType:Array.isArray(parent)?"array":"object",type:"delete"})},handleKeyDown=reactExports.useCallback(g=>{g.key==="Enter"?(g.preventDefault(),done()):g.key==="Escape"&&cancel()},[done]),isEditing=editing||deleting,ctrlClick=!isEditing&&editableEdit(editable)&&customEdit(customReturn)&&editHandle?g=>{(g.ctrlKey||g.metaKey)&&edit()}:void 0,Icons=jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[isEditing&&jsxRuntimeExports.jsx(SvgDone,{className:"json-view--edit",style:{display:"inline-block"},onClick:deleting?deleteHandle:done}),isEditing&&jsxRuntimeExports.jsx(SvgCancel,{className:"json-view--edit",style:{display:"inline-block"},onClick:cancel}),!isEditing&&enableClipboard&&customCopy(customReturn)&&jsxRuntimeExports.jsx(CopyButton,{node}),!isEditing&&editableEdit(editable)&&customEdit(customReturn)&&editHandle&&jsxRuntimeExports.jsx(SvgEdit,{className:"json-view--edit",onClick:edit}),!isEditing&&editableDelete(editable)&&customDelete(customReturn)&&_deleteHandle&&jsxRuntimeExports.jsx(SvgTrash,{className:"json-view--edit",onClick:()=>setDeleting(!0)})]});let className="json-view--string";switch(typeof(customReturn==null?void 0:customReturn.className)=="string"&&(className+=" "+customReturn.className),type){case"number":case"bigint":className="json-view--number";break;case"boolean":className="json-view--boolean";break;case"object":className="json-view--null";break}deleting&&(className+=" json-view--deleting");let displayValue=String(node);type==="bigint"&&(displayValue+="n");const EditingElement=reactExports.useMemo(()=>jsxRuntimeExports.jsx("span",{contentEditable:!0,className,dangerouslySetInnerHTML:{__html:type==="string"?`"${displayValue}"`:displayValue},ref:valueRef,onKeyDown:handleKeyDown}),[displayValue,type,handleKeyDown]);return type==="string"?jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[editing?EditingElement:node.length>collapseStringsAfterLength?jsxRuntimeExports.jsx(LongString,{str:node,ref:valueRef,className,ctrlClick}):jsxRuntimeExports.jsxs("span",Object.assign({className,onClick:ctrlClick},{children:['"',displayValue,'"']})),Icons]}):jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[editing?EditingElement:jsxRuntimeExports.jsx("span",Object.assign({className,onClick:ctrlClick},{children:displayValue})),Icons]})}}const JsonViewContext=reactExports.createContext({src:void 0,collapseStringsAfterLength:99,collapseStringMode:"directly",collapseObjectsAfterLength:20,collapsed:!1,enableClipboard:!0,editable:!1,onEdit:void 0,onDelete:void 0,onAdd:void 0,onChange:void 0,forceUpdate:()=>{},customizeNode:void 0,displaySize:void 0});function JsonView({src:g,collapseStringsAfterLength:b=99,collapseStringMode:m="directly",collapseObjectsAfterLength:w=99,collapsed:_,enableClipboard:C=!0,editable:k=!1,onEdit:I,onDelete:$,onAdd:P,onChange:M,dark:U=!1,theme:G="default",customizeNode:X,displaySize:Z}){const[ne,re]=reactExports.useState(0),ve=reactExports.useCallback(()=>re(Se=>++Se),[]);return jsxRuntimeExports.jsx(JsonViewContext.Provider,Object.assign({value:{src:g,collapseStringsAfterLength:b,collapseStringMode:m,collapseObjectsAfterLength:w,collapsed:_,enableClipboard:C,editable:k,onEdit:I,onDelete:$,onAdd:P,onChange:M,forceUpdate:ve,customizeNode:X,displaySize:Z}},{children:jsxRuntimeExports.jsx("code",Object.assign({className:"json-view"+(U?" dark":"")+(G&&G!=="default"?" json-view_"+G:"")},{children:jsxRuntimeExports.jsx(JsonNode,{node:g,depth:1})}))}))}function useMessage(g,b){const m=useEventCallback$1(w=>{w.data.name===g&&b(w.data.payload)});reactExports.useEffect(()=>(vscodeAPI.postMessage({subscribeMessage:g}),window.addEventListener("message",m),()=>{window.removeEventListener("message",m)}),[m,g])}const BulkTestDetailsImageViewer=({src:g,width:b,height:m})=>{const[w,_]=reactExports.useState(!1),C=useCommonStyles(),[k,I]=reactExports.useState(!1),[$,P]=reactExports.useState(g);reactExports.useEffect(()=>{isInVSCode()&&g&&vscodeAPI.postMessage({name:MessageNames.GET_FILE_WEBVIEW_URI,payload:{filePath:g}})},[g]),useMessage(MessageNames.SEND_FILE_WEBVIEW_URI,ne=>{const{filePath:re,uri:ve}=ne;g===re&&ve&&P(ve)});const M=mergeStyleSets$1({container:{background:C.semanticColors.infoBackground,color:C.semanticColors.bodyText,width:"80vw",height:"80vh"},content:{width:"100%",height:"100%",overflow:"hidden"}}),U=()=>{_(!0)},G=()=>{_(!1)},X=()=>{I(!0)},Z=()=>{I(!1)};return jsxRuntimeExports.jsxs("div",{style:{position:"relative",maxWidth:`${b}px`,maxHeight:`${m}px`,display:"inline-block"},onMouseEnter:U,onMouseLeave:G,children:[jsxRuntimeExports.jsx("img",{src:$,style:{cursor:"pointer",maxWidth:`${b}px`,maxHeight:`${m}px`,objectFit:"contain"},onClick:X,alt:"image"}),w&&jsxRuntimeExports.jsx("button",{style:{position:"absolute",top:"50%",left:"50%",transform:"translate(-50%, -50%)",backgroundColor:"rgba(0, 0, 0, 0.5)",color:"white",padding:"10px",borderRadius:"12px",cursor:"pointer",border:"none"},onClick:X,children:"View"}),jsxRuntimeExports.jsxs(Modal,{isOpen:k,containerClassName:M.container,scrollableContentClassName:M.content,children:[jsxRuntimeExports.jsxs(VSCodeButton,{appearance:"secondary",title:"close panel","aria-label":"close panel",style:{position:"absolute",top:"20px",right:"10px"},onClick:Z,children:["Close",jsxRuntimeExports.jsx("svg",{xmlns:"http://www.w3.org/2000/svg",width:"16",height:"16",viewBox:"0 0 16 16",fill:"currentColor",children:jsxRuntimeExports.jsx("path",{fillRule:"evenodd",clipRule:"evenodd",d:"M8 8.707l3.646 3.647.708-.707L8.707 8l3.647-3.646-.707-.708L8 7.293 4.354 3.646l-.707.708L7.293 8l-3.646 3.646.707.708L8 8.707z"})})]}),jsxRuntimeExports.jsx("img",{src:$,style:{width:"100%",height:"100%",objectFit:"contain"},alt:"image"})]})]})},BulkTestDetailsJsonViewer=({json:g})=>{const m=useBulkTestDetailsTheme()===Theme$1.Dark;return jsxRuntimeExports.jsx(JsonView,{src:g,dark:m,customizeNode:({node:w})=>{const{isImage:_,key:C}=isObjectWithImageData(w);if(_&&C){const k=w[C];return jsxRuntimeExports.jsx(BulkTestDetailsImageViewer,{src:k,width:100,height:100})}return{}}})};function isObjectWithImageData(g){if(typeof g=="object"&&g!==null){for(const b of Object.keys(g))if(b.startsWith("data:image"))return{isImage:!0,key:b}}return{isImage:!1}}const BulkTestDetailsTraceDetail=({trace:g})=>{const b=useSetBulkTestDetailsSelectedTraceDetail(),m=reactExports.useCallback(_=>{b(_)},[b]),w=reactExports.useCallback(_=>{if(_){const C=_.shadowRoot;if(!C)return;const k=C.querySelector(".tabpanel");if(!k||!k.style)return;k.style.height="100%",k.style.maxHeight="100%",k.style.overflow="hidden"}},[]);return jsxRuntimeExports.jsx(VSCodePanels,{style:{height:"100%"},ref:w,children:Object.keys(g).filter(_=>!["children","start_time","end_time"].includes(_)).sort((_,C)=>_==="inputs"?-1:C==="inputs"?1:0).map(_=>{const C={[_]:g[_]};return jsxRuntimeExports.jsxs(React$7.Fragment,{children:[jsxRuntimeExports.jsx(VSCodePanelTab,{id:`tab-${_}`,children:_}),jsxRuntimeExports.jsx(VSCodePanelView,{id:`view-${_}`,style:{height:"100%"},children:jsxRuntimeExports.jsxs("div",{style:{width:"100%",height:"100%",display:"flex",flexDirection:"column"},children:[jsxRuntimeExports.jsx(VSCodeButton,{style:{marginBottom:"8px",width:"fit-content"},onClick:()=>{m(C)},title:"view details","aria-label":"view details",children:"view details"}),jsxRuntimeExports.jsx("div",{style:{flex:1,overflow:"auto"},children:jsxRuntimeExports.jsx(BulkTestDetailsJsonViewer,{json:C})})]})})]},_)})})},BulkTestDetailsApiLogs=()=>{var M;const g=useBulkTestDetailSelectedCellInfo(),b=useBulkTestDetailsTheme(),m=reactExports.useMemo(()=>{var U,G;return(U=g.row)!=null&&U.info.api_calls?[(G=g.row)==null?void 0:G.info.api_calls]:[]},[(M=g.row)==null?void 0:M.info.api_calls]),w=reactExports.useRef(null),_=useBulkTestDetailsDAGCurrentNodeId(),[C,k]=reactExports.useState(void 0),I=reactExports.useMemo(()=>mergeStyles({backgroundColor:b===Theme$1.Dark?"#404040":"#f4f4f4"}),[b]);reactExports.useEffect(()=>{_&&w.current&&w.current.setSelectedTraceRow(_)},[_]);const $=reactExports.useCallback(U=>{k(U)},[]),P=C!=null&&C.node_name?`Api calls for node ${C.node_name}`:"Api calls";return jsxRuntimeExports.jsx(BulkTestDetailsBlockWrapper,{title:P,contentClassName:contentClassName$1,placeholder:"Select table cell to view trace",children:m.length>0?jsxRuntimeExports.jsx(ApiLogs,{traces:m,isDarkMode:b===Theme$1.Dark,renderDetail:U=>jsxRuntimeExports.jsx(BulkTestDetailsTraceDetail,{trace:U}),classNames:apiLogsClassNames,ref:w,onChangeSelectedTrace:$,styles:{grid:apiLogGridClassNames,selectedRow:I}}):null})},apiLogsClassNames=mergeStyleSets$1({root:[{overflow:"unset",height:"100%",width:"100%",paddingTop:"4px"}],detailContainer:[{overflow:"hidden",flex:1}]}),apiLogGridClassNames=mergeStyles({height:"auto"}),contentClassName$1=mergeStyles({height:"100%",overflow:"hidden !important"}),useOrientation=()=>{const[g]=useInjected(FlowViewModelShared);return useReactStyleState(g.orientation$)},useLoadCodeTool=()=>{const[g]=useInjected(FlowViewModelToken);return reactExports.useCallback((b,m)=>{g.loadCodeTool(b,m)},[g])},useLoadPackageTool=()=>{const[g]=useInjected(FlowViewModelToken);return reactExports.useCallback((b,m)=>{g.loadPackageTool(b,m)},[g])},useFlowGraphLayout=()=>{const[g]=useInjected(FlowViewModelToken);return useState(g.flowGraphLayout$)},useBulkTestDetailsLoadDagData=g=>{var re;const b=useBulkTestDetailSelectedCellInfo(),m=useBulkTestDetailGetMetadataByRunName(),w=reactExports.useMemo(()=>b.row?m(b.row.info.root_run_id):void 0,[m,b.row]),[_]=useOrientation(),C=useFlowGraphLayout(),k=useUpdateFlowGraphLayoutByCanvasData(),[I]=useInjected(FlowViewModelToken),$=useBulkTestDetailNodeRunsWithID(((re=b==null?void 0:b.row)==null?void 0:re.run_id)||""),P=useLoadFlow(),M=useLoadCodeTool(),U=useLoadPackageTool(),G=useSelectFlowIndex(),X=useClearFlowRuns();reactExports.useEffect(()=>{async function ve(){var Le;if(!w)return;const Se=w.flowGraph,ge=w.flow_tools_json;if(!Se||!ge)return;const oe=fromDagToCanvasDataUnlayouted(Se,_),me=await autoLayout(oe,_);k(me,C);const De={flow:{flowGraph:Se,flowGraphLayout:C}};X(),P(De),I.loadNodesStatus($),G(((Le=b==null?void 0:b.row)==null?void 0:Le.info.bulkIndex)||0),ge!=null&&ge.code&&Object.keys(ge.code).forEach(rt=>{var Ue;(Ue=ge.code)!=null&&Ue[rt]&&M(rt,ge.code[rt])}),ge!=null&&ge.package&&Object.keys(ge.package).forEach(rt=>{var Ue;(Ue=ge.package)!=null&&Ue[rt]&&U(rt,ge.package[rt])}),g({type:GraphCanvasEvent.SetData,data:GraphModel.fromJSON(me)}),g({type:GraphCanvasEvent.ResetViewport,ensureNodeVisible:!0})}ve()},[w]);const Z=reactExports.useCallback(async()=>{const{flow:ve}=I.toBatchRequestData();if(!(ve!=null&&ve.flowGraph))return;const Se=fromDagToCanvasDataUnlayouted(ve.flowGraph,_),ge=await autoLayout(Se,_);k(ge,C),g({type:GraphCanvasEvent.SetData,data:GraphModel.fromJSON(ge)})},[g,C,I,_,k]),ne=reactExports.useCallback(async()=>{g({type:GraphCanvasEvent.ZoomToFit})},[g]);return[Z,ne]},useNodeDataByNodeName=g=>{const b=useNodeToolType(g),m=useToolsIconNameByNodeId(g),w=useToolsIconByNodeId(g),_=useNodeIsReduce(g),C=useHasVariants(g),k=useDefaultVariantNameOfNode(g),I=useFlowNode(g),$=useToolByNodeId(g),P=useNodeRuns(g),M=useCurrentNodeRun(g,k),U=useNodeRunStatusColor(g),G=useNodeActivateConfig(g),X=useFlowFeatures(),Z=lodashExports.debounce(()=>{var re;vscodeAPI.postMessage({name:MessageNames.OPEN_CODE_FILE,payload:{path:($==null?void 0:$.source)??((re=I==null?void 0:I.source)==null?void 0:re.path)}})},200),ne=mergeStyleSets$1({linkButton:{color:"var(--link-foreground)"}});return{toolType:b,providerIconName:m,toolsIcon:w,statusColor:U,statusIcon:void 0,nodeRuns:P,nodeParams:(M==null?void 0:M.inputs)??{},hasVariants:C,isReduce:_,nodeColor:void 0,activate:{hasActivateConfig:!!(G!=null&&G.when),tooltip:jsxRuntimeExports.jsxs("div",{children:[jsxRuntimeExports.jsx("h4",{style:{margin:0},children:"Activate config"}),jsxRuntimeExports.jsxs("div",{children:["when: ",G==null?void 0:G.when]}),jsxRuntimeExports.jsxs("div",{children:["is: ",String(G==null?void 0:G.is)]})]})},renderActions:()=>{var re;if(!(!X.has(FlowFeatures.OpenCodeFileInNode)||!(($==null?void 0:$.source)??((re=I==null?void 0:I.source)==null?void 0:re.path))))return jsxRuntimeExports.jsx(VSCodeButton,{className:ne.linkButton,appearance:"icon",title:"Open code file","aria-label":"Open code file",onClick:Z,children:jsxRuntimeExports.jsx("span",{className:"codicon codicon-link"})})}}},usePortNodeDataByNodeName=g=>({isPortNodeVisible:usePortNodeVisible(g)}),useDagGraphReducer=g=>{const b=useFlowViewModel(),m=reactExports.useMemo(()=>({useNodeDataByNodeName,usePortNodeDataByNodeName,isShowDetailButtonHidden:!0}),[]),w=useGraphConfig(m,g),_=useDagGraphDispatch(),C=reactExports.useMemo(()=>{const I=new Set(dataReadonlyMode);return I.add(GraphFeatures.AutoFit),{settings:{features:I}}},[]);return reactExports.useEffect(()=>{b&&b.setGraphConfig(w)},[w]),[useState((b==null?void 0:b.canvasState$)??new State(createGraphState(C))),_]},BulkTestDetailsMinimizedButton=()=>{const g=useBulkTestDetailsIsDAGGraphMinimized(),b=useSetBulkTestDetailsIsDAGGraphMinimized(),m=reactExports.useCallback(()=>{b(!g)},[g,b]);return jsxRuntimeExports.jsx(VSCodeButton,{appearance:"icon",title:"minimized",onClick:m,"aria-label":"minimized",children:jsxRuntimeExports.jsx(jsxRuntimeExports.Fragment,{children:g?jsxRuntimeExports.jsx("svg",{xmlns:"http://www.w3.org/2000/svg",viewBox:"0 0 2048 2048",focusable:"false",children:jsxRuntimeExports.jsx("path",{d:"M1920 128v640h-128V347L347 1792h421v128H128v-640h128v421L1701 256h-421V128h640z"})}):jsxRuntimeExports.jsx("svg",{xmlns:"http://www.w3.org/2000/svg",viewBox:"0 0 2048 2048",focusable:"false",children:jsxRuntimeExports.jsx("path",{d:"M256 1152h640v640H768v-421L93 2045l-90-90 674-675H256v-128zm1115-384h421v128h-640V256h128v421L1955 3l90 90-674 675z"})})})})},BulkTestDetailsNavigator=({onClickAutoLayout:g,onClickAutoFit:b})=>{const m=useCommonStyles(),w=reactExports.useMemo(()=>mergeStyles({bottom:40,left:"50%",position:"absolute",transform:"translateX(-50%)",display:"flex",padding:"3px 3px",gap:10,boxShadow:m.semanticColors.boxShadow,borderRadius:2,backgroundColor:m.semanticColors.bodyBackground,color:m.semanticColors.bodyText}),[m.semanticColors.bodyBackground,m.semanticColors.bodyText,m.semanticColors.boxShadow]);return jsxRuntimeExports.jsxs("div",{className:w,children:[jsxRuntimeExports.jsx(VSCodeButton,{appearance:"icon",onClick:g,title:"Auto layout","aria-label":"Auto layout",children:jsxRuntimeExports.jsx("svg",{xmlns:"http://www.w3.org/2000/svg",viewBox:"0 0 2048 2048",focusable:"false",children:jsxRuntimeExports.jsx("path",{d:"M1058 1411q-15 46-24 93t-10 96v12q0 6 1 13l-422 423H313l384-768H248L888 0h719l-384 768h660l-258 257h-10q-54 0-103 8t-101 25l162-162h-557l384-768H967L455 1152h449l-384 768h29l509-509zm856 128q6 30 6 61t-6 61l124 51-49 119-124-52q-35 51-86 86l52 124-119 49-51-124q-30 6-61 6t-61-6l-51 124-119-49 52-124q-51-35-86-86l-124 52-49-119 124-51q-6-30-6-61t6-61l-124-51 49-119 124 52q35-51 86-86l-52-124 119-49 51 124q30-6 61-6t61 6l51-124 119 49-52 124q51 35 86 86l124-52 49 119-124 51zm-314 253q40 0 75-15t61-41 41-61 15-75q0-40-15-75t-41-61-61-41-75-15q-40 0-75 15t-61 41-41 61-15 75q0 40 15 75t41 61 61 41 75 15z"})})}),jsxRuntimeExports.jsx(VSCodeButton,{appearance:"icon",onClick:b,title:"Auto zoom","aria-label":"Auto zoom",children:jsxRuntimeExports.jsx("svg",{xmlns:"http://www.w3.org/2000/svg",viewBox:"0 0 2048 2048",focusable:"false",children:jsxRuntimeExports.jsx("path",{d:"M1664 896V640h-256V512h384v384h-128zM384 640v256H256V512h384v128H384zm1408 512v384h-384v-128h256v-256h128zM640 1408v128H256v-384h128v256h256zM0 256h2048v1536H0V256zm1920 1408V384H128v1280h1792z"})})})]})},BulkTestDetailsDagGraphView=()=>{const g=useCommonStyles(),[b]=useOrientation(),[m,w]=useDagGraphReducer(b),_=useBulkTestDetailSelectedCellInfo(),C=useBulkTestDetailsIsDAGGraphMinimized(),[k,I]=useBulkTestDetailsLoadDagData(w),$=reactExports.useMemo(()=>{var U;return C||!_.row?"Graph view":`Graph view for run ${(U=_.row)==null?void 0:U.display_name}`},[C,_.row]),P=reactExports.useMemo(()=>C||!_.row?void 0:"click on node to view the api calls tracing",[C,_.row]),M=reactExports.useMemo(()=>jsxRuntimeExports.jsx(BulkTestDetailsMinimizedButton,{}),[]);return jsxRuntimeExports.jsx(BulkTestDetailsBlockWrapper,{title:$,subTitle:P,buttons:M,placeholder:"click one row in the outputs grid to view the graph of the run",children:_.row&&!C?jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(ReactDagEditor,{state:m,dispatch:w,style:{height:"100%",width:"100%",display:"flex",backgroundColor:g.semanticColors.bodyBackground},children:jsxRuntimeExports.jsx(Graph,{canvasMouseMode:CanvasMouseMode.Pan})}),jsxRuntimeExports.jsx(BulkTestDetailsNavigator,{onClickAutoLayout:k,onClickAutoFit:I})]}):C?jsxRuntimeExports.jsx("span",{}):null})},getYamlFileDir=g=>{if(/\.yaml$/.test(g)){const m=Math.max(g.lastIndexOf("/"),g.lastIndexOf("\\"));return g.substring(0,m)}return g};var deselectCurrent=toggleSelection,clipboardToIE11Formatting={"text/plain":"Text","text/html":"Url",default:"Text"},defaultMessage="Copy to clipboard: #{key}, Enter";function format(g){var b=(/mac os x/i.test(navigator.userAgent)?"⌘":"Ctrl")+"+C";return g.replace(/#{\s*key\s*}/g,b)}function copy(g,b){var m,w,_,C,k,I,$=!1;b||(b={}),m=b.debug||!1;try{_=deselectCurrent(),C=document.createRange(),k=document.getSelection(),I=document.createElement("span"),I.textContent=g,I.ariaHidden="true",I.style.all="unset",I.style.position="fixed",I.style.top=0,I.style.clip="rect(0, 0, 0, 0)",I.style.whiteSpace="pre",I.style.webkitUserSelect="text",I.style.MozUserSelect="text",I.style.msUserSelect="text",I.style.userSelect="text",I.addEventListener("copy",function(M){if(M.stopPropagation(),b.format)if(M.preventDefault(),typeof M.clipboardData>"u"){m&&console.warn("unable to use e.clipboardData"),m&&console.warn("trying IE specific stuff"),window.clipboardData.clearData();var U=clipboardToIE11Formatting[b.format]||clipboardToIE11Formatting.default;window.clipboardData.setData(U,g)}else M.clipboardData.clearData(),M.clipboardData.setData(b.format,g);b.onCopy&&(M.preventDefault(),b.onCopy(M.clipboardData))}),document.body.appendChild(I),C.selectNodeContents(I),k.addRange(C);var P=document.execCommand("copy");if(!P)throw new Error("copy command was unsuccessful");$=!0}catch(M){m&&console.error("unable to copy using execCommand: ",M),m&&console.warn("trying IE specific stuff");try{window.clipboardData.setData(b.format||"text",g),b.onCopy&&b.onCopy(window.clipboardData),$=!0}catch(U){m&&console.error("unable to copy using clipboardData: ",U),m&&console.error("falling back to prompt"),w=format("message"in b?b.message:defaultMessage),window.prompt(w,g)}}finally{k&&(typeof k.removeRange=="function"?k.removeRange(C):k.removeAllRanges()),I&&document.body.removeChild(I),_()}return $}var copyToClipboard=copy;const copy$1=getDefaultExportFromCjs(copyToClipboard),CopyIconButton=({text:g,refreshTimeout:b=1e3,onPointerDown:m})=>{const[w,_]=React$7.useState(!1),C=()=>{_(!0),copy$1(g),setTimeout(()=>{_(!1)},b)};return jsxRuntimeExports.jsx(VSCodeButton,{appearance:"icon",title:"copy",ariaLabel:"Copy",onClick:w?void 0:C,onPointerDown:m,children:w?jsxRuntimeExports.jsx("svg",{xmlns:"http://www.w3.org/2000/svg",width:"16",height:"16",viewBox:"0 0 16 16",fill:"currentColor",style:{color:"var(--vscode-testing-iconPassed)"},children:jsxRuntimeExports.jsx("path",{fillRule:"evenodd",clipRule:"evenodd",d:"M14.431 3.323l-8.47 10-.79-.036-3.35-4.77.818-.574 2.978 4.24 8.051-9.506.764.646z"})}):jsxRuntimeExports.jsxs("svg",{xmlns:"http://www.w3.org/2000/svg",width:"16",height:"16",viewBox:"0 0 16 16",fill:"currentColor",children:[jsxRuntimeExports.jsx("path",{fillRule:"evenodd",clipRule:"evenodd",d:"M4 4l1-1h5.414L14 6.586V14l-1 1H5l-1-1V4zm9 3l-3-3H5v10h8V7z"}),jsxRuntimeExports.jsx("path",{fillRule:"evenodd",clipRule:"evenodd",d:"M3 1L2 2v10l1 1V2h6.414l-1-1H3z"})]})})},EvaluationCli=()=>{const[g,b]=reactExports.useState(void 0),m=useBulkTestDetailsRunEvaluationInfo(),[w,_]=reactExports.useState(void 0),C=useBulkTestDetailGetMetadataByRunName();return reactExports.useEffect(()=>{if(m.evalRunFile){const k=new FileReader;k.onload=I=>{var $;try{const P=($=I.target)==null?void 0:$.result;if(typeof P=="string"){const M=YAML.parse(P);b(M)}}catch{b(void 0)}},k.readAsText(m.evalRunFile)}},[m.evalRunFile]),reactExports.useEffect(()=>{var k,I;if(g){const $=(k=m.evalRunFile)!=null&&k.path?getYamlFileDir((I=m.evalRunFile)==null?void 0:I.path):"<input-the-flow-absolute-dir>",P=C(m.runName),M=getColumnMapping(P==null?void 0:P.flowGraph,g),U=`pf run create --flow ${$} --column-mapping ${M} --run ${m.runName} --stream`;_(U)}},[g,C,m.evalRunFile,m.runName]),jsxRuntimeExports.jsx("div",{className:cliWrapperClassName,children:w?jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx("span",{style:{overflowWrap:"anywhere"},children:w}),jsxRuntimeExports.jsx(CopyIconButton,{text:w})]}):jsxRuntimeExports.jsx(VSCodeProgressRing,{})})};function getColumnMapping(g,b){const m={};return b.inputs&&g&&g.outputs&&Object.keys(b.inputs).forEach(w=>{m[w]=g.outputs&&g.outputs[w]?`\${run.outputs.${w}}`:"${<input-the-key>}"}),Object.keys(m).length===0?"<input-the-column-mapping>":Object.keys(m).map(_=>`${_}='${m[_]}'`).join(" ")}const cliWrapperClassName=mergeStyles({display:"flex",justifyContent:"space-between",backgroundColor:"var(--vscode-editor-inactiveSelectionBackground)",padding:"10px",marginTop:"10px",alignItems:"center"}),name="prompt-flow",displayName="Prompt flow for VS Code",version="1.5.9",description="",categories=["Machine Learning"],keywords=["prompt-flow","llm","prompt"],bugs="https://github.com/microsoft/promptflow/issues",publisher="prompt-flow",sideEffects=!1,type="module",main$4="dist/extension.cjs",scripts={build:"yarn clean && cross-env run-p build:*","build:extension":"cross-env NODE_OPTIONS=--max_old_space_size=16384 vite build --config=vite.extension.config.ts","build:sdkview":"cross-env NODE_OPTIONS=--max_old_space_size=16384 vite build --config=vite.sdkview.config.ts","build:sdkview-map":"cross-env NODE_OPTIONS=--max_old_space_size=16384 vite build --config=vite.sdkview.map.config.ts","build:webview":"cross-env NODE_OPTIONS=--max_old_space_size=16384 vite build --config=vite.webview.config.ts",clean:"rimraf tsconfig.tsbuildinfo dist dist-sdk","compile:testApp":"cross-env NODE_OPTIONS=--max_old_space_size=16384 vite build --config=vite.testapp.config.ts && node ./utils/copyTestAppFile.cjs","dev:testApp":"cross-env NODE_ENV=development NODE_OPTIONS=--max_old_space_size=16384 vite --config=vite.testapp.config.ts",lint:"run-p lint:*","lint:es":"cross-env-shell NODE_OPTIONS=--max_old_space_size=4096 eslint src --ext .ts,.tsx,.js,.jsx --quiet","lint:style":'stylelint "src/**/*.scss" --allow-empty-input',"lint:ts":"tslint -p .",lintfix:'run-p "lint:* --fix"',package:"node ./scripts/package.cjs",test:"jest --coverage --passWithNoTests","test:e2e":"node ./scripts/e2e.cjs",watch:"cross-env run-p watch:*","watch:extension":"cross-env NODE_ENV=development yarn build:extension --watch","watch:webview":"cross-env NODE_ENV=development NODE_OPTIONS=--max_old_space_size=16384 vite --config=vite.webview.config.ts"},contributes={commands:[{command:"prompt-flow.loadFlow",title:"Load flow",category:"Prompt flow"},{command:"prompt-flow.createFlowDagFile",title:"New flow in this directory",category:"Prompt flow"},{command:"prompt-flow.createFlow",title:"Create new flow",category:"Prompt flow"},{command:"prompt-flow.submitFlowRun",title:"Run current flow",category:"Prompt flow",icon:"$(play)"},{command:"prompt-flow.debugFlow",title:"Debug current flow",category:"Prompt flow",icon:"$(debug)"},{command:"prompt-flow.cloneFlowFrom",title:"Clone flow from...",category:"Prompt flow"},{command:"prompt-flow.cloneFlowTo",title:"Clone flow to...",category:"Prompt flow"},{command:"prompt-flow.createConnection",title:"Create connection",category:"Prompt flow",icon:{light:"resources/light/add.svg",dark:"resources/dark/add.svg"}},{command:"prompt-flow.createSpecificConnection",title:"Create specific connection",category:"Prompt flow",icon:{light:"resources/light/add.svg",dark:"resources/dark/add.svg"}},{command:"prompt-flow.refreshConnection",title:"Refresh connection",category:"Prompt flow",icon:{light:"resources/light/flow-refresh.svg",dark:"resources/dark/flow-refresh.svg"}},{command:"prompt-flow.setConnectionProvider",title:"Set connection provider",category:"Prompt flow"},{command:"prompt-flow.LearnMoreConnections",title:"Learn more",category:"Prompt flow"},{command:"prompt-flow.refreshWorkspaceFlows",title:"Refresh flows",category:"Prompt flow",icon:{light:"resources/light/flow-refresh.svg",dark:"resources/dark/flow-refresh.svg"}},{command:"prompt-flow.createCurrentWorkspaceFlows",title:"Create flow",category:"Prompt flow",icon:{light:"resources/light/add.svg",dark:"resources/dark/add.svg"}},{command:"prompt-flow.createRootWorkspaceFlows",title:"Create flow",category:"Prompt flow",icon:{light:"resources/light/add.svg",dark:"resources/dark/add.svg"}},{command:"prompt-flow.revealInFlowTree",title:"Reveal in Flows",category:"Prompt flow"},{command:"prompt-flow.refreshBulkTestList",title:"Refresh batch run list",category:"Prompt flow",icon:{light:"resources/light/flow-refresh.svg",dark:"resources/dark/flow-refresh.svg"}},{command:"prompt-flow.refreshToolList",title:"Refresh tool list",category:"Prompt flow",icon:{light:"resources/light/flow-refresh.svg",dark:"resources/dark/flow-refresh.svg"}},{command:"prompt-flow.genToolPackage",title:"Generate tool package",category:"Prompt flow"},{command:"prompt-flow.bulkTestVisualizeAndAnalyze",title:"Visualize",category:"Prompt flow"},{command:"prompt-flow.searchToolTree",title:"Search tools tree",category:"Prompt flow",icon:"$(search)"},{command:"prompt-flow.freshRecentVisitedFlow",title:"Refresh recents",category:"Prompt flow",icon:{light:"resources/light/flow-refresh.svg",dark:"resources/dark/flow-refresh.svg"}},{command:"prompt-flow.openRecentVisitedFlow",title:"Open recent",category:"Prompt flow"},{command:"prompt-flow.updateConnection",title:"Update connection",category:"Prompt flow"},{command:"prompt-flow.deleteConnection",title:"Delete connection",category:"Prompt flow"},{command:"prompt-flow.updateBulkTestRun",title:"Update batch run",category:"Prompt flow"},{command:"prompt-flow.bulkTestViewMeta",title:"View meta",category:"Prompt flow"},{command:"prompt-flow.bulkTestViewMetrics",title:"View metrics",category:"Prompt flow"},{command:"prompt-flow.bulkTestViewLogs",title:"View logs",category:"Prompt flow"},{command:"prompt-flow.bulkTestArchiveRun",title:"Archive run",category:"Prompt flow"},{command:"prompt-flow.bulkTestVisualize",title:"Visualize runs",category:"Prompt flow"},{command:"prompt-flow.copyContent",title:"Copy Content",category:"Prompt flow"},{command:"prompt-flow.dagZoomIn",title:"Zoom in",category:"Prompt flow",icon:"$(zoom-in)"},{command:"prompt-flow.dagZoomOut",title:"Zoom out",category:"Prompt flow",icon:"$(zoom-out)"},{command:"prompt-flow.dagZoomToFit",title:"Zoom to fit",category:"Prompt flow"},{command:"prompt-flow.dagZoomToActualSize",title:"Zoom to actual size",category:"Prompt flow"},{command:"prompt-flow.dagAutoLayout",title:"Auto layout",category:"Prompt flow"},{command:"prompt-flow.startBulkRun",title:"Batch run",category:"Prompt flow",icon:"$(beaker)"},{command:"prompt-flow.toggleSimpleMode",title:"Toggle simple mode",category:"Prompt flow"},{command:"prompt-flow.toggleOrientation",title:"Toggle orientation",category:"Prompt flow"},{command:"prompt-flow.installDependencies",title:"Install dependencies",category:"Prompt flow"},{command:"prompt-flow.addNode",title:"Add new node",category:"Prompt flow"},{command:"prompt-flow.addPythonNode",title:"Add new Python node",category:"Prompt flow"},{command:"prompt-flow.addPythonNodeWithExistingCode",title:"Add new Python node with existing code",category:"Prompt flow"},{command:"prompt-flow.addLlmNode",title:"Add new LLM node",category:"Prompt flow"},{command:"prompt-flow.addLlmNodeWithExistingCode",title:"Add new LLM node with existing code",category:"Prompt flow"},{command:"prompt-flow.addPromptNode",title:"Add new Prompt node",category:"Prompt flow"},{command:"prompt-flow.addPromptNodeWithExistingCode",title:"Add new Prompt node with existing code",category:"Prompt flow"},{command:"prompt-flow.addCustomToolNode",title:"Add new custom tool node",category:"Prompt flow"},{command:"prompt-flow.openFlowEditor",title:"Open flow in visual editor",category:"Prompt flow",icon:"$(open-preview)"},{command:"prompt-flow.addNodeFromToolList",title:"Add node",category:"Prompt flow",icon:"$(add)",args:{name:"toolListItem",type:"ToolTreeItem",description:"tool list item"}}],configuration:{title:"Prompt flow",properties:{"prompt-flow.openCodeFileSideBySide":{type:"boolean",default:!1,description:"When set to 'true', clicking the link icon of a node in the flow will open the tool code file in the split window. This allows for simultaneous viewing of both the flow and tool code."},"prompt-flow.isPfVscLoggingEnabled":{type:"boolean",default:!1,description:"Toggle local logging on or off. When activated, runtime debug details will be recorded in the local logs directory (~/.promptflow/logs)."},"prompt-flow.nodeDisplayPreference":{type:"string",default:"still expanded",description:"When one node selected, other nodes will be",enum:["still expanded","title only","hidden"]},"prompt-flow.connections.connectionProvider":{type:"string",default:"local",description:"Set connection provider.",enum:["local","Azure AI Connections (Workspace)","Azure AI Connections (Global)"],enumDescriptions:["Local connections","Azure AI Connections - for current working directory","Azure AI Connections - for this machine"]},"prompt-flow.connections.subscriptionId":{type:"string",default:"",description:"azureml subscription id (this value works only when you set provider to Azure AI - global)."},"prompt-flow.connections.resourceGroupName":{type:"string",default:"",description:"azureml resource group name (this value works only when you set provider to Azure AI - global)."},"prompt-flow.connections.workspaceName":{type:"string",default:"",description:"azureml workspace name (this value works only when you set provider to Azure AI - global)."}}},customEditors:[{viewType:"flow-flatten-editor",displayName:"Prompt flow notebook view",selector:[{filenamePattern:"*.dag.yaml"}],priority:"option"}],icons:{"prompt-flow":{description:"prompt flow icon",default:{fontPath:"resources/prompt-flow.woff",fontCharacter:"\\e901"}}},keybindings:[{command:"prompt-flow.addNode",key:"ctrl+n",mac:"cmd+n",when:"resourceFilename =~ /.*\\.dag\\.ya?ml$/"},{command:"prompt-flow.openFlowEditor",key:"ctrl+k v",mac:"cmd+k v",when:"resourceFilename =~ /.*\\.dag\\.ya?ml$/"},{command:"prompt-flow.submitFlowRun",key:"shift+f5",when:"resourceFilename =~ /.*\\.dag\\.ya?ml$/"},{command:"prompt-flow.debugFlow",key:"f5",when:"resourceFilename =~ /.*\\.dag\\.ya?ml$/"}],menus:{"explorer/context":[{group:"navigation",command:"prompt-flow.createFlowDagFile"}],"view/title":[{command:"prompt-flow.createConnection",when:"view == prompt-flow-connection-view && pfLocalConnectionProvider == true",group:"navigation"},{command:"prompt-flow.refreshConnection",when:"view == prompt-flow-connection-view",group:"navigation"},{command:"prompt-flow.createRootWorkspaceFlows",when:"view == prompt-flow-workspace-view",group:"navigation"},{command:"prompt-flow.setConnectionProvider",when:"view == prompt-flow-connection-view",group:"connection@1"},{command:"prompt-flow.LearnMoreConnections",when:"view == prompt-flow-connection-view",group:"connection@2"},{command:"prompt-flow.refreshWorkspaceFlows",when:"view == prompt-flow-workspace-view",group:"navigation"},{command:"prompt-flow.bulkTestVisualizeAndAnalyze",when:"view == prompt-flow-bulk-test-list",group:"navigation@1"},{command:"prompt-flow.refreshBulkTestList",when:"view == prompt-flow-bulk-test-list",group:"navigation@2"},{command:"prompt-flow.searchToolTree",when:"view == prompt-flow-tool-list-view",group:"navigation@1"},{command:"prompt-flow.refreshToolList",when:"view == prompt-flow-tool-list-view",group:"navigation@2"},{command:"prompt-flow.genToolPackage",when:"view == prompt-flow-tool-list-view && isGenToolPackageEnabled == true"},{command:"prompt-flow.freshRecentVisitedFlow",when:"view == prompt-flow-recent-visited-flow-view",group:"navigation"}],"view/item/context":[{command:"prompt-flow.updateConnection",when:"viewItem == pipelineFlowConnectionItem",group:"navigation"},{command:"prompt-flow.deleteConnection",when:"viewItem == pipelineFlowConnectionItem || viewItem == pipelineFlowConnectionItemDisabled",group:"navigation"},{command:"prompt-flow.createCurrentWorkspaceFlows",when:"viewItem == localWorkspaceDirectory",group:"inline"},{command:"prompt-flow.createSpecificConnection",when:"viewItem == localPipelineFlowConnectionRootItem",group:"inline"},{command:"prompt-flow.openRecentVisitedFlow",when:"viewItem == pipelineFlowRecentVisitedFlowTreeItem",group:"navigation"},{command:"prompt-flow.bulkTestViewMeta",when:"viewItem == promptFlowBulkTestItemWithContextMenu",group:"navigation"},{command:"prompt-flow.bulkTestViewMetrics",when:"viewItem == promptFlowBulkTestItemWithContextMenu",group:"navigation"},{command:"prompt-flow.bulkTestViewLogs",when:"viewItem == promptFlowBulkTestItemWithContextMenu",group:"navigation"},{command:"prompt-flow.bulkTestArchiveRun",when:"viewItem == promptFlowBulkTestItemWithContextMenu",group:"navigation"},{command:"prompt-flow.bulkTestVisualize",when:"viewItem == promptFlowBulkTestItemWithContextMenu",group:"navigation"},{command:"prompt-flow.addNodeFromToolList",when:"viewItem == promptFlowTooListToolItem",group:"inline"}],"editor/title/context":[{command:"prompt-flow.revealInFlowTree",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"},{command:"prompt-flow.genToolPackage",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor' && isGenToolPackageEnabled == true"}],"editor/title":[{command:"prompt-flow.openFlowEditor",group:"navigation",when:"resourceFilename == 'flow.dag.yaml' && activeCustomEditorId != 'flow-flatten-editor'"},{command:"prompt-flow.dagZoomIn",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"},{command:"prompt-flow.dagZoomOut",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"},{submenu:"dagTools",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"}],dagTools:[{command:"prompt-flow.dagAutoLayout",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"},{command:"prompt-flow.dagZoomToFit",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"},{command:"prompt-flow.dagZoomToActualSize",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"},{command:"prompt-flow.toggleSimpleMode",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"},{command:"prompt-flow.toggleOrientation",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'"}],"editor/title/run":[{command:"prompt-flow.submitFlowRun",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor' && prompt-flow.isPackageInstalled == 'yes'"},{command:"prompt-flow.startBulkRun",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor' && prompt-flow.isPackageInstalled == 'yes'"}],touchBar:[{command:"prompt-flow.submitFlowRun",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor' && prompt-flow.isPackageInstalled == 'yes'"},{command:"prompt-flow.startBulkRun",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor' && prompt-flow.isPackageInstalled == 'yes'"},{command:"prompt-flow.dagZoomIn",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'",icon:"$(zoom-in)"},{command:"prompt-flow.dagZoomOut",group:"navigation",when:"activeCustomEditorId == 'flow-flatten-editor'",icon:"$(zoom-out)"}],"webview/context":[{command:"prompt-flow.copyContent",when:"webviewId == 'flow-flatten-editor'"}]},submenus:[{id:"dagTools",icon:"$(tools)",label:"DAG Tools"}],views:{"prompt-flow":[{id:"prompt-flow-dependency-check-fail-view",name:"Dependency check fail",type:"webview",when:"prompt-flow.isPackageInstalled == 'no'"},{id:"prompt-flow-quick-access-view",name:"Quick Access"},{id:"prompt-flow-workspace-view",name:"Flows"},{id:"prompt-flow-tool-list-view",name:"Tools",when:"prompt-flow.isPackageInstalled == 'yes'"},{id:"prompt-flow-bulk-test-list",name:"Batch Run History",when:"prompt-flow.isPackageInstalled == 'yes'"},{id:"prompt-flow-connection-view",name:"Connections",when:"prompt-flow.isPackageInstalled == 'yes'"}],"prompt-flow-panel":[{id:"prompt-flow-api-calls",name:"Api Calls",type:"webview"}]},viewsContainers:{activitybar:[{id:"prompt-flow",title:"Prompt flow",icon:"resources/icon.svg"}],panel:[{id:"prompt-flow-panel",title:"Prompt flow",icon:"resources/icon.svg"}]},walkthroughs:[{id:"prompt-flow",title:"Get started with Prompt flow for VS Code",description:"Prompt flow VS Code extension walkthroughs",steps:[{id:"install-dependencies",title:"Install dependencies",description:`Instructions on how to install dependencies to use Prompt flow for VS Code.
[Install dependencies](command:prompt-flow.installDependencies)`,completionEvents:["onCommand:prompt-flow.installDependencies"],media:{markdown:"docs/install-dependencies.md"}},{id:"keyboard-shortcuts",title:"Keyboard shortcuts",description:"Basic shortcuts support for the flow authoring and visualization experience.",completionEvents:["onCommand:prompt-flow.openFlowEditor"],media:{markdown:"docs/keyboard-shortcuts.md"}},{id:"create-connection",title:"Create connections",description:`Instructions on how to create connections to use Prompt flow for VS Code.
[Create connection](command:prompt-flow.createConnection)`,completionEvents:["onCommand:prompt-flow.createConnection"],media:{markdown:"docs/create-connection.md"}},{id:"create-your-first-flow",title:"Create your first flow",description:`Instructions on how to create your first flow.
[Create new flow](command:prompt-flow.createFlow)`,completionEvents:["onCommand:prompt-flow.createFlowDagFile","onCommand:prompt-flow.createFlow"],media:{markdown:"docs/create-your-first-flow.md"}}]}]},activationEvents=["onStartupFinished"],resolutions={"vscode-uri":"3.0.7"},dependencies={"@azure/arm-resources":"5.2.0","@azure/identity":"3.3.1","@fluentui/react":"8.58.0","@fluentui/react-components":"^9.13.0","@mlworkspace/designer-core":"^2.0.0","@mlworkspace/prompt-flow-core":"^0.0.1","@promptflow/node":"0.0.1-pre.8","@types/react-grid-layout":"^1.3.2","@vienna/react-accessible-tree":"0.5.2","@vscode/codicons":"^0.0.32","@vscode/extension-telemetry":"^0.8.4","@vscode/webview-ui-toolkit":"^1.2.2",axios:"0.21.4","compare-versions":"^5.0.3","copy-to-clipboard":"^3.2.0",got:"^12.5.3",immutable:"^4.0.0-rc.12",lodash:"^4.17.11",moment:"^2.29.4",papaparse:"^5.2.0",pumpit:"^4.0.4","re-resizable":"^6.3.2",react:"^17.0.2","react-dag-editor":"0.4.1","react-data-grid":"7.0.0-beta.13","react-dom":"^17.0.2","react-grid-layout":"^1.3.4","react-json-view":"^1.21.3","react18-json-view":"^0.2.6",rxjs:"^6.4.0","sha.js":"^2.4.11",toposort:"^1.0.7",tslib:"^2.3.0","use-sync-external-store":"^1.0.0",uuid:"^3.3.2","web-vitals":"^3.4.0",yaml:"^2.3.1"},devDependencies={"@types/lodash":"^4.14.134","@types/sha.js":"^2.4.1","@types/toposort":"^2.0.3","@types/use-sync-external-store":"0.0.3","@types/vscode":"^1.75.0","@types/vscode-webview":"^1.57.1","@wojtekmaj/enzyme-adapter-react-17":"^0.6.2","applicationinsights-native-metrics":"^0.0.10",deepmerge:"4.3.0",enzyme:"^3.11.0","jest-canvas-mock":"^2.1.0","rollup-plugin-external-globals":"^0.7.3"},optionalDependencies={"@testing-library/webdriverio":"^3.2.1","@wdio/cli":"^8.19.0","@wdio/local-runner":"^8.19.0","@wdio/mocha-framework":"^8.19.0","@wdio/spec-reporter":"^8.19.0","ts-node":"^10.9.1","wdio-vscode-service":"^5.2.1","wdio-wait-for":"^3.0.7",webdriverio:"^8.19.0"},extensionDependencies=["ms-python.python"],engines={vscode:"^1.82.0"},icon="resources/icon.png",visualizeBundleVersion="0.0.33",packageJSON={name,displayName,version,description,categories,keywords,bugs,publisher,sideEffects,type,main:main$4,scripts,contributes,activationEvents,resolutions,dependencies,devDependencies,optionalDependencies,extensionDependencies,engines,icon,visualizeBundleVersion},EvaluationVSCode=()=>{const[g,b]=reactExports.useState(void 0),m=useBulkTestDetailsRunEvaluationInfo();reactExports.useEffect(()=>{var _;if(m.evalRunFile){const C=(_=m.evalRunFile)==null?void 0:_.path,k=C?getYamlFileDir(C):"",I=m.runName,$=`vscode://${packageJSON.publisher}.${packageJSON.name}/evaluateRun?runId=${I}&flowDir=${encodeURIComponent(k)}`;b($)}},[m.evalRunFile,m.runName]);const w=()=>{var _;if(!(!g||!m.runName))if(isInVSCode()){const C=(_=m.evalRunFile)==null?void 0:_.path;vscodeAPI.postMessage({name:MessageNames.EVALUATE_BATCH_RUNS,payload:{runId:m.runName,flowDir:getYamlFileDir(C)}})}else window.open(g,"_blank")};return jsxRuntimeExports.jsx(VSCodeButton,{style:{marginTop:"10px"},onClick:w,children:"Open in VSCode"})},EvaluationButton=()=>{const[g,b]=reactExports.useState(!1),m=reactExports.useRef(null),w=reactExports.useRef(null),_=useCommonStyles(),C=useBulkTestDetailsRunEvaluationInfo(),k=useUpdateBulkTestDetailsRunEvaluationInfo(),I=isInVSCode()?runInVSCodeId:runInCliId,$=P=>{var U;const M=(U=P.target.files)==null?void 0:U[0];M&&k(G=>({...G,evalRunFile:M}))};return reactExports.useEffect(()=>{w.current&&(w.current.value=""),k(P=>({...P,evalRunFile:void 0}))},[k,g]),jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(VSCodeButton,{disabled:C.runName===void 0&&!g,ariaLabel:"Evaluate Selected Runs",title:"Evaluate Selected Runs",onClick:()=>{b(!g)},ref:m,children:"Evaluate Selected Runs"}),g&&jsxRuntimeExports.jsxs(Callout,{target:m,styles:{root:{background:"transparent",padding:"6px"},beak:{background:_.semanticColors.infoBackground},beakCurtain:{background:_.semanticColors.infoBackground,padding:"2px"},calloutMain:{background:_.semanticColors.infoBackground,height:"fit-content",color:_.semanticColors.bodyText,padding:"0px 10px 10px",width:"400px",transition:"width 1s, height 0.3s"}},children:[jsxRuntimeExports.jsx("h4",{children:"Step 1 Select evaluation run"}),jsxRuntimeExports.jsxs("div",{className:fileWrapperClassName,children:[jsxRuntimeExports.jsx("span",{className:fileNameSpanClassName,children:`${C.evalRunFile?C.evalRunFile.name:"please select a evaluation flow"}`}),jsxRuntimeExports.jsx(VSCodeButton,{onClick:()=>{var P;return(P=w.current)==null?void 0:P.click()},children:C.evalRunFile?"Change File":"Select File"}),jsxRuntimeExports.jsx("input",{type:"file",ref:w,onChange:$,style:{display:"none"},accept:".yaml"})]}),C.evalRunFile&&jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx(VSCodeDivider,{style:{margin:"20px 10px 0"}}),jsxRuntimeExports.jsx("h4",{children:"Step 2 Run the evaluation"}),jsxRuntimeExports.jsxs(VSCodePanels,{activeid:I,children:[jsxRuntimeExports.jsx(VSCodePanelTab,{id:runInVSCodeId,children:"Run in VSCode"}),jsxRuntimeExports.jsx(VSCodePanelView,{id:runInVSCodeId,children:jsxRuntimeExports.jsx(EvaluationVSCode,{})}),jsxRuntimeExports.jsx(VSCodePanelTab,{id:runInCliId,children:"Run in Cli"}),jsxRuntimeExports.jsx(VSCodePanelView,{id:runInCliId,children:jsxRuntimeExports.jsx(EvaluationCli,{})})]})]})]})]})},fileWrapperClassName=mergeStyles({display:"flex",alignItems:"center",justifyContent:"space-between",height:"100%",width:"100%",gap:"10px"}),fileNameSpanClassName=mergeStyles({display:"inline-block",flex:1,overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"}),runInVSCodeId="btd-run-in-vscode",runInCliId="btd-run-in-cli",BulkTestDetailsMetaCard=({row:g})=>{const b=useCommonStyles(),m=useBulkTestDetailGetMetadataByRunName(),w=reactExports.useMemo(()=>m(g.info.root_run_id),[m,g.info.root_run_id]);return w?jsxRuntimeExports.jsxs("div",{className:cardWrapperStyle,style:{background:b.semanticColors.infoBackground,color:b.semanticColors.messageText,boxShadow:b.semanticColors.boxShadow,maxWidth:"30rem"},children:[w.display_name&&jsxRuntimeExports.jsx("span",{className:cardTitleStyle,children:w.display_name}),g.status&&jsxRuntimeExports.jsxs("span",{className:cardItemStyle,children:["Status: ",g.status]}),w.description&&jsxRuntimeExports.jsxs("span",{className:cardItemStyle,children:["Description: ",w.description]}),jsxRuntimeExports.jsx("div",{className:cardItemWrapperStyle,children:w.tags&&Object.keys(w.tags).length>0&&jsxRuntimeExports.jsxs("div",{className:cardTagWrapperStyle,children:[jsxRuntimeExports.jsx("span",{className:cardItemStyle,children:"Tags:"}),Object.keys(w.tags).map((_,C)=>jsxRuntimeExports.jsxs("span",{className:cardTagItemStyle,children:[_," : ",w.tags&&w.tags[_]]},`${C}-${_}`))]})}),w.lineage&&jsxRuntimeExports.jsxs("span",{className:cardItemStyle,children:["Lineage: ",w.lineage]}),w.flow_path&&jsxRuntimeExports.jsxs("span",{className:cardItemStyle,children:["Flow Path: ",w.flow_path]})]}):null},cardWrapperStyle=mergeStyles({display:"flex",flexDirection:"column",alignItems:"start",justifyContent:"start",width:"100%",padding:"5px 10px"}),cardTitleStyle=mergeStyles({fontWeight:"bold",display:"block",padding:"4px 0",margin:0,width:"100%",lineHeight:"18px",fontSize:"14px"}),cardItemWrapperStyle=mergeStyles({display:"flex",flexDirection:"column",alignItems:"start",justifyContent:"start",width:"100%"}),cardItemStyle=mergeStyles({display:"inline-block",padding:"1px 0",margin:0,width:"100%",lineHeight:"16px",fontSize:"12px",wordBreak:"break-all",whiteSpace:"pre-wrap"}),cardTagWrapperStyle=mergeStyles({display:"flex",flexDirection:"column",alignItems:"start",justifyContent:"start",width:"100%"}),cardTagItemStyle=mergeStyles({display:"block",padding:"1px 0",paddingLeft:"10px",margin:0,width:"100%",lineHeight:"16px",fontSize:"12px"}),BulkTestDetailsTooltip=({children:g,content:b})=>{const[m,w]=reactExports.useState({x:0,y:0}),_=k=>{const I=findGridParent(k.currentTarget),$=(I==null?void 0:I.scrollTop)||0,P=(I==null?void 0:I.scrollLeft)||0,M=I==null?void 0:I.getBoundingClientRect(),U=k.clientX+P-((M==null?void 0:M.left)||0)+15,G=k.clientY+$-((M==null?void 0:M.top)||0);w({x:U,y:G})},C=()=>{w({x:0,y:0})};return jsxRuntimeExports.jsxs("div",{onMouseMove:_,onMouseLeave:C,children:[g,m.x!==0&&m.y!==0&&jsxRuntimeExports.jsx("div",{className:tooltip,style:{left:m.x,top:m.y},children:b})]})},tooltip=mergeStyles({position:"fixed",zIndex:10,transformOrigin:"right top",transform:"translate(0, -100%)"});function findGridParent(g){return g?g.getAttribute("role")==="grid"?g:findGridParent(g.parentElement):null}const JSONGridCell=({value:g})=>jsxRuntimeExports.jsx("div",{style:{display:"flex",alignItems:"center",justifyContent:"flex-start",overflow:"auto",height:"100%",width:"100%",margin:"2px 0"},children:jsxRuntimeExports.jsx(BulkTestDetailsJsonViewer,{json:g})});function isDateString(g){if(/^(?:\d{4}-\d{2}-\d{2}T\d{2}:\d{2}:\d{2}(?:\.\d{3}Z)?|\d{4}-\d{2}-\d{2}|\d{4}\/\d{2}\/\d{2})$/.test(g)){const m=new Date(g);return!isNaN(m.getTime())}return!1}function cellContentPolisher(g){return g==null?"-":typeof g=="string"&&isDateString(g)?new Date(g).toLocaleString():String(g)}const useOutputsColumns=()=>{const g=useBulkTestDetailFlowRuns(),b=useBulkTestDetailsUserSelectedLineageGroup(),m=useBulkTestDetailGetMetadataByRunName(),[w,_]=reactExports.useState([]),[C,k]=reactExports.useState([]);return reactExports.useEffect(()=>{const $=["line_number","display_name","status","run_id"],P=[],M=G=>!$.includes(G)&&$.push(G),U=g.filter(G=>{if(b===void 0)return!0;const X=m(G.root_run_id);return X?X._group===b:!1});for(const G of U)G.inputs&&Object.keys(G.inputs).forEach(X=>{M(X)}),G.output&&Object.keys(G.output).forEach(X=>{M(X),P.push(X)});_($),k(P)},[g,m,b]),reactExports.useMemo(()=>w.map($=>{switch($){case"line_number":return{key:"line_number",name:outputsColumnKeyNameMap[$]||$,width:100,formatter({row:P}){return jsxRuntimeExports.jsx("div",{style:{height:"100%",lineHeight:"100%",display:"flex",overflow:"auto",alignItems:"center",justifyContent:"center"},children:jsxRuntimeExports.jsx("span",{children:P.line_number})})}};case"status":return{key:"status",name:"status",formatter({row:P}){const M=statusIconNameLookUp[P.status];return jsxRuntimeExports.jsxs("div",{style:{display:"flex",flexDirection:"row",alignItems:"center"},children:[jsxRuntimeExports.jsx(Icon,{iconName:M,style:{display:"flex"}}),jsxRuntimeExports.jsx("span",{style:{paddingLeft:"8px"},children:P.status})]})}};case"run_id":return{key:"run_id",name:outputsColumnKeyNameMap[$]||$,formatter({row:P}){const M=()=>{if(isInVSCode())vscodeAPI.postMessage({name:MessageNames.OPEN_FLOW_DIR,payload:{flowPath:P.info.flow_path}});else{const U=`vscode://${packageJSON.publisher}.${packageJSON.name}/openFlowDir?flowPath=${encodeURIComponent(P.info.flow_path)}`;window.open(U,"_blank")}};return jsxRuntimeExports.jsx(BulkTestDetailsTooltip,{content:jsxRuntimeExports.jsx(BulkTestDetailsMetaCard,{row:P}),children:P.info.flow_path?jsxRuntimeExports.jsx(VSCodeLink,{href:"#",title:"click to open flow file","aria-label":"run id",onClick:M,children:P.run_id}):jsxRuntimeExports.jsx("span",{children:P.run_id})})}};default:return{key:$,name:outputsColumnKeyNameMap[$]||$,formatter({row:P}){const M=P[$];return M&&typeof M=="object"?jsxRuntimeExports.jsx(JSONGridCell,{value:M}):C.includes($)?jsxRuntimeExports.jsx("div",{style:{overflow:"auto",margin:"0px",height:"100%",lineHeight:"100%",display:"flex",alignItems:"center"},children:jsxRuntimeExports.jsx("span",{style:{lineHeight:"100%"},children:cellContentPolisher(M)})}):jsxRuntimeExports.jsx("span",{title:M,style:{overflow:"hidden",textOverflow:"ellipsis"},children:cellContentPolisher(M)})}}}}),[w,C])},outputsColumnKeyNameMap={line_number:"line number",display_name:"display name",run_id:"run id"},useOutputsRows=()=>{const g=useBulkTestDetailFlowRuns(),b=useBulkTestDetailGetMetadataByRunName();return reactExports.useMemo(()=>g.map(w=>{const _=b(w.root_run_id);return{line_number:w.index,display_name:_?_.display_name:"",run_id:w.run_id,status:w.status,...w.inputs,...w.output,info:{root_run_id:w.root_run_id,api_calls:w.api_calls,group:_?_._group:-1,flow_path:_?_.flow_path:"",bulkIndex:w.index}}}).sort((w,_)=>w.line_number<_.line_number?-1:w.line_number>_.line_number?1:String(w.run_id)<String(_.run_id)?-1:String(w.run_id)>String(_.run_id)?1:0),[g,b])},OBJECT_SPEC_ROW_HEIGHT=150,DEFAULT_ROW_HEIGHT=50,DEFAULT_HEADER_HEIGHT=35,hasObjectSpec=g=>Object.keys(g).some(b=>b!=="info"&&typeof g[b]=="object"&&g[b]!==null),useRowHeight=()=>reactExports.useCallback(g=>Object.keys(g.row).length>0&&hasObjectSpec(g.row)?OBJECT_SPEC_ROW_HEIGHT:DEFAULT_ROW_HEIGHT,[]);function getComparator(g){switch(g){default:return generateDefaultComparator(g)}}function generateDefaultComparator(g){return(b,m)=>{const w=b[g],_=m[g],C=P=>isDateString(P)?new Date(P):null,k=C(b.value),I=C(m.value);if(k&&I)return k.getTime()-I.getTime();if(typeof w=="number"&&typeof _=="number")return w-_;if(typeof w=="boolean"&&typeof _=="boolean")return w===_?0:w?1:-1;if(typeof w=="string"&&typeof _=="string")return w.localeCompare(_);if(typeof w=="object"&&typeof _=="object")return JSON.stringify(w).localeCompare(JSON.stringify(_));const $=P=>typeof P=="number"?4:typeof P=="boolean"?3:typeof P=="string"?2:typeof P=="object"?1:0;return $(w)-$(_)}}const OutputGrid=({className:g})=>{const b=useOutputsColumns(),m=useOutputsRows(),w=useRowHeight(),C=useBulkTestDetailsTheme()===Theme.Light?"rdg-light":"rdg-dark",[k,I]=reactExports.useState([]),$=useSetBulkTestDetailSelectedCellInfo(),P=useBulkTestDetailsUserSelectedLineageGroup(),M=reactExports.useMemo(()=>k.length===0&&P===void 0?m:[...m].filter(U=>P===void 0||U.info.group===P).sort((U,G)=>{for(const X of k){const ne=getComparator(X.columnKey)(U,G);if(ne!==0)return X.direction==="ASC"?ne:-ne}return 0}),[m,k,P]);return jsxRuntimeExports.jsx(DataGrid$1$1,{rows:M,columns:b,rowHeight:w,headerRowHeight:DEFAULT_HEADER_HEIGHT,className:`${C} ${g}`,sortColumns:k,onSortColumnsChange:I,defaultColumnOptions:{sortable:!0,resizable:!0},onRowClick:(U,G)=>{$({row:U,key:G.key})},style:{cursor:"pointer"}})},LINEAGE_COLORS=["#979797","#008fb5","#f1c109","#006f8a","#317c5a","#ff6b6b","#6bb5ff","#8a9a5b","#ff88b1","#b8860b","#a77bbe"],LINEAGE_NODE_CELL_WIDTH=20,LINEAGE_NODE_RADIUS=7,LINEAGE_LINK_WIDTH=6,getLineageColor=g=>LINEAGE_COLORS[g%LINEAGE_COLORS.length],useInsertLineageLink=(g,b)=>{const m=useBulkTestDetailsLineageInfo(),w=useBulkTestDetailsUserHoverLineageGroup(),_=useSetBulkTestDetailsUserHoverLineageGroup(),C=useToggleBulkTestDetailsUserSelectedLineageGroup(),k=reactExports.useMemo(()=>lodashExports.debounce(()=>{if(!(!g.current||!g.current.element))for(let $=0;$<m.total;$++){const P=document.querySelectorAll(`div[data-lineage-node-group="${$}"]`),M=document.querySelector(`div[data-lineage-link-id="${$}"]`);if(!M)continue;const U=Array.from(P).filter(gt=>gt.getBoundingClientRect().top>=0),G=U.map(gt=>gt.dataset.lineageNodeId),X=b.filter(gt=>$===gt.info.metadata._group&&!G.includes(gt.info.metadata._lineage_id));if(U.length+X.length<2||U.length===0){M.style.left="unset",M.style.top="unset",M.style.height="0px";continue}const Z=U.map(gt=>b.findIndex($t=>$===$t.info.metadata._group&>.dataset.lineageNodeId===$t.info.metadata._lineage_id)),ne=X.map(gt=>b.indexOf(gt)),re=ne.length>0&&ne.every(gt=>Z.some($t=>gt<$t)),ve=ne.length>0&&ne.every(gt=>Z.some($t=>gt>$t));let Se=P[0],ge=P[0];P.forEach(gt=>{const $t=gt.getBoundingClientRect();$t.top<Se.getBoundingClientRect().top&&(Se=gt),$t.bottom>ge.getBoundingClientRect().bottom&&(ge=gt)});const oe=g.current.element,me=oe.getBoundingClientRect(),De=Se.getBoundingClientRect(),Le=ge.getBoundingClientRect(),rt=De.left-me.left+LINEAGE_NODE_RADIUS-LINEAGE_LINK_WIDTH/2-1,Ue=re?0:De.top-me.top+LINEAGE_NODE_RADIUS+oe.scrollTop,Ze=ve?oe.scrollHeight:Le.bottom-me.top-LINEAGE_NODE_RADIUS+oe.scrollTop;M.style.left=`${rt}px`,M.style.top=`${Ue}px`,M.style.height=`${Ze-Ue}px`}},5,{leading:!0,trailing:!0}),[g,m.total,b]),I=reactExports.useCallback(()=>{for(let $=0;$<m.total;$++){const P=document.querySelector(`div[data-lineage-link-id="${$}"]`);P&&(P.style.filter=w===void 0||$===w?"brightness(100%)":"brightness(65%)")}},[w,m.total]);return reactExports.useEffect(()=>{I()},[w,I]),reactExports.useEffect(()=>{if(!g.current||!g.current.element)return;const $=g.current.element,P=[];for(let M=0;M<m.total;M++){const U=document.createElement("div");U.setAttribute("data-lineage-link-id",M.toString()),U.className=linkClassName,U.style.backgroundColor=getLineageColor(M),U.addEventListener("mouseenter",()=>{_(M)}),U.addEventListener("mouseleave",()=>{_(void 0)}),U.addEventListener("click",()=>{C(M)}),P.push(U),$.appendChild(U)}return k(),I(),()=>{P.forEach(M=>{$.removeChild(M)})}},[g,m.total]),reactExports.useEffect(()=>{if(!g.current||!g.current.element)return;const $=g.current.element,P=()=>{k()},M=new ResizeObserver(P);return M.observe($),()=>{M.disconnect()}},[g,k]),k},linkClassName=mergeStyles({position:"absolute",width:`${LINEAGE_LINK_WIDTH}px`,zIndex:1,cursor:"pointer",transition:"filter 0.3s"}),LineageCell=({row:g})=>{const b=useBulkTestDetailsLineageInfo(),m=g.info.metadata._group,w=g.info.metadata._lineage_id,_=getLineageColor(g.info.metadata._group),C=useCommonStyles(),k=useBulkTestDetailsUserHoverLineageGroup(),I=useSetBulkTestDetailsUserHoverLineageGroup(),$=useBulkTestDetailsUserSelectedLineageGroup(),P=useToggleBulkTestDetailsUserSelectedLineageGroup(),M=reactExports.useMemo(()=>mergeStyles({width:`${LINEAGE_NODE_RADIUS*2}px`,height:`${LINEAGE_NODE_RADIUS*2}px`,borderRadius:"50%",cursor:"pointer",backgroundColor:_,transition:"filter 0.3s",zIndex:1,filter:k===void 0||m===k?"brightness(100%)":"brightness(65%)","&::before":{content:'""',position:"absolute",top:"-20px",left:"-20px",right:"-20px",bottom:"-20px",zIndex:-1,cursor:"pointer"}}),[_,k,m]);return jsxRuntimeExports.jsx("div",{className:containerStyle,children:Array.from({length:b.total},(U,G)=>G!==m?jsxRuntimeExports.jsx("div",{className:emptyCircleStyle},G):jsxRuntimeExports.jsx(TooltipHost,{content:jsxRuntimeExports.jsx(VSCodeButton,{onClick:()=>{P(g.info.metadata._group)},children:"Filter by lineage"}),tooltipProps:{calloutProps:{backgroundColor:C.semanticColors.infoBackground,styles:{root:{background:"transparent",padding:"6px"},beak:{background:C.semanticColors.infoBackground},beakCurtain:{background:C.semanticColors.infoBackground,padding:"2px"},calloutMain:{background:C.semanticColors.infoBackground,height:"fit-content"}}}},hidden:$!==void 0,closeDelay:200,children:jsxRuntimeExports.jsx("div",{className:M,"data-lineage-node-id":w,"data-lineage-node-group":G,onMouseEnter:()=>{I(G)},onMouseLeave:()=>{I(void 0)},onClick:()=>{P(G)}})},G))})},containerStyle=mergeStyles({display:"flex",justifyContent:"space-around",alignItems:"center",height:"100%"}),emptyCircleStyle=mergeStyles({width:"14px",height:"14px",borderRadius:"50%",backgroundColor:"transparent",userSelect:"none",zIndex:-2}),useRunsColumns=()=>{const g=useBulkTestDetailsMetaInfo(),[b,m]=reactExports.useState([]),{total:w}=useBulkTestDetailsLineageInfo(),_=useBulkTestDetailsRunEvaluationInfo(),C=useUpdateBulkTestDetailsRunEvaluationInfo(),k=reactExports.useCallback((P,M)=>{P.stopPropagation(),C(U=>({...U,runName:U.runName===M?void 0:M}))},[C]),I=reactExports.useMemo(()=>{const P=w*LINEAGE_NODE_CELL_WIDTH+10;return P>80?P:80},[w]);return reactExports.useEffect(()=>{const P=["_lineage_graph","_radio","display_name"],M=U=>!P.includes(U)&&P.push(U);for(const U of g)U.metrics&&Object.keys(U.metrics).forEach(G=>{M(G)});m(P)},[g]),reactExports.useMemo(()=>b.map(P=>{switch(P){case"_lineage_graph":return{key:P,name:"lineage",width:I,minWidth:I,formatter({row:M}){return jsxRuntimeExports.jsx(LineageCell,{row:M})}};case"_radio":return{key:P,name:"",width:30,minWidth:30,formatter({row:M}){const U=_.runName===M.display_name;return jsxRuntimeExports.jsx("div",{className:checkBoxWrapperClassName,onClick:G=>{k(G,M.display_name)},children:jsxRuntimeExports.jsx(VSCodeRadio,{checked:U})})}};default:return{key:P,name:P==="display_name"?"display name":P,formatter({row:M}){const U=M[P];return U&&typeof U=="object"?jsxRuntimeExports.jsx(JSONGridCell,{value:U}):jsxRuntimeExports.jsx("span",{title:P,style:{overflow:"auto",margin:"0px",height:"100%",lineHeight:"100%",display:"flex",alignItems:"center"},children:cellContentPolisher(U)})}}}}),[b,I,k,_.runName])},checkBoxWrapperClassName=mergeStyles({display:"flex",alignItems:"center",justifyContent:"center",height:"100%",width:"100%",cursor:"pointer"}),useRunsRow=()=>{const g=useBulkTestDetailsMetaInfo();return reactExports.useMemo(()=>g.sort((m,w)=>m._group===w._group?m.create_time>w.create_time?1:m.create_time<w.create_time?-1:0:m._group-w._group).map(m=>({display_name:m.display_name,_lineage_graph:"",info:{metadata:m},...m.metrics})),[g])},RunsGrid=({className:g})=>{const b=useRunsColumns(),m=useRunsRow(),w=useRowHeight(),C=useBulkTestDetailsTheme()===Theme.Light?"rdg-light":"rdg-dark",k=reactExports.useRef(null),[I,$]=reactExports.useState([]),P=useBulkTestDetailsUserSelectedLineageGroup(),M=reactExports.useMemo(()=>I.length===0&&P===void 0?m:[...m].filter(X=>P===void 0||X.info.metadata._group===P).sort((X,Z)=>{for(const ne of I){const ve=getComparator(ne.columnKey)(X,Z);if(ve!==0)return ne.direction==="ASC"?ve:-ve}return 0}),[m,I,P]),U=useInsertLineageLink(k,M),G=mergeStyles({'[role="gridcell"]:first-of-type':{borderTopColor:"transparent",borderBottomColor:"transparent",borderLeftColor:"transparent"},'[role="gridcell"]:first-of-type[aria-selected="true"]':{outline:"none"}});return reactExports.useEffect(()=>{U()},[M,U]),jsxRuntimeExports.jsx(DataGrid$1$1,{rows:M,columns:b,rowHeight:w,headerRowHeight:DEFAULT_HEADER_HEIGHT,className:`${C} ${g} `,sortColumns:I,onSortColumnsChange:$,defaultColumnOptions:{sortable:!1,resizable:!0},style:{position:"relative"},rowClass:()=>G,onColumnResize:()=>{U()},onScroll:()=>{U()},ref:k})},BulkTestDetailsDataGrid=()=>{const g=useBulkTestDetailsUserSelectedLineageGroup(),b=useSetBulkTestDetailsUserSelectedLineageGroup(),m=mergeStyles({display:"flex",flexDirection:"column",height:"100%"});return jsxRuntimeExports.jsxs(BulkTestDetailsBlockWrapper,{contentClassName:m,children:[jsxRuntimeExports.jsxs("h2",{style:{paddingLeft:"10px",margin:"15px 0",position:"relative"},children:["Runs & Metrics",jsxRuntimeExports.jsxs("div",{className:runGridButtonGroupClassName,children:[jsxRuntimeExports.jsx(EvaluationButton,{}),g!==void 0&&jsxRuntimeExports.jsx(VSCodeButton,{onClick:()=>{b(void 0)},ariaLabel:"Clear lineage filter",title:"Clear lineage filter",style:{marginLeft:"10px"},children:"Clear lineage filter"})]})]}),jsxRuntimeExports.jsx(RunsGrid,{className:runGridClassName}),jsxRuntimeExports.jsx("h2",{style:{margin:"15px 0",paddingLeft:"10px",marginTop:"20px"},children:"Outputs"}),jsxRuntimeExports.jsx(OutputGrid,{className:outputGridClassName})]})},runGridClassName=mergeStyles({maxHeight:"30%",height:"auto"}),runGridButtonGroupClassName=mergeStyles({position:"absolute",right:"0px",bottom:"-5px",display:"flex",alignItems:"center"}),outputGridClassName=mergeStyles({flex:1,height:"auto"}),BulkTestDetailsJsonTree=()=>{const g=useBulkTestDetailSelectedCellInfo(),b=reactExports.useMemo(()=>!g.row||!g.key?null:{[g.key]:g.row[g.key]},[g]),m=reactExports.useMemo(()=>{var w,_;return g.row&&g.key?`column: ${outputsColumnKeyNameMap[g.key]||g.key}, line: ${(w=g.row)==null?void 0:w.line_number}, status: ${(_=g.row)==null?void 0:_.status}`:"Cell detail"},[g.key,g.row]);return jsxRuntimeExports.jsx(BulkTestDetailsBlockWrapper,{title:m,placeholder:"click one cel to view the value detail",contentClassName,children:b?jsxRuntimeExports.jsx(BulkTestDetailsJsonViewer,{json:b}):null})},contentClassName=mergeStyles({padding:"10px"}),BulkTestDetailsResetLayoutButton=({active:g=!1,onClick:b})=>{const m=useCommonStyles(),w=mergeStyles({position:"absolute",right:"25px",bottom:"10px",width:"32px",height:"32px",display:"flex",alignItems:"center",justifyContent:"center",cursor:"pointer",zIndex:100,border:"none",borderRadius:"50%",background:m.semanticColors.badgeBackground,color:m.semanticColors.badgeText,opacity:"0.4",transition:"opacity 0.3s ease",":hover":{opacity:"1"},"&.active":{opacity:"1"}});return jsxRuntimeExports.jsx(VSCodeButton,{className:`${w} ${g?"active":""}`,onClick:b,title:"reset layout","aria-label":"reset layout",appearance:"icon",children:jsxRuntimeExports.jsx("svg",{xmlns:"http://www.w3.org/2000/svg",viewBox:"0 0 2048 2048",focusable:"false",style:{fill:"currentColor"},children:jsxRuntimeExports.jsx("path",{d:"M1297 38q166 45 304 140t237 226 155 289 55 331q0 141-36 272t-103 245-160 207-208 160-245 103-272 37q-141 0-272-36t-245-103-207-160-160-208-103-244-37-273q0-140 37-272t105-248 167-212 221-164H256V0h512v512H640V215q-117 56-211 140T267 545 164 773t-36 251q0 123 32 237t90 214 141 182 181 140 214 91 238 32q123 0 237-32t214-90 182-141 140-181 91-214 32-238q0-150-48-289t-136-253-207-197-266-124l34-123z"})})})};var main$3={exports:{}};(function(g,b){(function(m,w){g.exports=w(requireReact())})(commonjsGlobal,function(m){return function(w){var _={};function C(k){if(_[k])return _[k].exports;var I=_[k]={i:k,l:!1,exports:{}};return w[k].call(I.exports,I,I.exports,C),I.l=!0,I.exports}return C.m=w,C.c=_,C.d=function(k,I,$){C.o(k,I)||Object.defineProperty(k,I,{enumerable:!0,get:$})},C.r=function(k){typeof Symbol<"u"&&Symbol.toStringTag&&Object.defineProperty(k,Symbol.toStringTag,{value:"Module"}),Object.defineProperty(k,"__esModule",{value:!0})},C.t=function(k,I){if(1&I&&(k=C(k)),8&I||4&I&&typeof k=="object"&&k&&k.__esModule)return k;var $=Object.create(null);if(C.r($),Object.defineProperty($,"default",{enumerable:!0,value:k}),2&I&&typeof k!="string")for(var P in k)C.d($,P,function(M){return k[M]}.bind(null,P));return $},C.n=function(k){var I=k&&k.__esModule?function(){return k.default}:function(){return k};return C.d(I,"a",I),I},C.o=function(k,I){return Object.prototype.hasOwnProperty.call(k,I)},C.p="",C(C.s=48)}([function(w,_){w.exports=m},function(w,_){var C=w.exports={version:"2.6.12"};typeof __e=="number"&&(__e=C)},function(w,_,C){var k=C(26)("wks"),I=C(17),$=C(3).Symbol,P=typeof $=="function";(w.exports=function(M){return k[M]||(k[M]=P&&$[M]||(P?$:I)("Symbol."+M))}).store=k},function(w,_){var C=w.exports=typeof window<"u"&&window.Math==Math?window:typeof self<"u"&&self.Math==Math?self:Function("return this")();typeof __g=="number"&&(__g=C)},function(w,_,C){w.exports=!C(8)(function(){return Object.defineProperty({},"a",{get:function(){return 7}}).a!=7})},function(w,_){var C={}.hasOwnProperty;w.exports=function(k,I){return C.call(k,I)}},function(w,_,C){var k=C(7),I=C(16);w.exports=C(4)?function($,P,M){return k.f($,P,I(1,M))}:function($,P,M){return $[P]=M,$}},function(w,_,C){var k=C(10),I=C(35),$=C(23),P=Object.defineProperty;_.f=C(4)?Object.defineProperty:function(M,U,G){if(k(M),U=$(U,!0),k(G),I)try{return P(M,U,G)}catch{}if("get"in G||"set"in G)throw TypeError("Accessors not supported!");return"value"in G&&(M[U]=G.value),M}},function(w,_){w.exports=function(C){try{return!!C()}catch{return!0}}},function(w,_,C){var k=C(40),I=C(22);w.exports=function($){return k(I($))}},function(w,_,C){var k=C(11);w.exports=function(I){if(!k(I))throw TypeError(I+" is not an object!");return I}},function(w,_){w.exports=function(C){return typeof C=="object"?C!==null:typeof C=="function"}},function(w,_){w.exports={}},function(w,_,C){var k=C(39),I=C(27);w.exports=Object.keys||function($){return k($,I)}},function(w,_){w.exports=!0},function(w,_,C){var k=C(3),I=C(1),$=C(53),P=C(6),M=C(5),U=function(G,X,Z){var ne,re,ve,Se=G&U.F,ge=G&U.G,oe=G&U.S,me=G&U.P,De=G&U.B,Le=G&U.W,rt=ge?I:I[X]||(I[X]={}),Ue=rt.prototype,Ze=ge?k:oe?k[X]:(k[X]||{}).prototype;for(ne in ge&&(Z=X),Z)(re=!Se&&Ze&&Ze[ne]!==void 0)&&M(rt,ne)||(ve=re?Ze[ne]:Z[ne],rt[ne]=ge&&typeof Ze[ne]!="function"?Z[ne]:De&&re?$(ve,k):Le&&Ze[ne]==ve?function(gt){var $t=function(Xe,xe,Tn){if(this instanceof gt){switch(arguments.length){case 0:return new gt;case 1:return new gt(Xe);case 2:return new gt(Xe,xe)}return new gt(Xe,xe,Tn)}return gt.apply(this,arguments)};return $t.prototype=gt.prototype,$t}(ve):me&&typeof ve=="function"?$(Function.call,ve):ve,me&&((rt.virtual||(rt.virtual={}))[ne]=ve,G&U.R&&Ue&&!Ue[ne]&&P(Ue,ne,ve)))};U.F=1,U.G=2,U.S=4,U.P=8,U.B=16,U.W=32,U.U=64,U.R=128,w.exports=U},function(w,_){w.exports=function(C,k){return{enumerable:!(1&C),configurable:!(2&C),writable:!(4&C),value:k}}},function(w,_){var C=0,k=Math.random();w.exports=function(I){return"Symbol(".concat(I===void 0?"":I,")_",(++C+k).toString(36))}},function(w,_,C){var k=C(22);w.exports=function(I){return Object(k(I))}},function(w,_){_.f={}.propertyIsEnumerable},function(w,_,C){var k=C(52)(!0);C(34)(String,"String",function(I){this._t=String(I),this._i=0},function(){var I,$=this._t,P=this._i;return P>=$.length?{value:void 0,done:!0}:(I=k($,P),this._i+=I.length,{value:I,done:!1})})},function(w,_){var C=Math.ceil,k=Math.floor;w.exports=function(I){return isNaN(I=+I)?0:(I>0?k:C)(I)}},function(w,_){w.exports=function(C){if(C==null)throw TypeError("Can't call method on "+C);return C}},function(w,_,C){var k=C(11);w.exports=function(I,$){if(!k(I))return I;var P,M;if($&&typeof(P=I.toString)=="function"&&!k(M=P.call(I))||typeof(P=I.valueOf)=="function"&&!k(M=P.call(I))||!$&&typeof(P=I.toString)=="function"&&!k(M=P.call(I)))return M;throw TypeError("Can't convert object to primitive value")}},function(w,_){var C={}.toString;w.exports=function(k){return C.call(k).slice(8,-1)}},function(w,_,C){var k=C(26)("keys"),I=C(17);w.exports=function($){return k[$]||(k[$]=I($))}},function(w,_,C){var k=C(1),I=C(3),$=I["__core-js_shared__"]||(I["__core-js_shared__"]={});(w.exports=function(P,M){return $[P]||($[P]=M!==void 0?M:{})})("versions",[]).push({version:k.version,mode:C(14)?"pure":"global",copyright:"© 2020 Denis Pushkarev (zloirock.ru)"})},function(w,_){w.exports="constructor,hasOwnProperty,isPrototypeOf,propertyIsEnumerable,toLocaleString,toString,valueOf".split(",")},function(w,_,C){var k=C(7).f,I=C(5),$=C(2)("toStringTag");w.exports=function(P,M,U){P&&!I(P=U?P:P.prototype,$)&&k(P,$,{configurable:!0,value:M})}},function(w,_,C){C(62);for(var k=C(3),I=C(6),$=C(12),P=C(2)("toStringTag"),M="CSSRuleList,CSSStyleDeclaration,CSSValueList,ClientRectList,DOMRectList,DOMStringList,DOMTokenList,DataTransferItemList,FileList,HTMLAllCollection,HTMLCollection,HTMLFormElement,HTMLSelectElement,MediaList,MimeTypeArray,NamedNodeMap,NodeList,PaintRequestList,Plugin,PluginArray,SVGLengthList,SVGNumberList,SVGPathSegList,SVGPointList,SVGStringList,SVGTransformList,SourceBufferList,StyleSheetList,TextTrackCueList,TextTrackList,TouchList".split(","),U=0;U<M.length;U++){var G=M[U],X=k[G],Z=X&&X.prototype;Z&&!Z[P]&&I(Z,P,G),$[G]=$.Array}},function(w,_,C){_.f=C(2)},function(w,_,C){var k=C(3),I=C(1),$=C(14),P=C(30),M=C(7).f;w.exports=function(U){var G=I.Symbol||(I.Symbol=$?{}:k.Symbol||{});U.charAt(0)=="_"||U in G||M(G,U,{value:P.f(U)})}},function(w,_){_.f=Object.getOwnPropertySymbols},function(w,_){w.exports=function(C,k,I){return Math.min(Math.max(C,k),I)}},function(w,_,C){var k=C(14),I=C(15),$=C(37),P=C(6),M=C(12),U=C(55),G=C(28),X=C(61),Z=C(2)("iterator"),ne=!([].keys&&"next"in[].keys()),re=function(){return this};w.exports=function(ve,Se,ge,oe,me,De,Le){U(ge,Se,oe);var rt,Ue,Ze,gt=function(Fe){if(!ne&&Fe in Tn)return Tn[Fe];switch(Fe){case"keys":case"values":return function(){return new ge(this,Fe)}}return function(){return new ge(this,Fe)}},$t=Se+" Iterator",Xe=me=="values",xe=!1,Tn=ve.prototype,Rt=Tn[Z]||Tn["@@iterator"]||me&&Tn[me],mt=Rt||gt(me),en=me?Xe?gt("entries"):mt:void 0,st=Se=="Array"&&Tn.entries||Rt;if(st&&(Ze=X(st.call(new ve)))!==Object.prototype&&Ze.next&&(G(Ze,$t,!0),k||typeof Ze[Z]=="function"||P(Ze,Z,re)),Xe&&Rt&&Rt.name!=="values"&&(xe=!0,mt=function(){return Rt.call(this)}),k&&!Le||!ne&&!xe&&Tn[Z]||P(Tn,Z,mt),M[Se]=mt,M[$t]=re,me)if(rt={values:Xe?mt:gt("values"),keys:De?mt:gt("keys"),entries:en},Le)for(Ue in rt)Ue in Tn||$(Tn,Ue,rt[Ue]);else I(I.P+I.F*(ne||xe),Se,rt);return rt}},function(w,_,C){w.exports=!C(4)&&!C(8)(function(){return Object.defineProperty(C(36)("div"),"a",{get:function(){return 7}}).a!=7})},function(w,_,C){var k=C(11),I=C(3).document,$=k(I)&&k(I.createElement);w.exports=function(P){return $?I.createElement(P):{}}},function(w,_,C){w.exports=C(6)},function(w,_,C){var k=C(10),I=C(56),$=C(27),P=C(25)("IE_PROTO"),M=function(){},U=function(){var G,X=C(36)("iframe"),Z=$.length;for(X.style.display="none",C(60).appendChild(X),X.src="javascript:",(G=X.contentWindow.document).open(),G.write("<script>document.F=Object<\/script>"),G.close(),U=G.F;Z--;)delete U.prototype[$[Z]];return U()};w.exports=Object.create||function(G,X){var Z;return G!==null?(M.prototype=k(G),Z=new M,M.prototype=null,Z[P]=G):Z=U(),X===void 0?Z:I(Z,X)}},function(w,_,C){var k=C(5),I=C(9),$=C(57)(!1),P=C(25)("IE_PROTO");w.exports=function(M,U){var G,X=I(M),Z=0,ne=[];for(G in X)G!=P&&k(X,G)&&ne.push(G);for(;U.length>Z;)k(X,G=U[Z++])&&(~$(ne,G)||ne.push(G));return ne}},function(w,_,C){var k=C(24);w.exports=Object("z").propertyIsEnumerable(0)?Object:function(I){return k(I)=="String"?I.split(""):Object(I)}},function(w,_,C){var k=C(39),I=C(27).concat("length","prototype");_.f=Object.getOwnPropertyNames||function($){return k($,I)}},function(w,_,C){var k=C(24),I=C(2)("toStringTag"),$=k(function(){return arguments}())=="Arguments";w.exports=function(P){var M,U,G;return P===void 0?"Undefined":P===null?"Null":typeof(U=function(X,Z){try{return X[Z]}catch{}}(M=Object(P),I))=="string"?U:$?k(M):(G=k(M))=="Object"&&typeof M.callee=="function"?"Arguments":G}},function(w,_){var C;C=function(){return this}();try{C=C||new Function("return this")()}catch{typeof window=="object"&&(C=window)}w.exports=C},function(w,_){var C=/-?\d+(\.\d+)?%?/g;w.exports=function(k){return k.match(C)}},function(w,_,C){Object.defineProperty(_,"__esModule",{value:!0}),_.getBase16Theme=_.createStyling=_.invertTheme=void 0;var k=re(C(49)),I=re(C(76)),$=re(C(81)),P=re(C(89)),M=re(C(93)),U=function(Ue){if(Ue&&Ue.__esModule)return Ue;var Ze={};if(Ue!=null)for(var gt in Ue)Object.prototype.hasOwnProperty.call(Ue,gt)&&(Ze[gt]=Ue[gt]);return Ze.default=Ue,Ze}(C(94)),G=re(C(132)),X=re(C(133)),Z=re(C(138)),ne=C(139);function re(Ue){return Ue&&Ue.__esModule?Ue:{default:Ue}}var ve=U.default,Se=(0,P.default)(ve),ge=(0,Z.default)(X.default,ne.rgb2yuv,function(Ue){var Ze,gt=(0,$.default)(Ue,3),$t=gt[0],Xe=gt[1],xe=gt[2];return[(Ze=$t,Ze<.25?1:Ze<.5?.9-Ze:1.1-Ze),Xe,xe]},ne.yuv2rgb,G.default),oe=function(Ue){return function(Ze){return{className:[Ze.className,Ue.className].filter(Boolean).join(" "),style:(0,I.default)({},Ze.style||{},Ue.style||{})}}},me=function(Ue,Ze){var gt=(0,P.default)(Ze);for(var $t in Ue)gt.indexOf($t)===-1&>.push($t);return gt.reduce(function(Xe,xe){return Xe[xe]=function(Tn,Rt){if(Tn===void 0)return Rt;if(Rt===void 0)return Tn;var mt=Tn===void 0?"undefined":(0,k.default)(Tn),en=Rt===void 0?"undefined":(0,k.default)(Rt);switch(mt){case"string":switch(en){case"string":return[Rt,Tn].filter(Boolean).join(" ");case"object":return oe({className:Tn,style:Rt});case"function":return function(st){for(var Fe=arguments.length,Re=Array(Fe>1?Fe-1:0),Ae=1;Ae<Fe;Ae++)Re[Ae-1]=arguments[Ae];return oe({className:Tn})(Rt.apply(void 0,[st].concat(Re)))}}case"object":switch(en){case"string":return oe({className:Rt,style:Tn});case"object":return(0,I.default)({},Rt,Tn);case"function":return function(st){for(var Fe=arguments.length,Re=Array(Fe>1?Fe-1:0),Ae=1;Ae<Fe;Ae++)Re[Ae-1]=arguments[Ae];return oe({style:Tn})(Rt.apply(void 0,[st].concat(Re)))}}case"function":switch(en){case"string":return function(st){for(var Fe=arguments.length,Re=Array(Fe>1?Fe-1:0),Ae=1;Ae<Fe;Ae++)Re[Ae-1]=arguments[Ae];return Tn.apply(void 0,[oe(st)({className:Rt})].concat(Re))};case"object":return function(st){for(var Fe=arguments.length,Re=Array(Fe>1?Fe-1:0),Ae=1;Ae<Fe;Ae++)Re[Ae-1]=arguments[Ae];return Tn.apply(void 0,[oe(st)({style:Rt})].concat(Re))};case"function":return function(st){for(var Fe=arguments.length,Re=Array(Fe>1?Fe-1:0),Ae=1;Ae<Fe;Ae++)Re[Ae-1]=arguments[Ae];return Tn.apply(void 0,[Rt.apply(void 0,[st].concat(Re))].concat(Re))}}}}(Ue[xe],Ze[xe]),Xe},{})},De=function(Ue,Ze){for(var gt=arguments.length,$t=Array(gt>2?gt-2:0),Xe=2;Xe<gt;Xe++)$t[Xe-2]=arguments[Xe];if(Ze===null)return Ue;Array.isArray(Ze)||(Ze=[Ze]);var xe=Ze.map(function(Rt){return Ue[Rt]}).filter(Boolean),Tn=xe.reduce(function(Rt,mt){return typeof mt=="string"?Rt.className=[Rt.className,mt].filter(Boolean).join(" "):(mt===void 0?"undefined":(0,k.default)(mt))==="object"?Rt.style=(0,I.default)({},Rt.style,mt):typeof mt=="function"&&(Rt=(0,I.default)({},Rt,mt.apply(void 0,[Rt].concat($t)))),Rt},{className:"",style:{}});return Tn.className||delete Tn.className,(0,P.default)(Tn.style).length===0&&delete Tn.style,Tn},Le=_.invertTheme=function(Ue){return(0,P.default)(Ue).reduce(function(Ze,gt){return Ze[gt]=/^base/.test(gt)?ge(Ue[gt]):gt==="scheme"?Ue[gt]+":inverted":Ue[gt],Ze},{})},rt=(_.createStyling=(0,M.default)(function(Ue){for(var Ze=arguments.length,gt=Array(Ze>3?Ze-3:0),$t=3;$t<Ze;$t++)gt[$t-3]=arguments[$t];var Xe=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},xe=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},Tn=Xe.defaultBase16,Rt=Tn===void 0?ve:Tn,mt=Xe.base16Themes,en=mt===void 0?null:mt,st=rt(xe,en);st&&(xe=(0,I.default)({},st,xe));var Fe=Se.reduce(function(Ge,Be){return Ge[Be]=xe[Be]||Rt[Be],Ge},{}),Re=(0,P.default)(xe).reduce(function(Ge,Be){return Se.indexOf(Be)===-1&&(Ge[Be]=xe[Be]),Ge},{}),Ae=Ue(Fe),je=me(Re,Ae);return(0,M.default)(De,2).apply(void 0,[je].concat(gt))},3),_.getBase16Theme=function(Ue,Ze){if(Ue&&Ue.extend&&(Ue=Ue.extend),typeof Ue=="string"){var gt=Ue.split(":"),$t=(0,$.default)(gt,2),Xe=$t[0],xe=$t[1];Ue=(Ze||{})[Xe]||U[Xe],xe==="inverted"&&(Ue=Le(Ue))}return Ue&&Ue.hasOwnProperty("base00")?Ue:void 0})},function(w,_,C){var k,I=typeof Reflect=="object"?Reflect:null,$=I&&typeof I.apply=="function"?I.apply:function(oe,me,De){return Function.prototype.apply.call(oe,me,De)};k=I&&typeof I.ownKeys=="function"?I.ownKeys:Object.getOwnPropertySymbols?function(oe){return Object.getOwnPropertyNames(oe).concat(Object.getOwnPropertySymbols(oe))}:function(oe){return Object.getOwnPropertyNames(oe)};var P=Number.isNaN||function(oe){return oe!=oe};function M(){M.init.call(this)}w.exports=M,w.exports.once=function(oe,me){return new Promise(function(De,Le){function rt(){Ue!==void 0&&oe.removeListener("error",Ue),De([].slice.call(arguments))}var Ue;me!=="error"&&(Ue=function(Ze){oe.removeListener(me,rt),Le(Ze)},oe.once("error",Ue)),oe.once(me,rt)})},M.EventEmitter=M,M.prototype._events=void 0,M.prototype._eventsCount=0,M.prototype._maxListeners=void 0;var U=10;function G(oe){if(typeof oe!="function")throw new TypeError('The "listener" argument must be of type Function. Received type '+typeof oe)}function X(oe){return oe._maxListeners===void 0?M.defaultMaxListeners:oe._maxListeners}function Z(oe,me,De,Le){var rt,Ue,Ze,gt;if(G(De),(Ue=oe._events)===void 0?(Ue=oe._events=Object.create(null),oe._eventsCount=0):(Ue.newListener!==void 0&&(oe.emit("newListener",me,De.listener?De.listener:De),Ue=oe._events),Ze=Ue[me]),Ze===void 0)Ze=Ue[me]=De,++oe._eventsCount;else if(typeof Ze=="function"?Ze=Ue[me]=Le?[De,Ze]:[Ze,De]:Le?Ze.unshift(De):Ze.push(De),(rt=X(oe))>0&&Ze.length>rt&&!Ze.warned){Ze.warned=!0;var $t=new Error("Possible EventEmitter memory leak detected. "+Ze.length+" "+String(me)+" listeners added. Use emitter.setMaxListeners() to increase limit");$t.name="MaxListenersExceededWarning",$t.emitter=oe,$t.type=me,$t.count=Ze.length,gt=$t,console&&console.warn&&console.warn(gt)}return oe}function ne(){if(!this.fired)return this.target.removeListener(this.type,this.wrapFn),this.fired=!0,arguments.length===0?this.listener.call(this.target):this.listener.apply(this.target,arguments)}function re(oe,me,De){var Le={fired:!1,wrapFn:void 0,target:oe,type:me,listener:De},rt=ne.bind(Le);return rt.listener=De,Le.wrapFn=rt,rt}function ve(oe,me,De){var Le=oe._events;if(Le===void 0)return[];var rt=Le[me];return rt===void 0?[]:typeof rt=="function"?De?[rt.listener||rt]:[rt]:De?function(Ue){for(var Ze=new Array(Ue.length),gt=0;gt<Ze.length;++gt)Ze[gt]=Ue[gt].listener||Ue[gt];return Ze}(rt):ge(rt,rt.length)}function Se(oe){var me=this._events;if(me!==void 0){var De=me[oe];if(typeof De=="function")return 1;if(De!==void 0)return De.length}return 0}function ge(oe,me){for(var De=new Array(me),Le=0;Le<me;++Le)De[Le]=oe[Le];return De}Object.defineProperty(M,"defaultMaxListeners",{enumerable:!0,get:function(){return U},set:function(oe){if(typeof oe!="number"||oe<0||P(oe))throw new RangeError('The value of "defaultMaxListeners" is out of range. It must be a non-negative number. Received '+oe+".");U=oe}}),M.init=function(){this._events!==void 0&&this._events!==Object.getPrototypeOf(this)._events||(this._events=Object.create(null),this._eventsCount=0),this._maxListeners=this._maxListeners||void 0},M.prototype.setMaxListeners=function(oe){if(typeof oe!="number"||oe<0||P(oe))throw new RangeError('The value of "n" is out of range. It must be a non-negative number. Received '+oe+".");return this._maxListeners=oe,this},M.prototype.getMaxListeners=function(){return X(this)},M.prototype.emit=function(oe){for(var me=[],De=1;De<arguments.length;De++)me.push(arguments[De]);var Le=oe==="error",rt=this._events;if(rt!==void 0)Le=Le&&rt.error===void 0;else if(!Le)return!1;if(Le){var Ue;if(me.length>0&&(Ue=me[0]),Ue instanceof Error)throw Ue;var Ze=new Error("Unhandled error."+(Ue?" ("+Ue.message+")":""));throw Ze.context=Ue,Ze}var gt=rt[oe];if(gt===void 0)return!1;if(typeof gt=="function")$(gt,this,me);else{var $t=gt.length,Xe=ge(gt,$t);for(De=0;De<$t;++De)$(Xe[De],this,me)}return!0},M.prototype.addListener=function(oe,me){return Z(this,oe,me,!1)},M.prototype.on=M.prototype.addListener,M.prototype.prependListener=function(oe,me){return Z(this,oe,me,!0)},M.prototype.once=function(oe,me){return G(me),this.on(oe,re(this,oe,me)),this},M.prototype.prependOnceListener=function(oe,me){return G(me),this.prependListener(oe,re(this,oe,me)),this},M.prototype.removeListener=function(oe,me){var De,Le,rt,Ue,Ze;if(G(me),(Le=this._events)===void 0)return this;if((De=Le[oe])===void 0)return this;if(De===me||De.listener===me)--this._eventsCount==0?this._events=Object.create(null):(delete Le[oe],Le.removeListener&&this.emit("removeListener",oe,De.listener||me));else if(typeof De!="function"){for(rt=-1,Ue=De.length-1;Ue>=0;Ue--)if(De[Ue]===me||De[Ue].listener===me){Ze=De[Ue].listener,rt=Ue;break}if(rt<0)return this;rt===0?De.shift():function(gt,$t){for(;$t+1<gt.length;$t++)gt[$t]=gt[$t+1];gt.pop()}(De,rt),De.length===1&&(Le[oe]=De[0]),Le.removeListener!==void 0&&this.emit("removeListener",oe,Ze||me)}return this},M.prototype.off=M.prototype.removeListener,M.prototype.removeAllListeners=function(oe){var me,De,Le;if((De=this._events)===void 0)return this;if(De.removeListener===void 0)return arguments.length===0?(this._events=Object.create(null),this._eventsCount=0):De[oe]!==void 0&&(--this._eventsCount==0?this._events=Object.create(null):delete De[oe]),this;if(arguments.length===0){var rt,Ue=Object.keys(De);for(Le=0;Le<Ue.length;++Le)(rt=Ue[Le])!=="removeListener"&&this.removeAllListeners(rt);return this.removeAllListeners("removeListener"),this._events=Object.create(null),this._eventsCount=0,this}if(typeof(me=De[oe])=="function")this.removeListener(oe,me);else if(me!==void 0)for(Le=me.length-1;Le>=0;Le--)this.removeListener(oe,me[Le]);return this},M.prototype.listeners=function(oe){return ve(this,oe,!0)},M.prototype.rawListeners=function(oe){return ve(this,oe,!1)},M.listenerCount=function(oe,me){return typeof oe.listenerCount=="function"?oe.listenerCount(me):Se.call(oe,me)},M.prototype.listenerCount=Se,M.prototype.eventNames=function(){return this._eventsCount>0?k(this._events):[]}},function(w,_,C){w.exports.Dispatcher=C(140)},function(w,_,C){w.exports=C(142)},function(w,_,C){_.__esModule=!0;var k=P(C(50)),I=P(C(65)),$=typeof I.default=="function"&&typeof k.default=="symbol"?function(M){return typeof M}:function(M){return M&&typeof I.default=="function"&&M.constructor===I.default&&M!==I.default.prototype?"symbol":typeof M};function P(M){return M&&M.__esModule?M:{default:M}}_.default=typeof I.default=="function"&&$(k.default)==="symbol"?function(M){return M===void 0?"undefined":$(M)}:function(M){return M&&typeof I.default=="function"&&M.constructor===I.default&&M!==I.default.prototype?"symbol":M===void 0?"undefined":$(M)}},function(w,_,C){w.exports={default:C(51),__esModule:!0}},function(w,_,C){C(20),C(29),w.exports=C(30).f("iterator")},function(w,_,C){var k=C(21),I=C(22);w.exports=function($){return function(P,M){var U,G,X=String(I(P)),Z=k(M),ne=X.length;return Z<0||Z>=ne?$?"":void 0:(U=X.charCodeAt(Z))<55296||U>56319||Z+1===ne||(G=X.charCodeAt(Z+1))<56320||G>57343?$?X.charAt(Z):U:$?X.slice(Z,Z+2):G-56320+(U-55296<<10)+65536}}},function(w,_,C){var k=C(54);w.exports=function(I,$,P){if(k(I),$===void 0)return I;switch(P){case 1:return function(M){return I.call($,M)};case 2:return function(M,U){return I.call($,M,U)};case 3:return function(M,U,G){return I.call($,M,U,G)}}return function(){return I.apply($,arguments)}}},function(w,_){w.exports=function(C){if(typeof C!="function")throw TypeError(C+" is not a function!");return C}},function(w,_,C){var k=C(38),I=C(16),$=C(28),P={};C(6)(P,C(2)("iterator"),function(){return this}),w.exports=function(M,U,G){M.prototype=k(P,{next:I(1,G)}),$(M,U+" Iterator")}},function(w,_,C){var k=C(7),I=C(10),$=C(13);w.exports=C(4)?Object.defineProperties:function(P,M){I(P);for(var U,G=$(M),X=G.length,Z=0;X>Z;)k.f(P,U=G[Z++],M[U]);return P}},function(w,_,C){var k=C(9),I=C(58),$=C(59);w.exports=function(P){return function(M,U,G){var X,Z=k(M),ne=I(Z.length),re=$(G,ne);if(P&&U!=U){for(;ne>re;)if((X=Z[re++])!=X)return!0}else for(;ne>re;re++)if((P||re in Z)&&Z[re]===U)return P||re||0;return!P&&-1}}},function(w,_,C){var k=C(21),I=Math.min;w.exports=function($){return $>0?I(k($),9007199254740991):0}},function(w,_,C){var k=C(21),I=Math.max,$=Math.min;w.exports=function(P,M){return(P=k(P))<0?I(P+M,0):$(P,M)}},function(w,_,C){var k=C(3).document;w.exports=k&&k.documentElement},function(w,_,C){var k=C(5),I=C(18),$=C(25)("IE_PROTO"),P=Object.prototype;w.exports=Object.getPrototypeOf||function(M){return M=I(M),k(M,$)?M[$]:typeof M.constructor=="function"&&M instanceof M.constructor?M.constructor.prototype:M instanceof Object?P:null}},function(w,_,C){var k=C(63),I=C(64),$=C(12),P=C(9);w.exports=C(34)(Array,"Array",function(M,U){this._t=P(M),this._i=0,this._k=U},function(){var M=this._t,U=this._k,G=this._i++;return!M||G>=M.length?(this._t=void 0,I(1)):I(0,U=="keys"?G:U=="values"?M[G]:[G,M[G]])},"values"),$.Arguments=$.Array,k("keys"),k("values"),k("entries")},function(w,_){w.exports=function(){}},function(w,_){w.exports=function(C,k){return{value:k,done:!!C}}},function(w,_,C){w.exports={default:C(66),__esModule:!0}},function(w,_,C){C(67),C(73),C(74),C(75),w.exports=C(1).Symbol},function(w,_,C){var k=C(3),I=C(5),$=C(4),P=C(15),M=C(37),U=C(68).KEY,G=C(8),X=C(26),Z=C(28),ne=C(17),re=C(2),ve=C(30),Se=C(31),ge=C(69),oe=C(70),me=C(10),De=C(11),Le=C(18),rt=C(9),Ue=C(23),Ze=C(16),gt=C(38),$t=C(71),Xe=C(72),xe=C(32),Tn=C(7),Rt=C(13),mt=Xe.f,en=Tn.f,st=$t.f,Fe=k.Symbol,Re=k.JSON,Ae=Re&&Re.stringify,je=re("_hidden"),Ge=re("toPrimitive"),Be={}.propertyIsEnumerable,We=X("symbol-registry"),lt=X("symbols"),Tt=X("op-symbols"),Je=Object.prototype,qt=typeof Fe=="function"&&!!xe.f,Pt=k.QObject,_t=!Pt||!Pt.prototype||!Pt.prototype.findChild,lr=$&&G(function(){return gt(en({},"a",{get:function(){return en(this,"a",{value:7}).a}})).a!=7})?function(sn,Zn,oi){var li=mt(Je,Zn);li&&delete Je[Zn],en(sn,Zn,oi),li&&sn!==Je&&en(Je,Zn,li)}:en,jn=function(sn){var Zn=lt[sn]=gt(Fe.prototype);return Zn._k=sn,Zn},ii=qt&&typeof Fe.iterator=="symbol"?function(sn){return typeof sn=="symbol"}:function(sn){return sn instanceof Fe},Zi=function(sn,Zn,oi){return sn===Je&&Zi(Tt,Zn,oi),me(sn),Zn=Ue(Zn,!0),me(oi),I(lt,Zn)?(oi.enumerable?(I(sn,je)&&sn[je][Zn]&&(sn[je][Zn]=!1),oi=gt(oi,{enumerable:Ze(0,!1)})):(I(sn,je)||en(sn,je,Ze(1,{})),sn[je][Zn]=!0),lr(sn,Zn,oi)):en(sn,Zn,oi)},No=function(sn,Zn){me(sn);for(var oi,li=ge(Zn=rt(Zn)),ur=0,Sr=li.length;Sr>ur;)Zi(sn,oi=li[ur++],Zn[oi]);return sn},Is=function(sn){var Zn=Be.call(this,sn=Ue(sn,!0));return!(this===Je&&I(lt,sn)&&!I(Tt,sn))&&(!(Zn||!I(this,sn)||!I(lt,sn)||I(this,je)&&this[je][sn])||Zn)},Ca=function(sn,Zn){if(sn=rt(sn),Zn=Ue(Zn,!0),sn!==Je||!I(lt,Zn)||I(Tt,Zn)){var oi=mt(sn,Zn);return!oi||!I(lt,Zn)||I(sn,je)&&sn[je][Zn]||(oi.enumerable=!0),oi}},Xs=function(sn){for(var Zn,oi=st(rt(sn)),li=[],ur=0;oi.length>ur;)I(lt,Zn=oi[ur++])||Zn==je||Zn==U||li.push(Zn);return li},Io=function(sn){for(var Zn,oi=sn===Je,li=st(oi?Tt:rt(sn)),ur=[],Sr=0;li.length>Sr;)!I(lt,Zn=li[Sr++])||oi&&!I(Je,Zn)||ur.push(lt[Zn]);return ur};qt||(M((Fe=function(){if(this instanceof Fe)throw TypeError("Symbol is not a constructor!");var sn=ne(arguments.length>0?arguments[0]:void 0),Zn=function(oi){this===Je&&Zn.call(Tt,oi),I(this,je)&&I(this[je],sn)&&(this[je][sn]=!1),lr(this,sn,Ze(1,oi))};return $&&_t&&lr(Je,sn,{configurable:!0,set:Zn}),jn(sn)}).prototype,"toString",function(){return this._k}),Xe.f=Ca,Tn.f=Zi,C(41).f=$t.f=Xs,C(19).f=Is,xe.f=Io,$&&!C(14)&&M(Je,"propertyIsEnumerable",Is,!0),ve.f=function(sn){return jn(re(sn))}),P(P.G+P.W+P.F*!qt,{Symbol:Fe});for(var pi="hasInstance,isConcatSpreadable,iterator,match,replace,search,species,split,toPrimitive,toStringTag,unscopables".split(","),Es=0;pi.length>Es;)re(pi[Es++]);for(var $u=Rt(re.store),ir=0;$u.length>ir;)Se($u[ir++]);P(P.S+P.F*!qt,"Symbol",{for:function(sn){return I(We,sn+="")?We[sn]:We[sn]=Fe(sn)},keyFor:function(sn){if(!ii(sn))throw TypeError(sn+" is not a symbol!");for(var Zn in We)if(We[Zn]===sn)return Zn},useSetter:function(){_t=!0},useSimple:function(){_t=!1}}),P(P.S+P.F*!qt,"Object",{create:function(sn,Zn){return Zn===void 0?gt(sn):No(gt(sn),Zn)},defineProperty:Zi,defineProperties:No,getOwnPropertyDescriptor:Ca,getOwnPropertyNames:Xs,getOwnPropertySymbols:Io});var rn=G(function(){xe.f(1)});P(P.S+P.F*rn,"Object",{getOwnPropertySymbols:function(sn){return xe.f(Le(sn))}}),Re&&P(P.S+P.F*(!qt||G(function(){var sn=Fe();return Ae([sn])!="[null]"||Ae({a:sn})!="{}"||Ae(Object(sn))!="{}"})),"JSON",{stringify:function(sn){for(var Zn,oi,li=[sn],ur=1;arguments.length>ur;)li.push(arguments[ur++]);if(oi=Zn=li[1],(De(Zn)||sn!==void 0)&&!ii(sn))return oe(Zn)||(Zn=function(Sr,ki){if(typeof oi=="function"&&(ki=oi.call(this,Sr,ki)),!ii(ki))return ki}),li[1]=Zn,Ae.apply(Re,li)}}),Fe.prototype[Ge]||C(6)(Fe.prototype,Ge,Fe.prototype.valueOf),Z(Fe,"Symbol"),Z(Math,"Math",!0),Z(k.JSON,"JSON",!0)},function(w,_,C){var k=C(17)("meta"),I=C(11),$=C(5),P=C(7).f,M=0,U=Object.isExtensible||function(){return!0},G=!C(8)(function(){return U(Object.preventExtensions({}))}),X=function(ne){P(ne,k,{value:{i:"O"+ ++M,w:{}}})},Z=w.exports={KEY:k,NEED:!1,fastKey:function(ne,re){if(!I(ne))return typeof ne=="symbol"?ne:(typeof ne=="string"?"S":"P")+ne;if(!$(ne,k)){if(!U(ne))return"F";if(!re)return"E";X(ne)}return ne[k].i},getWeak:function(ne,re){if(!$(ne,k)){if(!U(ne))return!0;if(!re)return!1;X(ne)}return ne[k].w},onFreeze:function(ne){return G&&Z.NEED&&U(ne)&&!$(ne,k)&&X(ne),ne}}},function(w,_,C){var k=C(13),I=C(32),$=C(19);w.exports=function(P){var M=k(P),U=I.f;if(U)for(var G,X=U(P),Z=$.f,ne=0;X.length>ne;)Z.call(P,G=X[ne++])&&M.push(G);return M}},function(w,_,C){var k=C(24);w.exports=Array.isArray||function(I){return k(I)=="Array"}},function(w,_,C){var k=C(9),I=C(41).f,$={}.toString,P=typeof window=="object"&&window&&Object.getOwnPropertyNames?Object.getOwnPropertyNames(window):[];w.exports.f=function(M){return P&&$.call(M)=="[object Window]"?function(U){try{return I(U)}catch{return P.slice()}}(M):I(k(M))}},function(w,_,C){var k=C(19),I=C(16),$=C(9),P=C(23),M=C(5),U=C(35),G=Object.getOwnPropertyDescriptor;_.f=C(4)?G:function(X,Z){if(X=$(X),Z=P(Z,!0),U)try{return G(X,Z)}catch{}if(M(X,Z))return I(!k.f.call(X,Z),X[Z])}},function(w,_){},function(w,_,C){C(31)("asyncIterator")},function(w,_,C){C(31)("observable")},function(w,_,C){_.__esModule=!0;var k,I=C(77),$=(k=I)&&k.__esModule?k:{default:k};_.default=$.default||function(P){for(var M=1;M<arguments.length;M++){var U=arguments[M];for(var G in U)Object.prototype.hasOwnProperty.call(U,G)&&(P[G]=U[G])}return P}},function(w,_,C){w.exports={default:C(78),__esModule:!0}},function(w,_,C){C(79),w.exports=C(1).Object.assign},function(w,_,C){var k=C(15);k(k.S+k.F,"Object",{assign:C(80)})},function(w,_,C){var k=C(4),I=C(13),$=C(32),P=C(19),M=C(18),U=C(40),G=Object.assign;w.exports=!G||C(8)(function(){var X={},Z={},ne=Symbol(),re="abcdefghijklmnopqrst";return X[ne]=7,re.split("").forEach(function(ve){Z[ve]=ve}),G({},X)[ne]!=7||Object.keys(G({},Z)).join("")!=re})?function(X,Z){for(var ne=M(X),re=arguments.length,ve=1,Se=$.f,ge=P.f;re>ve;)for(var oe,me=U(arguments[ve++]),De=Se?I(me).concat(Se(me)):I(me),Le=De.length,rt=0;Le>rt;)oe=De[rt++],k&&!ge.call(me,oe)||(ne[oe]=me[oe]);return ne}:G},function(w,_,C){_.__esModule=!0;var k=$(C(82)),I=$(C(85));function $(P){return P&&P.__esModule?P:{default:P}}_.default=function(P,M){if(Array.isArray(P))return P;if((0,k.default)(Object(P)))return function(U,G){var X=[],Z=!0,ne=!1,re=void 0;try{for(var ve,Se=(0,I.default)(U);!(Z=(ve=Se.next()).done)&&(X.push(ve.value),!G||X.length!==G);Z=!0);}catch(ge){ne=!0,re=ge}finally{try{!Z&&Se.return&&Se.return()}finally{if(ne)throw re}}return X}(P,M);throw new TypeError("Invalid attempt to destructure non-iterable instance")}},function(w,_,C){w.exports={default:C(83),__esModule:!0}},function(w,_,C){C(29),C(20),w.exports=C(84)},function(w,_,C){var k=C(42),I=C(2)("iterator"),$=C(12);w.exports=C(1).isIterable=function(P){var M=Object(P);return M[I]!==void 0||"@@iterator"in M||$.hasOwnProperty(k(M))}},function(w,_,C){w.exports={default:C(86),__esModule:!0}},function(w,_,C){C(29),C(20),w.exports=C(87)},function(w,_,C){var k=C(10),I=C(88);w.exports=C(1).getIterator=function($){var P=I($);if(typeof P!="function")throw TypeError($+" is not iterable!");return k(P.call($))}},function(w,_,C){var k=C(42),I=C(2)("iterator"),$=C(12);w.exports=C(1).getIteratorMethod=function(P){if(P!=null)return P[I]||P["@@iterator"]||$[k(P)]}},function(w,_,C){w.exports={default:C(90),__esModule:!0}},function(w,_,C){C(91),w.exports=C(1).Object.keys},function(w,_,C){var k=C(18),I=C(13);C(92)("keys",function(){return function($){return I(k($))}})},function(w,_,C){var k=C(15),I=C(1),$=C(8);w.exports=function(P,M){var U=(I.Object||{})[P]||Object[P],G={};G[P]=M(U),k(k.S+k.F*$(function(){U(1)}),"Object",G)}},function(w,_,C){(function(k){var I=[["ary",128],["bind",1],["bindKey",2],["curry",8],["curryRight",16],["flip",512],["partial",32],["partialRight",64],["rearg",256]],$=/^\s+|\s+$/g,P=/\{(?:\n\/\* \[wrapped with .+\] \*\/)?\n?/,M=/\{\n\/\* \[wrapped with (.+)\] \*/,U=/,? & /,G=/^[-+]0x[0-9a-f]+$/i,X=/^0b[01]+$/i,Z=/^\[object .+?Constructor\]$/,ne=/^0o[0-7]+$/i,re=/^(?:0|[1-9]\d*)$/,ve=parseInt,Se=typeof k=="object"&&k&&k.Object===Object&&k,ge=typeof self=="object"&&self&&self.Object===Object&&self,oe=Se||ge||Function("return this")();function me(ir,rn,sn){switch(sn.length){case 0:return ir.call(rn);case 1:return ir.call(rn,sn[0]);case 2:return ir.call(rn,sn[0],sn[1]);case 3:return ir.call(rn,sn[0],sn[1],sn[2])}return ir.apply(rn,sn)}function De(ir,rn){return!!(ir&&ir.length)&&function(sn,Zn,oi){if(Zn!=Zn)return function(Sr,ki,co,xo){for(var Ho=Sr.length,Co=co+(xo?1:-1);xo?Co--:++Co<Ho;)if(ki(Sr[Co],Co,Sr))return Co;return-1}(sn,Le,oi);for(var li=oi-1,ur=sn.length;++li<ur;)if(sn[li]===Zn)return li;return-1}(ir,rn,0)>-1}function Le(ir){return ir!=ir}function rt(ir,rn){for(var sn=ir.length,Zn=0;sn--;)ir[sn]===rn&&Zn++;return Zn}function Ue(ir,rn){for(var sn=-1,Zn=ir.length,oi=0,li=[];++sn<Zn;){var ur=ir[sn];ur!==rn&&ur!=="__lodash_placeholder__"||(ir[sn]="__lodash_placeholder__",li[oi++]=sn)}return li}var Ze,gt,$t,Xe=Function.prototype,xe=Object.prototype,Tn=oe["__core-js_shared__"],Rt=(Ze=/[^.]+$/.exec(Tn&&Tn.keys&&Tn.keys.IE_PROTO||""))?"Symbol(src)_1."+Ze:"",mt=Xe.toString,en=xe.hasOwnProperty,st=xe.toString,Fe=RegExp("^"+mt.call(en).replace(/[\\^$.*+?()[\]{}|]/g,"\\$&").replace(/hasOwnProperty|(function).*?(?=\\\()| for .+?(?=\\\])/g,"$1.*?")+"$"),Re=Object.create,Ae=Math.max,je=Math.min,Ge=(gt=jn(Object,"defineProperty"),($t=jn.name)&&$t.length>2?gt:void 0);function Be(ir){return pi(ir)?Re(ir):{}}function We(ir){return!(!pi(ir)||function(rn){return!!Rt&&Rt in rn}(ir))&&(function(rn){var sn=pi(rn)?st.call(rn):"";return sn=="[object Function]"||sn=="[object GeneratorFunction]"}(ir)||function(rn){var sn=!1;if(rn!=null&&typeof rn.toString!="function")try{sn=!!(rn+"")}catch{}return sn}(ir)?Fe:Z).test(function(rn){if(rn!=null){try{return mt.call(rn)}catch{}try{return rn+""}catch{}}return""}(ir))}function lt(ir,rn,sn,Zn){for(var oi=-1,li=ir.length,ur=sn.length,Sr=-1,ki=rn.length,co=Ae(li-ur,0),xo=Array(ki+co),Ho=!Zn;++Sr<ki;)xo[Sr]=rn[Sr];for(;++oi<ur;)(Ho||oi<li)&&(xo[sn[oi]]=ir[oi]);for(;co--;)xo[Sr++]=ir[oi++];return xo}function Tt(ir,rn,sn,Zn){for(var oi=-1,li=ir.length,ur=-1,Sr=sn.length,ki=-1,co=rn.length,xo=Ae(li-Sr,0),Ho=Array(xo+co),Co=!Zn;++oi<xo;)Ho[oi]=ir[oi];for(var ma=oi;++ki<co;)Ho[ma+ki]=rn[ki];for(;++ur<Sr;)(Co||oi<li)&&(Ho[ma+sn[ur]]=ir[oi++]);return Ho}function Je(ir){return function(){var rn=arguments;switch(rn.length){case 0:return new ir;case 1:return new ir(rn[0]);case 2:return new ir(rn[0],rn[1]);case 3:return new ir(rn[0],rn[1],rn[2]);case 4:return new ir(rn[0],rn[1],rn[2],rn[3]);case 5:return new ir(rn[0],rn[1],rn[2],rn[3],rn[4]);case 6:return new ir(rn[0],rn[1],rn[2],rn[3],rn[4],rn[5]);case 7:return new ir(rn[0],rn[1],rn[2],rn[3],rn[4],rn[5],rn[6])}var sn=Be(ir.prototype),Zn=ir.apply(sn,rn);return pi(Zn)?Zn:sn}}function qt(ir,rn,sn,Zn,oi,li,ur,Sr,ki,co){var xo=128&rn,Ho=1&rn,Co=2&rn,ma=24&rn,Yi=512&rn,so=Co?void 0:Je(ir);return function hs(){for(var Qs=arguments.length,yo=Array(Qs),ru=Qs;ru--;)yo[ru]=arguments[ru];if(ma)var iu=lr(hs),Pu=rt(yo,iu);if(Zn&&(yo=lt(yo,Zn,oi,ma)),li&&(yo=Tt(yo,li,ur,ma)),Qs-=Pu,ma&&Qs<co){var Js=Ue(yo,iu);return Pt(ir,rn,qt,hs.placeholder,sn,yo,Js,Sr,ki,co-Qs)}var yu=Ho?sn:this,za=Co?yu[ir]:ir;return Qs=yo.length,Sr?yo=Is(yo,Sr):Yi&&Qs>1&&yo.reverse(),xo&&ki<Qs&&(yo.length=ki),this&&this!==oe&&this instanceof hs&&(za=so||Je(za)),za.apply(yu,yo)}}function Pt(ir,rn,sn,Zn,oi,li,ur,Sr,ki,co){var xo=8&rn;rn|=xo?32:64,4&(rn&=~(xo?64:32))||(rn&=-4);var Ho=sn(ir,rn,oi,xo?li:void 0,xo?ur:void 0,xo?void 0:li,xo?void 0:ur,Sr,ki,co);return Ho.placeholder=Zn,Ca(Ho,ir,rn)}function _t(ir,rn,sn,Zn,oi,li,ur,Sr){var ki=2&rn;if(!ki&&typeof ir!="function")throw new TypeError("Expected a function");var co=Zn?Zn.length:0;if(co||(rn&=-97,Zn=oi=void 0),ur=ur===void 0?ur:Ae($u(ur),0),Sr=Sr===void 0?Sr:$u(Sr),co-=oi?oi.length:0,64&rn){var xo=Zn,Ho=oi;Zn=oi=void 0}var Co=[ir,rn,sn,Zn,oi,xo,Ho,li,ur,Sr];if(ir=Co[0],rn=Co[1],sn=Co[2],Zn=Co[3],oi=Co[4],!(Sr=Co[9]=Co[9]==null?ki?0:ir.length:Ae(Co[9]-co,0))&&24&rn&&(rn&=-25),rn&&rn!=1)ma=rn==8||rn==16?function(Yi,so,hs){var Qs=Je(Yi);return function yo(){for(var ru=arguments.length,iu=Array(ru),Pu=ru,Js=lr(yo);Pu--;)iu[Pu]=arguments[Pu];var yu=ru<3&&iu[0]!==Js&&iu[ru-1]!==Js?[]:Ue(iu,Js);if((ru-=yu.length)<hs)return Pt(Yi,so,qt,yo.placeholder,void 0,iu,yu,void 0,void 0,hs-ru);var za=this&&this!==oe&&this instanceof yo?Qs:Yi;return me(za,this,iu)}}(ir,rn,Sr):rn!=32&&rn!=33||oi.length?qt.apply(void 0,Co):function(Yi,so,hs,Qs){var yo=1&so,ru=Je(Yi);return function iu(){for(var Pu=-1,Js=arguments.length,yu=-1,za=Qs.length,Rl=Array(za+Js),zt=this&&this!==oe&&this instanceof iu?ru:Yi;++yu<za;)Rl[yu]=Qs[yu];for(;Js--;)Rl[yu++]=arguments[++Pu];return me(zt,yo?hs:this,Rl)}}(ir,rn,sn,Zn);else var ma=function(Yi,so,hs){var Qs=1&so,yo=Je(Yi);return function ru(){var iu=this&&this!==oe&&this instanceof ru?yo:Yi;return iu.apply(Qs?hs:this,arguments)}}(ir,rn,sn);return Ca(ma,ir,rn)}function lr(ir){return ir.placeholder}function jn(ir,rn){var sn=function(Zn,oi){return Zn==null?void 0:Zn[oi]}(ir,rn);return We(sn)?sn:void 0}function ii(ir){var rn=ir.match(M);return rn?rn[1].split(U):[]}function Zi(ir,rn){var sn=rn.length,Zn=sn-1;return rn[Zn]=(sn>1?"& ":"")+rn[Zn],rn=rn.join(sn>2?", ":" "),ir.replace(P,`{
/* [wrapped with `+rn+`] */
`)}function No(ir,rn){return!!(rn=rn??9007199254740991)&&(typeof ir=="number"||re.test(ir))&&ir>-1&&ir%1==0&&ir<rn}function Is(ir,rn){for(var sn=ir.length,Zn=je(rn.length,sn),oi=function(ur,Sr){var ki=-1,co=ur.length;for(Sr||(Sr=Array(co));++ki<co;)Sr[ki]=ur[ki];return Sr}(ir);Zn--;){var li=rn[Zn];ir[Zn]=No(li,sn)?oi[li]:void 0}return ir}var Ca=Ge?function(ir,rn,sn){var Zn,oi=rn+"";return Ge(ir,"toString",{configurable:!0,enumerable:!1,value:(Zn=Zi(oi,Xs(ii(oi),sn)),function(){return Zn})})}:function(ir){return ir};function Xs(ir,rn){return function(sn,Zn){for(var oi=-1,li=sn?sn.length:0;++oi<li&&Zn(sn[oi],oi,sn)!==!1;);}(I,function(sn){var Zn="_."+sn[0];rn&sn[1]&&!De(ir,Zn)&&ir.push(Zn)}),ir.sort()}function Io(ir,rn,sn){var Zn=_t(ir,8,void 0,void 0,void 0,void 0,void 0,rn=sn?void 0:rn);return Zn.placeholder=Io.placeholder,Zn}function pi(ir){var rn=typeof ir;return!!ir&&(rn=="object"||rn=="function")}function Es(ir){return ir?(ir=function(rn){if(typeof rn=="number")return rn;if(function(oi){return typeof oi=="symbol"||function(li){return!!li&&typeof li=="object"}(oi)&&st.call(oi)=="[object Symbol]"}(rn))return NaN;if(pi(rn)){var sn=typeof rn.valueOf=="function"?rn.valueOf():rn;rn=pi(sn)?sn+"":sn}if(typeof rn!="string")return rn===0?rn:+rn;rn=rn.replace($,"");var Zn=X.test(rn);return Zn||ne.test(rn)?ve(rn.slice(2),Zn?2:8):G.test(rn)?NaN:+rn}(ir))===1/0||ir===-1/0?17976931348623157e292*(ir<0?-1:1):ir==ir?ir:0:ir===0?ir:0}function $u(ir){var rn=Es(ir),sn=rn%1;return rn==rn?sn?rn-sn:rn:0}Io.placeholder={},w.exports=Io}).call(this,C(43))},function(w,_,C){function k(Tt){return Tt&&Tt.__esModule?Tt.default:Tt}_.__esModule=!0;var I=C(95);_.threezerotwofour=k(I);var $=C(96);_.apathy=k($);var P=C(97);_.ashes=k(P);var M=C(98);_.atelierDune=k(M);var U=C(99);_.atelierForest=k(U);var G=C(100);_.atelierHeath=k(G);var X=C(101);_.atelierLakeside=k(X);var Z=C(102);_.atelierSeaside=k(Z);var ne=C(103);_.bespin=k(ne);var re=C(104);_.brewer=k(re);var ve=C(105);_.bright=k(ve);var Se=C(106);_.chalk=k(Se);var ge=C(107);_.codeschool=k(ge);var oe=C(108);_.colors=k(oe);var me=C(109);_.default=k(me);var De=C(110);_.eighties=k(De);var Le=C(111);_.embers=k(Le);var rt=C(112);_.flat=k(rt);var Ue=C(113);_.google=k(Ue);var Ze=C(114);_.grayscale=k(Ze);var gt=C(115);_.greenscreen=k(gt);var $t=C(116);_.harmonic=k($t);var Xe=C(117);_.hopscotch=k(Xe);var xe=C(118);_.isotope=k(xe);var Tn=C(119);_.marrakesh=k(Tn);var Rt=C(120);_.mocha=k(Rt);var mt=C(121);_.monokai=k(mt);var en=C(122);_.ocean=k(en);var st=C(123);_.paraiso=k(st);var Fe=C(124);_.pop=k(Fe);var Re=C(125);_.railscasts=k(Re);var Ae=C(126);_.shapeshifter=k(Ae);var je=C(127);_.solarized=k(je);var Ge=C(128);_.summerfruit=k(Ge);var Be=C(129);_.tomorrow=k(Be);var We=C(130);_.tube=k(We);var lt=C(131);_.twilight=k(lt)},function(w,_,C){_.__esModule=!0,_.default={scheme:"threezerotwofour",author:"jan t. sott (http://github.com/idleberg)",base00:"#090300",base01:"#3a3432",base02:"#4a4543",base03:"#5c5855",base04:"#807d7c",base05:"#a5a2a2",base06:"#d6d5d4",base07:"#f7f7f7",base08:"#db2d20",base09:"#e8bbd0",base0A:"#fded02",base0B:"#01a252",base0C:"#b5e4f4",base0D:"#01a0e4",base0E:"#a16a94",base0F:"#cdab53"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"apathy",author:"jannik siebert (https://github.com/janniks)",base00:"#031A16",base01:"#0B342D",base02:"#184E45",base03:"#2B685E",base04:"#5F9C92",base05:"#81B5AC",base06:"#A7CEC8",base07:"#D2E7E4",base08:"#3E9688",base09:"#3E7996",base0A:"#3E4C96",base0B:"#883E96",base0C:"#963E4C",base0D:"#96883E",base0E:"#4C963E",base0F:"#3E965B"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"ashes",author:"jannik siebert (https://github.com/janniks)",base00:"#1C2023",base01:"#393F45",base02:"#565E65",base03:"#747C84",base04:"#ADB3BA",base05:"#C7CCD1",base06:"#DFE2E5",base07:"#F3F4F5",base08:"#C7AE95",base09:"#C7C795",base0A:"#AEC795",base0B:"#95C7AE",base0C:"#95AEC7",base0D:"#AE95C7",base0E:"#C795AE",base0F:"#C79595"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"atelier dune",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/dune)",base00:"#20201d",base01:"#292824",base02:"#6e6b5e",base03:"#7d7a68",base04:"#999580",base05:"#a6a28c",base06:"#e8e4cf",base07:"#fefbec",base08:"#d73737",base09:"#b65611",base0A:"#cfb017",base0B:"#60ac39",base0C:"#1fad83",base0D:"#6684e1",base0E:"#b854d4",base0F:"#d43552"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"atelier forest",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/forest)",base00:"#1b1918",base01:"#2c2421",base02:"#68615e",base03:"#766e6b",base04:"#9c9491",base05:"#a8a19f",base06:"#e6e2e0",base07:"#f1efee",base08:"#f22c40",base09:"#df5320",base0A:"#d5911a",base0B:"#5ab738",base0C:"#00ad9c",base0D:"#407ee7",base0E:"#6666ea",base0F:"#c33ff3"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"atelier heath",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/heath)",base00:"#1b181b",base01:"#292329",base02:"#695d69",base03:"#776977",base04:"#9e8f9e",base05:"#ab9bab",base06:"#d8cad8",base07:"#f7f3f7",base08:"#ca402b",base09:"#a65926",base0A:"#bb8a35",base0B:"#379a37",base0C:"#159393",base0D:"#516aec",base0E:"#7b59c0",base0F:"#cc33cc"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"atelier lakeside",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/lakeside/)",base00:"#161b1d",base01:"#1f292e",base02:"#516d7b",base03:"#5a7b8c",base04:"#7195a8",base05:"#7ea2b4",base06:"#c1e4f6",base07:"#ebf8ff",base08:"#d22d72",base09:"#935c25",base0A:"#8a8a0f",base0B:"#568c3b",base0C:"#2d8f6f",base0D:"#257fad",base0E:"#5d5db1",base0F:"#b72dd2"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"atelier seaside",author:"bram de haan (http://atelierbram.github.io/syntax-highlighting/atelier-schemes/seaside/)",base00:"#131513",base01:"#242924",base02:"#5e6e5e",base03:"#687d68",base04:"#809980",base05:"#8ca68c",base06:"#cfe8cf",base07:"#f0fff0",base08:"#e6193c",base09:"#87711d",base0A:"#c3c322",base0B:"#29a329",base0C:"#1999b3",base0D:"#3d62f5",base0E:"#ad2bee",base0F:"#e619c3"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"bespin",author:"jan t. sott",base00:"#28211c",base01:"#36312e",base02:"#5e5d5c",base03:"#666666",base04:"#797977",base05:"#8a8986",base06:"#9d9b97",base07:"#baae9e",base08:"#cf6a4c",base09:"#cf7d34",base0A:"#f9ee98",base0B:"#54be0d",base0C:"#afc4db",base0D:"#5ea6ea",base0E:"#9b859d",base0F:"#937121"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"brewer",author:"timothée poisot (http://github.com/tpoisot)",base00:"#0c0d0e",base01:"#2e2f30",base02:"#515253",base03:"#737475",base04:"#959697",base05:"#b7b8b9",base06:"#dadbdc",base07:"#fcfdfe",base08:"#e31a1c",base09:"#e6550d",base0A:"#dca060",base0B:"#31a354",base0C:"#80b1d3",base0D:"#3182bd",base0E:"#756bb1",base0F:"#b15928"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"bright",author:"chris kempson (http://chriskempson.com)",base00:"#000000",base01:"#303030",base02:"#505050",base03:"#b0b0b0",base04:"#d0d0d0",base05:"#e0e0e0",base06:"#f5f5f5",base07:"#ffffff",base08:"#fb0120",base09:"#fc6d24",base0A:"#fda331",base0B:"#a1c659",base0C:"#76c7b7",base0D:"#6fb3d2",base0E:"#d381c3",base0F:"#be643c"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"chalk",author:"chris kempson (http://chriskempson.com)",base00:"#151515",base01:"#202020",base02:"#303030",base03:"#505050",base04:"#b0b0b0",base05:"#d0d0d0",base06:"#e0e0e0",base07:"#f5f5f5",base08:"#fb9fb1",base09:"#eda987",base0A:"#ddb26f",base0B:"#acc267",base0C:"#12cfc0",base0D:"#6fc2ef",base0E:"#e1a3ee",base0F:"#deaf8f"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"codeschool",author:"brettof86",base00:"#232c31",base01:"#1c3657",base02:"#2a343a",base03:"#3f4944",base04:"#84898c",base05:"#9ea7a6",base06:"#a7cfa3",base07:"#b5d8f6",base08:"#2a5491",base09:"#43820d",base0A:"#a03b1e",base0B:"#237986",base0C:"#b02f30",base0D:"#484d79",base0E:"#c59820",base0F:"#c98344"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"colors",author:"mrmrs (http://clrs.cc)",base00:"#111111",base01:"#333333",base02:"#555555",base03:"#777777",base04:"#999999",base05:"#bbbbbb",base06:"#dddddd",base07:"#ffffff",base08:"#ff4136",base09:"#ff851b",base0A:"#ffdc00",base0B:"#2ecc40",base0C:"#7fdbff",base0D:"#0074d9",base0E:"#b10dc9",base0F:"#85144b"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"default",author:"chris kempson (http://chriskempson.com)",base00:"#181818",base01:"#282828",base02:"#383838",base03:"#585858",base04:"#b8b8b8",base05:"#d8d8d8",base06:"#e8e8e8",base07:"#f8f8f8",base08:"#ab4642",base09:"#dc9656",base0A:"#f7ca88",base0B:"#a1b56c",base0C:"#86c1b9",base0D:"#7cafc2",base0E:"#ba8baf",base0F:"#a16946"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"eighties",author:"chris kempson (http://chriskempson.com)",base00:"#2d2d2d",base01:"#393939",base02:"#515151",base03:"#747369",base04:"#a09f93",base05:"#d3d0c8",base06:"#e8e6df",base07:"#f2f0ec",base08:"#f2777a",base09:"#f99157",base0A:"#ffcc66",base0B:"#99cc99",base0C:"#66cccc",base0D:"#6699cc",base0E:"#cc99cc",base0F:"#d27b53"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"embers",author:"jannik siebert (https://github.com/janniks)",base00:"#16130F",base01:"#2C2620",base02:"#433B32",base03:"#5A5047",base04:"#8A8075",base05:"#A39A90",base06:"#BEB6AE",base07:"#DBD6D1",base08:"#826D57",base09:"#828257",base0A:"#6D8257",base0B:"#57826D",base0C:"#576D82",base0D:"#6D5782",base0E:"#82576D",base0F:"#825757"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"flat",author:"chris kempson (http://chriskempson.com)",base00:"#2C3E50",base01:"#34495E",base02:"#7F8C8D",base03:"#95A5A6",base04:"#BDC3C7",base05:"#e0e0e0",base06:"#f5f5f5",base07:"#ECF0F1",base08:"#E74C3C",base09:"#E67E22",base0A:"#F1C40F",base0B:"#2ECC71",base0C:"#1ABC9C",base0D:"#3498DB",base0E:"#9B59B6",base0F:"#be643c"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"google",author:"seth wright (http://sethawright.com)",base00:"#1d1f21",base01:"#282a2e",base02:"#373b41",base03:"#969896",base04:"#b4b7b4",base05:"#c5c8c6",base06:"#e0e0e0",base07:"#ffffff",base08:"#CC342B",base09:"#F96A38",base0A:"#FBA922",base0B:"#198844",base0C:"#3971ED",base0D:"#3971ED",base0E:"#A36AC7",base0F:"#3971ED"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"grayscale",author:"alexandre gavioli (https://github.com/alexx2/)",base00:"#101010",base01:"#252525",base02:"#464646",base03:"#525252",base04:"#ababab",base05:"#b9b9b9",base06:"#e3e3e3",base07:"#f7f7f7",base08:"#7c7c7c",base09:"#999999",base0A:"#a0a0a0",base0B:"#8e8e8e",base0C:"#868686",base0D:"#686868",base0E:"#747474",base0F:"#5e5e5e"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"green screen",author:"chris kempson (http://chriskempson.com)",base00:"#001100",base01:"#003300",base02:"#005500",base03:"#007700",base04:"#009900",base05:"#00bb00",base06:"#00dd00",base07:"#00ff00",base08:"#007700",base09:"#009900",base0A:"#007700",base0B:"#00bb00",base0C:"#005500",base0D:"#009900",base0E:"#00bb00",base0F:"#005500"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"harmonic16",author:"jannik siebert (https://github.com/janniks)",base00:"#0b1c2c",base01:"#223b54",base02:"#405c79",base03:"#627e99",base04:"#aabcce",base05:"#cbd6e2",base06:"#e5ebf1",base07:"#f7f9fb",base08:"#bf8b56",base09:"#bfbf56",base0A:"#8bbf56",base0B:"#56bf8b",base0C:"#568bbf",base0D:"#8b56bf",base0E:"#bf568b",base0F:"#bf5656"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"hopscotch",author:"jan t. sott",base00:"#322931",base01:"#433b42",base02:"#5c545b",base03:"#797379",base04:"#989498",base05:"#b9b5b8",base06:"#d5d3d5",base07:"#ffffff",base08:"#dd464c",base09:"#fd8b19",base0A:"#fdcc59",base0B:"#8fc13e",base0C:"#149b93",base0D:"#1290bf",base0E:"#c85e7c",base0F:"#b33508"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"isotope",author:"jan t. sott",base00:"#000000",base01:"#404040",base02:"#606060",base03:"#808080",base04:"#c0c0c0",base05:"#d0d0d0",base06:"#e0e0e0",base07:"#ffffff",base08:"#ff0000",base09:"#ff9900",base0A:"#ff0099",base0B:"#33ff00",base0C:"#00ffff",base0D:"#0066ff",base0E:"#cc00ff",base0F:"#3300ff"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"marrakesh",author:"alexandre gavioli (http://github.com/alexx2/)",base00:"#201602",base01:"#302e00",base02:"#5f5b17",base03:"#6c6823",base04:"#86813b",base05:"#948e48",base06:"#ccc37a",base07:"#faf0a5",base08:"#c35359",base09:"#b36144",base0A:"#a88339",base0B:"#18974e",base0C:"#75a738",base0D:"#477ca1",base0E:"#8868b3",base0F:"#b3588e"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"mocha",author:"chris kempson (http://chriskempson.com)",base00:"#3B3228",base01:"#534636",base02:"#645240",base03:"#7e705a",base04:"#b8afad",base05:"#d0c8c6",base06:"#e9e1dd",base07:"#f5eeeb",base08:"#cb6077",base09:"#d28b71",base0A:"#f4bc87",base0B:"#beb55b",base0C:"#7bbda4",base0D:"#8ab3b5",base0E:"#a89bb9",base0F:"#bb9584"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"monokai",author:"wimer hazenberg (http://www.monokai.nl)",base00:"#272822",base01:"#383830",base02:"#49483e",base03:"#75715e",base04:"#a59f85",base05:"#f8f8f2",base06:"#f5f4f1",base07:"#f9f8f5",base08:"#f92672",base09:"#fd971f",base0A:"#f4bf75",base0B:"#a6e22e",base0C:"#a1efe4",base0D:"#66d9ef",base0E:"#ae81ff",base0F:"#cc6633"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"ocean",author:"chris kempson (http://chriskempson.com)",base00:"#2b303b",base01:"#343d46",base02:"#4f5b66",base03:"#65737e",base04:"#a7adba",base05:"#c0c5ce",base06:"#dfe1e8",base07:"#eff1f5",base08:"#bf616a",base09:"#d08770",base0A:"#ebcb8b",base0B:"#a3be8c",base0C:"#96b5b4",base0D:"#8fa1b3",base0E:"#b48ead",base0F:"#ab7967"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"paraiso",author:"jan t. sott",base00:"#2f1e2e",base01:"#41323f",base02:"#4f424c",base03:"#776e71",base04:"#8d8687",base05:"#a39e9b",base06:"#b9b6b0",base07:"#e7e9db",base08:"#ef6155",base09:"#f99b15",base0A:"#fec418",base0B:"#48b685",base0C:"#5bc4bf",base0D:"#06b6ef",base0E:"#815ba4",base0F:"#e96ba8"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"pop",author:"chris kempson (http://chriskempson.com)",base00:"#000000",base01:"#202020",base02:"#303030",base03:"#505050",base04:"#b0b0b0",base05:"#d0d0d0",base06:"#e0e0e0",base07:"#ffffff",base08:"#eb008a",base09:"#f29333",base0A:"#f8ca12",base0B:"#37b349",base0C:"#00aabb",base0D:"#0e5a94",base0E:"#b31e8d",base0F:"#7a2d00"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"railscasts",author:"ryan bates (http://railscasts.com)",base00:"#2b2b2b",base01:"#272935",base02:"#3a4055",base03:"#5a647e",base04:"#d4cfc9",base05:"#e6e1dc",base06:"#f4f1ed",base07:"#f9f7f3",base08:"#da4939",base09:"#cc7833",base0A:"#ffc66d",base0B:"#a5c261",base0C:"#519f50",base0D:"#6d9cbe",base0E:"#b6b3eb",base0F:"#bc9458"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"shapeshifter",author:"tyler benziger (http://tybenz.com)",base00:"#000000",base01:"#040404",base02:"#102015",base03:"#343434",base04:"#555555",base05:"#ababab",base06:"#e0e0e0",base07:"#f9f9f9",base08:"#e92f2f",base09:"#e09448",base0A:"#dddd13",base0B:"#0ed839",base0C:"#23edda",base0D:"#3b48e3",base0E:"#f996e2",base0F:"#69542d"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"solarized",author:"ethan schoonover (http://ethanschoonover.com/solarized)",base00:"#002b36",base01:"#073642",base02:"#586e75",base03:"#657b83",base04:"#839496",base05:"#93a1a1",base06:"#eee8d5",base07:"#fdf6e3",base08:"#dc322f",base09:"#cb4b16",base0A:"#b58900",base0B:"#859900",base0C:"#2aa198",base0D:"#268bd2",base0E:"#6c71c4",base0F:"#d33682"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"summerfruit",author:"christopher corley (http://cscorley.github.io/)",base00:"#151515",base01:"#202020",base02:"#303030",base03:"#505050",base04:"#B0B0B0",base05:"#D0D0D0",base06:"#E0E0E0",base07:"#FFFFFF",base08:"#FF0086",base09:"#FD8900",base0A:"#ABA800",base0B:"#00C918",base0C:"#1faaaa",base0D:"#3777E6",base0E:"#AD00A1",base0F:"#cc6633"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"tomorrow",author:"chris kempson (http://chriskempson.com)",base00:"#1d1f21",base01:"#282a2e",base02:"#373b41",base03:"#969896",base04:"#b4b7b4",base05:"#c5c8c6",base06:"#e0e0e0",base07:"#ffffff",base08:"#cc6666",base09:"#de935f",base0A:"#f0c674",base0B:"#b5bd68",base0C:"#8abeb7",base0D:"#81a2be",base0E:"#b294bb",base0F:"#a3685a"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"london tube",author:"jan t. sott",base00:"#231f20",base01:"#1c3f95",base02:"#5a5758",base03:"#737171",base04:"#959ca1",base05:"#d9d8d8",base06:"#e7e7e8",base07:"#ffffff",base08:"#ee2e24",base09:"#f386a1",base0A:"#ffd204",base0B:"#00853e",base0C:"#85cebc",base0D:"#009ddc",base0E:"#98005d",base0F:"#b06110"},w.exports=_.default},function(w,_,C){_.__esModule=!0,_.default={scheme:"twilight",author:"david hart (http://hart-dev.com)",base00:"#1e1e1e",base01:"#323537",base02:"#464b50",base03:"#5f5a60",base04:"#838184",base05:"#a7a7a7",base06:"#c3c3c3",base07:"#ffffff",base08:"#cf6a4c",base09:"#cda869",base0A:"#f9ee98",base0B:"#8f9d6a",base0C:"#afc4db",base0D:"#7587a6",base0E:"#9b859d",base0F:"#9b703f"},w.exports=_.default},function(w,_,C){var k=C(33);function I($){var P=Math.round(k($,0,255)).toString(16);return P.length==1?"0"+P:P}w.exports=function($){var P=$.length===4?I(255*$[3]):"";return"#"+I($[0])+I($[1])+I($[2])+P}},function(w,_,C){var k=C(134),I=C(135),$=C(136),P=C(137),M={"#":I,hsl:function(G){var X=k(G),Z=P(X);return X.length===4&&Z.push(X[3]),Z},rgb:$};function U(G){for(var X in M)if(G.indexOf(X)===0)return M[X](G)}U.rgb=$,U.hsl=k,U.hex=I,w.exports=U},function(w,_,C){var k=C(44),I=C(33);function $(P,M){switch(P=parseFloat(P),M){case 0:return I(P,0,360);case 1:case 2:return I(P,0,100);case 3:return I(P,0,1)}}w.exports=function(P){return k(P).map($)}},function(w,_){w.exports=function(C){C.length!==4&&C.length!==5||(C=function($){for(var P="#",M=1;M<$.length;M++){var U=$.charAt(M);P+=U+U}return P}(C));var k=[parseInt(C.substring(1,3),16),parseInt(C.substring(3,5),16),parseInt(C.substring(5,7),16)];if(C.length===9){var I=parseFloat((parseInt(C.substring(7,9),16)/255).toFixed(2));k.push(I)}return k}},function(w,_,C){var k=C(44),I=C(33);function $(P,M){return M<3?P.indexOf("%")!=-1?Math.round(255*I(parseInt(P,10),0,100)/100):I(parseInt(P,10),0,255):I(parseFloat(P),0,1)}w.exports=function(P){return k(P).map($)}},function(w,_){w.exports=function(C){var k,I,$,P,M,U=C[0]/360,G=C[1]/100,X=C[2]/100;if(G==0)return[M=255*X,M,M];k=2*X-(I=X<.5?X*(1+G):X+G-X*G),P=[0,0,0];for(var Z=0;Z<3;Z++)($=U+1/3*-(Z-1))<0&&$++,$>1&&$--,M=6*$<1?k+6*(I-k)*$:2*$<1?I:3*$<2?k+(I-k)*(2/3-$)*6:k,P[Z]=255*M;return P}},function(w,_,C){(function(k){var I=typeof k=="object"&&k&&k.Object===Object&&k,$=typeof self=="object"&&self&&self.Object===Object&&self,P=I||$||Function("return this")();function M(Ue,Ze,gt){switch(gt.length){case 0:return Ue.call(Ze);case 1:return Ue.call(Ze,gt[0]);case 2:return Ue.call(Ze,gt[0],gt[1]);case 3:return Ue.call(Ze,gt[0],gt[1],gt[2])}return Ue.apply(Ze,gt)}function U(Ue,Ze){for(var gt=-1,$t=Ze.length,Xe=Ue.length;++gt<$t;)Ue[Xe+gt]=Ze[gt];return Ue}var G=Object.prototype,X=G.hasOwnProperty,Z=G.toString,ne=P.Symbol,re=G.propertyIsEnumerable,ve=ne?ne.isConcatSpreadable:void 0,Se=Math.max;function ge(Ue){return oe(Ue)||function(Ze){return function(gt){return function($t){return!!$t&&typeof $t=="object"}(gt)&&function($t){return $t!=null&&function(Xe){return typeof Xe=="number"&&Xe>-1&&Xe%1==0&&Xe<=9007199254740991}($t.length)&&!function(Xe){var xe=function(Tn){var Rt=typeof Tn;return!!Tn&&(Rt=="object"||Rt=="function")}(Xe)?Z.call(Xe):"";return xe=="[object Function]"||xe=="[object GeneratorFunction]"}($t)}(gt)}(Ze)&&X.call(Ze,"callee")&&(!re.call(Ze,"callee")||Z.call(Ze)=="[object Arguments]")}(Ue)||!!(ve&&Ue&&Ue[ve])}var oe=Array.isArray,me,De,Le,rt=(De=function(Ue){var Ze=(Ue=function $t(Xe,xe,Tn,Rt,mt){var en=-1,st=Xe.length;for(Tn||(Tn=ge),mt||(mt=[]);++en<st;){var Fe=Xe[en];xe>0&&Tn(Fe)?xe>1?$t(Fe,xe-1,Tn,Rt,mt):U(mt,Fe):Rt||(mt[mt.length]=Fe)}return mt}(Ue,1)).length,gt=Ze;for(me;gt--;)if(typeof Ue[gt]!="function")throw new TypeError("Expected a function");return function(){for(var $t=0,Xe=Ze?Ue[$t].apply(this,arguments):arguments[0];++$t<Ze;)Xe=Ue[$t].call(this,Xe);return Xe}},Le=Se(Le===void 0?De.length-1:Le,0),function(){for(var Ue=arguments,Ze=-1,gt=Se(Ue.length-Le,0),$t=Array(gt);++Ze<gt;)$t[Ze]=Ue[Le+Ze];Ze=-1;for(var Xe=Array(Le+1);++Ze<Le;)Xe[Ze]=Ue[Ze];return Xe[Le]=$t,M(De,this,Xe)});w.exports=rt}).call(this,C(43))},function(w,_,C){Object.defineProperty(_,"__esModule",{value:!0}),_.yuv2rgb=function(k){var I,$,P,M=k[0],U=k[1],G=k[2];return I=1*M+0*U+1.13983*G,$=1*M+-.39465*U+-.5806*G,P=1*M+2.02311*U+0*G,I=Math.min(Math.max(0,I),1),$=Math.min(Math.max(0,$),1),P=Math.min(Math.max(0,P),1),[255*I,255*$,255*P]},_.rgb2yuv=function(k){var I=k[0]/255,$=k[1]/255,P=k[2]/255;return[.299*I+.587*$+.114*P,-.14713*I+-.28886*$+.436*P,.615*I+-.51499*$+-.10001*P]}},function(w,_,C){function k(P,M,U){return M in P?Object.defineProperty(P,M,{value:U,enumerable:!0,configurable:!0,writable:!0}):P[M]=U,P}var I=C(141),$=function(){function P(){k(this,"_callbacks",void 0),k(this,"_isDispatching",void 0),k(this,"_isHandled",void 0),k(this,"_isPending",void 0),k(this,"_lastID",void 0),k(this,"_pendingPayload",void 0),this._callbacks={},this._isDispatching=!1,this._isHandled={},this._isPending={},this._lastID=1}var M=P.prototype;return M.register=function(U){var G="ID_"+this._lastID++;return this._callbacks[G]=U,G},M.unregister=function(U){this._callbacks[U]||I(!1),delete this._callbacks[U]},M.waitFor=function(U){this._isDispatching||I(!1);for(var G=0;G<U.length;G++){var X=U[G];this._isPending[X]?this._isHandled[X]||I(!1):(this._callbacks[X]||I(!1),this._invokeCallback(X))}},M.dispatch=function(U){this._isDispatching&&I(!1),this._startDispatching(U);try{for(var G in this._callbacks)this._isPending[G]||this._invokeCallback(G)}finally{this._stopDispatching()}},M.isDispatching=function(){return this._isDispatching},M._invokeCallback=function(U){this._isPending[U]=!0,this._callbacks[U](this._pendingPayload),this._isHandled[U]=!0},M._startDispatching=function(U){for(var G in this._callbacks)this._isPending[G]=!1,this._isHandled[G]=!1;this._pendingPayload=U,this._isDispatching=!0},M._stopDispatching=function(){delete this._pendingPayload,this._isDispatching=!1},P}();w.exports=$},function(w,_,C){w.exports=function(k,I){for(var $=arguments.length,P=new Array($>2?$-2:0),M=2;M<$;M++)P[M-2]=arguments[M];if(!k){var U;if(I===void 0)U=new Error("Minified exception occurred; use the non-minified dev environment for the full error message and additional helpful warnings.");else{var G=0;(U=new Error(I.replace(/%s/g,function(){return String(P[G++])}))).name="Invariant Violation"}throw U.framesToPop=1,U}}},function(w,_,C){function k(dt,ht,qe){return ht in dt?Object.defineProperty(dt,ht,{value:qe,enumerable:!0,configurable:!0,writable:!0}):dt[ht]=qe,dt}function I(dt,ht){var qe=Object.keys(dt);if(Object.getOwnPropertySymbols){var it=Object.getOwnPropertySymbols(dt);ht&&(it=it.filter(function(pt){return Object.getOwnPropertyDescriptor(dt,pt).enumerable})),qe.push.apply(qe,it)}return qe}function $(dt){for(var ht=1;ht<arguments.length;ht++){var qe=arguments[ht]!=null?arguments[ht]:{};ht%2?I(Object(qe),!0).forEach(function(it){k(dt,it,qe[it])}):Object.getOwnPropertyDescriptors?Object.defineProperties(dt,Object.getOwnPropertyDescriptors(qe)):I(Object(qe)).forEach(function(it){Object.defineProperty(dt,it,Object.getOwnPropertyDescriptor(qe,it))})}return dt}function P(dt,ht){if(!(dt instanceof ht))throw new TypeError("Cannot call a class as a function")}function M(dt,ht){for(var qe=0;qe<ht.length;qe++){var it=ht[qe];it.enumerable=it.enumerable||!1,it.configurable=!0,"value"in it&&(it.writable=!0),Object.defineProperty(dt,it.key,it)}}function U(dt,ht,qe){return ht&&M(dt.prototype,ht),qe&&M(dt,qe),dt}function G(dt,ht){return(G=Object.setPrototypeOf||function(qe,it){return qe.__proto__=it,qe})(dt,ht)}function X(dt,ht){if(typeof ht!="function"&&ht!==null)throw new TypeError("Super expression must either be null or a function");dt.prototype=Object.create(ht&&ht.prototype,{constructor:{value:dt,writable:!0,configurable:!0}}),ht&&G(dt,ht)}function Z(dt){return(Z=Object.setPrototypeOf?Object.getPrototypeOf:function(ht){return ht.__proto__||Object.getPrototypeOf(ht)})(dt)}function ne(dt){return(ne=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(ht){return typeof ht}:function(ht){return ht&&typeof Symbol=="function"&&ht.constructor===Symbol&&ht!==Symbol.prototype?"symbol":typeof ht})(dt)}function re(dt){if(dt===void 0)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return dt}function ve(dt,ht){return!ht||ne(ht)!=="object"&&typeof ht!="function"?re(dt):ht}function Se(dt){var ht=function(){if(typeof Reflect>"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Date.prototype.toString.call(Reflect.construct(Date,[],function(){})),!0}catch{return!1}}();return function(){var qe,it=Z(dt);if(ht){var pt=Z(this).constructor;qe=Reflect.construct(it,arguments,pt)}else qe=it.apply(this,arguments);return ve(this,qe)}}C.r(_);var ge=C(0),oe=C.n(ge);function me(){var dt=this.constructor.getDerivedStateFromProps(this.props,this.state);dt!=null&&this.setState(dt)}function De(dt){this.setState(function(ht){var qe=this.constructor.getDerivedStateFromProps(dt,ht);return qe??null}.bind(this))}function Le(dt,ht){try{var qe=this.props,it=this.state;this.props=dt,this.state=ht,this.__reactInternalSnapshotFlag=!0,this.__reactInternalSnapshot=this.getSnapshotBeforeUpdate(qe,it)}finally{this.props=qe,this.state=it}}function rt(dt){var ht=dt.prototype;if(!ht||!ht.isReactComponent)throw new Error("Can only polyfill class components");if(typeof dt.getDerivedStateFromProps!="function"&&typeof ht.getSnapshotBeforeUpdate!="function")return dt;var qe=null,it=null,pt=null;if(typeof ht.componentWillMount=="function"?qe="componentWillMount":typeof ht.UNSAFE_componentWillMount=="function"&&(qe="UNSAFE_componentWillMount"),typeof ht.componentWillReceiveProps=="function"?it="componentWillReceiveProps":typeof ht.UNSAFE_componentWillReceiveProps=="function"&&(it="UNSAFE_componentWillReceiveProps"),typeof ht.componentWillUpdate=="function"?pt="componentWillUpdate":typeof ht.UNSAFE_componentWillUpdate=="function"&&(pt="UNSAFE_componentWillUpdate"),qe!==null||it!==null||pt!==null){var Sn=dt.displayName||dt.name,Hn=typeof dt.getDerivedStateFromProps=="function"?"getDerivedStateFromProps()":"getSnapshotBeforeUpdate()";throw Error(`Unsafe legacy lifecycles will not be called for components using new component APIs.
`+Sn+" uses "+Hn+" but also contains the following legacy lifecycles:"+(qe!==null?`
`+qe:"")+(it!==null?`
`+it:"")+(pt!==null?`
`+pt:"")+`
The above lifecycles should be removed. Learn more about this warning here:
https://fb.me/react-async-component-lifecycle-hooks`)}if(typeof dt.getDerivedStateFromProps=="function"&&(ht.componentWillMount=me,ht.componentWillReceiveProps=De),typeof ht.getSnapshotBeforeUpdate=="function"){if(typeof ht.componentDidUpdate!="function")throw new Error("Cannot polyfill getSnapshotBeforeUpdate() for components that do not define componentDidUpdate() on the prototype");ht.componentWillUpdate=Le;var Un=ht.componentDidUpdate;ht.componentDidUpdate=function(mn,wr,Ui){var To=this.__reactInternalSnapshotFlag?this.__reactInternalSnapshot:Ui;Un.call(this,mn,wr,To)}}return dt}function Ue(dt,ht){if(dt==null)return{};var qe,it,pt=function(Hn,Un){if(Hn==null)return{};var mn,wr,Ui={},To=Object.keys(Hn);for(wr=0;wr<To.length;wr++)mn=To[wr],Un.indexOf(mn)>=0||(Ui[mn]=Hn[mn]);return Ui}(dt,ht);if(Object.getOwnPropertySymbols){var Sn=Object.getOwnPropertySymbols(dt);for(it=0;it<Sn.length;it++)qe=Sn[it],ht.indexOf(qe)>=0||Object.prototype.propertyIsEnumerable.call(dt,qe)&&(pt[qe]=dt[qe])}return pt}function Ze(dt){var ht=function(qe){return{}.toString.call(qe).match(/\s([a-zA-Z]+)/)[1].toLowerCase()}(dt);return ht==="number"&&(ht=isNaN(dt)?"nan":(0|dt)!=dt?"float":"integer"),ht}me.__suppressDeprecationWarning=!0,De.__suppressDeprecationWarning=!0,Le.__suppressDeprecationWarning=!0;var gt={scheme:"rjv-default",author:"mac gainor",base00:"rgba(0, 0, 0, 0)",base01:"rgb(245, 245, 245)",base02:"rgb(235, 235, 235)",base03:"#93a1a1",base04:"rgba(0, 0, 0, 0.3)",base05:"#586e75",base06:"#073642",base07:"#002b36",base08:"#d33682",base09:"#cb4b16",base0A:"#dc322f",base0B:"#859900",base0C:"#6c71c4",base0D:"#586e75",base0E:"#2aa198",base0F:"#268bd2"},$t={scheme:"rjv-grey",author:"mac gainor",base00:"rgba(1, 1, 1, 0)",base01:"rgba(1, 1, 1, 0.1)",base02:"rgba(0, 0, 0, 0.2)",base03:"rgba(1, 1, 1, 0.3)",base04:"rgba(0, 0, 0, 0.4)",base05:"rgba(1, 1, 1, 0.5)",base06:"rgba(1, 1, 1, 0.6)",base07:"rgba(1, 1, 1, 0.7)",base08:"rgba(1, 1, 1, 0.8)",base09:"rgba(1, 1, 1, 0.8)",base0A:"rgba(1, 1, 1, 0.8)",base0B:"rgba(1, 1, 1, 0.8)",base0C:"rgba(1, 1, 1, 0.8)",base0D:"rgba(1, 1, 1, 0.8)",base0E:"rgba(1, 1, 1, 0.8)",base0F:"rgba(1, 1, 1, 0.8)"},Xe={white:"#fff",black:"#000",transparent:"rgba(1, 1, 1, 0)",globalFontFamily:"monospace",globalCursor:"default",indentBlockWidth:"5px",braceFontWeight:"bold",braceCursor:"pointer",ellipsisFontSize:"18px",ellipsisLineHeight:"10px",ellipsisCursor:"pointer",keyMargin:"0px 5px",keyLetterSpacing:"0.5px",keyFontStyle:"none",keyBorderRadius:"3px",keyColonWeight:"bold",keyVerticalAlign:"top",keyOpacity:"0.85",keyOpacityHover:"1",keyValPaddingTop:"3px",keyValPaddingBottom:"3px",keyValPaddingRight:"5px",keyValBorderLeft:"1px solid",keyValBorderHover:"2px solid",keyValPaddingHover:"3px 5px 3px 4px",pushedContentMarginLeft:"6px",variableValuePaddingRight:"6px",nullFontSize:"11px",nullFontWeight:"bold",nullPadding:"1px 2px",nullBorderRadius:"3px",nanFontSize:"11px",nanFontWeight:"bold",nanPadding:"1px 2px",nanBorderRadius:"3px",undefinedFontSize:"11px",undefinedFontWeight:"bold",undefinedPadding:"1px 2px",undefinedBorderRadius:"3px",dataTypeFontSize:"11px",dataTypeMarginRight:"4px",datatypeOpacity:"0.8",objectSizeBorderRadius:"3px",objectSizeFontStyle:"italic",objectSizeMargin:"0px 6px 0px 0px",clipboardCursor:"pointer",clipboardCheckMarginLeft:"-12px",metaDataPadding:"0px 0px 0px 10px",arrayGroupMetaPadding:"0px 0px 0px 4px",iconContainerWidth:"17px",tooltipPadding:"4px",editInputMinWidth:"130px",editInputBorderRadius:"2px",editInputPadding:"5px",editInputMarginRight:"4px",editInputFontFamily:"monospace",iconCursor:"pointer",iconFontSize:"15px",iconPaddingRight:"1px",dateValueMarginLeft:"2px",iconMarginRight:"3px",detectedRowPaddingTop:"3px",addKeyCoverBackground:"rgba(255, 255, 255, 0.3)",addKeyCoverPosition:"absolute",addKeyCoverPositionPx:"0px",addKeyModalWidth:"200px",addKeyModalMargin:"auto",addKeyModalPadding:"10px",addKeyModalRadius:"3px"},xe=C(45),Tn=function(dt){var ht=function(qe){return{backgroundColor:qe.base00,ellipsisColor:qe.base09,braceColor:qe.base07,expandedIcon:qe.base0D,collapsedIcon:qe.base0E,keyColor:qe.base07,arrayKeyColor:qe.base0C,objectSize:qe.base04,copyToClipboard:qe.base0F,copyToClipboardCheck:qe.base0D,objectBorder:qe.base02,dataTypes:{boolean:qe.base0E,date:qe.base0D,float:qe.base0B,function:qe.base0D,integer:qe.base0F,string:qe.base09,nan:qe.base08,null:qe.base0A,undefined:qe.base05,regexp:qe.base0A,background:qe.base02},editVariable:{editIcon:qe.base0E,cancelIcon:qe.base09,removeIcon:qe.base09,addIcon:qe.base0E,checkIcon:qe.base0E,background:qe.base01,color:qe.base0A,border:qe.base07},addKeyModal:{background:qe.base05,border:qe.base04,color:qe.base0A,labelColor:qe.base01},validationFailure:{background:qe.base09,iconColor:qe.base01,fontColor:qe.base01}}}(dt);return{"app-container":{fontFamily:Xe.globalFontFamily,cursor:Xe.globalCursor,backgroundColor:ht.backgroundColor,position:"relative"},ellipsis:{display:"inline-block",color:ht.ellipsisColor,fontSize:Xe.ellipsisFontSize,lineHeight:Xe.ellipsisLineHeight,cursor:Xe.ellipsisCursor},"brace-row":{display:"inline-block",cursor:"pointer"},brace:{display:"inline-block",cursor:Xe.braceCursor,fontWeight:Xe.braceFontWeight,color:ht.braceColor},"expanded-icon":{color:ht.expandedIcon},"collapsed-icon":{color:ht.collapsedIcon},colon:{display:"inline-block",margin:Xe.keyMargin,color:ht.keyColor,verticalAlign:"top"},objectKeyVal:function(qe,it){return{style:$({paddingTop:Xe.keyValPaddingTop,paddingRight:Xe.keyValPaddingRight,paddingBottom:Xe.keyValPaddingBottom,borderLeft:Xe.keyValBorderLeft+" "+ht.objectBorder,":hover":{paddingLeft:it.paddingLeft-1+"px",borderLeft:Xe.keyValBorderHover+" "+ht.objectBorder}},it)}},"object-key-val-no-border":{padding:Xe.keyValPadding},"pushed-content":{marginLeft:Xe.pushedContentMarginLeft},variableValue:function(qe,it){return{style:$({display:"inline-block",paddingRight:Xe.variableValuePaddingRight,position:"relative"},it)}},"object-name":{display:"inline-block",color:ht.keyColor,letterSpacing:Xe.keyLetterSpacing,fontStyle:Xe.keyFontStyle,verticalAlign:Xe.keyVerticalAlign,opacity:Xe.keyOpacity,":hover":{opacity:Xe.keyOpacityHover}},"array-key":{display:"inline-block",color:ht.arrayKeyColor,letterSpacing:Xe.keyLetterSpacing,fontStyle:Xe.keyFontStyle,verticalAlign:Xe.keyVerticalAlign,opacity:Xe.keyOpacity,":hover":{opacity:Xe.keyOpacityHover}},"object-size":{color:ht.objectSize,borderRadius:Xe.objectSizeBorderRadius,fontStyle:Xe.objectSizeFontStyle,margin:Xe.objectSizeMargin,cursor:"default"},"data-type-label":{fontSize:Xe.dataTypeFontSize,marginRight:Xe.dataTypeMarginRight,opacity:Xe.datatypeOpacity},boolean:{display:"inline-block",color:ht.dataTypes.boolean},date:{display:"inline-block",color:ht.dataTypes.date},"date-value":{marginLeft:Xe.dateValueMarginLeft},float:{display:"inline-block",color:ht.dataTypes.float},function:{display:"inline-block",color:ht.dataTypes.function,cursor:"pointer",whiteSpace:"pre-line"},"function-value":{fontStyle:"italic"},integer:{display:"inline-block",color:ht.dataTypes.integer},string:{display:"inline-block",color:ht.dataTypes.string},nan:{display:"inline-block",color:ht.dataTypes.nan,fontSize:Xe.nanFontSize,fontWeight:Xe.nanFontWeight,backgroundColor:ht.dataTypes.background,padding:Xe.nanPadding,borderRadius:Xe.nanBorderRadius},null:{display:"inline-block",color:ht.dataTypes.null,fontSize:Xe.nullFontSize,fontWeight:Xe.nullFontWeight,backgroundColor:ht.dataTypes.background,padding:Xe.nullPadding,borderRadius:Xe.nullBorderRadius},undefined:{display:"inline-block",color:ht.dataTypes.undefined,fontSize:Xe.undefinedFontSize,padding:Xe.undefinedPadding,borderRadius:Xe.undefinedBorderRadius,backgroundColor:ht.dataTypes.background},regexp:{display:"inline-block",color:ht.dataTypes.regexp},"copy-to-clipboard":{cursor:Xe.clipboardCursor},"copy-icon":{color:ht.copyToClipboard,fontSize:Xe.iconFontSize,marginRight:Xe.iconMarginRight,verticalAlign:"top"},"copy-icon-copied":{color:ht.copyToClipboardCheck,marginLeft:Xe.clipboardCheckMarginLeft},"array-group-meta-data":{display:"inline-block",padding:Xe.arrayGroupMetaPadding},"object-meta-data":{display:"inline-block",padding:Xe.metaDataPadding},"icon-container":{display:"inline-block",width:Xe.iconContainerWidth},tooltip:{padding:Xe.tooltipPadding},removeVarIcon:{verticalAlign:"top",display:"inline-block",color:ht.editVariable.removeIcon,cursor:Xe.iconCursor,fontSize:Xe.iconFontSize,marginRight:Xe.iconMarginRight},addVarIcon:{verticalAlign:"top",display:"inline-block",color:ht.editVariable.addIcon,cursor:Xe.iconCursor,fontSize:Xe.iconFontSize,marginRight:Xe.iconMarginRight},editVarIcon:{verticalAlign:"top",display:"inline-block",color:ht.editVariable.editIcon,cursor:Xe.iconCursor,fontSize:Xe.iconFontSize,marginRight:Xe.iconMarginRight},"edit-icon-container":{display:"inline-block",verticalAlign:"top"},"check-icon":{display:"inline-block",cursor:Xe.iconCursor,color:ht.editVariable.checkIcon,fontSize:Xe.iconFontSize,paddingRight:Xe.iconPaddingRight},"cancel-icon":{display:"inline-block",cursor:Xe.iconCursor,color:ht.editVariable.cancelIcon,fontSize:Xe.iconFontSize,paddingRight:Xe.iconPaddingRight},"edit-input":{display:"inline-block",minWidth:Xe.editInputMinWidth,borderRadius:Xe.editInputBorderRadius,backgroundColor:ht.editVariable.background,color:ht.editVariable.color,padding:Xe.editInputPadding,marginRight:Xe.editInputMarginRight,fontFamily:Xe.editInputFontFamily},"detected-row":{paddingTop:Xe.detectedRowPaddingTop},"key-modal-request":{position:Xe.addKeyCoverPosition,top:Xe.addKeyCoverPositionPx,left:Xe.addKeyCoverPositionPx,right:Xe.addKeyCoverPositionPx,bottom:Xe.addKeyCoverPositionPx,backgroundColor:Xe.addKeyCoverBackground},"key-modal":{width:Xe.addKeyModalWidth,backgroundColor:ht.addKeyModal.background,marginLeft:Xe.addKeyModalMargin,marginRight:Xe.addKeyModalMargin,padding:Xe.addKeyModalPadding,borderRadius:Xe.addKeyModalRadius,marginTop:"15px",position:"relative"},"key-modal-label":{color:ht.addKeyModal.labelColor,marginLeft:"2px",marginBottom:"5px",fontSize:"11px"},"key-modal-input-container":{overflow:"hidden"},"key-modal-input":{width:"100%",padding:"3px 6px",fontFamily:"monospace",color:ht.addKeyModal.color,border:"none",boxSizing:"border-box",borderRadius:"2px"},"key-modal-cancel":{backgroundColor:ht.editVariable.removeIcon,position:"absolute",top:"0px",right:"0px",borderRadius:"0px 3px 0px 3px",cursor:"pointer"},"key-modal-cancel-icon":{color:ht.addKeyModal.labelColor,fontSize:Xe.iconFontSize,transform:"rotate(45deg)"},"key-modal-submit":{color:ht.editVariable.addIcon,fontSize:Xe.iconFontSize,position:"absolute",right:"2px",top:"3px",cursor:"pointer"},"function-ellipsis":{display:"inline-block",color:ht.ellipsisColor,fontSize:Xe.ellipsisFontSize,lineHeight:Xe.ellipsisLineHeight,cursor:Xe.ellipsisCursor},"validation-failure":{float:"right",padding:"3px 6px",borderRadius:"2px",cursor:"pointer",color:ht.validationFailure.fontColor,backgroundColor:ht.validationFailure.background},"validation-failure-label":{marginRight:"6px"},"validation-failure-clear":{position:"relative",verticalAlign:"top",cursor:"pointer",color:ht.validationFailure.iconColor,fontSize:Xe.iconFontSize,transform:"rotate(45deg)"}}};function Rt(dt,ht,qe){return dt||console.error("theme has not been set"),function(it){var pt=gt;return it!==!1&&it!=="none"||(pt=$t),Object(xe.createStyling)(Tn,{defaultBase16:pt})(it)}(dt)(ht,qe)}var mt=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=(it.rjvId,it.type_name),Sn=it.displayDataTypes,Hn=it.theme;return Sn?oe.a.createElement("span",Object.assign({className:"data-type-label"},Rt(Hn,"data-type-label")),pt):null}}]),qe}(oe.a.PureComponent),en=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props;return oe.a.createElement("div",Rt(it.theme,"boolean"),oe.a.createElement(mt,Object.assign({type_name:"bool"},it)),it.value?"true":"false")}}]),qe}(oe.a.PureComponent),st=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props;return oe.a.createElement("div",Rt(it.theme,"date"),oe.a.createElement(mt,Object.assign({type_name:"date"},it)),oe.a.createElement("span",Object.assign({className:"date-value"},Rt(it.theme,"date-value")),it.value.toLocaleTimeString("en-us",{weekday:"short",year:"numeric",month:"short",day:"numeric",hour:"2-digit",minute:"2-digit"})))}}]),qe}(oe.a.PureComponent),Fe=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props;return oe.a.createElement("div",Rt(it.theme,"float"),oe.a.createElement(mt,Object.assign({type_name:"float"},it)),this.props.value)}}]),qe}(oe.a.PureComponent);function Re(dt,ht){(ht==null||ht>dt.length)&&(ht=dt.length);for(var qe=0,it=new Array(ht);qe<ht;qe++)it[qe]=dt[qe];return it}function Ae(dt,ht){if(dt){if(typeof dt=="string")return Re(dt,ht);var qe=Object.prototype.toString.call(dt).slice(8,-1);return qe==="Object"&&dt.constructor&&(qe=dt.constructor.name),qe==="Map"||qe==="Set"?Array.from(dt):qe==="Arguments"||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(qe)?Re(dt,ht):void 0}}function je(dt,ht){var qe;if(typeof Symbol>"u"||dt[Symbol.iterator]==null){if(Array.isArray(dt)||(qe=Ae(dt))||ht&&dt&&typeof dt.length=="number"){qe&&(dt=qe);var it=0,pt=function(){};return{s:pt,n:function(){return it>=dt.length?{done:!0}:{done:!1,value:dt[it++]}},e:function(mn){throw mn},f:pt}}throw new TypeError(`Invalid attempt to iterate non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}var Sn,Hn=!0,Un=!1;return{s:function(){qe=dt[Symbol.iterator]()},n:function(){var mn=qe.next();return Hn=mn.done,mn},e:function(mn){Un=!0,Sn=mn},f:function(){try{Hn||qe.return==null||qe.return()}finally{if(Un)throw Sn}}}}function Ge(dt){return function(ht){if(Array.isArray(ht))return Re(ht)}(dt)||function(ht){if(typeof Symbol<"u"&&Symbol.iterator in Object(ht))return Array.from(ht)}(dt)||Ae(dt)||function(){throw new TypeError(`Invalid attempt to spread non-iterable instance.
In order to be iterable, non-array objects must have a [Symbol.iterator]() method.`)}()}var Be=C(46),We=new(C(47)).Dispatcher,lt=new(function(dt){X(qe,dt);var ht=Se(qe);function qe(){var it;P(this,qe);for(var pt=arguments.length,Sn=new Array(pt),Hn=0;Hn<pt;Hn++)Sn[Hn]=arguments[Hn];return(it=ht.call.apply(ht,[this].concat(Sn))).objects={},it.set=function(Un,mn,wr,Ui){it.objects[Un]===void 0&&(it.objects[Un]={}),it.objects[Un][mn]===void 0&&(it.objects[Un][mn]={}),it.objects[Un][mn][wr]=Ui},it.get=function(Un,mn,wr,Ui){return it.objects[Un]===void 0||it.objects[Un][mn]===void 0||it.objects[Un][mn][wr]==null?Ui:it.objects[Un][mn][wr]},it.handleAction=function(Un){var mn=Un.rjvId,wr=Un.data;switch(Un.name){case"RESET":it.emit("reset-"+mn);break;case"VARIABLE_UPDATED":Un.data.updated_src=it.updateSrc(mn,wr),it.set(mn,"action","variable-update",$($({},wr),{},{type:"variable-edited"})),it.emit("variable-update-"+mn);break;case"VARIABLE_REMOVED":Un.data.updated_src=it.updateSrc(mn,wr),it.set(mn,"action","variable-update",$($({},wr),{},{type:"variable-removed"})),it.emit("variable-update-"+mn);break;case"VARIABLE_ADDED":Un.data.updated_src=it.updateSrc(mn,wr),it.set(mn,"action","variable-update",$($({},wr),{},{type:"variable-added"})),it.emit("variable-update-"+mn);break;case"ADD_VARIABLE_KEY_REQUEST":it.set(mn,"action","new-key-request",wr),it.emit("add-key-request-"+mn)}},it.updateSrc=function(Un,mn){var wr=mn.name,Ui=mn.namespace,To=mn.new_value,$s=(mn.existing_value,mn.variable_removed);Ui.shift();var Ia,Vo=it.get(Un,"global","src"),qs=it.deepCopy(Vo,Ge(Ui)),ou=qs,rs=je(Ui);try{for(rs.s();!(Ia=rs.n()).done;)ou=ou[Ia.value]}catch(Da){rs.e(Da)}finally{rs.f()}return $s?Ze(ou)=="array"?ou.splice(wr,1):delete ou[wr]:wr!==null?ou[wr]=To:qs=To,it.set(Un,"global","src",qs),qs},it.deepCopy=function(Un,mn){var wr,Ui=Ze(Un),To=mn.shift();return Ui=="array"?wr=Ge(Un):Ui=="object"&&(wr=$({},Un)),To!==void 0&&(wr[To]=it.deepCopy(Un[To],mn)),wr},it}return qe}(Be.EventEmitter));We.register(lt.handleAction.bind(lt));var Tt=lt,Je=function(dt){X(qe,dt);var ht=Se(qe);function qe(it){var pt;return P(this,qe),(pt=ht.call(this,it)).toggleCollapsed=function(){pt.setState({collapsed:!pt.state.collapsed},function(){Tt.set(pt.props.rjvId,pt.props.namespace,"collapsed",pt.state.collapsed)})},pt.getFunctionDisplay=function(Sn){var Hn=re(pt).props;return Sn?oe.a.createElement("span",null,pt.props.value.toString().slice(9,-1).replace(/\{[\s\S]+/,""),oe.a.createElement("span",{className:"function-collapsed",style:{fontWeight:"bold"}},oe.a.createElement("span",null,"{"),oe.a.createElement("span",Rt(Hn.theme,"ellipsis"),"..."),oe.a.createElement("span",null,"}"))):pt.props.value.toString().slice(9,-1)},pt.state={collapsed:Tt.get(it.rjvId,it.namespace,"collapsed",!0)},pt}return U(qe,[{key:"render",value:function(){var it=this.props,pt=this.state.collapsed;return oe.a.createElement("div",Rt(it.theme,"function"),oe.a.createElement(mt,Object.assign({type_name:"function"},it)),oe.a.createElement("span",Object.assign({},Rt(it.theme,"function-value"),{className:"rjv-function-container",onClick:this.toggleCollapsed}),this.getFunctionDisplay(pt)))}}]),qe}(oe.a.PureComponent),qt=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){return oe.a.createElement("div",Rt(this.props.theme,"nan"),"NaN")}}]),qe}(oe.a.PureComponent),Pt=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){return oe.a.createElement("div",Rt(this.props.theme,"null"),"NULL")}}]),qe}(oe.a.PureComponent),_t=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props;return oe.a.createElement("div",Rt(it.theme,"integer"),oe.a.createElement(mt,Object.assign({type_name:"int"},it)),this.props.value)}}]),qe}(oe.a.PureComponent),lr=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props;return oe.a.createElement("div",Rt(it.theme,"regexp"),oe.a.createElement(mt,Object.assign({type_name:"regexp"},it)),this.props.value.toString())}}]),qe}(oe.a.PureComponent),jn=function(dt){X(qe,dt);var ht=Se(qe);function qe(it){var pt;return P(this,qe),(pt=ht.call(this,it)).toggleCollapsed=function(){pt.setState({collapsed:!pt.state.collapsed},function(){Tt.set(pt.props.rjvId,pt.props.namespace,"collapsed",pt.state.collapsed)})},pt.state={collapsed:Tt.get(it.rjvId,it.namespace,"collapsed",!0)},pt}return U(qe,[{key:"render",value:function(){this.state.collapsed;var it=this.props,pt=it.collapseStringsAfterLength,Sn=it.theme,Hn=it.value,Un={style:{cursor:"default"}};return Ze(pt)==="integer"&&Hn.length>pt&&(Un.style.cursor="pointer",this.state.collapsed&&(Hn=oe.a.createElement("span",null,Hn.substring(0,pt),oe.a.createElement("span",Rt(Sn,"ellipsis")," ...")))),oe.a.createElement("div",Rt(Sn,"string"),oe.a.createElement(mt,Object.assign({type_name:"string"},it)),oe.a.createElement("span",Object.assign({className:"string-value"},Un,{onClick:this.toggleCollapsed}),'"',Hn,'"'))}}]),qe}(oe.a.PureComponent),ii=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){return oe.a.createElement("div",Rt(this.props.theme,"undefined"),"undefined")}}]),qe}(oe.a.PureComponent);function Zi(){return(Zi=Object.assign||function(dt){for(var ht=1;ht<arguments.length;ht++){var qe=arguments[ht];for(var it in qe)Object.prototype.hasOwnProperty.call(qe,it)&&(dt[it]=qe[it])}return dt}).apply(this,arguments)}var No=ge.useLayoutEffect,Is=function(dt){var ht=Object(ge.useRef)(dt);return No(function(){ht.current=dt}),ht},Ca=function(dt,ht){typeof dt!="function"?dt.current=ht:dt(ht)},Xs=function(dt,ht){var qe=Object(ge.useRef)();return Object(ge.useCallback)(function(it){dt.current=it,qe.current&&Ca(qe.current,null),qe.current=ht,ht&&Ca(ht,it)},[ht])},Io={"min-height":"0","max-height":"none",height:"0",visibility:"hidden",overflow:"hidden",position:"absolute","z-index":"-1000",top:"0",right:"0"},pi=function(dt){Object.keys(Io).forEach(function(ht){dt.style.setProperty(ht,Io[ht],"important")})},Es=null,$u=function(){},ir=["borderBottomWidth","borderLeftWidth","borderRightWidth","borderTopWidth","boxSizing","fontFamily","fontSize","fontStyle","fontWeight","letterSpacing","lineHeight","paddingBottom","paddingLeft","paddingRight","paddingTop","tabSize","textIndent","textRendering","textTransform","width"],rn=!!document.documentElement.currentStyle,sn=function(dt,ht){var qe=dt.cacheMeasurements,it=dt.maxRows,pt=dt.minRows,Sn=dt.onChange,Hn=Sn===void 0?$u:Sn,Un=dt.onHeightChange,mn=Un===void 0?$u:Un,wr=function(rs,Da){if(rs==null)return{};var Ol,uf,Nd={},gc=Object.keys(rs);for(uf=0;uf<gc.length;uf++)Ol=gc[uf],Da.indexOf(Ol)>=0||(Nd[Ol]=rs[Ol]);return Nd}(dt,["cacheMeasurements","maxRows","minRows","onChange","onHeightChange"]),Ui,To=wr.value!==void 0,$s=Object(ge.useRef)(null),Ia=Xs($s,ht),Vo=Object(ge.useRef)(0),qs=Object(ge.useRef)(),ou=function(){var rs=$s.current,Da=qe&&qs.current?qs.current:function(gc){var Nf=window.getComputedStyle(gc);if(Nf===null)return null;var jc,Ka=(jc=Nf,ir.reduce(function(wi,cf){return wi[cf]=jc[cf],wi},{})),Wc=Ka.boxSizing;return Wc===""?null:(rn&&Wc==="border-box"&&(Ka.width=parseFloat(Ka.width)+parseFloat(Ka.borderRightWidth)+parseFloat(Ka.borderLeftWidth)+parseFloat(Ka.paddingRight)+parseFloat(Ka.paddingLeft)+"px"),{sizingStyle:Ka,paddingSize:parseFloat(Ka.paddingBottom)+parseFloat(Ka.paddingTop),borderSize:parseFloat(Ka.borderBottomWidth)+parseFloat(Ka.borderTopWidth)})}(rs);if(Da){qs.current=Da;var Ol=function(gc,Nf,jc,Ka){jc===void 0&&(jc=1),Ka===void 0&&(Ka=1/0),Es||((Es=document.createElement("textarea")).setAttribute("tab-index","-1"),Es.setAttribute("aria-hidden","true"),pi(Es)),Es.parentNode===null&&document.body.appendChild(Es);var Wc=gc.paddingSize,wi=gc.borderSize,cf=gc.sizingStyle,Mc=cf.boxSizing;Object.keys(cf).forEach(function(Eu){var Yu=Eu;Es.style[Yu]=cf[Yu]}),pi(Es),Es.value=Nf;var Lf=function(Eu,Yu){var eg=Eu.scrollHeight;return Yu.sizingStyle.boxSizing==="border-box"?eg+Yu.borderSize:eg-Yu.paddingSize}(Es,gc);Es.value="x";var vd=Es.scrollHeight-Wc,wd=vd*jc;Mc==="border-box"&&(wd=wd+Wc+wi),Lf=Math.max(wd,Lf);var Gc=vd*Ka;return Mc==="border-box"&&(Gc=Gc+Wc+wi),[Lf=Math.min(Gc,Lf),vd]}(Da,rs.value||rs.placeholder||"x",pt,it),uf=Ol[0],Nd=Ol[1];Vo.current!==uf&&(Vo.current=uf,rs.style.setProperty("height",uf+"px","important"),mn(uf,{rowHeight:Nd}))}};return Object(ge.useLayoutEffect)(ou),Ui=Is(ou),Object(ge.useLayoutEffect)(function(){var rs=function(Da){Ui.current(Da)};return window.addEventListener("resize",rs),function(){window.removeEventListener("resize",rs)}},[]),Object(ge.createElement)("textarea",Zi({},wr,{onChange:function(rs){To||ou(),Hn(rs)},ref:Ia}))},Zn=Object(ge.forwardRef)(sn);function oi(dt){dt=dt.trim();try{if((dt=JSON.stringify(JSON.parse(dt)))[0]==="[")return li("array",JSON.parse(dt));if(dt[0]==="{")return li("object",JSON.parse(dt));if(dt.match(/\-?\d+\.\d+/)&&dt.match(/\-?\d+\.\d+/)[0]===dt)return li("float",parseFloat(dt));if(dt.match(/\-?\d+e-\d+/)&&dt.match(/\-?\d+e-\d+/)[0]===dt)return li("float",Number(dt));if(dt.match(/\-?\d+/)&&dt.match(/\-?\d+/)[0]===dt)return li("integer",parseInt(dt));if(dt.match(/\-?\d+e\+\d+/)&&dt.match(/\-?\d+e\+\d+/)[0]===dt)return li("integer",Number(dt))}catch{}switch(dt=dt.toLowerCase()){case"undefined":return li("undefined",void 0);case"nan":return li("nan",NaN);case"null":return li("null",null);case"true":return li("boolean",!0);case"false":return li("boolean",!1);default:if(dt=Date.parse(dt))return li("date",new Date(dt))}return li(!1,null)}function li(dt,ht){return{type:dt,value:ht}}var ur=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",Object.assign({},yo(pt),{viewBox:"0 0 24 24",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),oe.a.createElement("path",{d:"M12,20C7.59,20 4,16.41 4,12C4,7.59 7.59,4 12,4C16.41,4 20,7.59 20,12C20,16.41 16.41,20 12,20M12,2A10,10 0 0,0 2,12A10,10 0 0,0 12,22A10,10 0 0,0 22,12A10,10 0 0,0 12,2M7,13H17V11H7"})))}}]),qe}(oe.a.PureComponent),Sr=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",Object.assign({},yo(pt),{viewBox:"0 0 24 24",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),oe.a.createElement("path",{d:"M12,20C7.59,20 4,16.41 4,12C4,7.59 7.59,4 12,4C16.41,4 20,7.59 20,12C20,16.41 16.41,20 12,20M12,2A10,10 0 0,0 2,12A10,10 0 0,0 12,22A10,10 0 0,0 22,12A10,10 0 0,0 12,2M13,7H11V11H7V13H11V17H13V13H17V11H13V7Z"})))}}]),qe}(oe.a.PureComponent),ki=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]),Hn=yo(pt).style;return oe.a.createElement("span",Sn,oe.a.createElement("svg",{fill:Hn.color,width:Hn.height,height:Hn.width,style:Hn,viewBox:"0 0 1792 1792"},oe.a.createElement("path",{d:"M1344 800v64q0 14-9 23t-23 9h-832q-14 0-23-9t-9-23v-64q0-14 9-23t23-9h832q14 0 23 9t9 23zm128 448v-832q0-66-47-113t-113-47h-832q-66 0-113 47t-47 113v832q0 66 47 113t113 47h832q66 0 113-47t47-113zm128-832v832q0 119-84.5 203.5t-203.5 84.5h-832q-119 0-203.5-84.5t-84.5-203.5v-832q0-119 84.5-203.5t203.5-84.5h832q119 0 203.5 84.5t84.5 203.5z"})))}}]),qe}(oe.a.PureComponent),co=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]),Hn=yo(pt).style;return oe.a.createElement("span",Sn,oe.a.createElement("svg",{fill:Hn.color,width:Hn.height,height:Hn.width,style:Hn,viewBox:"0 0 1792 1792"},oe.a.createElement("path",{d:"M1344 800v64q0 14-9 23t-23 9h-352v352q0 14-9 23t-23 9h-64q-14 0-23-9t-9-23v-352h-352q-14 0-23-9t-9-23v-64q0-14 9-23t23-9h352v-352q0-14 9-23t23-9h64q14 0 23 9t9 23v352h352q14 0 23 9t9 23zm128 448v-832q0-66-47-113t-113-47h-832q-66 0-113 47t-47 113v832q0 66 47 113t113 47h832q66 0 113-47t47-113zm128-832v832q0 119-84.5 203.5t-203.5 84.5h-832q-119 0-203.5-84.5t-84.5-203.5v-832q0-119 84.5-203.5t203.5-84.5h832q119 0 203.5 84.5t84.5 203.5z"})))}}]),qe}(oe.a.PureComponent),xo=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",{style:$($({},yo(pt).style),{},{paddingLeft:"2px",verticalAlign:"top"}),viewBox:"0 0 15 15",fill:"currentColor"},oe.a.createElement("path",{d:"M0 14l6-6-6-6z"})))}}]),qe}(oe.a.PureComponent),Ho=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",{style:$($({},yo(pt).style),{},{paddingLeft:"2px",verticalAlign:"top"}),viewBox:"0 0 15 15",fill:"currentColor"},oe.a.createElement("path",{d:"M0 5l6 6 6-6z"})))}}]),qe}(oe.a.PureComponent),Co=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",Object.assign({},yo(pt),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),oe.a.createElement("g",null,oe.a.createElement("path",{d:"m30 35h-25v-22.5h25v7.5h2.5v-12.5c0-1.4-1.1-2.5-2.5-2.5h-7.5c0-2.8-2.2-5-5-5s-5 2.2-5 5h-7.5c-1.4 0-2.5 1.1-2.5 2.5v27.5c0 1.4 1.1 2.5 2.5 2.5h25c1.4 0 2.5-1.1 2.5-2.5v-5h-2.5v5z m-20-27.5h2.5s2.5-1.1 2.5-2.5 1.1-2.5 2.5-2.5 2.5 1.1 2.5 2.5 1.3 2.5 2.5 2.5h2.5s2.5 1.1 2.5 2.5h-20c0-1.5 1.1-2.5 2.5-2.5z m-2.5 20h5v-2.5h-5v2.5z m17.5-5v-5l-10 7.5 10 7.5v-5h12.5v-5h-12.5z m-17.5 10h7.5v-2.5h-7.5v2.5z m12.5-17.5h-12.5v2.5h12.5v-2.5z m-7.5 5h-5v2.5h5v-2.5z"}))))}}]),qe}(oe.a.PureComponent),ma=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",Object.assign({},yo(pt),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),oe.a.createElement("g",null,oe.a.createElement("path",{d:"m28.6 25q0-0.5-0.4-1l-4-4 4-4q0.4-0.5 0.4-1 0-0.6-0.4-1.1l-2-2q-0.4-0.4-1-0.4-0.6 0-1 0.4l-4.1 4.1-4-4.1q-0.4-0.4-1-0.4-0.6 0-1 0.4l-2 2q-0.5 0.5-0.5 1.1 0 0.5 0.5 1l4 4-4 4q-0.5 0.5-0.5 1 0 0.7 0.5 1.1l2 2q0.4 0.4 1 0.4 0.6 0 1-0.4l4-4.1 4.1 4.1q0.4 0.4 1 0.4 0.6 0 1-0.4l2-2q0.4-0.4 0.4-1z m8.7-5q0 4.7-2.3 8.6t-6.3 6.2-8.6 2.3-8.6-2.3-6.2-6.2-2.3-8.6 2.3-8.6 6.2-6.2 8.6-2.3 8.6 2.3 6.3 6.2 2.3 8.6z"}))))}}]),qe}(oe.a.PureComponent),Yi=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",Object.assign({},yo(pt),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),oe.a.createElement("g",null,oe.a.createElement("path",{d:"m30.1 21.4v-2.8q0-0.6-0.4-1t-1-0.5h-5.7v-5.7q0-0.6-0.4-1t-1-0.4h-2.9q-0.6 0-1 0.4t-0.4 1v5.7h-5.7q-0.6 0-1 0.5t-0.5 1v2.8q0 0.6 0.5 1t1 0.5h5.7v5.7q0 0.5 0.4 1t1 0.4h2.9q0.6 0 1-0.4t0.4-1v-5.7h5.7q0.6 0 1-0.5t0.4-1z m7.2-1.4q0 4.7-2.3 8.6t-6.3 6.2-8.6 2.3-8.6-2.3-6.2-6.2-2.3-8.6 2.3-8.6 6.2-6.2 8.6-2.3 8.6 2.3 6.3 6.2 2.3 8.6z"}))))}}]),qe}(oe.a.PureComponent),so=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",Object.assign({},yo(pt),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),oe.a.createElement("g",null,oe.a.createElement("path",{d:"m31.6 21.6h-10v10h-3.2v-10h-10v-3.2h10v-10h3.2v10h10v3.2z"}))))}}]),qe}(oe.a.PureComponent),hs=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",Object.assign({},yo(pt),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),oe.a.createElement("g",null,oe.a.createElement("path",{d:"m19.8 26.4l2.6-2.6-3.4-3.4-2.6 2.6v1.3h2.2v2.1h1.2z m9.8-16q-0.3-0.4-0.7 0l-7.8 7.8q-0.4 0.4 0 0.7t0.7 0l7.8-7.8q0.4-0.4 0-0.7z m1.8 13.2v4.3q0 2.6-1.9 4.5t-4.5 1.9h-18.6q-2.6 0-4.5-1.9t-1.9-4.5v-18.6q0-2.7 1.9-4.6t4.5-1.8h18.6q1.4 0 2.6 0.5 0.3 0.2 0.4 0.5 0.1 0.4-0.2 0.7l-1.1 1.1q-0.3 0.3-0.7 0.1-0.5-0.1-1-0.1h-18.6q-1.4 0-2.5 1.1t-1 2.5v18.6q0 1.4 1 2.5t2.5 1h18.6q1.5 0 2.5-1t1.1-2.5v-2.9q0-0.2 0.2-0.4l1.4-1.5q0.3-0.3 0.8-0.1t0.4 0.6z m-2.1-16.5l6.4 6.5-15 15h-6.4v-6.5z m9.9 3l-2.1 2-6.4-6.4 2.1-2q0.6-0.7 1.5-0.7t1.5 0.7l3.4 3.4q0.6 0.6 0.6 1.5t-0.6 1.5z"}))))}}]),qe}(oe.a.PureComponent),Qs=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.style,Sn=Ue(it,["style"]);return oe.a.createElement("span",Sn,oe.a.createElement("svg",Object.assign({},yo(pt),{viewBox:"0 0 40 40",fill:"currentColor",preserveAspectRatio:"xMidYMid meet"}),oe.a.createElement("g",null,oe.a.createElement("path",{d:"m31.7 16.4q0-0.6-0.4-1l-2.1-2.1q-0.4-0.4-1-0.4t-1 0.4l-9.1 9.1-5-5q-0.5-0.4-1-0.4t-1 0.4l-2.1 2q-0.4 0.4-0.4 1 0 0.6 0.4 1l8.1 8.1q0.4 0.4 1 0.4 0.6 0 1-0.4l12.2-12.1q0.4-0.4 0.4-1z m5.6 3.6q0 4.7-2.3 8.6t-6.3 6.2-8.6 2.3-8.6-2.3-6.2-6.2-2.3-8.6 2.3-8.6 6.2-6.2 8.6-2.3 8.6 2.3 6.3 6.2 2.3 8.6z"}))))}}]),qe}(oe.a.PureComponent);function yo(dt){return dt||(dt={}),{style:$($({verticalAlign:"middle"},dt),{},{color:dt.color?dt.color:"#000000",height:"1em",width:"1em"})}}var ru=function(dt){X(qe,dt);var ht=Se(qe);function qe(it){var pt;return P(this,qe),(pt=ht.call(this,it)).copiedTimer=null,pt.handleCopy=function(){var Sn=document.createElement("textarea"),Hn=pt.props,Un=Hn.clickCallback,mn=Hn.src,wr=Hn.namespace;Sn.innerHTML=JSON.stringify(pt.clipboardValue(mn),null," "),document.body.appendChild(Sn),Sn.select(),document.execCommand("copy"),document.body.removeChild(Sn),pt.copiedTimer=setTimeout(function(){pt.setState({copied:!1})},5500),pt.setState({copied:!0},function(){typeof Un=="function"&&Un({src:mn,namespace:wr,name:wr[wr.length-1]})})},pt.getClippyIcon=function(){var Sn=pt.props.theme;return pt.state.copied?oe.a.createElement("span",null,oe.a.createElement(Co,Object.assign({className:"copy-icon"},Rt(Sn,"copy-icon"))),oe.a.createElement("span",Rt(Sn,"copy-icon-copied"),"✔")):oe.a.createElement(Co,Object.assign({className:"copy-icon"},Rt(Sn,"copy-icon")))},pt.clipboardValue=function(Sn){switch(Ze(Sn)){case"function":case"regexp":return Sn.toString();default:return Sn}},pt.state={copied:!1},pt}return U(qe,[{key:"componentWillUnmount",value:function(){this.copiedTimer&&(clearTimeout(this.copiedTimer),this.copiedTimer=null)}},{key:"render",value:function(){var it=this.props,pt=(it.src,it.theme),Sn=it.hidden,Hn=it.rowHovered,Un=Rt(pt,"copy-to-clipboard").style,mn="inline";return Sn&&(mn="none"),oe.a.createElement("span",{className:"copy-to-clipboard-container",title:"Copy to clipboard",style:{verticalAlign:"top",display:Hn?"inline-block":"none"}},oe.a.createElement("span",{style:$($({},Un),{},{display:mn}),onClick:this.handleCopy},this.getClippyIcon()))}}]),qe}(oe.a.PureComponent),iu=function(dt){X(qe,dt);var ht=Se(qe);function qe(it){var pt;return P(this,qe),(pt=ht.call(this,it)).getEditIcon=function(){var Sn=pt.props,Hn=Sn.variable,Un=Sn.theme;return oe.a.createElement("div",{className:"click-to-edit",style:{verticalAlign:"top",display:pt.state.hovered?"inline-block":"none"}},oe.a.createElement(hs,Object.assign({className:"click-to-edit-icon"},Rt(Un,"editVarIcon"),{onClick:function(){pt.prepopInput(Hn)}})))},pt.prepopInput=function(Sn){if(pt.props.onEdit!==!1){var Hn=function(mn){var wr;switch(Ze(mn)){case"undefined":wr="undefined";break;case"nan":wr="NaN";break;case"string":wr=mn;break;case"date":case"function":case"regexp":wr=mn.toString();break;default:try{wr=JSON.stringify(mn,null," ")}catch{wr=""}}return wr}(Sn.value),Un=oi(Hn);pt.setState({editMode:!0,editValue:Hn,parsedInput:{type:Un.type,value:Un.value}})}},pt.getRemoveIcon=function(){var Sn=pt.props,Hn=Sn.variable,Un=Sn.namespace,mn=Sn.theme,wr=Sn.rjvId;return oe.a.createElement("div",{className:"click-to-remove",style:{verticalAlign:"top",display:pt.state.hovered?"inline-block":"none"}},oe.a.createElement(ma,Object.assign({className:"click-to-remove-icon"},Rt(mn,"removeVarIcon"),{onClick:function(){We.dispatch({name:"VARIABLE_REMOVED",rjvId:wr,data:{name:Hn.name,namespace:Un,existing_value:Hn.value,variable_removed:!0}})}})))},pt.getValue=function(Sn,Hn){var Un=!Hn&&Sn.type,mn=re(pt).props;switch(Un){case!1:return pt.getEditInput();case"string":return oe.a.createElement(jn,Object.assign({value:Sn.value},mn));case"integer":return oe.a.createElement(_t,Object.assign({value:Sn.value},mn));case"float":return oe.a.createElement(Fe,Object.assign({value:Sn.value},mn));case"boolean":return oe.a.createElement(en,Object.assign({value:Sn.value},mn));case"function":return oe.a.createElement(Je,Object.assign({value:Sn.value},mn));case"null":return oe.a.createElement(Pt,mn);case"nan":return oe.a.createElement(qt,mn);case"undefined":return oe.a.createElement(ii,mn);case"date":return oe.a.createElement(st,Object.assign({value:Sn.value},mn));case"regexp":return oe.a.createElement(lr,Object.assign({value:Sn.value},mn));default:return oe.a.createElement("div",{className:"object-value"},JSON.stringify(Sn.value))}},pt.getEditInput=function(){var Sn=pt.props.theme,Hn=pt.state.editValue;return oe.a.createElement("div",null,oe.a.createElement(Zn,Object.assign({type:"text",inputRef:function(Un){return Un&&Un.focus()},value:Hn,className:"variable-editor",onChange:function(Un){var mn=Un.target.value,wr=oi(mn);pt.setState({editValue:mn,parsedInput:{type:wr.type,value:wr.value}})},onKeyDown:function(Un){switch(Un.key){case"Escape":pt.setState({editMode:!1,editValue:""});break;case"Enter":(Un.ctrlKey||Un.metaKey)&&pt.submitEdit(!0)}Un.stopPropagation()},placeholder:"update this value",minRows:2},Rt(Sn,"edit-input"))),oe.a.createElement("div",Rt(Sn,"edit-icon-container"),oe.a.createElement(ma,Object.assign({className:"edit-cancel"},Rt(Sn,"cancel-icon"),{onClick:function(){pt.setState({editMode:!1,editValue:""})}})),oe.a.createElement(Qs,Object.assign({className:"edit-check string-value"},Rt(Sn,"check-icon"),{onClick:function(){pt.submitEdit()}})),oe.a.createElement("div",null,pt.showDetected())))},pt.submitEdit=function(Sn){var Hn=pt.props,Un=Hn.variable,mn=Hn.namespace,wr=Hn.rjvId,Ui=pt.state,To=Ui.editValue,$s=Ui.parsedInput,Ia=To;Sn&&$s.type&&(Ia=$s.value),pt.setState({editMode:!1}),We.dispatch({name:"VARIABLE_UPDATED",rjvId:wr,data:{name:Un.name,namespace:mn,existing_value:Un.value,new_value:Ia,variable_removed:!1}})},pt.showDetected=function(){var Sn=pt.props,Hn=Sn.theme,Un=(Sn.variable,Sn.namespace,Sn.rjvId,pt.state.parsedInput),mn=(Un.type,Un.value,pt.getDetectedInput());if(mn)return oe.a.createElement("div",null,oe.a.createElement("div",Rt(Hn,"detected-row"),mn,oe.a.createElement(Qs,{className:"edit-check detected",style:$({verticalAlign:"top",paddingLeft:"3px"},Rt(Hn,"check-icon").style),onClick:function(){pt.submitEdit(!0)}})))},pt.getDetectedInput=function(){var Sn=pt.state.parsedInput,Hn=Sn.type,Un=Sn.value,mn=re(pt).props,wr=mn.theme;if(Hn!==!1)switch(Hn.toLowerCase()){case"object":return oe.a.createElement("span",null,oe.a.createElement("span",{style:$($({},Rt(wr,"brace").style),{},{cursor:"default"})},"{"),oe.a.createElement("span",{style:$($({},Rt(wr,"ellipsis").style),{},{cursor:"default"})},"..."),oe.a.createElement("span",{style:$($({},Rt(wr,"brace").style),{},{cursor:"default"})},"}"));case"array":return oe.a.createElement("span",null,oe.a.createElement("span",{style:$($({},Rt(wr,"brace").style),{},{cursor:"default"})},"["),oe.a.createElement("span",{style:$($({},Rt(wr,"ellipsis").style),{},{cursor:"default"})},"..."),oe.a.createElement("span",{style:$($({},Rt(wr,"brace").style),{},{cursor:"default"})},"]"));case"string":return oe.a.createElement(jn,Object.assign({value:Un},mn));case"integer":return oe.a.createElement(_t,Object.assign({value:Un},mn));case"float":return oe.a.createElement(Fe,Object.assign({value:Un},mn));case"boolean":return oe.a.createElement(en,Object.assign({value:Un},mn));case"function":return oe.a.createElement(Je,Object.assign({value:Un},mn));case"null":return oe.a.createElement(Pt,mn);case"nan":return oe.a.createElement(qt,mn);case"undefined":return oe.a.createElement(ii,mn);case"date":return oe.a.createElement(st,Object.assign({value:new Date(Un)},mn))}},pt.state={editMode:!1,editValue:"",hovered:!1,renameKey:!1,parsedInput:{type:!1,value:null}},pt}return U(qe,[{key:"render",value:function(){var it=this,pt=this.props,Sn=pt.variable,Hn=pt.singleIndent,Un=pt.type,mn=pt.theme,wr=pt.namespace,Ui=pt.indentWidth,To=pt.enableClipboard,$s=pt.onEdit,Ia=pt.onDelete,Vo=pt.onSelect,qs=pt.displayArrayKey,ou=pt.quotesOnKeys,rs=this.state.editMode;return oe.a.createElement("div",Object.assign({},Rt(mn,"objectKeyVal",{paddingLeft:Ui*Hn}),{onMouseEnter:function(){return it.setState($($({},it.state),{},{hovered:!0}))},onMouseLeave:function(){return it.setState($($({},it.state),{},{hovered:!1}))},className:"variable-row",key:Sn.name}),Un=="array"?qs?oe.a.createElement("span",Object.assign({},Rt(mn,"array-key"),{key:Sn.name+"_"+wr}),Sn.name,oe.a.createElement("div",Rt(mn,"colon"),":")):null:oe.a.createElement("span",null,oe.a.createElement("span",Object.assign({},Rt(mn,"object-name"),{className:"object-key",key:Sn.name+"_"+wr}),!!ou&&oe.a.createElement("span",{style:{verticalAlign:"top"}},'"'),oe.a.createElement("span",{style:{display:"inline-block"}},Sn.name),!!ou&&oe.a.createElement("span",{style:{verticalAlign:"top"}},'"')),oe.a.createElement("span",Rt(mn,"colon"),":")),oe.a.createElement("div",Object.assign({className:"variable-value",onClick:Vo===!1&&$s===!1?null:function(Da){var Ol=Ge(wr);(Da.ctrlKey||Da.metaKey)&&$s!==!1?it.prepopInput(Sn):Vo!==!1&&(Ol.shift(),Vo($($({},Sn),{},{namespace:Ol})))}},Rt(mn,"variableValue",{cursor:Vo===!1?"default":"pointer"})),this.getValue(Sn,rs)),To?oe.a.createElement(ru,{rowHovered:this.state.hovered,hidden:rs,src:Sn.value,clickCallback:To,theme:mn,namespace:[].concat(Ge(wr),[Sn.name])}):null,$s!==!1&&rs==0?this.getEditIcon():null,Ia!==!1&&rs==0?this.getRemoveIcon():null)}}]),qe}(oe.a.PureComponent),Pu=function(dt){X(qe,dt);var ht=Se(qe);function qe(){var it;P(this,qe);for(var pt=arguments.length,Sn=new Array(pt),Hn=0;Hn<pt;Hn++)Sn[Hn]=arguments[Hn];return(it=ht.call.apply(ht,[this].concat(Sn))).getObjectSize=function(){var Un=it.props,mn=Un.size,wr=Un.theme;if(Un.displayObjectSize)return oe.a.createElement("span",Object.assign({className:"object-size"},Rt(wr,"object-size")),mn," item",mn===1?"":"s")},it.getAddAttribute=function(Un){var mn=it.props,wr=mn.theme,Ui=mn.namespace,To=mn.name,$s=mn.src,Ia=mn.rjvId,Vo=mn.depth;return oe.a.createElement("span",{className:"click-to-add",style:{verticalAlign:"top",display:Un?"inline-block":"none"}},oe.a.createElement(Yi,Object.assign({className:"click-to-add-icon"},Rt(wr,"addVarIcon"),{onClick:function(){var qs={name:Vo>0?To:null,namespace:Ui.splice(0,Ui.length-1),existing_value:$s,variable_removed:!1,key_name:null};Ze($s)==="object"?We.dispatch({name:"ADD_VARIABLE_KEY_REQUEST",rjvId:Ia,data:qs}):We.dispatch({name:"VARIABLE_ADDED",rjvId:Ia,data:$($({},qs),{},{new_value:[].concat(Ge($s),[null])})})}})))},it.getRemoveObject=function(Un){var mn=it.props,wr=mn.theme,Ui=(mn.hover,mn.namespace),To=mn.name,$s=mn.src,Ia=mn.rjvId;if(Ui.length!==1)return oe.a.createElement("span",{className:"click-to-remove",style:{display:Un?"inline-block":"none"}},oe.a.createElement(ma,Object.assign({className:"click-to-remove-icon"},Rt(wr,"removeVarIcon"),{onClick:function(){We.dispatch({name:"VARIABLE_REMOVED",rjvId:Ia,data:{name:To,namespace:Ui.splice(0,Ui.length-1),existing_value:$s,variable_removed:!0}})}})))},it.render=function(){var Un=it.props,mn=Un.theme,wr=Un.onDelete,Ui=Un.onAdd,To=Un.enableClipboard,$s=Un.src,Ia=Un.namespace,Vo=Un.rowHovered;return oe.a.createElement("div",Object.assign({},Rt(mn,"object-meta-data"),{className:"object-meta-data",onClick:function(qs){qs.stopPropagation()}}),it.getObjectSize(),To?oe.a.createElement(ru,{rowHovered:Vo,clickCallback:To,src:$s,theme:mn,namespace:Ia}):null,Ui!==!1?it.getAddAttribute(Vo):null,wr!==!1?it.getRemoveObject(Vo):null)},it}return qe}(oe.a.PureComponent);function Js(dt){var ht=dt.parent_type,qe=dt.namespace,it=dt.quotesOnKeys,pt=dt.theme,Sn=dt.jsvRoot,Hn=dt.name,Un=dt.displayArrayKey,mn=dt.name?dt.name:"";return!Sn||Hn!==!1&&Hn!==null?ht=="array"?Un?oe.a.createElement("span",Object.assign({},Rt(pt,"array-key"),{key:qe}),oe.a.createElement("span",{className:"array-key"},mn),oe.a.createElement("span",Rt(pt,"colon"),":")):oe.a.createElement("span",null):oe.a.createElement("span",Object.assign({},Rt(pt,"object-name"),{key:qe}),oe.a.createElement("span",{className:"object-key"},it&&oe.a.createElement("span",{style:{verticalAlign:"top"}},'"'),oe.a.createElement("span",null,mn),it&&oe.a.createElement("span",{style:{verticalAlign:"top"}},'"')),oe.a.createElement("span",Rt(pt,"colon"),":")):oe.a.createElement("span",null)}function yu(dt){var ht=dt.theme;switch(dt.iconStyle){case"triangle":return oe.a.createElement(Ho,Object.assign({},Rt(ht,"expanded-icon"),{className:"expanded-icon"}));case"square":return oe.a.createElement(ki,Object.assign({},Rt(ht,"expanded-icon"),{className:"expanded-icon"}));default:return oe.a.createElement(ur,Object.assign({},Rt(ht,"expanded-icon"),{className:"expanded-icon"}))}}function za(dt){var ht=dt.theme;switch(dt.iconStyle){case"triangle":return oe.a.createElement(xo,Object.assign({},Rt(ht,"collapsed-icon"),{className:"collapsed-icon"}));case"square":return oe.a.createElement(co,Object.assign({},Rt(ht,"collapsed-icon"),{className:"collapsed-icon"}));default:return oe.a.createElement(Sr,Object.assign({},Rt(ht,"collapsed-icon"),{className:"collapsed-icon"}))}}var Rl=function(dt){X(qe,dt);var ht=Se(qe);function qe(it){var pt;return P(this,qe),(pt=ht.call(this,it)).toggleCollapsed=function(Sn){var Hn=[];for(var Un in pt.state.expanded)Hn.push(pt.state.expanded[Un]);Hn[Sn]=!Hn[Sn],pt.setState({expanded:Hn})},pt.state={expanded:[]},pt}return U(qe,[{key:"getExpandedIcon",value:function(it){var pt=this.props,Sn=pt.theme,Hn=pt.iconStyle;return this.state.expanded[it]?oe.a.createElement(yu,{theme:Sn,iconStyle:Hn}):oe.a.createElement(za,{theme:Sn,iconStyle:Hn})}},{key:"render",value:function(){var it=this,pt=this.props,Sn=pt.src,Hn=pt.groupArraysAfterLength,Un=(pt.depth,pt.name),mn=pt.theme,wr=pt.jsvRoot,Ui=pt.namespace,To=(pt.parent_type,Ue(pt,["src","groupArraysAfterLength","depth","name","theme","jsvRoot","namespace","parent_type"])),$s=0,Ia=5*this.props.indentWidth;wr||($s=5*this.props.indentWidth);var Vo=Hn,qs=Math.ceil(Sn.length/Vo);return oe.a.createElement("div",Object.assign({className:"object-key-val"},Rt(mn,wr?"jsv-root":"objectKeyVal",{paddingLeft:$s})),oe.a.createElement(Js,this.props),oe.a.createElement("span",null,oe.a.createElement(Pu,Object.assign({size:Sn.length},this.props))),Ge(Array(qs)).map(function(ou,rs){return oe.a.createElement("div",Object.assign({key:rs,className:"object-key-val array-group"},Rt(mn,"objectKeyVal",{marginLeft:6,paddingLeft:Ia})),oe.a.createElement("span",Rt(mn,"brace-row"),oe.a.createElement("div",Object.assign({className:"icon-container"},Rt(mn,"icon-container"),{onClick:function(Da){it.toggleCollapsed(rs)}}),it.getExpandedIcon(rs)),it.state.expanded[rs]?oe.a.createElement(Ri,Object.assign({key:Un+rs,depth:0,name:!1,collapsed:!1,groupArraysAfterLength:Vo,index_offset:rs*Vo,src:Sn.slice(rs*Vo,rs*Vo+Vo),namespace:Ui,type:"array",parent_type:"array_group",theme:mn},To)):oe.a.createElement("span",Object.assign({},Rt(mn,"brace"),{onClick:function(Da){it.toggleCollapsed(rs)},className:"array-group-brace"}),"[",oe.a.createElement("div",Object.assign({},Rt(mn,"array-group-meta-data"),{className:"array-group-meta-data"}),oe.a.createElement("span",Object.assign({className:"object-size"},Rt(mn,"object-size")),rs*Vo," - ",rs*Vo+Vo>Sn.length?Sn.length:rs*Vo+Vo)),"]")))}))}}]),qe}(oe.a.PureComponent),zt=function(dt){X(qe,dt);var ht=Se(qe);function qe(it){var pt;P(this,qe),(pt=ht.call(this,it)).toggleCollapsed=function(){pt.setState({expanded:!pt.state.expanded},function(){Tt.set(pt.props.rjvId,pt.props.namespace,"expanded",pt.state.expanded)})},pt.getObjectContent=function(Hn,Un,mn){return oe.a.createElement("div",{className:"pushed-content object-container"},oe.a.createElement("div",Object.assign({className:"object-content"},Rt(pt.props.theme,"pushed-content")),pt.renderObjectContents(Un,mn)))},pt.getEllipsis=function(){return pt.state.size===0?null:oe.a.createElement("div",Object.assign({},Rt(pt.props.theme,"ellipsis"),{className:"node-ellipsis",onClick:pt.toggleCollapsed}),"...")},pt.getObjectMetaData=function(Hn){var Un=pt.props,mn=(Un.rjvId,Un.theme,pt.state),wr=mn.size,Ui=mn.hovered;return oe.a.createElement(Pu,Object.assign({rowHovered:Ui,size:wr},pt.props))},pt.renderObjectContents=function(Hn,Un){var mn,wr=pt.props,Ui=wr.depth,To=wr.parent_type,$s=wr.index_offset,Ia=wr.groupArraysAfterLength,Vo=wr.namespace,qs=pt.state.object_type,ou=[],rs=Object.keys(Hn||{});return pt.props.sortKeys&&qs!=="array"&&(rs=rs.sort()),rs.forEach(function(Da){if(mn=new hr(Da,Hn[Da]),To==="array_group"&&$s&&(mn.name=parseInt(mn.name)+$s),Hn.hasOwnProperty(Da))if(mn.type==="object")ou.push(oe.a.createElement(Ri,Object.assign({key:mn.name,depth:Ui+1,name:mn.name,src:mn.value,namespace:Vo.concat(mn.name),parent_type:qs},Un)));else if(mn.type==="array"){var Ol=Ri;Ia&&mn.value.length>Ia&&(Ol=Rl),ou.push(oe.a.createElement(Ol,Object.assign({key:mn.name,depth:Ui+1,name:mn.name,src:mn.value,namespace:Vo.concat(mn.name),type:"array",parent_type:qs},Un)))}else ou.push(oe.a.createElement(iu,Object.assign({key:mn.name+"_"+Vo,variable:mn,singleIndent:5,namespace:Vo,type:pt.props.type},Un)))}),ou};var Sn=qe.getState(it);return pt.state=$($({},Sn),{},{prevProps:{}}),pt}return U(qe,[{key:"getBraceStart",value:function(it,pt){var Sn=this,Hn=this.props,Un=Hn.src,mn=Hn.theme,wr=Hn.iconStyle;if(Hn.parent_type==="array_group")return oe.a.createElement("span",null,oe.a.createElement("span",Rt(mn,"brace"),it==="array"?"[":"{"),pt?this.getObjectMetaData(Un):null);var Ui=pt?yu:za;return oe.a.createElement("span",null,oe.a.createElement("span",Object.assign({onClick:function(To){Sn.toggleCollapsed()}},Rt(mn,"brace-row")),oe.a.createElement("div",Object.assign({className:"icon-container"},Rt(mn,"icon-container")),oe.a.createElement(Ui,{theme:mn,iconStyle:wr})),oe.a.createElement(Js,this.props),oe.a.createElement("span",Rt(mn,"brace"),it==="array"?"[":"{")),pt?this.getObjectMetaData(Un):null)}},{key:"render",value:function(){var it=this,pt=this.props,Sn=pt.depth,Hn=pt.src,Un=(pt.namespace,pt.name,pt.type,pt.parent_type),mn=pt.theme,wr=pt.jsvRoot,Ui=pt.iconStyle,To=Ue(pt,["depth","src","namespace","name","type","parent_type","theme","jsvRoot","iconStyle"]),$s=this.state,Ia=$s.object_type,Vo=$s.expanded,qs={};return wr||Un==="array_group"?Un==="array_group"&&(qs.borderLeft=0,qs.display="inline"):qs.paddingLeft=5*this.props.indentWidth,oe.a.createElement("div",Object.assign({className:"object-key-val",onMouseEnter:function(){return it.setState($($({},it.state),{},{hovered:!0}))},onMouseLeave:function(){return it.setState($($({},it.state),{},{hovered:!1}))}},Rt(mn,wr?"jsv-root":"objectKeyVal",qs)),this.getBraceStart(Ia,Vo),Vo?this.getObjectContent(Sn,Hn,$({theme:mn,iconStyle:Ui},To)):this.getEllipsis(),oe.a.createElement("span",{className:"brace-row"},oe.a.createElement("span",{style:$($({},Rt(mn,"brace").style),{},{paddingLeft:Vo?"3px":"0px"})},Ia==="array"?"]":"}"),Vo?null:this.getObjectMetaData(Hn)))}}],[{key:"getDerivedStateFromProps",value:function(it,pt){var Sn=pt.prevProps;return it.src!==Sn.src||it.collapsed!==Sn.collapsed||it.name!==Sn.name||it.namespace!==Sn.namespace||it.rjvId!==Sn.rjvId?$($({},qe.getState(it)),{},{prevProps:it}):null}}]),qe}(oe.a.PureComponent);zt.getState=function(dt){var ht=Object.keys(dt.src).length,qe=(dt.collapsed===!1||dt.collapsed!==!0&&dt.collapsed>dt.depth)&&(!dt.shouldCollapse||dt.shouldCollapse({name:dt.name,src:dt.src,type:Ze(dt.src),namespace:dt.namespace})===!1)&&ht!==0;return{expanded:Tt.get(dt.rjvId,dt.namespace,"expanded",qe),object_type:dt.type==="array"?"array":"object",parent_type:dt.type==="array"?"array":"object",size:ht,hovered:!1}};var hr=function dt(ht,qe){P(this,dt),this.name=ht,this.value=qe,this.type=Ze(qe)};rt(zt);var Ri=zt,Do=function(dt){X(qe,dt);var ht=Se(qe);function qe(){var it;P(this,qe);for(var pt=arguments.length,Sn=new Array(pt),Hn=0;Hn<pt;Hn++)Sn[Hn]=arguments[Hn];return(it=ht.call.apply(ht,[this].concat(Sn))).render=function(){var Un=re(it).props,mn=[Un.name],wr=Ri;return Array.isArray(Un.src)&&Un.groupArraysAfterLength&&Un.src.length>Un.groupArraysAfterLength&&(wr=Rl),oe.a.createElement("div",{className:"pretty-json-container object-container"},oe.a.createElement("div",{className:"object-content"},oe.a.createElement(wr,Object.assign({namespace:mn,depth:0,jsvRoot:!0},Un))))},it}return qe}(oe.a.PureComponent),Ds=function(dt){X(qe,dt);var ht=Se(qe);function qe(it){var pt;return P(this,qe),(pt=ht.call(this,it)).closeModal=function(){We.dispatch({rjvId:pt.props.rjvId,name:"RESET"})},pt.submit=function(){pt.props.submit(pt.state.input)},pt.state={input:it.input?it.input:""},pt}return U(qe,[{key:"render",value:function(){var it=this,pt=this.props,Sn=pt.theme,Hn=pt.rjvId,Un=pt.isValid,mn=this.state.input,wr=Un(mn);return oe.a.createElement("div",Object.assign({className:"key-modal-request"},Rt(Sn,"key-modal-request"),{onClick:this.closeModal}),oe.a.createElement("div",Object.assign({},Rt(Sn,"key-modal"),{onClick:function(Ui){Ui.stopPropagation()}}),oe.a.createElement("div",Rt(Sn,"key-modal-label"),"Key Name:"),oe.a.createElement("div",{style:{position:"relative"}},oe.a.createElement("input",Object.assign({},Rt(Sn,"key-modal-input"),{className:"key-modal-input",ref:function(Ui){return Ui&&Ui.focus()},spellCheck:!1,value:mn,placeholder:"...",onChange:function(Ui){it.setState({input:Ui.target.value})},onKeyPress:function(Ui){wr&&Ui.key==="Enter"?it.submit():Ui.key==="Escape"&&it.closeModal()}})),wr?oe.a.createElement(Qs,Object.assign({},Rt(Sn,"key-modal-submit"),{className:"key-modal-submit",onClick:function(Ui){return it.submit()}})):null),oe.a.createElement("span",Rt(Sn,"key-modal-cancel"),oe.a.createElement(so,Object.assign({},Rt(Sn,"key-modal-cancel-icon"),{className:"key-modal-cancel",onClick:function(){We.dispatch({rjvId:Hn,name:"RESET"})}})))))}}]),qe}(oe.a.PureComponent),eo=function(dt){X(qe,dt);var ht=Se(qe);function qe(){var it;P(this,qe);for(var pt=arguments.length,Sn=new Array(pt),Hn=0;Hn<pt;Hn++)Sn[Hn]=arguments[Hn];return(it=ht.call.apply(ht,[this].concat(Sn))).isValid=function(Un){var mn=it.props.rjvId,wr=Tt.get(mn,"action","new-key-request");return Un!=""&&Object.keys(wr.existing_value).indexOf(Un)===-1},it.submit=function(Un){var mn=it.props.rjvId,wr=Tt.get(mn,"action","new-key-request");wr.new_value=$({},wr.existing_value),wr.new_value[Un]=it.props.defaultValue,We.dispatch({name:"VARIABLE_ADDED",rjvId:mn,data:wr})},it}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.active,Sn=it.theme,Hn=it.rjvId;return pt?oe.a.createElement(Ds,{rjvId:Hn,theme:Sn,isValid:this.isValid,submit:this.submit}):null}}]),qe}(oe.a.PureComponent),As=function(dt){X(qe,dt);var ht=Se(qe);function qe(){return P(this,qe),ht.apply(this,arguments)}return U(qe,[{key:"render",value:function(){var it=this.props,pt=it.message,Sn=it.active,Hn=it.theme,Un=it.rjvId;return Sn?oe.a.createElement("div",Object.assign({className:"validation-failure"},Rt(Hn,"validation-failure"),{onClick:function(){We.dispatch({rjvId:Un,name:"RESET"})}}),oe.a.createElement("span",Rt(Hn,"validation-failure-label"),pt),oe.a.createElement(so,Rt(Hn,"validation-failure-clear"))):null}}]),qe}(oe.a.PureComponent),ps=function(dt){X(qe,dt);var ht=Se(qe);function qe(it){var pt;return P(this,qe),(pt=ht.call(this,it)).rjvId=Date.now().toString(),pt.getListeners=function(){return{reset:pt.resetState,"variable-update":pt.updateSrc,"add-key-request":pt.addKeyRequest}},pt.updateSrc=function(){var Sn,Hn=Tt.get(pt.rjvId,"action","variable-update"),Un=Hn.name,mn=Hn.namespace,wr=Hn.new_value,Ui=Hn.existing_value,To=(Hn.variable_removed,Hn.updated_src),$s=Hn.type,Ia=pt.props,Vo=Ia.onEdit,qs=Ia.onDelete,ou=Ia.onAdd,rs={existing_src:pt.state.src,new_value:wr,updated_src:To,name:Un,namespace:mn,existing_value:Ui};switch($s){case"variable-added":Sn=ou(rs);break;case"variable-edited":Sn=Vo(rs);break;case"variable-removed":Sn=qs(rs)}Sn!==!1?(Tt.set(pt.rjvId,"global","src",To),pt.setState({src:To})):pt.setState({validationFailure:!0})},pt.addKeyRequest=function(){pt.setState({addKeyRequest:!0})},pt.resetState=function(){pt.setState({validationFailure:!1,addKeyRequest:!1})},pt.state={addKeyRequest:!1,editKeyRequest:!1,validationFailure:!1,src:qe.defaultProps.src,name:qe.defaultProps.name,theme:qe.defaultProps.theme,validationMessage:qe.defaultProps.validationMessage,prevSrc:qe.defaultProps.src,prevName:qe.defaultProps.name,prevTheme:qe.defaultProps.theme},pt}return U(qe,[{key:"componentDidMount",value:function(){Tt.set(this.rjvId,"global","src",this.state.src);var it=this.getListeners();for(var pt in it)Tt.on(pt+"-"+this.rjvId,it[pt]);this.setState({addKeyRequest:!1,editKeyRequest:!1})}},{key:"componentDidUpdate",value:function(it,pt){pt.addKeyRequest!==!1&&this.setState({addKeyRequest:!1}),pt.editKeyRequest!==!1&&this.setState({editKeyRequest:!1}),it.src!==this.state.src&&Tt.set(this.rjvId,"global","src",this.state.src)}},{key:"componentWillUnmount",value:function(){var it=this.getListeners();for(var pt in it)Tt.removeListener(pt+"-"+this.rjvId,it[pt])}},{key:"render",value:function(){var it=this.state,pt=it.validationFailure,Sn=it.validationMessage,Hn=it.addKeyRequest,Un=it.theme,mn=it.src,wr=it.name,Ui=this.props,To=Ui.style,$s=Ui.defaultValue;return oe.a.createElement("div",{className:"react-json-view",style:$($({},Rt(Un,"app-container").style),To)},oe.a.createElement(As,{message:Sn,active:pt,theme:Un,rjvId:this.rjvId}),oe.a.createElement(Do,Object.assign({},this.props,{src:mn,name:wr,theme:Un,type:Ze(mn),rjvId:this.rjvId})),oe.a.createElement(eo,{active:Hn,theme:Un,rjvId:this.rjvId,defaultValue:$s}))}}],[{key:"getDerivedStateFromProps",value:function(it,pt){if(it.src!==pt.prevSrc||it.name!==pt.prevName||it.theme!==pt.prevTheme){var Sn={src:it.src,name:it.name,theme:it.theme,validationMessage:it.validationMessage,prevSrc:it.src,prevName:it.name,prevTheme:it.theme};return qe.validateState(Sn)}return null}}]),qe}(oe.a.PureComponent);ps.defaultProps={src:{},name:"root",theme:"rjv-default",collapsed:!1,collapseStringsAfterLength:!1,shouldCollapse:!1,sortKeys:!1,quotesOnKeys:!0,groupArraysAfterLength:100,indentWidth:4,enableClipboard:!0,displayObjectSize:!0,displayDataTypes:!0,onEdit:!1,onDelete:!1,onAdd:!1,onSelect:!1,iconStyle:"triangle",style:{},validationMessage:"Validation Error",defaultValue:null,displayArrayKey:!0},ps.validateState=function(dt){var ht={};return Ze(dt.theme)!=="object"||function(qe){var it=["base00","base01","base02","base03","base04","base05","base06","base07","base08","base09","base0A","base0B","base0C","base0D","base0E","base0F"];if(Ze(qe)==="object"){for(var pt=0;pt<it.length;pt++)if(!(it[pt]in qe))return!1;return!0}return!1}(dt.theme)||(console.error("react-json-view error:","theme prop must be a theme name or valid base-16 theme object.",'defaulting to "rjv-default" theme'),ht.theme="rjv-default"),Ze(dt.src)!=="object"&&Ze(dt.src)!=="array"&&(console.error("react-json-view error:","src property must be a valid json object"),ht.name="ERROR",ht.src={message:"src property must be a valid json object"}),$($({},dt),ht)},rt(ps),_.default=ps}])})})(main$3);var mainExports$1=main$3.exports;const ReactJson=getDefaultExportFromCjs(mainExports$1),BulkTestDetailsTraceDetailViewer=()=>{const g=useCommonStyles(),b=useBulkTestDetailsSelectedTraceDetail(),m=useSetBulkTestDetailsSelectedTraceDetail(),w=useBulkTestDetailsTheme(),_=reactExports.useCallback(()=>{m(void 0)},[m]);return jsxRuntimeExports.jsx("div",{style:{position:"fixed",top:0,left:0,right:0,bottom:0,width:"100vw",height:"100vh",background:"rgba(0,0,0,0.5)",display:"flex",alignItems:"center",justifyContent:"center"},children:jsxRuntimeExports.jsxs("div",{style:{position:"relative",display:"flex",flexDirection:"column",padding:"20px",width:"90%",height:"90%",borderRadius:"15px",boxShadow:g.semanticColors.boxShadow,background:g.semanticColors.infoBackground,color:g.semanticColors.bodyText},children:[jsxRuntimeExports.jsx("h2",{children:"Details"}),b?jsxRuntimeExports.jsx(ReactJson,{style:{overflow:"auto",flex:1},src:b,name:!1,displayDataTypes:!1,theme:w===Theme$1.Dark?"monokai":"rjv-default"}):jsxRuntimeExports.jsx("h2",{children:"No trace detail selected"}),jsxRuntimeExports.jsxs(VSCodeButton,{appearance:"secondary",title:"close panel","aria-label":"close panel",style:{position:"absolute",top:"20px",right:"10px"},onClick:_,children:["Close",jsxRuntimeExports.jsx("svg",{xmlns:"http://www.w3.org/2000/svg",width:"16",height:"16",viewBox:"0 0 16 16",fill:"currentColor",children:jsxRuntimeExports.jsx("path",{fillRule:"evenodd",clipRule:"evenodd",d:"M8 8.707l3.646 3.647.708-.707L8.707 8l3.647-3.646-.707-.708L8 7.293 4.354 3.646l-.707.708L7.293 8l-3.646 3.646.707.708L8 8.707z"})})]})]})})},NUM_ROWS=24,ReactGridLayoutWithProvider=reactGridLayoutExports.WidthProvider(ReactGridLayout),defaultLayout=[{i:"grid",x:0,y:0,w:6,h:16,minW:3,minH:6,isDraggable:!1},{i:"value",x:0,y:6,w:6,h:8,minW:3,minH:6,maxW:12,maxH:24},{i:"dag",x:6,y:0,w:6,h:12,minW:3,minH:6,maxW:12,maxH:24},{i:"trace",x:6,y:6,w:6,h:12,minW:3,minH:6,maxW:12,maxH:24}],BulkTestDetailsViewInner=()=>{const g=useCommonStyles(),[b,m]=reactExports.useState(20),w=reactExports.useRef(null),[_,C]=reactExports.useState(defaultLayout),[k,I]=reactExports.useState(!1),$=useBulkTestDetailsSelectedTraceDetail(),P=useBulkTestDetailsIsDAGGraphMinimized(),M=useSetBulkTestDetailsIsDAGGraphMinimized(),U=reactExports.useCallback(()=>{M(!1),C(defaultLayout)},[M]);reactExports.useEffect(()=>{if(w.current){const ne=new ResizeObserver(re=>{for(const ve of re){const Se=ve.target.clientHeight;m(Math.floor(Se/NUM_ROWS))}});return ne.observe(w.current),()=>{ne.disconnect()}}},[]),reactExports.useEffect(()=>{I(!0);const ne=setTimeout(()=>{I(!1)},3e3);return()=>{clearTimeout(ne)}},[_]),reactExports.useEffect(()=>{C(ne=>ne.map(ve=>ve.i==="dag"?{...ve,h:P?1:12}:ve))},[P]);const G=reactExports.useMemo(()=>mergeStyles({display:"flex",flexDirection:"column",height:"100%",background:g.semanticColors.bodyBackground,color:g.semanticColors.bodyText}),[g.semanticColors.bodyBackground,g.semanticColors.bodyText]),X=reactExports.useMemo(()=>mergeStyles({flex:1,overflowY:"auto",overflowX:"hidden",".react-resizable-handle::after":{borderColor:`${g.semanticColors.bodyDivider} !important`}}),[g.semanticColors.bodyDivider]),Z=reactExports.useMemo(()=>mergeStyles({width:"100%",height:"100%",padding:"10px",boxSizing:"border-box",border:`1px solid ${g.semanticColors.bodyDivider}`}),[g.semanticColors.bodyDivider]);return jsxRuntimeExports.jsxs(jsxRuntimeExports.Fragment,{children:[jsxRuntimeExports.jsx("div",{className:G,style:$&&{filter:"blur(5px)"},children:jsxRuntimeExports.jsxs("div",{className:X,ref:w,children:[jsxRuntimeExports.jsxs(ReactGridLayoutWithProvider,{className:"layout",layout:_,cols:12,rowHeight:b,margin:[0,0],resizeHandles:["se","s","e","w","n"],draggableCancel:".non-draggable-area",onLayoutChange:C,children:[jsxRuntimeExports.jsx("div",{className:Z,children:jsxRuntimeExports.jsx(BulkTestDetailsDataGrid,{})},"grid"),jsxRuntimeExports.jsx("div",{className:Z,children:jsxRuntimeExports.jsx(BulkTestDetailsJsonTree,{})},"value"),jsxRuntimeExports.jsx("div",{className:Z,children:jsxRuntimeExports.jsx(BulkTestDetailsApiLogs,{})},"trace"),jsxRuntimeExports.jsx("div",{className:Z,children:jsxRuntimeExports.jsx(BulkTestDetailsDagGraphView,{})},"dag")]}),jsxRuntimeExports.jsx(BulkTestDetailsResetLayoutButton,{active:k,onClick:U})]})}),$&&jsxRuntimeExports.jsx(BulkTestDetailsTraceDetailViewer,{})]})},BulkTestDetailsView=({importData:g})=>{const b=useLoadBulkTestDetails(),m=useBulkTestDetailsTheme();useBulkTestDetailsMonitorTheme();const w=reactExports.useMemo(()=>({theme:m}),[m]);reactExports.useEffect(()=>{g&&b(g)},[g,b]);const _=reactExports.useMemo(()=>mergeStyles({height:"100%",maxHeight:"100%",width:"100%",overflow:"hidden"}),[]);return jsxRuntimeExports.jsx(ThemeProvider,{className:_,theme:w,children:jsxRuntimeExports.jsx(BulkTestDetailsViewInner,{})})},BulkTestDetails=({importData:g})=>{const b=createRegistry({name:"bulkTestDetails"}),m=reactExports.useCallback(w=>{w.register(FlowViewModelToken,{useValue:new BulkTestDetailsViewModel})},[]);return jsxRuntimeExports.jsx(b,{onInitialize:m,children:jsxRuntimeExports.jsx(BulkTestDetailsView,{importData:g})})},ErrorPage=({errorMessage:g})=>jsxRuntimeExports.jsx("div",{style:{color:"red"},children:g}),SvgStatusCancelled=g=>reactExports.createElement("svg",{xmlns:"http://www.w3.org/2000/svg",xmlnsXlink:"http://www.w3.org/1999/xlink",x:"0px",y:"0px",width:"16px",height:"16px",viewBox:"0 0 16 16",enableBackground:"new 0 0 16 16",xmlSpace:"preserve",...g},reactExports.createElement("circle",{fill:"#7A7A7A",cx:8,cy:8,r:8}),reactExports.createElement("path",{fill:"#FFFFFF",d:"M12.694,4.728l-1.422-1.422L8,6.578L4.728,3.306L3.306,4.728L6.578,8l-3.272,3.272l1.422,1.422L8,9.422 l3.272,3.272l1.422-1.422L9.422,8L12.694,4.728z"})),SvgStatusFailed=g=>reactExports.createElement("svg",{xmlns:"http://www.w3.org/2000/svg",width:16,height:16,viewBox:"0 0 16 16",...g},reactExports.createElement("circle",{cx:8,cy:8,r:8,fill:"#a4262c"}),reactExports.createElement("path",{d:"M12.694,4.728,11.272,3.306,8,6.578,4.728,3.306,3.306,4.728,6.578,8,3.306,11.272l1.422,1.422L8,9.422l3.272,3.272,1.422-1.422L9.422,8Z",fill:"#fff"})),SvgStatusNone=g=>reactExports.createElement("svg",{xmlns:"http://www.w3.org/2000/svg",xmlnsXlink:"http://www.w3.org/1999/xlink",x:"0px",y:"0px",width:"16px",height:"16px",viewBox:"0 0 16 16",enableBackground:"new 0 0 16 16",xmlSpace:"preserve",...g},reactExports.createElement("circle",{fill:"#7A7A7A",cx:8,cy:8,r:8})),SvgStatusPending=g=>reactExports.createElement("svg",{xmlns:"http://www.w3.org/2000/svg",xmlnsXlink:"http://www.w3.org/1999/xlink",x:"0px",y:"0px",width:"16px",height:"16px",viewBox:"0 0 16 16",enableBackground:"new 0 0 16 16",xmlSpace:"preserve",...g},reactExports.createElement("circle",{fill:"#015CDA",cx:8,cy:8,r:8}),reactExports.createElement("path",{fill:"#FFFFFF",d:"M7.821,3.184H7.767c-1.119,0-2.157,0.394-2.996,1.017L3.074,2.504v4.467H7.54L5.855,5.285 C6.417,4.85,7.11,4.617,7.821,4.624c1.676,0,3.066,1.179,3.358,2.72h1.474C12.296,4.951,10.24,3.181,7.821,3.184z M12.874,9.017 H8.461l0.022,0.012H8.461l1.633,1.633c-0.554,0.388-1.215,0.595-1.966,0.595c-1.512,0-2.799-1.022-3.239-2.4H3.343 c0.493,2.246,2.485,3.845,4.784,3.84H8.18c1.102,0,2.127-0.38,2.961-0.987l1.786,1.786V9.017H12.874z"})),SvgStatusRunning=g=>reactExports.createElement("svg",{xmlns:"http://www.w3.org/2000/svg",width:16,height:16,viewBox:"1 1 16 16",...g},reactExports.createElement("g",null,reactExports.createElement("g",null,reactExports.createElement("path",{d:"M9,17A8,8,0,1,0,1,9,8.024,8.024,0,0,0,9,17Z",fill:"#57a300"}),reactExports.createElement("path",{d:"M6.9,5.5v7c0,.1.1.1.2.1l5.6-3.5c.1,0,.1-.1,0-.2L7,5.4A.1.1,0,0,0,6.9,5.5Z",fill:"#fff"})))),SvgStatusSuccess=g=>reactExports.createElement("svg",{xmlns:"http://www.w3.org/2000/svg",x:"0px",y:"0px",width:"16px",height:"16px",viewBox:"0 0 16 16",...g},reactExports.createElement("circle",{fill:"#57A300",cx:8,cy:8,r:8}),reactExports.createElement("path",{fill:"#FFFFFF",d:"M3.553,8.291C3.479,8.212,3.441,8.108,3.445,8c0.004-0.109,0.05-0.209,0.13-0.284L4.41,6.944c0.076-0.069,0.173-0.107,0.274-0.107c0.112,0,0.22,0.047,0.296,0.129l2.136,2.292l3.807-4.875C11,4.284,11.116,4.226,11.242,4.226c0.09,0,0.175,0.029,0.247,0.084l0.906,0.699c0.173,0.128,0.21,0.377,0.08,0.554l-4.868,6.233c-0.189,0.242-0.55,0.258-0.76,0.033L3.553,8.291z"})),size=16,statusIcons={StatusCancelled:jsxRuntimeExports.jsx(SvgStatusCancelled,{width:size,height:size}),StatusSuccess:jsxRuntimeExports.jsx(SvgStatusSuccess,{width:size,height:size}),StatusPending:jsxRuntimeExports.jsx(SvgStatusPending,{width:size,height:size}),StatusFailed:jsxRuntimeExports.jsx(SvgStatusFailed,{width:size,height:size}),StatusNone:jsxRuntimeExports.jsx(SvgStatusNone,{width:size,height:size}),StatusRunning:jsxRuntimeExports.jsx(SvgStatusRunning,{width:size,height:size})};injectBasicCSS(),registerIcons({icons:{...statusIcons}}),initializeIcons();const importData=safelyParseJson(window.bulk_test_details_data),isImportDataValid=importData&&importData.detail.length>0&&importData.metadata.length>0;ReactDOM.render(isImportDataValid?jsxRuntimeExports.jsx(BulkTestDetails,{importData}):jsxRuntimeExports.jsx(ErrorPage,{errorMessage:"Without Import Data"}),document.getElementById("root"));var main$2={exports:{}},browser,hasRequiredBrowser;function requireBrowser(){return hasRequiredBrowser||(hasRequiredBrowser=1,browser=Worker),browser}var elkWorker_min={exports:{}},hasRequiredElkWorker_min;function requireElkWorker_min(){return hasRequiredElkWorker_min||(hasRequiredElkWorker_min=1,function(g,b){var m;typeof window<"u"?m=window:typeof commonjsGlobal<"u"?m=commonjsGlobal:typeof self<"u"&&(m=self);var w;function _(){}function C(){}function k(){}function I(){}function $(){}function P(){}function M(){}function U(){}function G(){}function X(){}function Z(){}function ne(){}function re(){}function ve(){}function Se(){}function ge(){}function oe(){}function me(){}function De(){}function Le(){}function rt(){}function Ue(){}function Ze(){}function gt(){}function $t(){}function Xe(){}function xe(){}function Tn(){}function Rt(){}function mt(){}function en(){}function st(){}function Fe(){}function Re(){}function Ae(){}function je(){}function Ge(){}function Be(){}function We(){}function lt(){}function Tt(){}function Je(){}function qt(){}function Pt(){}function _t(){}function lr(){}function jn(){}function ii(){}function Zi(){}function No(){}function Is(){}function Ca(){}function Xs(){}function Io(){}function pi(){}function Es(){}function $u(){}function ir(){}function rn(){}function sn(){}function Zn(){}function oi(){}function li(){}function ur(){}function Sr(){}function ki(){}function co(){}function xo(){}function Ho(){}function Co(){}function ma(){}function Yi(){}function so(){}function hs(){}function Qs(){}function yo(){}function ru(){}function iu(){}function Pu(){}function Js(){}function yu(){}function za(){}function Rl(){}function zt(){}function hr(){}function Ri(){}function Do(){}function Ds(){}function eo(){}function As(){}function ps(){}function dt(){}function ht(){}function qe(){}function it(){}function pt(){}function Sn(){}function Hn(){}function Un(){}function mn(){}function wr(){}function Ui(){}function To(){}function $s(){}function Ia(){}function Vo(){}function qs(){}function ou(){}function rs(){}function Da(){}function Ol(){}function uf(){}function Nd(){}function gc(){}function Nf(){}function jc(){}function Ka(){}function Wc(){}function wi(){}function cf(){}function Mc(){}function Lf(){}function vd(){}function wd(){}function Gc(){}function Eu(){}function Yu(){}function eg(){}function lf(){}function Il(){}function Ld(){}function _1(){}function up(){}function nh(){}function Kg(){}function Yg(){}function Xg(){}function Ve(){}function ut(){}function Mt(){}function An(){}function Xn(){}function Fi(){}function yi(){}function _i(){}function Oi(){}function lo(){}function va(){}function ac(){}function Zs(){}function fl(){}function sl(){}function wa(){}function Ha(){}function xt(){}function vn(){}function Ir(){}function fo(){}function Xu(){}function Ws(){}function al(){}function Dl(){}function _u(){}function Qu(){}function dl(){}function rh(){}function Kc(){}function Yc(){}function Bd(){}function S1(){}function ih(){}function Lp(){}function _w(){}function rd(){}function Hl(){}function vE(){}function oh(){}function v3(){}function i_(){}function tg(){}function Bb(){}function wE(){}function Nc(){}function Bm(){}function Bp(){}function zm(){}function sh(){}function G0(){}function TR(){}function $x(){}function kR(){}function K0(){}function Sw(){}function kI(){}function Px(){}function RR(){}function w3(){}function o_(){}function y3(){}function RI(){}function E3(){}function Fx(){}function OR(){}function xw(){}function cp(){}function jx(){}function yE(){}function IR(){}function DR(){}function _3(){}function s_(){}function OI(){}function AR(){}function $R(){}function Cw(){}function S3(){}function PR(){}function Hm(){}function FR(){}function Y0(){}function Mx(){}function jR(){}function Nx(){}function Qg(){}function x1(){}function ng(){}function zb(){}function II(){}function MR(){}function x3(){}function C3(){}function NR(){}function Tw(){}function En(){}function br(){}function er(){}function Bi(){}function fa(){}function Ju(){}function bc(){}function Xc(){}function kw(){}function LR(){}function C1(){}function Rw(){}function a_(){}function rg(){}function u_(){}function Um(){}function Bu(){}function Ow(){}function Vm(){}function Hb(){}function T3(){}function k3(){}function EE(){}function c_(){}function Ub(){}function Iw(){}function Qc(){}function Dw(){}function Lx(){}function Vb(){}function Aw(){}function l_(){}function qm(){}function qb(){}function Wm(){}function BR(){}function Bx(){}function R3(){}function _E(){}function Gm(){}function $w(){}function SE(){}function O3(){}function zx(){}function X0(){}function id(){}function Ul(){}function Hx(){}function Pw(){}function Jg(){}function Ux(){}function ah(){}function xE(){}function Km(){}function zd(){}function yd(){}function T1(){}function f_(){}function Q0(){}function Lc(){}function lp(){}function ia(){}function Ps(){}function J0(){}function Jc(){}function Bf(){}function Ym(){}function Ke(){}function ff(){}function k1(){}function uh(){}function Aa(){}function ig(){}function zR(){}function I3(){}function R1(){}function d_(){}function Zg(){}function h_(){}function HR(){}function Z0(){}function og(){}function UR(){}function Vx(){}function VR(){}function D3(){}function A3(){}function eb(){}function $3(){}function qR(){}function Wb(){}function qx(){}function p_(){}function ev(){}function ch(){}function CE(){}function O1(){}function Fw(){}function jw(){}function Hd(){}function Gb(){}function tv(){}function Ed(){}function Xm(){}function nv(){}function Kb(){}function TE(){}function rv(){}function iv(){}function P3(){}function Qm(){}function zp(){}function od(){}function g_(){}function ov(){}function df(){}function Jm(){}function F3(){}function Yb(){}function Mw(){}function tb(){}function Nw(){}function kE(){}function sv(){}function Lw(){}function b_(){}function sd(){}function Zm(){}function Bw(){}function Hp(){}function m_(){}function av(){}function e0(){}function uv(){}function Al(){}function zw(){}function v_(){}function Hw(){}function w_(){}function cv(){}function WR(){}function Uw(){}function Vl(){}function y_(){}function Xb(){}function I1(){}function Qb(){}function j3(){}function Wx(){}function t0(){}function E_(){}function __(){}function RE(){}function lv(){}function Jb(){}function OE(){}function ad(){}function Vw(){}function hl(){}function _d(){}function zf(){}function S_(){}function n0(){}function Fh(){}function r0(){}function Gx(){}function Dr(){}function hf(){}function Qa(){}function nb(){}function qw(){}function Ww(){}function $a(){}function M3(){}function IE(){}function Zb(){}function Kx(){}function i0(){}function DE(){}function Sd(){}function Yx(){}function fv(){}function x_(){}function C_(){}function sg(){}function gu(){}function dv(){}function kc(){}function Gw(){}function AE(){}function Kw(){}function o0(){}function Xx(){}function N3(){}function L3(){}function xd(){}function Up(){}function em(){}function T_(){}function B3(){}function hv(){}function AI(){}function z3(){}function GR(){}function Qx(){}function H3(){}function Ud(){}function s0(){}function U3(){}function Pa(){}function lh(){}function Ja(){}function Yw(){}function Jx(){}function Vp(){}function k_(){}function Xw(){}function KR(){}function Zx(){}function tm(){}function R_(){}function YR(){}function eC(){}function tC(){}function O_(){}function V3(){}function I_(){}function q3(){}function D_(){}function $I(){}function nC(){}function $E(){}function W3(){}function rC(){}function Zt(){}function G3(){}function D1(){}function PE(){}function K3(){}function Y3(){}function X3(){}function PI(){}function A_(){}function qp(){}function a0(){}function gs(){}function fh(){}function ql(){}function pf(){}function jo(){}function u0(){}function Hf(){}function pl(){}function Wp(){}function c0(){}function ag(){}function Uf(){}function $_(){}function P_(){}function pv(){}function FE(){}function ho(){}function F_(){}function jE(){}function nm(){}function jh(){}function Vf(){}function rm(){}function Q3(){}function ME(){}function l0(){}function Qw(){}function f0(){}function j_(){}function im(){}function iC(){}function M_(){}function J3(){}function A1(){}function rb(){}function d0(){}function oC(){}function Gp(){}function sC(){}function om(){}function N_(){}function XR(){}function Z3(){}function ib(){}function Jw(){}function ug(){}function $1(){}function aC(){}function Zw(){}function L_(){}function QR(){}function JR(){}function ek(){}function ZR(){}function gv(){}function FI(){}function jI(){}function bv(){}function eO(){}function tk(){}function nk(){}function mv(){}function h0(){}function MI(){}function NI(){}function tO(){}function nO(){}function cg(){}function uC(){}function LI(){}function vv(){}function B_(){}function sm(){}function Vd(){}function rk(){}function ik(){}function BI(){}function z_(){}function cC(){}function lC(){}function rO(){}function fC(){}function dC(){}function ok(){}function H_(){}function zI(){}function hC(){}function iO(){}function HI(){}function U_(){}function UI(){}function pC(){}function j(){}function B(){}function Y(){}function ae(){}function we(){}function $e(){}function Ye(){}function Ct(){}function Qt(){}function sr(){}function ao(){}function Fs(){}function Xr(){}function Lo(){}function Gs(){}function as(){}function $n(){}function un(){}function On(){}function kr(){}function zr(){}function oa(){}function mo(){}function _s(){}function Ta(){}function da(){}function wv(){}function VI(){}function C$(){}function e7(){}function t7(){}function n7(){}function sk(){}function T$(){}function k$(){}function r7(){}function R$(){}function i7(){}function Wl(){}function O$(){}function qI(){}function WI(){}function I$(){}function D$(){}function A$(){}function ak(){}function oO(){}function sO(){}function gC(){}function o7(){}function $$(){}function s7(){}function P$(){}function lg(){}function bC(){}function aO(){}function uk(){}function uO(){Pk()}function yv(){yne()}function V_(){BF()}function ck(){fG()}function q_(){bme()}function lk(){G1()}function mC(){kbe()}function fk(){GL()}function dk(){VD()}function vC(){UD()}function F$(){NN()}function cO(){uZ()}function j$(){T5()}function NE(){qD()}function hk(){gPe()}function a7(){RFe()}function u7(){GPe()}function lO(){lAe()}function M$(){L6()}function fO(){By()}function c7(){OFe()}function l7(){r$e()}function f7(){cve()}function d7(){bMe()}function h7(){fAe()}function p7(){Ft()}function g7(){cAe()}function b7(){IFe()}function m7(){$9e()}function v7(){hAe()}function N$(){JPe()}function am(){R()}function L$(){Qme()}function B$(){wT()}function LE(){r9e()}function Fa(){QL()}function pk(){Yre()}function Mh(){nre()}function Cd(){XS()}function z$(){G1e()}function BE(){dAe()}function w7(){xze()}function H$(){Kme()}function y7(){zre()}function E7(){Xq()}function U$(){vG()}function ey(){Mi()}function V$(){$W()}function Ev(){tbe()}function gk(){MG()}function gf(){Z5e()}function bf(){ine()}function mf(){F0e()}function bk(r){Qn(r)}function q$(r){this.a=r}function dO(r){this.a=r}function _7(r){this.a=r}function pH(r){this.a=r}function S7(r){this.a=r}function x7(r){this.a=r}function W$(r){this.a=r}function mk(r){this.a=r}function hO(r){this.a=r}function G$(r){this.a=r}function pO(r){this.a=r}function wC(r){this.a=r}function fg(r){this.a=r}function zE(r){this.a=r}function GI(r){this.a=r}function KI(r){this.a=r}function C7(r){this.a=r}function gO(r){this.a=r}function T7(r){this.a=r}function K$(r){this.a=r}function ty(r){this.a=r}function Ua(r){this.b=r}function Y$(r){this.c=r}function um(r){this.a=r}function X$(r){this.a=r}function k7(r){this.a=r}function Bc(r){this.a=r}function R7(r){this.a=r}function Q$(r){this.a=r}function yC(r){this.a=r}function O7(r){this.a=r}function I7(r){this.a=r}function D7(r){this.a=r}function A7(r){this.a=r}function J$(r){this.a=r}function bO(r){this.a=r}function YI(r){this.a=r}function Z$(r){this.a=r}function mO(r){this.a=r}function vk(r){this.a=r}function ob(){this.a=[]}function $7(r,s){r.a=s}function gH(r,s){r.a=s}function eP(r,s){r.b=s}function bH(r,s){r.b=s}function tP(r,s){r.b=s}function nP(r,s){r.j=s}function mH(r,s){r.g=s}function vH(r,s){r.i=s}function fp(r,s){r.c=s}function sb(r,s){r.d=s}function wH(r,s){r.d=s}function yH(r,s){r.c=s}function cm(r,s){r.k=s}function P7(r,s){r.c=s}function rP(r,s){r.c=s}function iP(r,s){r.a=s}function XI(r,s){r.a=s}function wk(r,s){r.f=s}function F7(r,s){r.a=s}function vO(r,s){r.b=s}function wO(r,s){r.d=s}function HE(r,s){r.i=s}function QI(r,s){r.o=s}function j7(r,s){r.r=s}function JI(r,s){r.a=s}function EC(r,s){r.b=s}function UE(r,s){r.e=s}function _v(r,s){r.f=s}function yk(r,s){r.g=s}function oP(r,s){r.e=s}function M7(r,s){r.f=s}function N7(r,s){r.f=s}function L7(r,s){r.n=s}function yO(r,s){r.a=s}function p0(r,s){r.a=s}function sP(r,s){r.c=s}function ZI(r,s){r.c=s}function VE(r,s){r.d=s}function W_(r,s){r.e=s}function P1(r,s){r.g=s}function F1(r,s){r.a=s}function aP(r,s){r.c=s}function lm(r,s){r.d=s}function qE(r,s){r.e=s}function ny(r,s){r.f=s}function uP(r,s){r.j=s}function Ek(r,s){r.a=s}function B7(r,s){r.b=s}function _k(r,s){r.a=s}function EO(r){r.b=r.a}function Sv(r){r.c=r.d.d}function ry(r){this.d=r}function dg(r){this.a=r}function WE(r){this.a=r}function eD(r){this.a=r}function Nh(r){this.a=r}function _C(r){this.a=r}function z7(r){this.a=r}function _O(r){this.a=r}function SC(r){this.a=r}function Sk(r){this.a=r}function xC(r){this.a=r}function fm(r){this.a=r}function j1(r){this.a=r}function xk(r){this.a=r}function Ck(r){this.a=r}function SO(r){this.b=r}function G_(r){this.b=r}function K_(r){this.b=r}function tD(r){this.a=r}function Kp(r){this.a=r}function Tk(r){this.a=r}function nD(r){this.c=r}function le(r){this.c=r}function rD(r){this.c=r}function cP(r){this.a=r}function Y_(r){this.a=r}function iD(r){this.a=r}function kk(r){this.a=r}function Xi(r){this.a=r}function lP(r){this.a=r}function oD(r){this.a=r}function ab(r){this.a=r}function GE(r){this.a=r}function iy(r){this.a=r}function X_(r){this.a=r}function fP(r){this.a=r}function Rk(r){this.a=r}function sD(r){this.a=r}function H7(r){this.a=r}function oy(r){this.a=r}function xO(r){this.a=r}function aD(r){this.a=r}function dP(r){this.a=r}function Yp(r){this.a=r}function CC(r){this.a=r}function hP(r){this.a=r}function Q_(r){this.a=r}function KE(r){this.a=r}function U7(r){this.a=r}function pP(r){this.a=r}function xv(r){this.a=r}function gP(r){this.a=r}function TC(r){this.a=r}function vf(r){this.a=r}function ud(r){this.a=r}function dp(r){this.a=r}function J_(r){this.a=r}function ub(r){this.a=r}function Z_(r){this.a=r}function N(r){this.a=r}function W(r){this.a=r}function te(r){this.a=r}function Ee(r){this.a=r}function Me(r){this.a=r}function tt(r){this.a=r}function Nt(r){this.a=r}function Yt(r){this.a=r}function Cn(r){this.a=r}function yr(r){this.a=r}function xr(r){this.e=r}function Pr(r){this.a=r}function Wi(r){this.a=r}function vo(r){this.a=r}function bs(r){this.a=r}function Ms(r){this.a=r}function us(r){this.a=r}function su(r){this.a=r}function Su(r){this.a=r}function Xp(r){this.a=r}function qd(r){this.a=r}function Qp(r){this.a=r}function wf(r){this.a=r}function hg(r){this.a=r}function Cv(r){this.a=r}function uD(r){this.a=r}function V7(r){this.a=r}function q7(r){this.a=r}function DQ(r){this.a=r}function EH(r){this.a=r}function AQ(r){this.a=r}function CO(r){this.a=r}function Lh(r){this.a=r}function _H(r){this.a=r}function SH(r){this.a=r}function bP(r){this.a=r}function W7(r){this.a=r}function mP(r){this.a=r}function G7(r){this.a=r}function vP(r){this.a=r}function K7(r){this.a=r}function xH(r){this.a=r}function kC(r){this.a=r}function RC(r){this.a=r}function CH(r){this.a=r}function $Q(r){this.a=r}function cD(r){this.a=r}function PQ(r){this.a=r}function TH(r){this.a=r}function wP(r){this.a=r}function kH(r){this.a=r}function Y7(r){this.a=r}function FQ(r){this.a=r}function RH(r){this.a=r}function X7(r){this.a=r}function Q7(r){this.a=r}function J7(r){this.a=r}function Z7(r){this.a=r}function eM(r){this.a=r}function OH(r){this.a=r}function yP(r){this.a=r}function tM(r){this.a=r}function nM(r){this.a=r}function rM(r){this.a=r}function IH(r){this.c=r}function EP(r){this.b=r}function iM(r){this.a=r}function DH(r){this.a=r}function jQ(r){this.a=r}function AH(r){this.a=r}function $H(r){this.a=r}function MQ(r){this.a=r}function PH(r){this.a=r}function oM(r){this.a=r}function NQ(r){this.a=r}function LQ(r){this.a=r}function sM(r){this.a=r}function aM(r){this.a=r}function uM(r){this.a=r}function cM(r){this.a=r}function lM(r){this.a=r}function FH(r){this.a=r}function _P(r){this.a=r}function lD(r){this.a=r}function SP(r){this.a=r}function xP(r){this.a=r}function jH(r){this.a=r}function CP(r){this.a=r}function MH(r){this.a=r}function BQ(r){this.a=r}function g0(r){this.a=r}function Tv(r){this.a=r}function OC(r){this.a=r}function fD(r){this.a=r}function TP(r){this.a=r}function kP(r){this.a=r}function NH(r){this.a=r}function fM(r){this.a=r}function TO(r){this.a=r}function dM(r){this.a=r}function LH(r){this.a=r}function hM(r){this.a=r}function zQ(r){this.a=r}function BH(r){this.a=r}function pM(r){this.a=r}function dD(r){this.a=r}function sy(r){this.a=r}function RP(r){this.a=r}function IC(r){this.a=r}function gM(r){this.a=r}function HQ(r){this.a=r}function Ok(r){this.a=r}function kO(r){this.a=r}function UQ(r){this.a=r}function OP(r){this.a=r}function bM(r){this.a=r}function RO(r){this.a=r}function OO(r){this.a=r}function hD(r){this.a=r}function kv(r){this.a=r}function Ik(r){this.a=r}function DC(r){this.a=r}function VQ(r){this.a=r}function zH(r){this.a=r}function HH(r){this.a=r}function UH(r){this.a=r}function mM(r){this.a=r}function qQ(r){this.a=r}function WQ(r){this.a=r}function GQ(r){this.a=r}function VH(r){this.a=r}function IP(r){this.a=r}function vM(r){this.a=r}function wM(r){this.a=r}function pD(r){this.a=r}function yM(r){this.a=r}function KQ(r){this.a=r}function DP(r){this.a=r}function ko(r){this.b=r}function qH(r){this.f=r}function WH(r){this.a=r}function po(r){this.a=r}function Rv(r){this.a=r}function EM(r){this.a=r}function _M(r){this.a=r}function gD(r){this.a=r}function Gl(r){this.a=r}function pg(r){this.a=r}function Jp(r){this.a=r}function AC(r){this.a=r}function bD(r){this.a=r}function YQ(r){this.b=r}function Kr(r){this.c=r}function cb(r){this.e=r}function $C(r){this.a=r}function IO(r){this.a=r}function Zc(r){this.a=r}function wo(r){this.a=r}function mD(r){this.a=r}function XQ(r){this.d=r}function lb(r){this.a=r}function AP(r){this.a=r}function gg(r){this.e=r}function QQ(){this.a=0}function YE(){ZRe(this)}function vt(){HZ(this)}function jr(){fd(this)}function SM(){r6e(this)}function $P(){}function b0(){this.c=Mke}function GH(r,s){s.Wb(r)}function xM(r,s){r.b+=s}function KH(r){r.b=new ly}function de(r){return r.e}function YH(r){return r.a}function CM(r){return r.a}function DO(r){return r.a}function PP(r){return r.a}function FP(r){return r.a}function TM(){return null}function kM(){return null}function vD(){AU(),k5t()}function XH(r){r.b.tf(r.e)}function PC(r,s){r.b=s-r.b}function eS(r,s){r.a=s-r.a}function AO(r,s){s.ad(r.a)}function QH(r,s){Hs(s,r)}function RM(r,s,a){r.Od(a,s)}function $O(r,s){r.e=s,s.b=r}function jP(r){wb(),this.a=r}function MP(r){wb(),this.a=r}function JQ(r){wb(),this.a=r}function wD(r){rT(),this.a=r}function OM(r){l6(),pae.be(r)}function fb(){jOe.call(this)}function NP(){jOe.call(this)}function yD(){fb.call(this)}function ED(){fb.call(this)}function JH(){fb.call(this)}function PO(){fb.call(this)}function Kl(){fb.call(this)}function FC(){fb.call(this)}function Yr(){fb.call(this)}function Td(){fb.call(this)}function LP(){fb.call(this)}function mc(){fb.call(this)}function ZH(){fb.call(this)}function IM(){this.a=this}function _D(){this.Bb|=256}function eU(){this.b=new PRe}function BP(){BP=xe,new jr}function SD(){yD.call(this)}function tU(r,s){r.length=s}function xD(r,s){Et(r.a,s)}function ZQ(r,s){vme(r.c,s)}function eJ(r,s){Bs(r.b,s)}function tS(r,s){oG(r.a,s)}function XE(r,s){One(r.a,s)}function QE(r,s){Gi(r.e,s)}function JE(r){EG(r.c,r.b)}function au(r,s){r.kc().Nb(s)}function CD(r){this.a=_0t(r)}function vs(){this.a=new jr}function TD(){this.a=new jr}function zP(){this.a=new vt}function HP(){this.a=new vt}function UP(){this.a=new vt}function Wd(){this.a=new ma}function db(){this.a=new fPe}function VP(){this.a=new Ka}function FO(){this.a=new XU}function ZE(){this.a=new NAe}function qP(){this.a=new eAe}function jO(){this.a=new x5e}function DM(){this.a=new vt}function WP(){this.a=new vt}function AM(){this.a=new vt}function Dk(){this.a=new vt}function $M(){this.d=new vt}function GP(){this.a=new vs}function dm(){this.a=new jr}function tJ(){this.b=new jr}function nU(){this.b=new vt}function PM(){this.e=new vt}function rU(){this.d=new vt}function FM(){this.a=new fO}function nJ(){vt.call(this)}function iU(){zP.call(this)}function rJ(){NV.call(this)}function iJ(){WP.call(this)}function KP(){jC.call(this)}function jC(){$P.call(this)}function nS(){$P.call(this)}function YP(){nS.call(this)}function oU(){D6e.call(this)}function oJ(){D6e.call(this)}function sJ(){t8.call(this)}function aJ(){t8.call(this)}function uJ(){t8.call(this)}function cJ(){e2.call(this)}function Yl(){Po.call(this)}function XP(){u0.call(this)}function kD(){u0.call(this)}function QP(){bU.call(this)}function sU(){bU.call(this)}function lJ(){jr.call(this)}function aU(){jr.call(this)}function uU(){jr.call(this)}function fJ(){vs.call(this)}function JP(){CFe.call(this)}function cU(){_D.call(this)}function ZP(){Yfe.call(this)}function e8(){Yfe.call(this)}function jM(){jr.call(this)}function MM(){jr.call(this)}function dJ(){jr.call(this)}function lU(){rm.call(this)}function hJ(){rm.call(this)}function fU(){lU.call(this)}function pJ(){bC.call(this)}function NM(r){X8e.call(this,r)}function dU(r){X8e.call(this,r)}function hU(r){hO.call(this,r)}function LM(r){QJ.call(this,r)}function Ale(r){LM.call(this,r)}function gJ(r){QJ.call(this,r)}function Ak(){this.a=new Po}function t8(){this.a=new vs}function e2(){this.a=new jr}function bJ(){this.a=new vt}function pU(){this.j=new vt}function $k(){this.a=new kc}function gU(){this.a=new MU}function bU(){this.a=new Vf}function RD(){RD=xe,uae=new GM}function n8(){n8=xe,aae=new d8}function Pk(){Pk=xe,sae=new C}function MC(){MC=xe,fae=new POe}function mJ(r){LM.call(this,r)}function $le(r){LM.call(this,r)}function mU(r){_te.call(this,r)}function BM(r){_te.call(this,r)}function vJ(r){W5e.call(this,r)}function OD(r){K2t.call(this,r)}function ay(r){Nv.call(this,r)}function Fk(r){KO.call(this,r)}function zM(r){KO.call(this,r)}function wJ(r){KO.call(this,r)}function Zu(r){sDe.call(this,r)}function vU(r){Zu.call(this,r)}function NC(){vk.call(this,{})}function r8(r){YD(),this.a=r}function MO(r){r.b=null,r.c=0}function yJ(r,s){r.e=s,SBe(r,s)}function Ple(r,s){r.a=s,P_t(r)}function HM(r,s,a){r.a[s.g]=a}function Fle(r,s,a){Xyt(a,r,s)}function jle(r,s){rat(s.i,r.n)}function EJ(r,s){imt(r).td(s)}function Mle(r,s){return r*r/s}function wU(r,s){return r.g-s.g}function Nle(r){return new mO(r)}function Lle(r){return new nT(r)}function ID(r){Zu.call(this,r)}function xu(r){Zu.call(this,r)}function yU(r){Zu.call(this,r)}function UM(r){sDe.call(this,r)}function i8(r){q1e(),this.a=r}function _J(r){J5e(),this.a=r}function uy(r){Tee(),this.f=r}function DD(r){Tee(),this.f=r}function rS(r){Zu.call(this,r)}function Yn(r){Zu.call(this,r)}function zu(r){Zu.call(this,r)}function VM(r){Zu.call(this,r)}function LC(r){Zu.call(this,r)}function Wt(r){return Qn(r),r}function ot(r){return Qn(r),r}function AD(r){return Qn(r),r}function EU(r){return Qn(r),r}function o8(r){return Qn(r),r}function NO(r){return r.b==r.c}function t2(r){return!!r&&r.b}function Ble(r){return!!r&&r.k}function _U(r){return!!r&&r.j}function yf(r){Qn(r),this.a=r}function s8(r){return E2(r),r}function Xl(r){zhe(r,r.length)}function M1(r){Zu.call(this,r)}function N1(r){Zu.call(this,r)}function $D(r){Zu.call(this,r)}function cy(r){Zu.call(this,r)}function Zp(r){Zu.call(this,r)}function Hr(r){Zu.call(this,r)}function a8(r){hde.call(this,r,0)}function ly(){Epe.call(this,12,3)}function PD(){PD=xe,AEe=new De}function u8(){u8=xe,DEe=new _}function jk(){jk=xe,z9=new re}function c8(){c8=xe,iKe=new Se}function qM(){throw de(new Yr)}function Ks(){throw de(new Yr)}function hb(){throw de(new Yr)}function dh(){throw de(new Yr)}function hm(){throw de(new Yr)}function iS(){throw de(new Yr)}function FD(){this.a=ai(Jr(fu))}function cd(r){wb(),this.a=Jr(r)}function l8(r,s){r.Td(s),s.Sd(r)}function LO(r,s){r.a.ec().Mc(s)}function WM(r,s,a){r.c.lf(s,a)}function BC(r){xu.call(this,r)}function Bh(r){Yn.call(this,r)}function bg(){_C.call(this,"")}function zC(){_C.call(this,"")}function pm(){_C.call(this,"")}function fy(){_C.call(this,"")}function SU(r){xu.call(this,r)}function Ov(r){G_.call(this,r)}function f8(r){OV.call(this,r)}function Ao(r){Ov.call(this,r)}function d8(){zE.call(this,null)}function GM(){zE.call(this,null)}function oS(){oS=xe,l6()}function sS(){sS=xe,pKe=SEt()}function BO(r){return r.a?r.b:0}function h8(r){return r.a?r.b:0}function xU(r,s){return r.a-s.a}function CU(r,s){return r.a-s.a}function TU(r,s){return r.a-s.a}function Iv(r,s){return f1e(r,s)}function he(r,s){return rAe(r,s)}function p8(r,s){return s in r.a}function KM(r,s){return r.f=s,r}function zle(r,s){return r.b=s,r}function g8(r,s){return r.c=s,r}function zO(r,s){return r.g=s,r}function HO(r,s){return r.a=s,r}function n2(r,s){return r.f=s,r}function YM(r,s){return r.k=s,r}function b8(r,s){return r.a=s,r}function m8(r,s){return r.e=s,r}function jD(r,s){return r.e=s,r}function Hle(r,s){return r.f=s,r}function Dv(r,s){r.b=!0,r.d=s}function Mk(r,s){r.b=new Hu(s)}function Ule(r,s,a){s.td(r.a[a])}function pb(r,s,a){s.we(r.a[a])}function XM(r,s){return r.b-s.b}function dy(r,s){return r.g-s.g}function SJ(r,s){return r.s-s.s}function Vle(r,s){return r?0:s-1}function UO(r,s){return r?0:s-1}function kU(r,s){return r?s-1:0}function qle(r,s){return s.Yf(r)}function hy(r,s){return r.b=s,r}function MD(r,s){return r.a=s,r}function py(r,s){return r.c=s,r}function gy(r,s){return r.d=s,r}function Av(r,s){return r.e=s,r}function v8(r,s){return r.f=s,r}function aS(r,s){return r.a=s,r}function uS(r,s){return r.b=s,r}function $v(r,s){return r.c=s,r}function cn(r,s){return r.c=s,r}function Pn(r,s){return r.b=s,r}function ln(r,s){return r.d=s,r}function tn(r,s){return r.e=s,r}function QM(r,s){return r.f=s,r}function fn(r,s){return r.g=s,r}function an(r,s){return r.a=s,r}function dn(r,s){return r.i=s,r}function hn(r,s){return r.j=s,r}function xJ(r,s){return r.k=s,r}function Wle(r,s){return r.j=s,r}function w8(r,s){By(),yc(s,r)}function Gle(r,s,a){alt(r.a,s,a)}function CJ(r){o6e.call(this,r)}function RU(r){o6e.call(this,r)}function ND(r){cee.call(this,r)}function OU(r){I0t.call(this,r)}function m0(r){AS.call(this,r)}function Nk(r){Qee.call(this,r)}function TJ(r){Qee.call(this,r)}function kJ(){Vfe.call(this,"")}function ka(){this.a=0,this.b=0}function RJ(){this.b=0,this.a=0}function r2(r,s){r.b=0,hT(r,s)}function Kle(r,s){r.c=s,r.b=!0}function IU(r,s){return r.c._b(s)}function hp(r){return r.e&&r.e()}function JM(r){return r?r.d:null}function ZM(r,s){return _je(r.b,s)}function Yle(r){return r?r.g:null}function Xle(r){return r?r.i:null}function v0(r){return y0(r),r.o}function Pv(){Pv=xe,mrt=Pyt()}function HC(){HC=xe,la=WEt()}function Lk(){Lk=xe,jke=jyt()}function OJ(){OJ=xe,tit=Fyt()}function DU(){DU=xe,qc=D_t()}function AU(){AU=xe,dE=k6()}function IJ(){throw de(new Yr)}function DJ(){throw de(new Yr)}function y8(){throw de(new Yr)}function $U(){throw de(new Yr)}function E8(){throw de(new Yr)}function AJ(){throw de(new Yr)}function VO(r){this.a=new cS(r)}function PU(r){ZHe(),B5t(this,r)}function gm(r){this.a=new Iee(r)}function by(r,s){for(;r.ye(s););}function FU(r,s){for(;r.sd(s););}function Fv(r,s){return r.a+=s,r}function _8(r,s){return r.a+=s,r}function gb(r,s){return r.a+=s,r}function my(r,s){return r.a+=s,r}function qO(r){return Ry(r),r.a}function LD(r){return r.b!=r.d.c}function $J(r){return r.l|r.m<<22}function S8(r,s){return r.d[s.p]}function x8(r,s){return yTt(r,s)}function eN(r,s,a){r.splice(s,a)}function UC(r){r.c?VBe(r):qBe(r)}function BD(r){this.a=0,this.b=r}function jU(){this.a=new aB(YCe)}function PJ(){this.b=new aB(FCe)}function FJ(){this.b=new aB($ce)}function MU(){this.b=new aB($ce)}function jv(){throw de(new Yr)}function WO(){throw de(new Yr)}function jJ(){throw de(new Yr)}function GO(){throw de(new Yr)}function tN(){throw de(new Yr)}function nN(){throw de(new Yr)}function NU(){throw de(new Yr)}function LU(){throw de(new Yr)}function MJ(){throw de(new Yr)}function NJ(){throw de(new Yr)}function BU(){throw de(new mc)}function Qle(){throw de(new mc)}function Bk(r){this.a=new LJ(r)}function LJ(r){Ogt(this,r,OEt())}function zD(r){return!r||UDe(r)}function zk(r){return Wg[r]!=-1}function BJ(){iY!=0&&(iY=0),oY=-1}function zJ(){oae==null&&(oae=[])}function Jle(r,s){jre(et(r.a),s)}function Mv(r,s){jre(et(r.a),s)}function Hk(r,s){i4.call(this,r,s)}function Uk(r,s){Hk.call(this,r,s)}function zU(r,s){this.b=r,this.c=s}function Vk(r,s){this.b=r,this.a=s}function HJ(r,s){this.a=r,this.b=s}function UJ(r,s){this.a=r,this.b=s}function rN(r,s){this.a=r,this.b=s}function iN(r,s){this.a=r,this.b=s}function qk(r,s){this.a=r,this.b=s}function VJ(r,s){this.a=r,this.b=s}function qJ(r,s){this.a=r,this.b=s}function WJ(r,s){this.a=r,this.b=s}function oN(r,s){this.b=r,this.a=s}function GJ(r,s){this.b=r,this.a=s}function sN(r,s){this.b=r,this.a=s}function KJ(r,s){this.b=r,this.a=s}function si(r,s){this.f=r,this.g=s}function VC(r,s){this.e=r,this.d=s}function vy(r,s){this.g=r,this.i=s}function aN(r,s){this.a=r,this.b=s}function YJ(r,s){this.a=r,this.f=s}function XJ(r,s){this.b=r,this.c=s}function HU(r,s){this.a=r,this.b=s}function uN(r,s){this.a=r,this.b=s}function cN(r,s){this.a=r,this.b=s}function QJ(r){nde(r.dc()),this.c=r}function C8(r){this.b=E(Jr(r),83)}function HD(r){this.a=E(Jr(r),83)}function Nv(r){this.a=E(Jr(r),15)}function UU(r){this.a=E(Jr(r),15)}function KO(r){this.b=E(Jr(r),47)}function T8(){this.q=new m.Date}function mg(){mg=xe,GEe=new Tn}function Wk(){Wk=xe,NA=new gt}function YO(r){return r.f.c+r.g.c}function XO(r,s){return r.b.Hc(s)}function VU(r,s){return r.b.Ic(s)}function JJ(r,s){return r.b.Qc(s)}function qU(r,s){return r.b.Hc(s)}function WU(r,s){return r.c.uc(s)}function vg(r,s){return r.a._b(s)}function GU(r,s){return Ki(r.c,s)}function KU(r,s){return Xd(r.b,s)}function YU(r,s){return r>s&&s<l9}function ZJ(r,s){return r.Gc(s),r}function eZ(r,s){return cu(r,s),r}function tZ(r){return NDe(),r?rKe:nKe}function cS(r){P9e.call(this,r,0)}function XU(){Iee.call(this,null)}function lN(){Ate.call(this,null)}function lS(r){this.c=r,O8e(this)}function Po(){aOe(this),bp(this)}function Bo(r,s){Ry(r),r.a.Nb(s)}function nZ(r,s){return r.Gc(s),r}function Zle(r,s){return r.a.f=s,r}function rZ(r,s){return r.a.d=s,r}function iZ(r,s){return r.a.g=s,r}function fN(r,s){return r.a.j=s,r}function zh(r,s){return r.a.a=s,r}function Hh(r,s){return r.a.d=s,r}function qf(r,s){return r.a.e=s,r}function Uh(r,s){return r.a.g=s,r}function QO(r,s){return r.a.f=s,r}function oZ(r){return r.b=!1,r}function i2(){i2=xe,o2e=new FRe}function k8(){k8=xe,bKe=new jRe}function Gk(){Gk=xe,f2e=new qt}function sZ(){sZ=xe,bXe=new Xn}function Kk(){Kk=xe,Iae=new GOe}function Lv(){Lv=xe,LA=new sn}function JO(){JO=xe,vXe=new Fi}function aZ(){aZ=xe,TKe=new Sr}function QU(){QU=xe,oXe=new wd}function UD(){UD=xe,EXe=new ka}function JU(){JU=xe,sXe=new Ld}function dN(){dN=xe,aXe=new JIe}function ZU(){ZU=xe,u_e=new lf}function VD(){VD=xe,_Xe=new ih}function uZ(){uZ=xe,TXe=new DR}function ZO(){ZO=xe,AXe=new Bf}function qD(){qD=xe,Z4=new Wb}function R(){R=xe,itt=new Ys}function D(){D=xe,Pce=new _e}function L(){L=xe,Fce=new a5e}function K(){K=xe,$z=new QDe}function J(){J=xe,_Ze=new A_}function ue(){kFe(),this.c=new ly}function _e(){si.call(this,YVe,0)}function Oe(r,s){T2(r.c.b,s.c,s)}function He(r,s){T2(r.c.c,s.b,s)}function kt(r,s,a){Uu(r.d,s.f,a)}function jt(r,s,a,l){owt(r,l,s,a)}function Ln(r,s,a,l){kCt(l,r,s,a)}function Jt(r,s,a,l){VOt(l,r,s,a)}function Kn(r,s){return r.a=s.g,r}function qr(r,s){return pyt(r.a,s)}function Ji(r){return r.b?r.b:r.a}function Ss(r){return(r.c+r.a)/2}function Ns(){Ns=xe,grt=new jo}function ea(){ea=xe,Srt=new P_}function vc(){vc=xe,jrt=new aU}function $l(){$l=xe,Mrt=new uU}function Mn(){Mn=xe,jp=new jM}function Er(){Er=xe,Fke=new dJ}function Rn(){Rn=xe,wle=new hOe}function Ur(){Ur=xe,oH=new pOe}function ro(){ro=xe,Qrt=new UI}function Wr(){Wr=xe,Zrt=new pC}function Cu(){Cu=xe,wQ=new jr}function Ql(){Ql=xe,Wke=new vt}function ec(){ec=xe,bE=new uk}function gl(r){m.clearTimeout(r)}function hh(r){this.a=E(Jr(r),224)}function uc(r){return E(r,42).cd()}function Pl(r){return r.b<r.d.gc()}function e1(r,s){return See(r.a,s)}function ph(r,s){return tl(r,s)>0}function Bv(r,s){return tl(r,s)<0}function Ef(r,s){return r.a.get(s)}function fS(r,s){return s.split(r)}function Yk(r,s){return Xd(r.e,s)}function R8(r){return Qn(r),!1}function wy(r){zn.call(this,r,21)}function efe(r,s){q6e.call(this,r,s)}function eV(r,s){si.call(this,r,s)}function cZ(r,s){si.call(this,r,s)}function tfe(r){Uee(),W5e.call(this,r)}function nfe(r,s){YIe(r,r.length,s)}function hN(r,s){xDe(r,r.length,s)}function Fit(r,s,a){s.ud(r.a.Ge(a))}function jit(r,s,a){s.we(r.a.Fe(a))}function Mit(r,s,a){s.td(r.a.Kb(a))}function Nit(r,s,a){r.Mb(a)&&s.td(a)}function O8(r,s,a){r.splice(s,0,a)}function Lit(r,s){return Gf(r.e,s)}function tV(r,s){this.d=r,this.e=s}function g4e(r,s){this.b=r,this.a=s}function b4e(r,s){this.b=r,this.a=s}function rfe(r,s){this.b=r,this.a=s}function m4e(r,s){this.a=r,this.b=s}function v4e(r,s){this.a=r,this.b=s}function w4e(r,s){this.a=r,this.b=s}function y4e(r,s){this.a=r,this.b=s}function e5(r,s){this.a=r,this.b=s}function ife(r,s){this.b=r,this.a=s}function ofe(r,s){this.b=r,this.a=s}function nV(r,s){si.call(this,r,s)}function rV(r,s){si.call(this,r,s)}function sfe(r,s){si.call(this,r,s)}function afe(r,s){si.call(this,r,s)}function Xk(r,s){si.call(this,r,s)}function lZ(r,s){si.call(this,r,s)}function fZ(r,s){si.call(this,r,s)}function dZ(r,s){si.call(this,r,s)}function iV(r,s){si.call(this,r,s)}function ufe(r,s){si.call(this,r,s)}function hZ(r,s){si.call(this,r,s)}function pN(r,s){si.call(this,r,s)}function oV(r,s){si.call(this,r,s)}function pZ(r,s){si.call(this,r,s)}function I8(r,s){si.call(this,r,s)}function cfe(r,s){si.call(this,r,s)}function cs(r,s){si.call(this,r,s)}function sV(r,s){si.call(this,r,s)}function E4e(r,s){this.a=r,this.b=s}function _4e(r,s){this.a=r,this.b=s}function S4e(r,s){this.a=r,this.b=s}function x4e(r,s){this.a=r,this.b=s}function C4e(r,s){this.a=r,this.b=s}function T4e(r,s){this.a=r,this.b=s}function k4e(r,s){this.a=r,this.b=s}function R4e(r,s){this.a=r,this.b=s}function O4e(r,s){this.a=r,this.b=s}function lfe(r,s){this.b=r,this.a=s}function I4e(r,s){this.b=r,this.a=s}function D4e(r,s){this.b=r,this.a=s}function A4e(r,s){this.b=r,this.a=s}function WD(r,s){this.c=r,this.d=s}function $4e(r,s){this.e=r,this.d=s}function P4e(r,s){this.a=r,this.b=s}function F4e(r,s){this.b=s,this.c=r}function aV(r,s){si.call(this,r,s)}function gN(r,s){si.call(this,r,s)}function gZ(r,s){si.call(this,r,s)}function D8(r,s){si.call(this,r,s)}function ffe(r,s){si.call(this,r,s)}function bZ(r,s){si.call(this,r,s)}function mZ(r,s){si.call(this,r,s)}function bN(r,s){si.call(this,r,s)}function dfe(r,s){si.call(this,r,s)}function vZ(r,s){si.call(this,r,s)}function A8(r,s){si.call(this,r,s)}function hfe(r,s){si.call(this,r,s)}function $8(r,s){si.call(this,r,s)}function P8(r,s){si.call(this,r,s)}function qC(r,s){si.call(this,r,s)}function wZ(r,s){si.call(this,r,s)}function yZ(r,s){si.call(this,r,s)}function pfe(r,s){si.call(this,r,s)}function F8(r,s){si.call(this,r,s)}function EZ(r,s){si.call(this,r,s)}function uV(r,s){si.call(this,r,s)}function mN(r,s){si.call(this,r,s)}function vN(r,s){si.call(this,r,s)}function t5(r,s){si.call(this,r,s)}function _Z(r,s){si.call(this,r,s)}function gfe(r,s){si.call(this,r,s)}function SZ(r,s){si.call(this,r,s)}function xZ(r,s){si.call(this,r,s)}function bfe(r,s){si.call(this,r,s)}function CZ(r,s){si.call(this,r,s)}function TZ(r,s){si.call(this,r,s)}function kZ(r,s){si.call(this,r,s)}function RZ(r,s){si.call(this,r,s)}function mfe(r,s){si.call(this,r,s)}function j4e(r,s){this.b=r,this.a=s}function M4e(r,s){this.a=r,this.b=s}function N4e(r,s){this.a=r,this.b=s}function L4e(r,s){this.a=r,this.b=s}function B4e(r,s){this.a=r,this.b=s}function vfe(r,s){si.call(this,r,s)}function wfe(r,s){si.call(this,r,s)}function z4e(r,s){this.b=r,this.d=s}function yfe(r,s){si.call(this,r,s)}function Efe(r,s){si.call(this,r,s)}function H4e(r,s){this.a=r,this.b=s}function U4e(r,s){this.a=r,this.b=s}function cV(r,s){si.call(this,r,s)}function j8(r,s){si.call(this,r,s)}function _fe(r,s){si.call(this,r,s)}function Sfe(r,s){si.call(this,r,s)}function xfe(r,s){si.call(this,r,s)}function OZ(r,s){si.call(this,r,s)}function Cfe(r,s){si.call(this,r,s)}function IZ(r,s){si.call(this,r,s)}function lV(r,s){si.call(this,r,s)}function DZ(r,s){si.call(this,r,s)}function AZ(r,s){si.call(this,r,s)}function wN(r,s){si.call(this,r,s)}function $Z(r,s){si.call(this,r,s)}function Tfe(r,s){si.call(this,r,s)}function yN(r,s){si.call(this,r,s)}function kfe(r,s){si.call(this,r,s)}function Bit(r,s){return Gf(r.c,s)}function zit(r,s){return Gf(s.b,r)}function Hit(r,s){return-r.b.Je(s)}function Rfe(r,s){return Gf(r.g,s)}function EN(r,s){si.call(this,r,s)}function n5(r,s){si.call(this,r,s)}function V4e(r,s){this.a=r,this.b=s}function q4e(r,s){this.a=r,this.b=s}function Kt(r,s){this.a=r,this.b=s}function M8(r,s){si.call(this,r,s)}function N8(r,s){si.call(this,r,s)}function _N(r,s){si.call(this,r,s)}function PZ(r,s){si.call(this,r,s)}function fV(r,s){si.call(this,r,s)}function L8(r,s){si.call(this,r,s)}function FZ(r,s){si.call(this,r,s)}function dV(r,s){si.call(this,r,s)}function Qk(r,s){si.call(this,r,s)}function SN(r,s){si.call(this,r,s)}function B8(r,s){si.call(this,r,s)}function z8(r,s){si.call(this,r,s)}function xN(r,s){si.call(this,r,s)}function hV(r,s){si.call(this,r,s)}function Jk(r,s){si.call(this,r,s)}function pV(r,s){si.call(this,r,s)}function W4e(r,s){this.a=r,this.b=s}function G4e(r,s){this.a=r,this.b=s}function K4e(r,s){this.a=r,this.b=s}function Y4e(r,s){this.a=r,this.b=s}function X4e(r,s){this.a=r,this.b=s}function Q4e(r,s){this.a=r,this.b=s}function Ra(r,s){this.a=r,this.b=s}function gV(r,s){si.call(this,r,s)}function J4e(r,s){this.a=r,this.b=s}function Z4e(r,s){this.a=r,this.b=s}function eRe(r,s){this.a=r,this.b=s}function tRe(r,s){this.a=r,this.b=s}function nRe(r,s){this.a=r,this.b=s}function rRe(r,s){this.a=r,this.b=s}function iRe(r,s){this.b=r,this.a=s}function oRe(r,s){this.b=r,this.a=s}function sRe(r,s){this.b=r,this.a=s}function aRe(r,s){this.b=r,this.a=s}function uRe(r,s){this.a=r,this.b=s}function cRe(r,s){this.a=r,this.b=s}function Uit(r,s){ECt(r.a,E(s,56))}function lRe(r,s){$1t(r.a,E(s,11))}function Vit(r,s){return e6(),s!=r}function fRe(){return sS(),new pKe}function dRe(){ute(),this.b=new vs}function hRe(){RG(),this.a=new vs}function pRe(){ype(),Ohe.call(this)}function r5(r,s){si.call(this,r,s)}function gRe(r,s){this.a=r,this.b=s}function bRe(r,s){this.a=r,this.b=s}function bV(r,s){this.a=r,this.b=s}function mRe(r,s){this.a=r,this.b=s}function vRe(r,s){this.a=r,this.b=s}function wRe(r,s){this.a=r,this.b=s}function yRe(r,s){this.d=r,this.b=s}function Ofe(r,s){this.d=r,this.e=s}function ERe(r,s){this.f=r,this.c=s}function TN(r,s){this.b=r,this.c=s}function Ife(r,s){this.i=r,this.g=s}function _Re(r,s){this.e=r,this.a=s}function SRe(r,s){this.a=r,this.b=s}function Dfe(r,s){r.i=null,vW(r,s)}function qit(r,s){r&&Qi(nH,r,s)}function xRe(r,s){return Bne(r.a,s)}function mV(r){return LL(r.c,r.b)}function Rc(r){return r?r.dd():null}function Qe(r){return r??null}function WC(r){return typeof r===L5}function GC(r){return typeof r===lve}function ha(r){return typeof r===Tie}function yy(r,s){return r.Hd().Xb(s)}function vV(r,s){return cbt(r.Kc(),s)}function dS(r,s){return tl(r,s)==0}function Wit(r,s){return tl(r,s)>=0}function H8(r,s){return tl(r,s)!=0}function Git(r){return""+(Qn(r),r)}function kN(r,s){return r.substr(s)}function CRe(r){return Id(r),r.d.gc()}function jZ(r){return qSt(r,r.c),r}function wV(r){return tF(r==null),r}function U8(r,s){return r.a+=""+s,r}function Fu(r,s){return r.a+=""+s,r}function V8(r,s){return r.a+=""+s,r}function zc(r,s){return r.a+=""+s,r}function gi(r,s){return r.a+=""+s,r}function Afe(r,s){return r.a+=""+s,r}function TRe(r,s){os(r,s,r.a,r.a.a)}function o2(r,s){os(r,s,r.c.b,r.c)}function Kit(r,s,a){FMe(s,Ore(r,a))}function Yit(r,s,a){FMe(s,Ore(r,a))}function Xit(r,s){V1t(new Tr(r),s)}function kRe(r,s){r.q.setTime(OS(s))}function RRe(r,s){Nhe.call(this,r,s)}function ORe(r,s){Nhe.call(this,r,s)}function MZ(r,s){Nhe.call(this,r,s)}function IRe(r){fd(this),kF(this,r)}function $fe(r){return Vn(r,0),null}function L1(r){return r.a=0,r.b=0,r}function DRe(r,s){return r.a=s.g+1,r}function Qit(r,s){return r.j[s.p]==2}function Pfe(r){return Flt(E(r,79))}function ARe(){ARe=xe,uYe=mi(Wne())}function $Re(){$Re=xe,CXe=mi(gBe())}function PRe(){this.b=new cS(lT(12))}function FRe(){this.b=0,this.a=!1}function jRe(){this.b=0,this.a=!1}function q8(r){this.a=r,uO.call(this)}function MRe(r){this.a=r,uO.call(this)}function Dn(r,s){Ls.call(this,r,s)}function NZ(r,s){JC.call(this,r,s)}function Zk(r,s){Ife.call(this,r,s)}function LZ(r,s){A6.call(this,r,s)}function NRe(r,s){RN.call(this,r,s)}function Di(r,s){Cu(),Qi(wQ,r,s)}function BZ(r,s){return bh(r.a,0,s)}function LRe(r,s){return r.a.a.a.cc(s)}function BRe(r,s){return Qe(r)===Qe(s)}function Jit(r,s){return Ts(r.a,s.a)}function Zit(r,s){return _f(r.a,s.a)}function eot(r,s){return EDe(r.a,s.a)}function bb(r,s){return r.indexOf(s)}function hS(r,s){return r==s?0:r?1:-1}function yV(r){return r<10?"0"+r:""+r}function tot(r){return Jr(r),new q8(r)}function zRe(r){return Jl(r.l,r.m,r.h)}function GD(r){return ss((Qn(r),r))}function rot(r){return ss((Qn(r),r))}function HRe(r,s){return _f(r.g,s.g)}function cc(r){return typeof r===lve}function iot(r){return r==fx||r==qT}function oot(r){return r==fx||r==VT}function Ffe(r){return lc(r.b.b,r,0)}function URe(r){this.a=fRe(),this.b=r}function VRe(r){this.a=fRe(),this.b=r}function sot(r,s){return Et(r.a,s),s}function aot(r,s){return Et(r.c,s),r}function qRe(r,s){return _h(r.a,s),r}function uot(r,s){return n1(),s.a+=r}function cot(r,s){return n1(),s.a+=r}function lot(r,s){return n1(),s.c+=r}function jfe(r,s){v6(r,0,r.length,s)}function w0(){oD.call(this,new h2)}function WRe(){ZV.call(this,0,0,0,0)}function i5(){Wh.call(this,0,0,0,0)}function Hu(r){this.a=r.a,this.b=r.b}function Ey(r){return r==Op||r==p1}function KD(r){return r==U0||r==H0}function GRe(r){return r==dR||r==fR}function e4(r){return r!=Ug&&r!=uE}function Gd(r){return r.Lg()&&r.Mg()}function KRe(r){return gq(E(r,118))}function EV(r){return _h(new Ys,r)}function YRe(r,s){return new A6(s,r)}function fot(r,s){return new A6(s,r)}function Mfe(r,s,a){lW(r,s),fW(r,a)}function _V(r,s,a){FS(r,s),PS(r,a)}function wg(r,s,a){Of(r,s),If(r,a)}function SV(r,s,a){_6(r,s),x6(r,a)}function xV(r,s,a){S6(r,s),C6(r,a)}function zZ(r,s){N6(r,s),T6(r,r.D)}function Nfe(r){ERe.call(this,r,!0)}function XRe(r,s,a){kde.call(this,r,s,a)}function _y(r){zy(),hbt.call(this,r)}function QRe(){eV.call(this,"Head",1)}function JRe(){eV.call(this,"Tail",3)}function HZ(r){r.c=Pe(mr,Ht,1,0,5,1)}function ZRe(r){r.a=Pe(mr,Ht,1,8,5,1)}function eOe(r){Rf(r.xf(),new ud(r))}function t4(r){return r!=null?$o(r):0}function dot(r,s){return fT(s,_g(r))}function hot(r,s){return fT(s,_g(r))}function pot(r,s){return r[r.length]=s}function got(r,s){return r[r.length]=s}function Lfe(r){return gct(r.b.Kc(),r.a)}function bot(r,s){return mW(zee(r.d),s)}function mot(r,s){return mW(zee(r.g),s)}function vot(r,s){return mW(zee(r.j),s)}function bu(r,s){Ls.call(this,r.b,s)}function pS(r){ZV.call(this,r,r,r,r)}function Bfe(r){return r.b&&cie(r),r.a}function zfe(r){return r.b&&cie(r),r.c}function wot(r,s){Ng||(r.b=s)}function UZ(r,s,a){return qo(r,s,a),a}function tOe(r,s,a){qo(r.c[s.g],s.g,a)}function yot(r,s,a){E(r.c,69).Xh(s,a)}function Eot(r,s,a){wg(a,a.i+r,a.j+s)}function _ot(r,s){ei(ul(r.a),gAe(s))}function Sot(r,s){ei(Rd(r.a),bAe(s))}function W8(r){zi(),gg.call(this,r)}function xot(r){return r==null?0:$o(r)}function nOe(){nOe=xe,dce=new MF(ale)}function ni(){ni=xe,new rOe,new vt}function rOe(){new jr,new jr,new jr}function Hfe(){Hfe=xe,BP(),$Ee=new jr}function yg(){yg=xe,m.Math.log(2)}function Vh(){Vh=xe,Lm=(ea(),Srt)}function Cot(){throw de(new M1(UGe))}function Tot(){throw de(new M1(UGe))}function kot(){throw de(new M1(VGe))}function Rot(){throw de(new M1(VGe))}function iOe(r){this.a=r,she.call(this,r)}function VZ(r){this.a=r,C8.call(this,r)}function qZ(r){this.a=r,C8.call(this,r)}function sa(r,s){_ee(r.c,r.c.length,s)}function wc(r){return r.a<r.c.c.length}function Ufe(r){return r.a<r.c.a.length}function oOe(r,s){return r.a?r.b:s.De()}function _f(r,s){return r<s?-1:r>s?1:0}function sOe(r,s){return tl(r,s)>0?r:s}function Jl(r,s,a){return{l:r,m:s,h:a}}function Oot(r,s){r.a!=null&&lRe(s,r.a)}function aOe(r){r.a=new Rt,r.c=new Rt}function CV(r){this.b=r,this.a=new vt}function uOe(r){this.b=new Vo,this.a=r}function Vfe(r){jde.call(this),this.a=r}function cOe(){eV.call(this,"Range",2)}function lOe(){Nbe(),this.a=new aB(a_e)}function Iot(r,s){Jr(s),s4(r).Jc(new X)}function Dot(r,s){return mh(),s.n.b+=r}function Aot(r,s,a){return Qi(r.g,a,s)}function $ot(r,s,a){return Qi(r.k,a,s)}function Pot(r,s){return Qi(r.a,s.a,s)}function n4(r,s,a){return ibe(s,a,r.c)}function qfe(r){return new Kt(r.c,r.d)}function Fot(r){return new Kt(r.c,r.d)}function Oc(r){return new Kt(r.a,r.b)}function fOe(r,s){return oOt(r.a,s,null)}function jot(r){Ya(r,null),ya(r,null)}function dOe(r){lte(r,null),fte(r,null)}function hOe(){RN.call(this,null,null)}function pOe(){$V.call(this,null,null)}function Wfe(r){this.a=r,jr.call(this)}function Mot(r){this.b=(In(),new nD(r))}function TV(r){r.j=Pe(WEe,ft,310,0,0,1)}function Not(r,s,a){r.c.Vc(s,E(a,133))}function Lot(r,s,a){r.c.ji(s,E(a,133))}function gOe(r,s){Vr(r),r.Gc(E(s,15))}function G8(r,s){return ERt(r.c,r.b,s)}function Bot(r,s){return new MOe(r.Kc(),s)}function WZ(r,s){return Bbt(r.Kc(),s)!=-1}function Gfe(r,s){return r.a.Bc(s)!=null}function kV(r){return r.Ob()?r.Pb():null}function bOe(r){return vp(r,0,r.length)}function Ce(r,s){return r!=null&&Xne(r,s)}function zot(r,s){r.q.setHours(s),n9(r,s)}function mOe(r,s){r.c&&(mhe(s),U6e(s))}function Hot(r,s,a){E(r.Kb(a),164).Nb(s)}function Uot(r,s,a){return JRt(r,s,a),a}function vOe(r,s,a){r.a=s^1502,r.b=a^ooe}function GZ(r,s,a){return r.a[s.g][a.g]}function Eg(r,s){return r.a[s.c.p][s.p]}function Vot(r,s){return r.e[s.c.p][s.p]}function qot(r,s){return r.c[s.c.p][s.p]}function Wot(r,s){return r.j[s.p]=nCt(s)}function Got(r,s){return Xpe(r.f,s.tg())}function Kot(r,s){return Xpe(r.b,s.tg())}function Yot(r,s){return r.a<Gde(s)?-1:1}function Xot(r,s,a){return a?s!=0:s!=r-1}function Qot(r,s,a){return r.a=s,r.b=a,r}function mb(r,s){return r.a*=s,r.b*=s,r}function K8(r,s,a){return qo(r.g,s,a),a}function Jot(r,s,a,l){qo(r.a[s.g],a.g,l)}function Zot(r,s){YC(s,r.a.a.a,r.a.a.b)}function wOe(r){r.a=E(Gn(r.b.a,4),126)}function yOe(r){r.a=E(Gn(r.b.a,4),126)}function est(r){KN(r,mWe),Ure(r,n5t(r))}function YD(){YD=xe,lY=new r8(null)}function Kfe(){Kfe=xe,Kfe(),mKe=new Je}function Yfe(){this.Bb|=256,this.Bb|=512}function Tr(r){this.i=r,this.f=this.i.j}function xs(r,s,a){zN.call(this,r,s,a)}function RV(r,s,a){xs.call(this,r,s,a)}function Wf(r,s,a){xs.call(this,r,s,a)}function EOe(r,s,a){RV.call(this,r,s,a)}function Xfe(r,s,a){zN.call(this,r,s,a)}function r4(r,s,a){zN.call(this,r,s,a)}function Qfe(r,s,a){VV.call(this,r,s,a)}function _Oe(r,s,a){VV.call(this,r,s,a)}function SOe(r,s,a){Qfe.call(this,r,s,a)}function xOe(r,s,a){Xfe.call(this,r,s,a)}function i4(r,s){this.a=r,C8.call(this,s)}function COe(r,s){this.a=r,a8.call(this,s)}function TOe(r,s){this.a=r,a8.call(this,s)}function kOe(r,s){this.a=r,a8.call(this,s)}function Jfe(r){this.a=r,Y$.call(this,r.d)}function Sy(r){this.c=r,this.a=this.c.a}function Zfe(r,s){this.a=s,a8.call(this,r)}function ROe(r,s){this.a=s,_te.call(this,r)}function OOe(r,s){this.a=r,_te.call(this,s)}function tst(r,s){return jhe(kee(r.c)).Xb(s)}function ede(r,s){return m0t(r,new pm,s).a}function Ar(r,s){return Jr(s),new IOe(r,s)}function IOe(r,s){this.a=s,KO.call(this,r)}function tde(r){this.b=r,this.a=this.b.a.e}function DOe(r){r.b.Qb(),--r.d.f.d,tq(r.d)}function AOe(r){zE.call(this,E(Jr(r),35))}function $Oe(r){zE.call(this,E(Jr(r),35))}function POe(){si.call(this,"INSTANCE",0)}function nde(r){if(!r)throw de(new PO)}function rde(r){if(!r)throw de(new Kl)}function ide(r){if(!r)throw de(new mc)}function FOe(){FOe=xe,ro(),Jrt=new mf}function tr(){tr=xe,H2=!1,FA=!0}function pp(r){_C.call(this,(Qn(r),r))}function gh(r){_C.call(this,(Qn(r),r))}function OV(r){G_.call(this,r),this.a=r}function ode(r){K_.call(this,r),this.a=r}function sde(r){Ov.call(this,r),this.a=r}function jOe(){TV(this),wq(this),this._d()}function MOe(r,s){this.a=s,KO.call(this,r)}function NOe(r,s){return new ANe(r.a,r.b,s)}function IV(r,s){return r.lastIndexOf(s)}function ade(r,s,a){return r.indexOf(s,a)}function Y8(r){return r==null?$f:dc(r)}function nst(r){return r==null?null:r.name}function ude(r){return r.a!=null?r.a:null}function rst(r){return LD(r.a)?yAe(r):null}function KZ(r,s){return hF(r.a,s)!=null}function Gf(r,s){return!!s&&r.b[s.g]==s}function gS(r){return r.$H||(r.$H=++mIt)}function ist(r){return r.l+r.m*H5+r.h*A2}function LOe(r,s){return Et(s.a,r.a),r.a}function BOe(r,s){return Et(s.b,r.a),r.a}function bS(r,s){return Et(s.a,r.a),r.a}function mS(r){return vr(r.a!=null),r.a}function YZ(r){oD.call(this,new i1e(r))}function cde(r,s){lbe.call(this,r,s,null)}function X8(r){this.a=r,SO.call(this,r)}function DV(){DV=xe,gY=new Ls(mVe,0)}function AV(r,s){return++r.b,Et(r.a,s)}function lde(r,s){return++r.b,Tf(r.a,s)}function ost(r,s){return Ts(r.n.a,s.n.a)}function sst(r,s){return Ts(r.c.d,s.c.d)}function ast(r,s){return Ts(r.c.c,s.c.c)}function Sf(r,s){return E(no(r.b,s),15)}function ust(r,s){return r.n.b=(Qn(s),s)}function lst(r,s){return r.n.b=(Qn(s),s)}function Q8(r){return wc(r.a)||wc(r.b)}function fst(r,s,a){return h$e(r,s,a,r.b)}function fde(r,s,a){return h$e(r,s,a,r.c)}function dde(r,s,a){E(dL(r,s),21).Fc(a)}function dst(r,s,a){One(r.a,a),oG(r.a,s)}function RN(r,s){Rn(),this.a=r,this.b=s}function $V(r,s){Ur(),this.b=r,this.c=s}function XZ(r,s){Tee(),this.f=s,this.d=r}function hde(r,s){Qpe(s,r),this.d=r,this.c=s}function zv(r){var s;s=r.a,r.a=r.b,r.b=s}function hst(r){return n1(),!!r&&!r.dc()}function pst(r){return new sT(3,r)}function pde(r,s){return new M5e(r,r.gc(),s)}function gst(r){return MC(),bi((uAe(),JGe),r)}function o5(r){this.d=r,Tr.call(this,r)}function s5(r){this.c=r,Tr.call(this,r)}function ON(r){this.c=r,o5.call(this,r)}function zOe(){ZO(),this.b=new RC(this)}function bm(r){return Eh(r,AT),new Fl(r)}function HOe(r){return l6(),parseInt(r)||-1}function bh(r,s,a){return r.substr(s,a-s)}function XD(r,s,a){return ade(r,Af(s),a)}function QZ(r){return Khe(r.c,r.c.length)}function bst(r){return r.f!=null?r.f:""+r.g}function JZ(r){return r.f!=null?r.f:""+r.g}function ZZ(r){return vr(r.b!=0),r.a.a.c}function PV(r){return vr(r.b!=0),r.c.b.c}function IN(r){Ce(r,150)&&E(r,150).Gh()}function FV(r){return r.b=E(w6e(r.a),42)}function gde(r){i2(),this.b=r,this.a=!0}function UOe(r){k8(),this.b=r,this.a=!0}function VOe(r){r.d=new WOe(r),r.e=new jr}function qOe(r){if(!r)throw de(new Td)}function bde(r){if(!r)throw de(new PO)}function KC(r){if(!r)throw de(new Kl)}function mst(r){if(!r)throw de(new ED)}function vr(r){if(!r)throw de(new mc)}function WOe(r){ahe.call(this,r,null,null)}function GOe(){si.call(this,"POLYOMINO",0)}function KOe(r,s,a,l){Fhe.call(this,r,s,a,l)}function vst(r,s){return By(),_n(r,s.e,s)}function wst(r,s,a){return J(),a.qg(r,s)}function ta(r,s){return!!r.q&&Xd(r.q,s)}function yst(r,s){return r>0?s*s/r:s*s*100}function Est(r,s){return r>0?s/(r*r):s*100}function _st(r,s,a){return Et(s,zje(r,a))}function Sst(r,s,a){Xq(),r.Xe(s)&&a.td(r)}function QD(r,s,a){var l;l=r.Zc(s),l.Rb(a)}function YC(r,s,a){return r.a+=s,r.b+=a,r}function xst(r,s,a){return r.a*=s,r.b*=a,r}function DN(r,s,a){return r.a-=s,r.b-=a,r}function mde(r,s){return r.a=s.a,r.b=s.b,r}function jV(r){return r.a=-r.a,r.b=-r.b,r}function YOe(r){this.c=r,this.a=1,this.b=1}function XOe(r){this.c=r,Of(r,0),If(r,0)}function QOe(r){Po.call(this),SF(this,r)}function JOe(r){xie(),KH(this),this.mf(r)}function ZOe(r,s){Rn(),RN.call(this,r,s)}function vde(r,s){Ur(),$V.call(this,r,s)}function e5e(r,s){Ur(),$V.call(this,r,s)}function t5e(r,s){Ur(),vde.call(this,r,s)}function Kd(r,s,a){Jd.call(this,r,s,a,2)}function eee(r,s){Vh(),JV.call(this,r,s)}function n5e(r,s){Vh(),eee.call(this,r,s)}function wde(r,s){Vh(),eee.call(this,r,s)}function r5e(r,s){Vh(),wde.call(this,r,s)}function yde(r,s){Vh(),JV.call(this,r,s)}function i5e(r,s){Vh(),yde.call(this,r,s)}function o5e(r,s){Vh(),JV.call(this,r,s)}function Cst(r,s){return r.c.Fc(E(s,133))}function Ede(r,s,a){return BG(hL(r,s),a)}function Tst(r,s,a){return s.Qk(r.e,r.c,a)}function kst(r,s,a){return s.Rk(r.e,r.c,a)}function tee(r,s){return jy(r.e,E(s,49))}function Rst(r,s,a){FF(Rd(r.a),s,bAe(a))}function Ost(r,s,a){FF(ul(r.a),s,gAe(a))}function _de(r,s){s.$modCount=r.$modCount}function J8(){J8=xe,_j=new ko("root")}function JD(){JD=xe,iH=new QP,new sU}function s5e(){this.a=new kS,this.b=new kS}function Sde(){CFe.call(this),this.Bb|=du}function a5e(){si.call(this,"GROW_TREE",0)}function Ist(r){return r==null?null:KOt(r)}function Dst(r){return r==null?null:n_t(r)}function Ast(r){return r==null?null:dc(r)}function $st(r){return r==null?null:dc(r)}function y0(r){r.o==null&&Ixt(r)}function Gt(r){return tF(r==null||WC(r)),r}function Dt(r){return tF(r==null||GC(r)),r}function ai(r){return tF(r==null||ha(r)),r}function xde(r){this.q=new m.Date(OS(r))}function AN(r,s){this.c=r,VC.call(this,r,s)}function MV(r,s){this.a=r,AN.call(this,r,s)}function Pst(r,s){this.d=r,Sv(this),this.b=s}function Cde(r,s){Ate.call(this,r),this.a=s}function Tde(r,s){Ate.call(this,r),this.a=s}function Fst(r){Zge.call(this,0,0),this.f=r}function kde(r,s,a){Kq.call(this,r,s,a,null)}function u5e(r,s,a){Kq.call(this,r,s,a,null)}function jst(r,s,a){return r.ue(s,a)<=0?a:s}function Mst(r,s,a){return r.ue(s,a)<=0?s:a}function Nst(r,s){return E(DS(r.b,s),149)}function Lst(r,s){return E(DS(r.c,s),229)}function nee(r){return E(Vt(r.a,r.b),287)}function c5e(r){return new Kt(r.c,r.d+r.a)}function l5e(r){return mh(),GRe(E(r,197))}function XC(){XC=xe,j2e=yn((eh(),n_))}function Bst(r,s){s.a?CTt(r,s):KZ(r.a,s.b)}function f5e(r,s){Ng||Et(r.a,s)}function zst(r,s){return UD(),D6(s.d.i,r)}function Hst(r,s){return T5(),new hze(s,r)}function vb(r,s){return KN(s,Dve),r.f=s,r}function Rde(r,s,a){return a=Ch(r,s,3,a),a}function Ode(r,s,a){return a=Ch(r,s,6,a),a}function Ide(r,s,a){return a=Ch(r,s,9,a),a}function $N(r,s,a){++r.j,r.Ki(),Ite(r,s,a)}function d5e(r,s,a){++r.j,r.Hi(s,r.oi(s,a))}function h5e(r,s,a){var l;l=r.Zc(s),l.Rb(a)}function p5e(r,s,a){return V0e(r.c,r.b,s,a)}function Dde(r,s){return(s&qi)%r.d.length}function Ls(r,s){ko.call(this,r),this.a=s}function Ade(r,s){Kr.call(this,r),this.a=s}function ree(r,s){Kr.call(this,r),this.a=s}function g5e(r,s){this.c=r,AS.call(this,s)}function b5e(r,s){this.a=r,YQ.call(this,s)}function PN(r,s){this.a=r,YQ.call(this,s)}function m5e(r){this.a=(Eh(r,AT),new Fl(r))}function v5e(r){this.a=(Eh(r,AT),new Fl(r))}function FN(r){return!r.a&&(r.a=new Z),r.a}function w5e(r){return r>8?0:r+1}function Ust(r,s){return tr(),r==s?0:r?1:-1}function $de(r,s,a){return l5(r,E(s,22),a)}function Vst(r,s,a){return r.apply(s,a)}function y5e(r,s,a){return r.a+=vp(s,0,a),r}function Pde(r,s){var a;return a=r.e,r.e=s,a}function qst(r,s){var a;a=r[ioe],a.call(r,s)}function Wst(r,s){var a;a=r[ioe],a.call(r,s)}function QC(r,s){r.a.Vc(r.b,s),++r.b,r.c=-1}function E5e(r){fd(r.e),r.d.b=r.d,r.d.a=r.d}function jN(r){r.b?jN(r.b):r.f.c.zc(r.e,r.d)}function Gst(r,s,a){Lv(),$7(r,s.Ce(r.a,a))}function Kst(r,s){return JM(r7e(r.a,s,!0))}function Yst(r,s){return JM(i7e(r.a,s,!0))}function t1(r,s){return Iv(new Array(s),r)}function iee(r){return String.fromCharCode(r)}function Xst(r){return r==null?null:r.message}function _5e(){this.a=new vt,this.b=new vt}function S5e(){this.a=new Ka,this.b=new eU}function x5e(){this.b=new ka,this.c=new vt}function Fde(){this.d=new ka,this.e=new ka}function jde(){this.n=new ka,this.o=new ka}function NV(){this.n=new nS,this.i=new i5}function C5e(){this.a=new NE,this.b=new ev}function T5e(){this.a=new vt,this.d=new vt}function k5e(){this.b=new vs,this.a=new vs}function R5e(){this.b=new jr,this.a=new jr}function O5e(){this.b=new PJ,this.a=new OE}function I5e(){NV.call(this),this.a=new ka}function Z8(r){Ebt.call(this,r,(Jq(),yae))}function Mde(r,s,a,l){ZV.call(this,r,s,a,l)}function Qst(r,s,a){a!=null&&gW(s,are(r,a))}function Jst(r,s,a){a!=null&&bW(s,are(r,a))}function Nde(r,s,a){return a=Ch(r,s,11,a),a}function io(r,s){return r.a+=s.a,r.b+=s.b,r}function pa(r,s){return r.a-=s.a,r.b-=s.b,r}function Zst(r,s){return r.n.a=(Qn(s),s+10)}function eat(r,s){return r.n.a=(Qn(s),s+10)}function tat(r,s){return s==r||J6(CG(s),r)}function D5e(r,s){return Qi(r.a,s,"")==null}function nat(r,s){return UD(),!D6(s.d.i,r)}function rat(r,s){Ey(r.f)?yxt(r,s):i2t(r,s)}function iat(r,s){var a;return a=s.Hh(r.a),a}function JC(r,s){xu.call(this,A9+r+N2+s)}function a5(r,s,a,l){St.call(this,r,s,a,l)}function Lde(r,s,a,l){St.call(this,r,s,a,l)}function A5e(r,s,a,l){Lde.call(this,r,s,a,l)}function $5e(r,s,a,l){cq.call(this,r,s,a,l)}function oee(r,s,a,l){cq.call(this,r,s,a,l)}function Bde(r,s,a,l){cq.call(this,r,s,a,l)}function P5e(r,s,a,l){oee.call(this,r,s,a,l)}function zde(r,s,a,l){oee.call(this,r,s,a,l)}function Bn(r,s,a,l){Bde.call(this,r,s,a,l)}function F5e(r,s,a,l){zde.call(this,r,s,a,l)}function j5e(r,s,a,l){Lhe.call(this,r,s,a,l)}function M5e(r,s,a){this.a=r,hde.call(this,s,a)}function N5e(r,s,a){this.c=s,this.b=a,this.a=r}function oat(r,s,a){return r.d=E(s.Kb(a),164)}function Hde(r,s){return r.Aj().Nh().Kh(r,s)}function Ude(r,s){return r.Aj().Nh().Ih(r,s)}function L5e(r,s){return Qn(r),Qe(r)===Qe(s)}function xn(r,s){return Qn(r),Qe(r)===Qe(s)}function see(r,s){return JM(r7e(r.a,s,!1))}function aee(r,s){return JM(i7e(r.a,s,!1))}function sat(r,s){return r.b.sd(new v4e(r,s))}function aat(r,s){return r.b.sd(new w4e(r,s))}function B5e(r,s){return r.b.sd(new y4e(r,s))}function Vde(r,s,a){return r.lastIndexOf(s,a)}function uat(r,s,a){return Ts(r[s.b],r[a.b])}function cat(r,s){return ct(s,(Ft(),yz),r)}function lat(r,s){return _f(s.a.d.p,r.a.d.p)}function fat(r,s){return _f(r.a.d.p,s.a.d.p)}function dat(r,s){return Ts(r.c-r.s,s.c-s.s)}function z5e(r){return r.c?lc(r.c.a,r,0):-1}function hat(r){return r<100?null:new m0(r)}function u5(r){return r==t_||r==Nm||r==Tl}function H5e(r,s){return Ce(s,15)&&KBe(r.c,s)}function pat(r,s){Ng||s&&(r.d=s)}function uee(r,s){var a;return a=s,!!hge(r,a)}function qde(r,s){this.c=r,Fee.call(this,r,s)}function U5e(r){this.c=r,MZ.call(this,KG,0)}function V5e(r,s){wct.call(this,r,r.length,s)}function gat(r,s,a){return E(r.c,69).lk(s,a)}function LV(r,s,a){return E(r.c,69).mk(s,a)}function bat(r,s,a){return Tst(r,E(s,332),a)}function Wde(r,s,a){return kst(r,E(s,332),a)}function mat(r,s,a){return HMe(r,E(s,332),a)}function q5e(r,s,a){return g2t(r,E(s,332),a)}function eF(r,s){return s==null?null:gT(r.b,s)}function Gde(r){return GC(r)?(Qn(r),r):r.ke()}function BV(r){return!isNaN(r)&&!isFinite(r)}function W5e(r){wb(),this.a=(In(),new Ov(r))}function MN(r){e6(),this.d=r,this.a=new YE}function qh(r,s,a){this.a=r,this.b=s,this.c=a}function G5e(r,s,a){this.a=r,this.b=s,this.c=a}function K5e(r,s,a){this.d=r,this.b=a,this.a=s}function cee(r){aOe(this),bp(this),cu(this,r)}function Kf(r){HZ(this),uhe(this.c,0,r.Pc())}function Y5e(r){Qd(r.a),WPe(r.c,r.b),r.b=null}function X5e(r){this.a=r,mg(),Df(Date.now())}function Q5e(){Q5e=xe,h2e=new _,dY=new _}function lee(){lee=xe,i2e=new mt,gKe=new en}function J5e(){J5e=xe,Rrt=Pe(mr,Ht,1,0,5,1)}function Z5e(){Z5e=xe,Wrt=Pe(mr,Ht,1,0,5,1)}function Kde(){Kde=xe,Grt=Pe(mr,Ht,1,0,5,1)}function wb(){wb=xe,new jP((In(),In(),wu))}function vat(r){return Jq(),bi((r8e(),vKe),r)}function wat(r){return Dg(),bi((_Pe(),xKe),r)}function yat(r){return QW(),bi((O$e(),IKe),r)}function Eat(r){return rW(),bi((I$e(),DKe),r)}function _at(r){return DG(),bi((b9e(),AKe),r)}function Sat(r){return U1(),bi((wPe(),FKe),r)}function xat(r){return dd(),bi((yPe(),MKe),r)}function Cat(r){return kf(),bi((EPe(),LKe),r)}function Tat(r){return WG(),bi((ARe(),uYe),r)}function kat(r){return LS(),bi((o8e(),lYe),r)}function Rat(r){return A5(),bi((s8e(),dYe),r)}function Oat(r){return zF(),bi((a8e(),gYe),r)}function Iat(r){return Kk(),bi((a$e(),bYe),r)}function Dat(r){return iW(),bi((D$e(),$Ye),r)}function Aat(r){return EF(),bi((SPe(),eXe),r)}function $at(r){return lu(),bi((M8e(),iXe),r)}function Pat(r){return P6(),bi((i8e(),cXe),r)}function Fat(r){return BS(),bi((xPe(),gXe),r)}function Yde(r,s){if(!r)throw de(new Yn(s))}function jat(r){return dr(),bi((iFe(),wXe),r)}function Xde(r){ZV.call(this,r.d,r.c,r.a,r.b)}function fee(r){ZV.call(this,r.d,r.c,r.a,r.b)}function Qde(r,s,a){this.b=r,this.c=s,this.a=a}function zV(r,s,a){this.b=r,this.a=s,this.c=a}function eIe(r,s,a){this.a=r,this.b=s,this.c=a}function Jde(r,s,a){this.a=r,this.b=s,this.c=a}function tIe(r,s,a){this.a=r,this.b=s,this.c=a}function Zde(r,s,a){this.a=r,this.b=s,this.c=a}function nIe(r,s,a){this.b=r,this.a=s,this.c=a}function HV(r,s,a){this.e=s,this.b=r,this.d=a}function Mat(r,s,a){return Lv(),r.a.Od(s,a),s}function dee(r){var s;return s=new Yi,s.e=r,s}function ehe(r){var s;return s=new $M,s.b=r,s}function NN(){NN=xe,CY=new K0,TY=new Sw}function n1(){n1=xe,$Xe=new Ux,PXe=new ah}function Nat(r){return IW(),bi((c8e(),RXe),r)}function Lat(r){return Ig(),bi((f8e(),MXe),r)}function Bat(r){return OG(),bi((o9e(),qXe),r)}function zat(r){return P5(),bi((aFe(),WXe),r)}function Hat(r){return Yq(),bi((M$e(),GXe),r)}function Uat(r){return C5(),bi((CPe(),KXe),r)}function Vat(r){return T4(),bi((A8e(),LXe),r)}function qat(r){return NS(),bi((RPe(),VXe),r)}function Wat(r){return hW(),bi((TPe(),YXe),r)}function Gat(r){return R2(),bi((I8e(),XXe),r)}function Kat(r){return vL(),bi(($$e(),QXe),r)}function Yat(r){return y2(),bi((kPe(),ZXe),r)}function Xat(r){return wG(),bi((fFe(),eQe),r)}function Qat(r){return lL(),bi((P$e(),tQe),r)}function Jat(r){return XL(),bi((cFe(),nQe),r)}function Zat(r){return eA(),bi((uFe(),rQe),r)}function eut(r){return Ru(),bi((D9e(),iQe),r)}function tut(r){return $6(),bi((IPe(),oQe),r)}function nut(r){return R0(),bi((OPe(),aQe),r)}function rut(r){return Nq(),bi((N$e(),uQe),r)}function iut(r){return Zh(),bi(($8e(),cQe),r)}function out(r){return gG(),bi((lFe(),xZe),r)}function sut(r){return DF(),bi((DPe(),CZe),r)}function aut(r){return vT(),bi((d8e(),TZe),r)}function uut(r){return Tu(),bi((PPe(),AZe),r)}function cut(r){return I4(),bi((i9e(),RZe),r)}function lut(r){return I0(),bi(($Pe(),OZe),r)}function fut(r){return pL(),bi((j$e(),IZe),r)}function dut(r){return TW(),bi((APe(),$Ze),r)}function hut(r){return HF(),bi((D8e(),kZe),r)}function put(r){return iL(),bi((F$e(),PZe),r)}function gut(r){return B6(),bi((jPe(),FZe),r)}function but(r){return xW(),bi((MPe(),jZe),r)}function mut(r){return DW(),bi((FPe(),MZe),r)}function vut(r){return jS(),bi((NPe(),XZe),r)}function wut(r){return wF(),bi((B$e(),tet),r)}function yut(r){return Eb(),bi((z$e(),cet),r)}function Eut(r){return Sg(),bi((H$e(),det),r)}function _ut(r){return B1(),bi((L$e(),Oet),r)}function Sut(r){return TS(),bi((U$e(),jet),r)}function xut(r){return Y6(),bi((u8e(),Met),r)}function Cut(r){return KF(),bi((dFe(),Let),r)}function Tut(r){return Iq(),bi((W$e(),Zet),r)}function kut(r){return EW(),bi((q$e(),ott),r)}function Rut(r){return Pq(),bi((V$e(),ett),r)}function Out(r){return HW(),bi((LPe(),att),r)}function Iut(r){return Qq(),bi((G$e(),utt),r)}function Dut(r){return AL(),bi((BPe(),ctt),r)}function Aut(r){return aG(),bi((l8e(),xtt),r)}function $ut(r){return CW(),bi((HPe(),Ctt),r)}function Put(r){return zW(),bi((zPe(),Ttt),r)}function Fut(r){return sA(),bi((j8e(),Wtt),r)}function jut(r){return NL(),bi((UPe(),Gtt),r)}function Mut(r){return D(),bi((o$e(),Ktt),r)}function Nut(r){return L(),bi((i$e(),Xtt),r)}function Lut(r){return oL(),bi((Y$e(),Qtt),r)}function But(r){return JL(),bi((P8e(),Jtt),r)}function zut(r){return K(),bi((s$e(),gnt),r)}function Hut(r){return RL(),bi((K$e(),bnt),r)}function Uut(r){return q1(),bi((F8e(),_nt),r)}function Vut(r){return nw(),bi((s9e(),xnt),r)}function qut(r){return xm(),bi((sFe(),Cnt),r)}function Wut(r){return ET(),bi((oFe(),Dnt),r)}function Gut(r){return vu(),bi(($Re(),CXe),r)}function Kut(r){return R6(),bi((A$e(),xXe),r)}function Yut(r){return ku(),bi((N8e(),Wnt),r)}function Xut(r){return Rg(),bi((qPe(),Gnt),r)}function Qut(r){return $0(),bi((g8e(),Knt),r)}function Jut(r){return mG(),bi((pFe(),Ynt),r)}function Zut(r){return D0(),bi((VPe(),Qnt),r)}function ect(r){return Sh(),bi((p8e(),Znt),r)}function tct(r){return CT(),bi((g9e(),ert),r)}function nct(r){return y4(),bi((L8e(),trt),r)}function rct(r){return Sa(),bi((eFe(),nrt),r)}function ict(r){return hd(),bi((hFe(),rrt),r)}function oct(r){return eh(),bi((m8e(),crt),r)}function sct(r){return Ad(),bi((A9e(),lrt),r)}function act(r){return It(),bi((B8e(),irt),r)}function uct(r){return qW(),bi((b8e(),frt),r)}function cct(r){return Zd(),bi((h8e(),prt),r)}function lct(r){return rA(),bi((a9e(),krt),r)}function fct(r,s){return Qn(r),r+(Qn(s),s)}function dct(r,s){return mg(),ei(et(r.a),s)}function hct(r,s){return mg(),ei(et(r.a),s)}function hee(r,s){this.c=r,this.a=s,this.b=s-r}function rIe(r,s,a){this.a=r,this.b=s,this.c=a}function the(r,s,a){this.a=r,this.b=s,this.c=a}function nhe(r,s,a){this.a=r,this.b=s,this.c=a}function iIe(r,s,a){this.a=r,this.b=s,this.c=a}function oIe(r,s,a){this.a=r,this.b=s,this.c=a}function Hv(r,s,a){this.e=r,this.a=s,this.c=a}function sIe(r,s,a){Vh(),ppe.call(this,r,s,a)}function pee(r,s,a){Vh(),Jhe.call(this,r,s,a)}function rhe(r,s,a){Vh(),Jhe.call(this,r,s,a)}function ihe(r,s,a){Vh(),Jhe.call(this,r,s,a)}function aIe(r,s,a){Vh(),pee.call(this,r,s,a)}function ohe(r,s,a){Vh(),pee.call(this,r,s,a)}function uIe(r,s,a){Vh(),ohe.call(this,r,s,a)}function cIe(r,s,a){Vh(),rhe.call(this,r,s,a)}function lIe(r,s,a){Vh(),ihe.call(this,r,s,a)}function LN(r,s){return Jr(r),Jr(s),new qJ(r,s)}function c5(r,s){return Jr(r),Jr(s),new SIe(r,s)}function pct(r,s){return Jr(r),Jr(s),new xIe(r,s)}function gct(r,s){return Jr(r),Jr(s),new oN(r,s)}function E(r,s){return tF(r==null||Xne(r,s)),r}function ZD(r){var s;return s=new vt,Ute(s,r),s}function bct(r){var s;return s=new vs,Ute(s,r),s}function fIe(r){var s;return s=new FO,rne(s,r),s}function BN(r){var s;return s=new Po,rne(s,r),s}function mct(r){return!r.e&&(r.e=new vt),r.e}function vct(r){return!r.c&&(r.c=new ib),r.c}function Et(r,s){return r.c[r.c.length]=s,!0}function dIe(r,s){this.c=r,this.b=s,this.a=!1}function she(r){this.d=r,Sv(this),this.b=llt(r.d)}function hIe(){this.a=";,;",this.b="",this.c=""}function wct(r,s,a){pDe.call(this,s,a),this.a=r}function pIe(r,s,a){this.b=r,RRe.call(this,s,a)}function ahe(r,s,a){this.c=r,tV.call(this,s,a)}function uhe(r,s,a){Ime(a,0,r,s,a.length,!1)}function mm(r,s,a,l,v){r.b=s,r.c=a,r.d=l,r.a=v}function yct(r,s){s&&(r.b=s,r.a=(Ry(s),s.a))}function che(r,s,a,l,v){r.d=s,r.c=a,r.a=l,r.b=v}function lhe(r){var s,a;s=r.b,a=r.c,r.b=a,r.c=s}function fhe(r){var s,a;a=r.d,s=r.a,r.d=s,r.a=a}function dhe(r){return $y(Tlt(cc(r)?mp(r):r))}function Ect(r,s){return _f(IIe(r.d),IIe(s.d))}function _ct(r,s){return s==(It(),nr)?r.c:r.d}function e6(){e6=xe,$Ce=(It(),nr),DX=fr}function gIe(){this.b=ot(Dt(Ut((G1(),Mae))))}function bIe(r){return Lv(),Pe(mr,Ht,1,r,5,1)}function Sct(r){return new Kt(r.c+r.b,r.d+r.a)}function xct(r,s){return qD(),_f(r.d.p,s.d.p)}function gee(r){return vr(r.b!=0),Xh(r,r.a.a)}function Cct(r){return vr(r.b!=0),Xh(r,r.c.b)}function hhe(r,s){if(!r)throw de(new yU(s))}function UV(r,s){if(!r)throw de(new Yn(s))}function phe(r,s,a){WD.call(this,r,s),this.b=a}function zN(r,s,a){Ofe.call(this,r,s),this.c=a}function mIe(r,s,a){K8e.call(this,s,a),this.d=r}function ghe(r){Kde(),rm.call(this),this.th(r)}function vIe(r,s,a){this.a=r,Zk.call(this,s,a)}function wIe(r,s,a){this.a=r,Zk.call(this,s,a)}function VV(r,s,a){Ofe.call(this,r,s),this.c=a}function yIe(){g6(),Vlt.call(this,(Mn(),jp))}function EIe(r){return r!=null&&!jne(r,Bj,zj)}function Tct(r,s){return(Ije(r)<<4|Ije(s))&ls}function kct(r,s){return pq(),ire(r,s),new KDe(r,s)}function s2(r,s){var a;r.n&&(a=s,Et(r.f,a))}function t6(r,s,a){var l;l=new nT(a),H1(r,s,l)}function Rct(r,s){var a;return a=r.c,$1e(r,s),a}function bhe(r,s){return s<0?r.g=-1:r.g=s,r}function qV(r,s){return dgt(r),r.a*=s,r.b*=s,r}function _Ie(r,s,a,l,v){r.c=s,r.d=a,r.b=l,r.a=v}function Ii(r,s){return os(r,s,r.c.b,r.c),!0}function mhe(r){r.a.b=r.b,r.b.a=r.a,r.a=r.b=null}function bee(r){this.b=r,this.a=wS(this.b.a).Ed()}function SIe(r,s){this.b=r,this.a=s,uO.call(this)}function xIe(r,s){this.a=r,this.b=s,uO.call(this)}function CIe(r,s){pDe.call(this,s,1040),this.a=r}function HN(r){return r==0||isNaN(r)?r:r<0?-1:1}function Oct(r){return g5(),Cm(r)==Wo(Ny(r))}function Ict(r){return g5(),Ny(r)==Wo(Cm(r))}function vS(r,s){return WF(r,new WD(s.a,s.b))}function Dct(r){return!uu(r)&&r.c.i.c==r.d.i.c}function WV(r){var s;return s=r.n,r.a.b+s.d+s.a}function TIe(r){var s;return s=r.n,r.e.b+s.d+s.a}function vhe(r){var s;return s=r.n,r.e.a+s.b+s.c}function kIe(r){return zi(),new vm(0,r)}function Act(r){return r.a?r.a:Xee(r)}function tF(r){if(!r)throw de(new rS(null))}function RIe(){RIe=xe,Ele=(In(),new tD(Xse))}function GV(){GV=xe,new gbe((RD(),uae),(n8(),aae))}function OIe(){OIe=xe,zEe=Pe(nu,ft,19,256,0,1)}function mee(r,s,a,l){Vge.call(this,r,s,a,l,0,0)}function $ct(r,s,a){return Qi(r.b,E(a.b,17),s)}function Pct(r,s,a){return Qi(r.b,E(a.b,17),s)}function Fct(r,s){return Et(r,new Kt(s.a,s.b))}function jct(r,s){return r.c<s.c?-1:r.c==s.c?0:1}function vee(r){return r.e.c.length+r.g.c.length}function IIe(r){return r.e.c.length-r.g.c.length}function DIe(r){return r.b.c.length-r.e.c.length}function Mct(r){return mh(),(It(),sf).Hc(r.j)}function AIe(r){Kde(),ghe.call(this,r),this.a=-1}function KV(r,s){TN.call(this,r,s),this.a=this}function zo(r,s){var a;return a=Lee(r,s),a.i=2,a}function YV(r,s){var a;return++r.j,a=r.Ti(s),a}function Vi(r,s,a){return r.a=-1,dde(r,s.g,a),r}function Nct(r,s,a){OOt(r.a,r.b,r.c,E(s,202),a)}function Lct(r,s){F1e(r,s==null?null:(Qn(s),s))}function Bct(r,s){A1e(r,s==null?null:(Qn(s),s))}function zct(r,s){A1e(r,s==null?null:(Qn(s),s))}function wee(r,s,a){return new N5e(qlt(r).Ie(),a,s)}function a2(r,s,a,l,v,y){return jMe(r,s,a,l,v,0,y)}function $Ie(){$Ie=xe,NEe=Pe(Z5,ft,217,256,0,1)}function PIe(){PIe=xe,HEe=Pe(cx,ft,162,256,0,1)}function FIe(){FIe=xe,qEe=Pe(lx,ft,184,256,0,1)}function jIe(){jIe=xe,BEe=Pe(H9,ft,172,128,0,1)}function whe(){mm(this,!1,!1,!1,!1)}function yee(r){rT(),this.a=(In(),new tD(Jr(r)))}function XV(r){for(Jr(r);r.Ob();)r.Pb(),r.Qb()}function Hct(r){r.a.cd(),E(r.a.dd(),14).gc(),Ks()}function yhe(r){this.c=r,this.b=this.c.d.vc().Kc()}function MIe(r){this.c=r,this.a=new lS(this.c.a)}function nF(r){this.a=new cS(r.gc()),cu(this,r)}function Ehe(r){oD.call(this,new h2),cu(this,r)}function NIe(r,s){return r.a+=vp(s,0,s.length),r}function Vt(r,s){return Vn(s,r.c.length),r.c[s]}function LIe(r,s){return Vn(s,r.a.length),r.a[s]}function Nn(r,s){Lv(),Ate.call(this,r),this.a=s}function Uct(r,s){return C2(Xa(C2(r.a).a,s.a))}function Vct(r,s){return Qn(r),EL(r,(Qn(s),s))}function qct(r,s){return Qn(s),EL(s,(Qn(r),r))}function Wct(r,s){return qo(s,0,_he(s[0],C2(1)))}function _he(r,s){return Uct(E(r,162),E(s,162))}function BIe(r){return r.c-E(Vt(r.a,r.b),287).b}function zIe(r){return r.q?r.q:(In(),In(),$m)}function HIe(r){return r.e.Hd().gc()*r.c.Hd().gc()}function Gct(r,s,a){return _f(s.d[r.g],a.d[r.g])}function Kct(r,s,a){return _f(r.d[s.p],r.d[a.p])}function Yct(r,s,a){return _f(r.d[s.p],r.d[a.p])}function Xct(r,s,a){return _f(r.d[s.p],r.d[a.p])}function Qct(r,s,a){return _f(r.d[s.p],r.d[a.p])}function She(r,s,a){return m.Math.min(a/r,1/s)}function UIe(r,s){return r?0:m.Math.max(0,s-1)}function Jct(r,s){var a;for(a=0;a<s;++a)r[a]=-1}function VIe(r){var s;return s=NMe(r),s?VIe(s):r}function Zct(r,s){return r.a==null&&ZBe(r),r.a[s]}function Yd(r){return r.c?r.c.f:r.e.b}function Yf(r){return r.c?r.c.g:r.e.a}function QV(r){AS.call(this,r.gc()),Yo(this,r)}function JV(r,s){Vh(),cb.call(this,s),this.a=r}function rF(r,s,a){this.a=r,xs.call(this,s,a,2)}function ZV(r,s,a,l){che(this,r,s,a,l)}function vm(r,s){zi(),gg.call(this,r),this.a=s}function qIe(r){this.b=new Po,this.a=r,this.c=-1}function WIe(){this.d=new Kt(0,0),this.e=new vs}function GIe(r){hde.call(this,0,0),this.a=r,this.b=0}function KIe(r){this.a=r,this.c=new jr,Vbt(this)}function xhe(r){if(r.e.c!=r.b)throw de(new Td)}function Che(r){if(r.c.e!=r.a)throw de(new Td)}function Qr(r){return cc(r)?r|0:$J(r)}function eq(r,s){return zi(),new Ghe(r,s)}function Eee(r,s){return r==null?s==null:xn(r,s)}function elt(r,s){return r==null?s==null:XW(r,s)}function l5(r,s,a){return a1(r.a,s),Uhe(r,s.g,a)}function _ee(r,s,a){ije(0,s,r.length),v6(r,0,s,a)}function ZC(r,s,a){oT(s,r.c.length),O8(r.c,s,a)}function YIe(r,s,a){var l;for(l=0;l<s;++l)r[l]=a}function Ro(r,s){var a;return a=yn(r),age(a,s),a}function tlt(r,s){return!r&&(r=[]),r[r.length]=s,r}function nlt(r,s){return r.a.get(s)!==void 0}function XIe(r,s){return Igt(new Is,new fP(r),s)}function rlt(r){return r==null?lY:new r8(Qn(r))}function See(r,s){return Ce(s,22)&&Gf(r,E(s,22))}function QIe(r,s){return Ce(s,22)&&sgt(r,E(s,22))}function The(r){return Dd(r,26)*f9+Dd(r,27)*d9}function khe(r){return Array.isArray(r)&&r.im===Xe}function tq(r){r.b?tq(r.b):r.d.dc()&&r.f.c.Bc(r.e)}function xee(r,s){io(r.c,s),r.b.c+=s.a,r.b.d+=s.b}function ilt(r,s){xee(r,pa(new Kt(s.a,s.b),r.c))}function Cee(r,s){this.b=new Po,this.a=r,this.c=s}function JIe(){this.b=new nh,this.c=new O6e(this)}function Rhe(){this.d=new Ho,this.e=new R6e(this)}function Ohe(){ype(),this.f=new Po,this.e=new Po}function ZIe(){mh(),this.k=new jr,this.d=new vs}function Tee(){Tee=xe,brt=new bu((Mi(),Fd),0)}function eDe(){eDe=xe,XGe=new GIe(Pe(mr,Ht,1,0,5,1))}function olt(r,s,a){WLe(a,r,1),Et(s,new x4e(a,r))}function slt(r,s,a){VF(a,r,1),Et(s,new D4e(a,r))}function alt(r,s,a){return Bs(r,new e5(s.a,a.a))}function ult(r,s,a){return-_f(r.f[s.p],r.f[a.p])}function nq(r,s,a){var l;r&&(l=r.i,l.c=s,l.b=a)}function rq(r,s,a){var l;r&&(l=r.i,l.d=s,l.a=a)}function ld(r,s,a){return r.a=-1,dde(r,s.g+1,a),r}function Ihe(r,s,a){return a=Ch(r,E(s,49),7,a),a}function Dhe(r,s,a){return a=Ch(r,E(s,49),3,a),a}function tDe(r,s,a){this.a=r,RV.call(this,s,a,22)}function nDe(r,s,a){this.a=r,RV.call(this,s,a,14)}function rDe(r,s,a,l){Vh(),MAe.call(this,r,s,a,l)}function iDe(r,s,a,l){Vh(),MAe.call(this,r,s,a,l)}function clt(r,s){s.Bb&Uc&&!r.a.o&&(r.a.o=s)}function oDe(r){return r!=null&&Pee(r)&&r.im!==Xe}function Ahe(r){return!Array.isArray(r)&&r.im===Xe}function llt(r){return Ce(r,15)?E(r,15).Yc():r.Kc()}function $he(r){return r.Qc(Pe(mr,Ht,1,r.gc(),5,1))}function iF(r,s){return xvt(hL(r,s))?s.Qh():null}function Phe(r){r?xbe(r,(mg(),GEe)):mg()}function Rr(r){this.a=(eDe(),XGe),this.d=E(Jr(r),47)}function Fhe(r,s,a,l){this.a=r,Kq.call(this,r,s,a,l)}function u2(r){ec(),this.a=0,this.b=r-1,this.c=1}function sDe(r){TV(this),this.g=r,wq(this),this._d()}function wS(r){return r.c?r.c:r.c=r.Id()}function kee(r){return r.d?r.d:r.d=r.Jd()}function jhe(r){var s;return s=r.c,s||(r.c=r.Dd())}function aDe(r){var s;return s=r.f,s||(r.f=r.Dc())}function f5(r){var s;return s=r.i,s||(r.i=r.bc())}function uDe(r){return zi(),new ite(10,r,0)}function oF(r){return cc(r)?""+r:GBe(r)}function iq(r){if(r.e.j!=r.d)throw de(new Td)}function E0(r,s){return $y(pNe(cc(r)?mp(r):r,s))}function xy(r,s){return $y(Wme(cc(r)?mp(r):r,s))}function eT(r,s){return $y(d_t(cc(r)?mp(r):r,s))}function flt(r,s){return Ust((Qn(r),r),(Qn(s),s))}function Ree(r,s){return Ts((Qn(r),r),(Qn(s),s))}function cDe(r,s){return Jr(s),r.a.Ad(s)&&!r.b.Ad(s)}function dlt(r,s){return Jl(r.l&s.l,r.m&s.m,r.h&s.h)}function hlt(r,s){return Jl(r.l|s.l,r.m|s.m,r.h|s.h)}function plt(r,s){return Jl(r.l^s.l,r.m^s.m,r.h^s.h)}function oq(r,s){return jL(r,(Qn(s),new GE(s)))}function sq(r,s){return jL(r,(Qn(s),new iy(s)))}function lDe(r){return Xf(),E(r,11).e.c.length!=0}function fDe(r){return Xf(),E(r,11).g.c.length!=0}function glt(r,s){return T5(),Ts(s.a.o.a,r.a.o.a)}function dDe(r,s,a){return JOt(r,E(s,11),E(a,11))}function blt(r){return r.e?Zpe(r.e):null}function Mhe(r){r.d||(r.d=r.b.Kc(),r.c=r.b.gc())}function mlt(r,s,a){r.a.Mb(a)&&(r.b=!0,s.td(a))}function n6(r,s){if(r<0||r>=s)throw de(new SD)}function vlt(r,s,a){return qo(s,0,_he(s[0],a[0])),s}function wlt(r,s,a){s.Ye(a,ot(Dt(Cr(r.b,a)))*r.a)}function hDe(r,s,a){return A4(),O6(r,s)&&O6(r,a)}function sF(r){return hd(),!r.Hc(q0)&&!r.Hc(cE)}function aq(r){return new Kt(r.c+r.b/2,r.d+r.a/2)}function Oee(r,s){return s.kh()?jy(r.b,E(s,49)):s}function Nhe(r,s){this.e=r,this.d=s&64?s|xb:s}function pDe(r,s){this.c=0,this.d=r,this.b=s|64|xb}function uq(r){this.b=new Fl(11),this.a=(a4(),r)}function Iee(r){this.b=null,this.a=(a4(),r||t2e)}function gDe(r){this.a=N7e(r.a),this.b=new Kf(r.b)}function bDe(r){this.b=r,o5.call(this,r),wOe(this)}function mDe(r){this.b=r,ON.call(this,r),yOe(this)}function tT(r,s,a){this.a=r,a5.call(this,s,a,5,6)}function Lhe(r,s,a,l){this.b=r,xs.call(this,s,a,l)}function aa(r,s,a,l,v){Fte.call(this,r,s,a,l,v,-1)}function aF(r,s,a,l,v){uL.call(this,r,s,a,l,v,-1)}function St(r,s,a,l){xs.call(this,r,s,a),this.b=l}function cq(r,s,a,l){zN.call(this,r,s,a),this.b=l}function vDe(r){ERe.call(this,r,!1),this.a=!1}function wDe(r,s){this.b=r,Y$.call(this,r.b),this.a=s}function yDe(r,s){rT(),HU.call(this,r,MW(new yf(s)))}function lq(r,s){return zi(),new Zhe(r,s,0)}function Dee(r,s){return zi(),new Zhe(6,r,s)}function ylt(r,s){return xn(r.substr(0,s.length),s)}function Xd(r,s){return ha(s)?Zee(r,s):!!nc(r.f,s)}function ja(r,s){for(Qn(s);r.Ob();)s.td(r.Pb())}function o4(r,s,a){zy(),this.e=r,this.d=s,this.a=a}function Uv(r,s,a,l){var v;v=r.i,v.i=s,v.a=a,v.b=l}function Bhe(r){var s;for(s=r;s.f;)s=s.f;return s}function d5(r){var s;return s=IF(r),vr(s!=null),s}function Elt(r){var s;return s=s0t(r),vr(s!=null),s}function r6(r,s){var a;return a=r.a.gc(),Qpe(s,a),a-s}function zhe(r,s){var a;for(a=0;a<s;++a)r[a]=!1}function _lt(r,s,a,l){var v;for(v=s;v<a;++v)r[v]=l}function ze(r,s,a,l){ije(s,a,r.length),_lt(r,s,a,l)}function Slt(r,s,a){n6(a,r.a.c.length),Kh(r.a,a,s)}function Hhe(r,s,a){this.c=r,this.a=s,In(),this.b=a}function Uhe(r,s,a){var l;return l=r.b[s],r.b[s]=a,l}function Bs(r,s){var a;return a=r.a.zc(s,r),a==null}function xlt(r){if(!r)throw de(new mc);return r.d}function Vhe(r,s){if(r==null)throw de(new LC(s))}function qhe(r,s){return s?cu(r,s):!1}function wm(r,s,a){return vmt(r,s.g,a),a1(r.c,s),r}function Clt(r){return j4(r,(ku(),Op)),r.d=!0,r}function Aee(r){return!r.j&&uP(r,V3t(r.g,r.b)),r.j}function uF(r){KC(r.b!=-1),qv(r.c,r.a=r.b),r.b=-1}function fd(r){r.f=new URe(r),r.g=new VRe(r),Sq(r)}function $ee(r){return new Nn(null,Ilt(r,r.length))}function Cy(r){return new Rr(new Zfe(r.a.length,r.a))}function Tlt(r){return Jl(~r.l&$d,~r.m&$d,~r.h&N0)}function Pee(r){return typeof r===wB||typeof r===kie}function klt(r){return r==Qo?XB:r==ws?"-INF":""+r}function Rlt(r){return r==Qo?XB:r==ws?"-INF":""+r}function Olt(r,s){return r>0?m.Math.log(r/s):-100}function EDe(r,s){return tl(r,s)<0?-1:tl(r,s)>0?1:0}function Whe(r,s,a){return dHe(r,E(s,46),E(a,167))}function _De(r,s){return E(jhe(wS(r.a)).Xb(s),42).cd()}function Ilt(r,s){return Z1t(s,r.length),new CIe(r,s)}function Fee(r,s){this.d=r,Tr.call(this,r),this.e=s}function yS(r){this.d=(Qn(r),r),this.a=0,this.c=KG}function Ghe(r,s){gg.call(this,1),this.a=r,this.b=s}function SDe(r,s){return r.c?SDe(r.c,s):Et(r.b,s),r}function Dlt(r,s,a){var l;return l=cT(r,s),wte(r,s,a),l}function Khe(r,s){var a;return a=r.slice(0,s),f1e(a,r)}function xDe(r,s,a){var l;for(l=0;l<s;++l)qo(r,l,a)}function CDe(r,s,a,l,v){for(;s<a;)l[v++]=Ma(r,s++)}function Alt(r,s){return Ts(r.c.c+r.c.b,s.c.c+s.c.b)}function UN(r,s){return AW(r.a,s,(tr(),H2))==null}function VN(r,s){os(r.d,s,r.b.b,r.b),++r.a,r.c=null}function qN(r,s){gOe(r,Ce(s,153)?s:E(s,1937).gl())}function ES(r,s){Bo(xf(r.Oc(),new Vx),new FQ(s))}function i6(r,s,a,l,v){vre(r,E(no(s.k,a),15),a,l,v)}function fq(r){r.s=NaN,r.c=NaN,ALe(r,r.e),ALe(r,r.j)}function TDe(r){r.a=null,r.e=null,fd(r.b),r.d=0,++r.c}function jee(r){return m.Math.abs(r.d.e-r.e.e)-r.a}function $lt(r,s,a){return E(r.c._c(s,E(a,133)),42)}function Plt(){return MC(),pe(he(QGe,1),wt,538,0,[fae])}function Flt(r){return g5(),Wo(Cm(r))==Wo(Ny(r))}function kDe(r){Fde.call(this),this.a=r,Et(r.a,this)}function Mee(r,s){this.d=a0t(r),this.c=s,this.a=.5*s}function RDe(){h2.call(this),this.a=!0,this.b=!0}function _r(r){return(r.i==null&&Sb(r),r.i).length}function ODe(r){return Ce(r,99)&&(E(r,18).Bb&Uc)!=0}function jlt(r,s){++r.j,yre(r,r.i,s),xSt(r,E(s,332))}function Nee(r,s){return s=r.nk(null,s),XMe(r,null,s)}function Yo(r,s){return r.hi()&&(s=J6e(r,s)),r.Wh(s)}function V(r,s,a){var l;return l=Lee(r,s),vFe(a,l),l}function Lee(r,s){var a;return a=new rge,a.j=r,a.d=s,a}function Jr(r){if(r==null)throw de(new FC);return r}function Bee(r){var s;return s=r.j,s||(r.j=new Bc(r))}function IDe(r){var s;return s=r.f,s||(r.f=new Jfe(r))}function Yhe(r){var s;return s=r.k,s||(r.k=new G$(r))}function dq(r){var s;return s=r.k,s||(r.k=new G$(r))}function cF(r){var s;return s=r.g,s||(r.g=new hO(r))}function Mlt(r){var s;return s=r.i,s||(r.i=new fg(r))}function zee(r){var s;return s=r.d,s||(r.d=new KI(r))}function DDe(r){return Jr(r),Ce(r,475)?E(r,475):dc(r)}function Xhe(r){return Ce(r,607)?r:new B6e(r)}function ADe(r,s){return tL(s,r.c.b.c.gc()),new VJ(r,s)}function $De(r,s,a){return zi(),new RAe(r,s,a)}function qo(r,s,a){return mst(a==null||Tkt(r,a)),r[s]=a}function Qhe(r,s){var a;return a=r.a.gc(),tL(s,a),a-1-s}function o6(r,s){return r.a+=String.fromCharCode(s),r}function Ty(r,s){return r.a+=String.fromCharCode(s),r}function Hee(r,s){for(Qn(s);r.c<r.d;)r.ze(s,r.c++)}function Cr(r,s){return ha(s)?ml(r,s):Rc(nc(r.f,s))}function Nlt(r,s){return g5(),r==Cm(s)?Ny(s):Cm(s)}function Llt(r,s){h5(r,new nT(s.f!=null?s.f:""+s.g))}function Blt(r,s){h5(r,new nT(s.f!=null?s.f:""+s.g))}function PDe(r){this.b=new vt,this.a=new vt,this.c=r}function gp(r){this.c=new ka,this.a=new vt,this.b=r}function FDe(r){Fde.call(this),this.a=new ka,this.c=r}function nT(r){if(r==null)throw de(new FC);this.a=r}function jDe(r){BP(),this.b=new vt,this.a=r,MRt(this,r)}function MDe(r){this.c=r,this.a=new Po,this.b=new Po}function NDe(){NDe=xe,nKe=new Z$(!1),rKe=new Z$(!0)}function rT(){rT=xe,wb(),cae=new ete((In(),In(),wu))}function Uee(){Uee=xe,wb(),IEe=new tfe((In(),In(),cY))}function ky(){ky=xe,qn=SSt(),kn(),h3&&Iyt()}function zlt(r,s){return T5(),E(ju(r,s.d),15).Fc(s)}function Hlt(r,s,a,l){return a==0||(a-l)/a<r.e||s>=r.g}function Vee(r,s,a){var l;return l=tne(r,s,a),_0e(r,l)}function h5(r,s){var a;a=r.a.length,cT(r,a),wte(r,a,s)}function LDe(r,s){var a;a=console[r],a.call(console,s)}function BDe(r,s){var a;++r.j,a=r.Vi(),r.Ii(r.oi(a,s))}function Ult(r,s,a){E(s.b,65),Rf(s.a,new the(r,a,s))}function Jhe(r,s,a){cb.call(this,s),this.a=r,this.b=a}function Zhe(r,s,a){gg.call(this,r),this.a=s,this.b=a}function epe(r,s,a){this.a=r,Kr.call(this,s),this.b=a}function zDe(r,s,a){this.a=r,Ipe.call(this,8,s,null,a)}function Vlt(r){this.a=(Qn(vi),vi),this.b=r,new jM}function HDe(r){this.c=r,this.b=this.c.a,this.a=this.c.e}function tpe(r){this.c=r,this.b=r.a.d.a,_de(r.a.e,this)}function Qd(r){KC(r.c!=-1),r.d.$c(r.c),r.b=r.c,r.c=-1}function lF(r){return m.Math.sqrt(r.a*r.a+r.b*r.b)}function _S(r,s){return n6(s,r.a.c.length),Vt(r.a,s)}function yb(r,s){return Qe(r)===Qe(s)||r!=null&&Ki(r,s)}function qlt(r){return 0>=r?new lN:Dgt(r-1)}function Wlt(r){return g3?Zee(g3,r):!1}function UDe(r){return r?r.dc():!r.Kc().Ob()}function Za(r){return!r.a&&r.c?r.c.b:r.a}function Glt(r){return!r.a&&(r.a=new xs(lE,r,4)),r.a}function SS(r){return!r.d&&(r.d=new xs(Au,r,1)),r.d}function Qn(r){if(r==null)throw de(new FC);return r}function fF(r){r.c?r.c.He():(r.d=!0,JCt(r))}function Ry(r){r.c?Ry(r.c):(x2(r),r.d=!0)}function VDe(r){ope(r.a),r.b=Pe(mr,Ht,1,r.b.length,5,1)}function Klt(r,s){return _f(s.j.c.length,r.j.c.length)}function Ylt(r,s){r.c<0||r.b.b<r.c?o2(r.b,s):r.a._e(s)}function Xlt(r,s){var a;a=r.Yg(s),a>=0?r.Bh(a):Ame(r,s)}function qDe(r){var s,a;return s=r.c.i.c,a=r.d.i.c,s==a}function Qlt(r){if(r.p!=4)throw de(new Kl);return r.e}function Jlt(r){if(r.p!=3)throw de(new Kl);return r.e}function Zlt(r){if(r.p!=6)throw de(new Kl);return r.f}function eft(r){if(r.p!=6)throw de(new Kl);return r.k}function tft(r){if(r.p!=3)throw de(new Kl);return r.j}function nft(r){if(r.p!=4)throw de(new Kl);return r.j}function npe(r){return!r.b&&(r.b=new IO(new MM)),r.b}function xS(r){return r.c==-2&&aP(r,y2t(r.g,r.b)),r.c}function s6(r,s){var a;return a=Lee("",r),a.n=s,a.i=1,a}function rft(r,s){xee(E(s.b,65),r),Rf(s.a,new N(r))}function ift(r,s){ei((!r.a&&(r.a=new PN(r,r)),r.a),s)}function WDe(r,s){this.b=r,Fee.call(this,r,s),wOe(this)}function GDe(r,s){this.b=r,qde.call(this,r,s),yOe(this)}function rpe(r,s,a,l){vy.call(this,r,s),this.d=a,this.a=l}function hq(r,s,a,l){vy.call(this,r,a),this.a=s,this.f=l}function KDe(r,s){Mot.call(this,Agt(Jr(r),Jr(s))),this.a=s}function YDe(){lme.call(this,B2,(OJ(),tit)),TRt(this)}function XDe(){lme.call(this,Cp,(Lk(),jke)),F4t(this)}function QDe(){si.call(this,"DELAUNAY_TRIANGULATION",0)}function oft(r){return String.fromCharCode.apply(null,r)}function Qi(r,s,a){return ha(s)?Uu(r,s,a):ef(r.f,s,a)}function ipe(r){return In(),r?r.ve():(a4(),a4(),r2e)}function sft(r,s,a){return k5(),a.pg(r,E(s.cd(),146))}function JDe(r,s){return GV(),new gbe(new $Oe(r),new AOe(s))}function aft(r){return Eh(r,Iie),oW(Xa(Xa(5,r),r/10|0))}function pq(){pq=xe,YGe=new OD(pe(he(z2,1),YG,42,0,[]))}function ZDe(r){return!r.d&&(r.d=new G_(r.c.Cc())),r.d}function a6(r){return!r.a&&(r.a=new Ao(r.c.vc())),r.a}function e6e(r){return!r.b&&(r.b=new Ov(r.c.ec())),r.b}function ym(r,s){for(;s-- >0;)r=r<<1|(r<0?1:0);return r}function bl(r,s){return Qe(r)===Qe(s)||r!=null&&Ki(r,s)}function uft(r,s){return tr(),E(s.b,19).a<r}function cft(r,s){return tr(),E(s.a,19).a<r}function ju(r,s){return See(r.a,s)?r.b[E(s,22).g]:null}function lft(r,s,a,l){r.a=bh(r.a,0,s)+(""+l)+kN(r.a,a)}function t6e(r,s){r.u.Hc((hd(),q0))&&pSt(r,s),Xpt(r,s)}function Ma(r,s){return ui(s,r.length),r.charCodeAt(s)}function n6e(){Zu.call(this,"There is no more element.")}function dF(r){this.d=r,this.a=this.d.b,this.b=this.d.c}function r6e(r){r.b=!1,r.c=!1,r.d=!1,r.a=!1}function $i(r,s,a,l){return n9e(r,s,a,!1),NW(r,l),r}function fft(r){return r.j.c=Pe(mr,Ht,1,0,5,1),r.a=-1,r}function dft(r){return!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c}function hft(r){return!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b}function gq(r){return!r.n&&(r.n=new St(pc,r,1,7)),r.n}function qee(r){return!r.c&&(r.c=new St(jd,r,9,9)),r.c}function u6(r){return r.e==AA&&qE(r,Dvt(r.g,r.b)),r.e}function WN(r){return r.f==AA&&ny(r,vyt(r.g,r.b)),r.f}function s4(r){var s;return s=r.b,!s&&(r.b=s=new pO(r)),s}function ope(r){var s;for(s=r.Kc();s.Ob();)s.Pb(),s.Qb()}function c6(r){if(Id(r.d),r.d.d!=r.c)throw de(new Td)}function spe(r,s){this.b=r,this.c=s,this.a=new lS(this.b)}function Wee(r,s,a){this.a=gve,this.d=r,this.b=s,this.c=a}function i6e(r,s){this.d=(Qn(r),r),this.a=16449,this.c=s}function pft(r,s){jje(r,ot(O0(s,"x")),ot(O0(s,"y")))}function gft(r,s){jje(r,ot(O0(s,"x")),ot(O0(s,"y")))}function So(r,s){return x2(r),new Nn(r,new l1e(s,r.a))}function xf(r,s){return x2(r),new Nn(r,new Jpe(s,r.a))}function bq(r,s){return x2(r),new Cde(r,new hPe(s,r.a))}function mq(r,s){return x2(r),new Tde(r,new pPe(s,r.a))}function bft(r,s){return new A6e(E(Jr(r),62),E(Jr(s),62))}function mft(r,s){return ZU(),Ts((Qn(r),r),(Qn(s),s))}function vft(){return Kk(),pe(he(L2e,1),wt,481,0,[Iae])}function wft(){return D(),pe(he(DTe,1),wt,482,0,[Pce])}function yft(){return L(),pe(he(Ytt,1),wt,551,0,[Fce])}function Eft(){return K(),pe(he(JTe,1),wt,530,0,[$z])}function o6e(r){this.a=new vt,this.e=Pe(Gr,ft,48,r,0,2)}function Gee(r,s,a,l){this.a=r,this.e=s,this.d=a,this.c=l}function vq(r,s,a,l){this.a=r,this.c=s,this.b=a,this.d=l}function ape(r,s,a,l){this.c=r,this.b=s,this.a=a,this.d=l}function s6e(r,s,a,l){this.c=r,this.b=s,this.d=a,this.a=l}function Wh(r,s,a,l){this.c=r,this.d=s,this.b=a,this.a=l}function a6e(r,s,a,l){this.a=r,this.d=s,this.c=a,this.b=l}function p5(r,s,a,l){si.call(this,r,s),this.a=a,this.b=l}function u6e(r,s,a,l){this.a=r,this.c=s,this.d=a,this.b=l}function _ft(r,s,a){A4t(r.a,a),Obt(a),oxt(r.b,a),X4t(s,a)}function Kee(r,s,a){var l,v;return l=ive(r),v=s.Kh(a,l),v}function c6e(r,s){var a,l;return a=r/s,l=ss(a),a>l&&++l,l}function _0(r){var s,a;return a=(s=new b0,s),E6(a,r),a}function Yee(r){var s,a;return a=(s=new b0,s),hme(a,r),a}function Sft(r,s){var a;return a=Cr(r.f,s),V1e(s,a),null}function Xee(r){var s;return s=Pgt(r),s||null}function l6e(r){return!r.b&&(r.b=new St(ra,r,12,3)),r.b}function xft(r){return r!=null&&XO(yQ,r.toLowerCase())}function Cft(r,s){return Ts(Yf(r)*Yd(r),Yf(s)*Yd(s))}function Tft(r,s){return Ts(Yf(r)*Yd(r),Yf(s)*Yd(s))}function kft(r,s){return Ts(r.d.c+r.d.b/2,s.d.c+s.d.b/2)}function Rft(r,s){return Ts(r.g.c+r.g.b/2,s.g.c+s.g.b/2)}function f6e(r,s,a){a.a?If(r,s.b-r.f/2):Of(r,s.a-r.g/2)}function d6e(r,s,a,l){this.a=r,this.b=s,this.c=a,this.d=l}function h6e(r,s,a,l){this.a=r,this.b=s,this.c=a,this.d=l}function c2(r,s,a,l){this.e=r,this.a=s,this.c=a,this.d=l}function p6e(r,s,a,l){this.a=r,this.c=s,this.d=a,this.b=l}function g6e(r,s,a,l){Vh(),aPe.call(this,s,a,l),this.a=r}function b6e(r,s,a,l){Vh(),aPe.call(this,s,a,l),this.a=r}function m6e(r,s){this.a=r,Pst.call(this,r,E(r.d,15).Zc(s))}function Qee(r){this.f=r,this.c=this.f.e,r.f>0&&OMe(this)}function v6e(r,s,a,l){this.b=r,this.c=l,MZ.call(this,s,a)}function w6e(r){return vr(r.b<r.d.gc()),r.d.Xb(r.c=r.b++)}function bp(r){r.a.a=r.c,r.c.b=r.a,r.a.b=r.c.a=null,r.b=0}function upe(r,s){return r.b=s.b,r.c=s.c,r.d=s.d,r.a=s.a,r}function wq(r){return r.n&&(r.e!==LUe&&r._d(),r.j=null),r}function y6e(r){return tF(r==null||Pee(r)&&r.im!==Xe),r}function E6e(r){this.b=new vt,Cs(this.b,this.b),this.a=r}function g5(){g5=xe,wY=new vt,Pae=new jr,$ae=new vt}function In(){In=xe,wu=new Ze,$m=new $t,cY=new Ue}function a4(){a4=xe,t2e=new Re,n2e=new Re,r2e=new Ae}function cpe(){cpe=xe,kKe=new ki,OKe=new Rhe,RKe=new co}function Oft(){p2e==256&&(h2e=dY,dY=new _,p2e=0),++p2e}function b5(r){var s;return s=r.f,s||(r.f=new VC(r,r.c))}function Ift(r){return KS(r)&&Wt(Gt(Xt(r,(Ft(),W2))))}function Dft(r,s){return _n(r,E(se(s,(Ft(),n$)),19),s)}function _6e(r,s){return m4(r.j,s.s,s.c)+m4(s.e,r.s,r.c)}function S6e(r,s){r.e&&!r.e.a&&(xM(r.e,s),S6e(r.e,s))}function x6e(r,s){r.d&&!r.d.a&&(xM(r.d,s),x6e(r.d,s))}function Aft(r,s){return-Ts(Yf(r)*Yd(r),Yf(s)*Yd(s))}function $ft(r){return E(r.cd(),146).tg()+":"+dc(r.dd())}function Pft(r){n1();var s;s=E(r.g,10),s.n.a=r.d.c+s.d.b}function Fft(r,s,a){return ZO(),T0t(E(Cr(r.e,s),522),a)}function jft(r,s){return Od(r),Od(s),wU(E(r,22),E(s,22))}function Mft(r,s,a){r.i=0,r.e=0,s!=a&&q9e(r,s,a)}function Nft(r,s,a){r.i=0,r.e=0,s!=a&&W9e(r,s,a)}function l2(r,s,a){var l,v;l=Gde(a),v=new mO(l),H1(r,s,v)}function Jee(r,s,a,l,v,y){uL.call(this,r,s,a,l,v,y?-2:-1)}function C6e(r,s,a,l){Ofe.call(this,s,a),this.b=r,this.a=l}function lpe(r,s){new Po,this.a=new Yl,this.b=r,this.c=s}function Lft(r,s){return E(se(r,(bt(),aI)),15).Fc(s),s}function yq(r,s){if(r==null)throw de(new LC(s));return r}function oo(r){return!r.q&&(r.q=new St(Fp,r,11,10)),r.q}function et(r){return!r.s&&(r.s=new St(Mf,r,21,17)),r.s}function Eq(r){return!r.a&&(r.a=new St(Ko,r,10,11)),r.a}function _q(r){return Ce(r,14)?new nF(E(r,14)):bct(r.Kc())}function Bft(r){return new COe(r,r.e.Hd().gc()*r.c.Hd().gc())}function zft(r){return new TOe(r,r.e.Hd().gc()*r.c.Hd().gc())}function fpe(r){return r&&r.hashCode?r.hashCode():gS(r)}function Zee(r,s){return s==null?!!nc(r.f,null):nlt(r.g,s)}function Hft(r){return Jr(r),G7e(new Rr(Ar(r.a.Kc(),new M)))}function GN(r){return In(),Ce(r,54)?new f8(r):new OV(r)}function T6e(r,s,a){return r.f?r.f.Ne(s,a):!1}function Uft(r,s){return r.a=bh(r.a,0,s)+""+kN(r.a,s+1),r}function Vft(r,s){var a;return a=Gfe(r.a,s),a&&(s.d=null),a}function Sq(r){var s,a;a=r,s=a.$modCount|0,a.$modCount=s+1}function dpe(r){this.b=r,this.c=r,r.e=null,r.c=null,this.a=1}function k6e(r){this.b=r,this.a=new gm(E(Jr(new Ia),62))}function R6e(r){this.c=r,this.b=new gm(E(Jr(new xo),62))}function O6e(r){this.c=r,this.b=new gm(E(Jr(new up),62))}function I6e(){this.a=new WP,this.b=new iJ,this.d=new Mt}function CS(){this.a=new Yl,this.b=(Eh(3,AT),new Fl(3))}function D6e(){this.b=new vs,this.d=new Po,this.e=new iU}function xq(r){this.c=r.c,this.d=r.d,this.b=r.b,this.a=r.a}function A6e(r,s){Ale.call(this,new Iee(r)),this.a=r,this.b=s}function $6e(){Cre(this,new gk),this.wb=(ky(),qn),Lk()}function qft(r){Lr(r,"No crossing minimization",1),Or(r)}function Wft(r){oS(),m.setTimeout(function(){throw r},0)}function tc(r){return r.u||(kd(r),r.u=new b5e(r,r)),r.u}function Cf(r){var s;return s=E(Gn(r,16),26),s||r.zh()}function P6e(r,s){return Ce(s,146)&&xn(r.b,E(s,146).tg())}function Gft(r,s){return r.a?s.Wg().Kc():E(s.Wg(),69).Zh()}function Kft(r){return r.k==(dr(),Os)&&ta(r,(bt(),tj))}function ete(r){this.a=(In(),Ce(r,54)?new f8(r):new OV(r))}function l6(){l6=xe;var r,s;s=!gvt(),r=new ne,pae=s?new Le:r}function tte(r,s){var a;return a=v0(r.gm),s==null?a:a+": "+s}function F6e(r,s){var a;return a=r.b.Qc(s),T$e(a,r.b.gc()),a}function KN(r,s){if(r==null)throw de(new LC(s));return r}function nc(r,s){return sje(r,s,Idt(r,s==null?0:r.b.se(s)))}function Yft(r,s,a){return a>=0&&xn(r.substr(a,s.length),s)}function Oy(r,s,a,l,v,y,x){return new Ete(r.e,s,a,l,v,y,x)}function j6e(r,s,a,l,v,y){this.a=r,Kte.call(this,s,a,l,v,y)}function M6e(r,s,a,l,v,y){this.a=r,Kte.call(this,s,a,l,v,y)}function N6e(r,s){this.g=r,this.d=pe(he(Pm,1),iw,10,0,[s])}function Vv(r,s){this.e=r,this.a=mr,this.b=aze(s),this.c=s}function L6e(r,s){NV.call(this),w1e(this),this.a=r,this.c=s}function YN(r,s,a,l){qo(r.c[s.g],a.g,l),qo(r.c[a.g],s.g,l)}function nte(r,s,a,l){qo(r.c[s.g],s.g,a),qo(r.b[s.g],s.g,l)}function Xft(){return iL(),pe(he(xCe,1),wt,376,0,[uce,Tz])}function Qft(){return lL(),pe(he(bSe,1),wt,479,0,[gSe,ZY])}function Jft(){return vL(),pe(he(hSe,1),wt,419,0,[QY,dSe])}function Zft(){return Yq(),pe(he(oSe,1),wt,422,0,[iSe,cue])}function edt(){return Nq(),pe(he(OSe,1),wt,420,0,[xue,RSe])}function tdt(){return pL(),pe(he(yCe,1),wt,421,0,[oce,sce])}function ndt(){return wF(),pe(he(eet,1),wt,523,0,[bj,gj])}function rdt(){return B1(),pe(he(Ret,1),wt,520,0,[o3,rE])}function idt(){return Eb(),pe(he(uet,1),wt,516,0,[xx,fw])}function odt(){return Sg(),pe(he(fet,1),wt,515,0,[X2,zg])}function sdt(){return TS(),pe(he(Fet,1),wt,455,0,[iE,hR])}function adt(){return Pq(),pe(he(KCe,1),wt,425,0,[Sce,GCe])}function udt(){return Iq(),pe(he(WCe,1),wt,480,0,[_ce,qCe])}function cdt(){return EW(),pe(he(YCe,1),wt,495,0,[zX,c$])}function ldt(){return Qq(),pe(he(QCe,1),wt,426,0,[XCe,kce])}function fdt(){return RL(),pe(he(e3e,1),wt,429,0,[XX,ZTe])}function ddt(){return oL(),pe(he(ATe,1),wt,430,0,[jce,KX])}function hdt(){return QW(),pe(he(b2e,1),wt,428,0,[Sae,g2e])}function pdt(){return rW(),pe(he(v2e,1),wt,427,0,[m2e,xae])}function gdt(){return iW(),pe(he(W2e,1),wt,424,0,[Fae,yY])}function bdt(){return R6(),pe(he(SXe,1),wt,511,0,[cz,Kae])}function Cq(r,s,a,l){return a>=0?r.jh(s,a,l):r.Sg(null,a,l)}function rte(r){return r.b.b==0?r.a.$e():gee(r.b)}function mdt(r){if(r.p!=5)throw de(new Kl);return Qr(r.f)}function vdt(r){if(r.p!=5)throw de(new Kl);return Qr(r.k)}function hpe(r){return Qe(r.a)===Qe((ine(),vle))&&wRt(r),r.a}function B6e(r){this.a=E(Jr(r),271),this.b=(In(),new sde(r))}function z6e(r,s){JI(this,new Kt(r.a,r.b)),EC(this,BN(s))}function TS(){TS=xe,iE=new Efe(U5,0),hR=new Efe(V5,1)}function Eb(){Eb=xe,xx=new wfe(V5,0),fw=new wfe(U5,1)}function kS(){$le.call(this,new cS(lT(12))),nde(!0),this.a=2}function ite(r,s,a){zi(),gg.call(this,r),this.b=s,this.a=a}function ppe(r,s,a){Vh(),cb.call(this,s),this.a=r,this.b=a}function H6e(r){NV.call(this),w1e(this),this.a=r,this.c=!0}function U6e(r){var s;s=r.c.d.b,r.b=s,r.a=r.c.d,s.a=r.c.d.b=r}function Tq(r){var s;Cgt(r.a),eOe(r.a),s=new dp(r.a),Uge(s)}function wdt(r,s){JBe(r,!0),Rf(r.e.wf(),new Qde(r,!0,s))}function kq(r,s){return _$e(s),_gt(r,Pe(Gr,Ei,25,s,15,1),s)}function ydt(r,s){return g5(),r==Wo(Cm(s))||r==Wo(Ny(s))}function ml(r,s){return s==null?Rc(nc(r.f,null)):Ef(r.g,s)}function Edt(r){return r.b==0?null:(vr(r.b!=0),Xh(r,r.a.a))}function ss(r){return Math.max(Math.min(r,qi),-2147483648)|0}function _dt(r,s){var a=hae[r.charCodeAt(0)];return a??r}function Rq(r,s){return yq(r,"set1"),yq(s,"set2"),new uN(r,s)}function Sdt(r,s){var a;return a=mgt(r.f,s),io(jV(a),r.f.d)}function hF(r,s){var a,l;return a=s,l=new lt,BHe(r,a,l),l.d}function ote(r,s,a,l){var v;v=new I5e,s.a[a.g]=v,l5(r.b,l,v)}function gpe(r,s,a){var l;l=r.Yg(s),l>=0?r.sh(l,a):i0e(r,s,a)}function u4(r,s,a){Dq(),r&&Qi(gle,r,s),r&&Qi(nH,r,a)}function V6e(r,s,a){this.i=new vt,this.b=r,this.g=s,this.a=a}function Oq(r,s,a){this.c=new vt,this.e=r,this.f=s,this.b=a}function bpe(r,s,a){this.a=new vt,this.e=r,this.f=s,this.c=a}function q6e(r,s){TV(this),this.f=s,this.g=r,wq(this),this._d()}function XN(r,s){var a;a=r.q.getHours(),r.q.setDate(s),n9(r,a)}function W6e(r,s){var a;for(Jr(s),a=r.a;a;a=a.c)s.Od(a.g,a.i)}function G6e(r){var s;return s=new VO(lT(r.length)),age(s,r),s}function xdt(r){function s(){}return s.prototype=r||{},new s}function Cdt(r,s){return _9e(r,s)?(yFe(r),!0):!1}function S0(r,s){if(s==null)throw de(new FC);return _vt(r,s)}function Tdt(r){if(r.qe())return null;var s=r.n;return rY[s]}function QN(r){return r.Db>>16!=3?null:E(r.Cb,33)}function _g(r){return r.Db>>16!=9?null:E(r.Cb,33)}function K6e(r){return r.Db>>16!=6?null:E(r.Cb,79)}function Y6e(r){return r.Db>>16!=7?null:E(r.Cb,235)}function X6e(r){return r.Db>>16!=7?null:E(r.Cb,160)}function Wo(r){return r.Db>>16!=11?null:E(r.Cb,33)}function Q6e(r,s){var a;return a=r.Yg(s),a>=0?r.lh(a):Pre(r,s)}function J6e(r,s){var a;return a=new Ehe(s),ZMe(a,r),new Kf(a)}function mpe(r){var s;return s=r.d,s=r.si(r.f),ei(r,s),s.Ob()}function Z6e(r,s){return r.b+=s.b,r.c+=s.c,r.d+=s.d,r.a+=s.a,r}function ste(r,s){return m.Math.abs(r)<m.Math.abs(s)?r:s}function kdt(r){return!r.a&&(r.a=new St(Ko,r,10,11)),r.a.i>0}function eAe(){this.a=new w0,this.e=new vs,this.g=0,this.i=0}function tAe(r){this.a=r,this.b=Pe(QZe,ft,1944,r.e.length,0,2)}function ate(r,s,a){var l;l=H9e(r,s,a),r.b=new yW(l.c.length)}function Sg(){Sg=xe,X2=new vfe(doe,0),zg=new vfe("UP",1)}function Iq(){Iq=xe,_ce=new _fe(gqe,0),qCe=new _fe("FAN",1)}function Dq(){Dq=xe,gle=new jr,nH=new jr,qit(hKe,new F_)}function Rdt(r){if(r.p!=0)throw de(new Kl);return H8(r.f,0)}function Odt(r){if(r.p!=0)throw de(new Kl);return H8(r.k,0)}function nAe(r){return r.Db>>16!=3?null:E(r.Cb,147)}function f6(r){return r.Db>>16!=6?null:E(r.Cb,235)}function iT(r){return r.Db>>16!=17?null:E(r.Cb,26)}function rAe(r,s){var a=r.a=r.a||[];return a[s]||(a[s]=r.le(s))}function Idt(r,s){var a;return a=r.a.get(s),a??new Array}function Ddt(r,s){var a;a=r.q.getHours(),r.q.setMonth(s),n9(r,a)}function Uu(r,s,a){return s==null?ef(r.f,null,a):zS(r.g,s,a)}function pF(r,s,a,l,v,y){return new k0(r.e,s,r.aj(),a,l,v,y)}function JN(r,s,a){return r.a=bh(r.a,0,s)+(""+a)+kN(r.a,s),r}function Adt(r,s,a){return Et(r.a,(pq(),ire(s,a),new vy(s,a))),r}function vpe(r){return ide(r.c),r.e=r.a=r.c,r.c=r.c.c,++r.d,r.a.f}function iAe(r){return ide(r.e),r.c=r.a=r.e,r.e=r.e.e,--r.d,r.a.f}function ya(r,s){r.d&&Tf(r.d.e,r),r.d=s,r.d&&Et(r.d.e,r)}function Ya(r,s){r.c&&Tf(r.c.g,r),r.c=s,r.c&&Et(r.c.g,r)}function Vu(r,s){r.c&&Tf(r.c.a,r),r.c=s,r.c&&Et(r.c.a,r)}function yc(r,s){r.i&&Tf(r.i.j,r),r.i=s,r.i&&Et(r.i.j,r)}function oAe(r,s,a){this.a=s,this.c=r,this.b=(Jr(a),new Kf(a))}function sAe(r,s,a){this.a=s,this.c=r,this.b=(Jr(a),new Kf(a))}function aAe(r,s){this.a=r,this.c=Oc(this.a),this.b=new xq(s)}function $dt(r){var s;return x2(r),s=new vs,So(r,new Q_(s))}function oT(r,s){if(r<0||r>s)throw de(new xu(xve+r+Cve+s))}function wpe(r,s){return QIe(r.a,s)?Uhe(r,E(s,22).g,null):null}function Pdt(r){return xne(),tr(),E(r.a,81).d.e!=0}function uAe(){uAe=xe,JGe=mi((MC(),pe(he(QGe,1),wt,538,0,[fae])))}function cAe(){cAe=xe,NZe=ld(new Ys,(lu(),oc),(vu(),lz))}function ype(){ype=xe,LZe=ld(new Ys,(lu(),oc),(vu(),lz))}function lAe(){lAe=xe,zZe=ld(new Ys,(lu(),oc),(vu(),lz))}function fAe(){fAe=xe,net=Vi(new Ys,(lu(),oc),(vu(),K9))}function mh(){mh=xe,oet=Vi(new Ys,(lu(),oc),(vu(),K9))}function dAe(){dAe=xe,aet=Vi(new Ys,(lu(),oc),(vu(),K9))}function ute(){ute=xe,het=Vi(new Ys,(lu(),oc),(vu(),K9))}function hAe(){hAe=xe,ttt=ld(new Ys,(Y6(),vj),(KF(),hce))}function f2(r,s,a,l){this.c=r,this.d=l,lte(this,s),fte(this,a)}function m5(r){this.c=new Po,this.b=r.b,this.d=r.c,this.a=r.a}function cte(r){this.a=m.Math.cos(r),this.b=m.Math.sin(r)}function lte(r,s){r.a&&Tf(r.a.k,r),r.a=s,r.a&&Et(r.a.k,r)}function fte(r,s){r.b&&Tf(r.b.f,r),r.b=s,r.b&&Et(r.b.f,r)}function pAe(r,s){Ult(r,r.b,r.c),E(r.b.b,65),s&&E(s.b,65).b}function Fdt(r,s){jge(r,s),Ce(r.Cb,88)&&xT(kd(E(r.Cb,88)),2)}function dte(r,s){Ce(r.Cb,88)&&xT(kd(E(r.Cb,88)),4),jl(r,s)}function Aq(r,s){Ce(r.Cb,179)&&(E(r.Cb,179).tb=null),jl(r,s)}function vl(r,s){return Wr(),Hte(s)?new KV(s,r):new TN(s,r)}function jdt(r,s){var a,l;a=s.c,l=a!=null,l&&h5(r,new nT(s.c))}function gAe(r){var s,a;return a=(Lk(),s=new b0,s),E6(a,r),a}function bAe(r){var s,a;return a=(Lk(),s=new b0,s),E6(a,r),a}function mAe(r,s){var a;return a=new gp(r),s.c[s.c.length]=a,a}function vAe(r,s){var a;return a=E(gT(b5(r.a),s),14),a?a.gc():0}function wAe(r){var s;return x2(r),s=(a4(),a4(),n2e),aW(r,s)}function yAe(r){for(var s;;)if(s=r.Pb(),!r.Ob())return s}function Epe(r,s){gJ.call(this,new cS(lT(r))),Eh(s,$Ue),this.a=s}function Em(r,s,a){kje(s,a,r.gc()),this.c=r,this.a=s,this.b=a-s}function EAe(r,s,a){var l;kje(s,a,r.c.length),l=a-s,eN(r.c,s,l)}function Mdt(r,s){vOe(r,Qr(zs(xy(s,24),JG)),Qr(zs(s,JG)))}function Vn(r,s){if(r<0||r>=s)throw de(new xu(xve+r+Cve+s))}function ui(r,s){if(r<0||r>=s)throw de(new SU(xve+r+Cve+s))}function zn(r,s){this.b=(Qn(r),r),this.a=s&$T?s:s|64|xb}function _Ae(r){ZRe(this),tU(this.a,oge(m.Math.max(8,r))<<1)}function xg(r){return _c(pe(he(na,1),ft,8,0,[r.i.n,r.n,r.a]))}function Ndt(){return Dg(),pe(he(Pd,1),wt,132,0,[d2e,Rh,HT])}function Ldt(){return U1(),pe(he(UT,1),wt,232,0,[Ac,Bl,$c])}function Bdt(){return dd(),pe(he(jKe,1),wt,461,0,[Fb,Xy,f1])}function zdt(){return kf(),pe(he(NKe,1),wt,462,0,[X1,Qy,d1])}function Hdt(){return BS(),pe(he(l_e,1),wt,423,0,[J4,c_e,qae])}function Udt(){return EF(),pe(he(s_e,1),wt,379,0,[Lae,Nae,Bae])}function Vdt(){return DF(),pe(he(lCe,1),wt,378,0,[Zue,cCe,TX])}function qdt(){return C5(),pe(he(aSe,1),wt,314,0,[rI,dz,sSe])}function Wdt(){return hW(),pe(he(cSe,1),wt,337,0,[uSe,XY,lue])}function Gdt(){return y2(),pe(he(JXe,1),wt,450,0,[hue,YA,nR])}function Kdt(){return NS(),pe(he(eue,1),wt,361,0,[hx,Zy,dx])}function Ydt(){return R0(),pe(he(sQe,1),wt,303,0,[pz,iR,iI])}function Xdt(){return $6(),pe(he(Sue,1),wt,292,0,[Eue,_ue,hz])}function Qdt(){return Tu(),pe(he(DZe,1),wt,452,0,[dj,gd,zl])}function Jdt(){return I0(),pe(he(wCe,1),wt,339,0,[nE,vCe,ice])}function Zdt(){return TW(),pe(he(SCe,1),wt,375,0,[ECe,ace,_Ce])}function eht(){return DW(),pe(he(ICe,1),wt,377,0,[fce,a$,i3])}function tht(){return B6(),pe(he(TCe,1),wt,336,0,[cce,CCe,hj])}function nht(){return xW(),pe(he(OCe,1),wt,338,0,[RCe,lce,kCe])}function rht(){return jS(),pe(he(YZe,1),wt,454,0,[kz,pj,IX])}function iht(){return HW(),pe(he(stt,1),wt,442,0,[Tce,xce,Cce])}function oht(){return AL(),pe(he(eTe,1),wt,380,0,[HX,JCe,ZCe])}function sht(){return zW(),pe(he(vTe,1),wt,381,0,[mTe,Ace,bTe])}function aht(){return CW(),pe(he(pTe,1),wt,293,0,[Dce,hTe,dTe])}function uht(){return NL(),pe(he($ce,1),wt,437,0,[qX,WX,GX])}function cht(){return D0(),pe(he(ake,1),wt,334,0,[sQ,gw,Dj])}function lht(){return Rg(),pe(he(Y3e,1),wt,272,0,[d$,u3,h$])}function fht(r,s){return Axt(r,s,Ce(s,99)&&(E(s,18).Bb&du)!=0)}function dht(r,s,a){var l;return l=o9(r,s,!1),l.b<=s&&l.a<=a}function SAe(r,s,a){var l;l=new I1,l.b=s,l.a=a,++s.b,Et(r.d,l)}function hht(r,s){var a;return a=(Qn(r),r).g,bde(!!a),Qn(s),a(s)}function _pe(r,s){var a,l;return l=r6(r,s),a=r.a.Zc(l),new XJ(r,a)}function pht(r){return r.Db>>16!=6?null:E(Mre(r),235)}function ght(r){if(r.p!=2)throw de(new Kl);return Qr(r.f)&ls}function bht(r){if(r.p!=2)throw de(new Kl);return Qr(r.k)&ls}function mht(r){return r.a==(g6(),xQ)&&F1(r,Kxt(r.g,r.b)),r.a}function v5(r){return r.d==(g6(),xQ)&&lm(r,z3t(r.g,r.b)),r.d}function ce(r){return vr(r.a<r.c.c.length),r.b=r.a++,r.c.c[r.b]}function vht(r,s){r.b=r.b|s.b,r.c=r.c|s.c,r.d=r.d|s.d,r.a=r.a|s.a}function zs(r,s){return $y(dlt(cc(r)?mp(r):r,cc(s)?mp(s):s))}function Cg(r,s){return $y(hlt(cc(r)?mp(r):r,cc(s)?mp(s):s))}function hte(r,s){return $y(plt(cc(r)?mp(r):r,cc(s)?mp(s):s))}function wht(r){return Xa(E0(Df(Dd(r,32)),32),Df(Dd(r,32)))}function RS(r){return Jr(r),Ce(r,14)?new Kf(E(r,14)):ZD(r.Kc())}function yht(r,s){return _F(),r.c==s.c?Ts(s.d,r.d):Ts(r.c,s.c)}function Eht(r,s){return _F(),r.c==s.c?Ts(r.d,s.d):Ts(r.c,s.c)}function _ht(r,s){return _F(),r.c==s.c?Ts(r.d,s.d):Ts(s.c,r.c)}function Sht(r,s){return _F(),r.c==s.c?Ts(s.d,r.d):Ts(s.c,r.c)}function xht(r,s){var a;a=ot(Dt(r.a.We((Mi(),oQ)))),fUe(r,s,a)}function Cht(r,s){var a;a=E(Cr(r.g,s),57),Rf(s.d,new k4e(r,a))}function Tht(r,s){var a,l;return a=cMe(r),l=cMe(s),a<l?-1:a>l?1:0}function xAe(r,s){var a,l;return a=Mte(s),l=a,E(Cr(r.c,l),19).a}function CAe(r,s){var a;for(a=r+"";a.length<s;)a="0"+a;return a}function $q(r){return r.c==null||r.c.length==0?"n_"+r.g:"n_"+r.c}function Spe(r){return r.c==null||r.c.length==0?"n_"+r.b:"n_"+r.c}function xpe(r,s){return r&&r.equals?r.equals(s):Qe(r)===Qe(s)}function Cpe(r,s){return s==0?!!r.o&&r.o.f!=0:Kne(r,s)}function r1(r,s,a){var l;r.n&&s&&a&&(l=new ql,Et(r.e,l))}function pte(r,s,a){var l;l=r.d[s.p],r.d[s.p]=r.d[a.p],r.d[a.p]=l}function TAe(r,s,a){this.d=r,this.j=s,this.e=a,this.o=-1,this.p=3}function kAe(r,s,a){this.d=r,this.k=s,this.f=a,this.o=-1,this.p=5}function RAe(r,s,a){gg.call(this,25),this.b=r,this.a=s,this.c=a}function vh(r){zi(),gg.call(this,r),this.c=!1,this.a=!1}function OAe(r,s,a,l,v,y){_1e.call(this,r,s,a,l,v),y&&(this.o=-2)}function IAe(r,s,a,l,v,y){S1e.call(this,r,s,a,l,v),y&&(this.o=-2)}function DAe(r,s,a,l,v,y){Gpe.call(this,r,s,a,l,v),y&&(this.o=-2)}function AAe(r,s,a,l,v,y){T1e.call(this,r,s,a,l,v),y&&(this.o=-2)}function $Ae(r,s,a,l,v,y){Kpe.call(this,r,s,a,l,v),y&&(this.o=-2)}function PAe(r,s,a,l,v,y){x1e.call(this,r,s,a,l,v),y&&(this.o=-2)}function FAe(r,s,a,l,v,y){C1e.call(this,r,s,a,l,v),y&&(this.o=-2)}function jAe(r,s,a,l,v,y){Ype.call(this,r,s,a,l,v),y&&(this.o=-2)}function MAe(r,s,a,l){cb.call(this,a),this.b=r,this.c=s,this.d=l}function Tpe(r,s){this.a=new vt,this.d=new vt,this.f=r,this.c=s}function NAe(){this.c=new lOe,this.a=new I6e,this.b=new tJ,sZ()}function LAe(){k5(),this.b=new jr,this.a=new jr,this.c=new vt}function BAe(r,s){this.g=r,this.d=(g6(),xQ),this.a=xQ,this.b=s}function zAe(r,s){this.f=r,this.a=(g6(),SQ),this.c=SQ,this.b=s}function kpe(r,s){!r.c&&(r.c=new Xo(r,0)),LG(r.c,(uo(),Uj),s)}function Pq(){Pq=xe,Sce=new Sfe("DFS",0),GCe=new Sfe("BFS",1)}function kht(r,s,a){var l;return l=E(r.Zb().xc(s),14),!!l&&l.Hc(a)}function HAe(r,s,a){var l;return l=E(r.Zb().xc(s),14),!!l&&l.Mc(a)}function UAe(r,s,a,l){return r.a+=""+bh(s==null?$f:dc(s),a,l),r}function Ic(r,s,a,l,v,y){return n9e(r,s,a,y),Dge(r,l),Age(r,v),r}function gte(r){return vr(r.b.b!=r.d.a),r.c=r.b=r.b.b,--r.a,r.c.c}function gF(r){for(;r.d>0&&r.a[--r.d]==0;);r.a[r.d++]==0&&(r.e=0)}function VAe(r){return r.a?r.e.length==0?r.a.a:r.a.a+(""+r.e):r.c}function Rht(r){return!!r.a&&Rd(r.a.a).i!=0&&!(r.b&&tre(r.b))}function Oht(r){return!!r.u&&ul(r.u.a).i!=0&&!(r.n&&ere(r.n))}function qAe(r){return wee(r.e.Hd().gc()*r.c.Hd().gc(),16,new pH(r))}function Iht(r,s){return EDe(Df(r.q.getTime()),Df(s.q.getTime()))}function _b(r){return E(Ag(r,Pe(Wae,Roe,17,r.c.length,0,1)),474)}function ZN(r){return E(Ag(r,Pe(Pm,iw,10,r.c.length,0,1)),193)}function Dht(r){return mh(),!uu(r)&&!(!uu(r)&&r.c.i.c==r.d.i.c)}function WAe(r,s,a){var l;l=(Jr(r),new Kf(r)),ayt(new oAe(l,s,a))}function eL(r,s,a){var l;l=(Jr(r),new Kf(r)),uyt(new sAe(l,s,a))}function GAe(r,s){var a;return a=1-s,r.a[a]=wW(r.a[a],a),wW(r,s)}function KAe(r,s){var a;r.e=new $k,a=kT(s),sa(a,r.c),zBe(r,a,0)}function Ea(r,s,a,l){var v;v=new Yw,v.a=s,v.b=a,v.c=l,Ii(r.a,v)}function At(r,s,a,l){var v;v=new Yw,v.a=s,v.b=a,v.c=l,Ii(r.b,v)}function i1(r){var s,a,l;return s=new RDe,a=nie(s,r),bOt(s),l=a,l}function Rpe(){var r,s,a;return s=(a=(r=new b0,r),a),Et(Wke,s),s}function Fq(r){return r.j.c=Pe(mr,Ht,1,0,5,1),ope(r.c),fft(r.a),r}function c4(r){return ZO(),Ce(r.g,10)?E(r.g,10):null}function Aht(r){return s4(r).dc()?!1:(Iot(r,new ge),!0)}function $ht(r){if(!("stack"in r))try{throw r}catch{}return r}function tL(r,s){if(r<0||r>=s)throw de(new xu(W_t(r,s)));return r}function YAe(r,s,a){if(r<0||s<r||s>a)throw de(new xu(m_t(r,s,a)))}function bte(r,s){if(Bs(r.a,s),s.d)throw de(new Zu(tVe));s.d=r}function mte(r,s){if(s.$modCount!=r.$modCount)throw de(new Td)}function XAe(r,s){return Ce(s,42)?sre(r.a,E(s,42)):!1}function QAe(r,s){return Ce(s,42)?sre(r.a,E(s,42)):!1}function JAe(r,s){return Ce(s,42)?sre(r.a,E(s,42)):!1}function Pht(r,s){return r.a<=r.b?(s.ud(r.a++),!0):!1}function OS(r){var s;return cc(r)?(s=r,s==-0?0:s):U1t(r)}function jq(r){var s;return Ry(r),s=new Ge,by(r.a,new CC(s)),s}function ZAe(r){var s;return Ry(r),s=new je,by(r.a,new Yp(s)),s}function Oa(r,s){this.a=r,ry.call(this,r),oT(s,r.gc()),this.b=s}function Ope(r){this.e=r,this.b=this.e.a.entries(),this.a=new Array}function Fht(r){return wee(r.e.Hd().gc()*r.c.Hd().gc(),273,new _7(r))}function Mq(r){return new Fl((Eh(r,Iie),oW(Xa(Xa(5,r),r/10|0))))}function e$e(r){return E(Ag(r,Pe(yXe,AVe,11,r.c.length,0,1)),1943)}function jht(r,s,a){return a.f.c.length>0?Whe(r.a,s,a):Whe(r.b,s,a)}function Mht(r,s,a){r.d&&Tf(r.d.e,r),r.d=s,r.d&&ZC(r.d.e,a,r)}function vte(r,s){I5t(s,r),fhe(r.d),fhe(E(se(r,(Ft(),wX)),207))}function bF(r,s){O5t(s,r),lhe(r.d),lhe(E(se(r,(Ft(),wX)),207))}function IS(r,s){var a,l;return a=S0(r,s),l=null,a&&(l=a.fe()),l}function d6(r,s){var a,l;return a=cT(r,s),l=null,a&&(l=a.ie()),l}function mF(r,s){var a,l;return a=S0(r,s),l=null,a&&(l=a.ie()),l}function x0(r,s){var a,l;return a=S0(r,s),l=null,a&&(l=yme(a)),l}function Nht(r,s,a){var l;return l=G6(a),PG(r.g,l,s),PG(r.i,s,a),s}function Lht(r,s,a){var l;l=hvt();try{return Vst(r,s,a)}finally{Xht(l)}}function t$e(r){var s;s=r.Wg(),this.a=Ce(s,69)?E(s,69).Zh():s.Kc()}function Ys(){pU.call(this),this.j.c=Pe(mr,Ht,1,0,5,1),this.a=-1}function Ipe(r,s,a,l){this.d=r,this.n=s,this.g=a,this.o=l,this.p=-1}function n$e(r,s,a,l){this.e=l,this.d=null,this.c=r,this.a=s,this.b=a}function Dpe(r,s,a){this.d=new rM(this),this.e=r,this.i=s,this.f=a}function Nq(){Nq=xe,xue=new pfe(yA,0),RSe=new pfe("TOP_LEFT",1)}function r$e(){r$e=xe,ACe=JDe(Ot(1),Ot(4)),DCe=JDe(Ot(1),Ot(2))}function i$e(){i$e=xe,Xtt=mi((L(),pe(he(Ytt,1),wt,551,0,[Fce])))}function o$e(){o$e=xe,Ktt=mi((D(),pe(he(DTe,1),wt,482,0,[Pce])))}function s$e(){s$e=xe,gnt=mi((K(),pe(he(JTe,1),wt,530,0,[$z])))}function a$e(){a$e=xe,bYe=mi((Kk(),pe(he(L2e,1),wt,481,0,[Iae])))}function Bht(){return LS(),pe(he(cYe,1),wt,406,0,[ez,ZB,Rae,Oae])}function zht(){return Jq(),pe(he(fY,1),wt,297,0,[yae,u2e,c2e,l2e])}function Hht(){return zF(),pe(he(pYe,1),wt,394,0,[oz,bY,mY,sz])}function Uht(){return A5(),pe(he(fYe,1),wt,323,0,[nz,tz,rz,iz])}function Vht(){return P6(),pe(he(uXe,1),wt,405,0,[fx,qT,VT,Q4])}function qht(){return IW(),pe(he(kXe,1),wt,360,0,[Jae,UY,VY,fz])}function u$e(r,s,a,l){return Ce(a,54)?new KOe(r,s,a,l):new Fhe(r,s,a,l)}function Wht(){return Ig(),pe(he(jXe,1),wt,411,0,[nI,VA,qA,Zae])}function Ght(r){var s;return r.j==(It(),Br)&&(s=ILe(r),Gf(s,fr))}function Kht(r,s){var a;a=s.a,Ya(a,s.c.d),ya(a,s.d.d),dT(a.a,r.n)}function c$e(r,s){return E(mS(oq(E(no(r.k,s),15).Oc(),Z4)),113)}function l$e(r,s){return E(mS(sq(E(no(r.k,s),15).Oc(),Z4)),113)}function Yht(r){return new zn(Wgt(E(r.a.dd(),14).gc(),r.a.cd()),16)}function h6(r){return Ce(r,14)?E(r,14).dc():!r.Kc().Ob()}function w5(r){return ZO(),Ce(r.g,145)?E(r.g,145):null}function f$e(r){if(r.e.g!=r.b)throw de(new Td);return!!r.c&&r.d>0}function Ci(r){return vr(r.b!=r.d.c),r.c=r.b,r.b=r.b.a,++r.a,r.c.c}function Ape(r,s){Qn(s),qo(r.a,r.c,s),r.c=r.c+1&r.a.length-1,dMe(r)}function Iy(r,s){Qn(s),r.b=r.b-1&r.a.length-1,qo(r.a,r.b,s),dMe(r)}function d$e(r,s){var a;for(a=r.j.c.length;a<s;a++)Et(r.j,r.rg())}function h$e(r,s,a,l){var v;return v=l[s.g][a.g],ot(Dt(se(r.a,v)))}function $pe(r,s,a,l,v){this.i=r,this.a=s,this.e=a,this.j=l,this.f=v}function p$e(r,s,a,l,v){this.a=r,this.e=s,this.f=a,this.b=l,this.g=v}function Xht(r){r&&W1t((PD(),AEe)),--iY,r&&oY!=-1&&(gl(oY),oY=-1)}function Qht(){return vT(),pe(he(tce,1),wt,197,0,[kX,ece,dR,fR])}function Jht(){return Y6(),pe(he(FCe,1),wt,393,0,[PX,mj,Oz,vj])}function Zht(){return aG(),pe(he(fTe,1),wt,340,0,[Ice,cTe,lTe,uTe])}function ept(){return eh(),pe(he(jj,1),wt,374,0,[Xz,n_,Yz,c3])}function tpt(){return Sh(),pe(he(Jnt,1),wt,285,0,[Wz,jm,sE,qz])}function npt(){return $0(),pe(he(ale,1),wt,218,0,[sle,Vz,p$,wI])}function rpt(){return qW(),pe(he(bke,1),wt,311,0,[lle,hke,gke,pke])}function ipt(){return Zd(),pe(he(hrt,1),wt,396,0,[$h,vke,mke,wke])}function opt(r){return Dq(),Xd(gle,r)?E(Cr(gle,r),331).ug():null}function Gh(r,s,a){return s<0?Pre(r,a):E(a,66).Nj().Sj(r,r.yh(),s)}function spt(r,s,a){var l;return l=G6(a),PG(r.d,l,s),Qi(r.e,s,a),s}function apt(r,s,a){var l;return l=G6(a),PG(r.j,l,s),Qi(r.k,s,a),s}function g$e(r){var s,a;return s=(Pv(),a=new Hf,a),r&&Ure(s,r),s}function Ppe(r){var s;return s=r.ri(r.i),r.i>0&&ll(r.g,0,s,0,r.i),s}function b$e(r,s){Cu();var a;return a=E(Cr(wQ,r),55),!a||a.wj(s)}function upt(r){if(r.p!=1)throw de(new Kl);return Qr(r.f)<<24>>24}function cpt(r){if(r.p!=1)throw de(new Kl);return Qr(r.k)<<24>>24}function lpt(r){if(r.p!=7)throw de(new Kl);return Qr(r.k)<<16>>16}function fpt(r){if(r.p!=7)throw de(new Kl);return Qr(r.f)<<16>>16}function C0(r){var s;for(s=0;r.Ob();)r.Pb(),s=Xa(s,1);return oW(s)}function m$e(r,s){var a;return a=new fy,r.xd(a),a.a+="..",s.yd(a),a.a}function dpt(r,s,a){var l;l=E(Cr(r.g,a),57),Et(r.a.c,new Ra(s,l))}function hpt(r,s,a){return Ree(Dt(Rc(nc(r.f,s))),Dt(Rc(nc(r.f,a))))}function Lq(r,s,a){return jG(r,s,a,Ce(s,99)&&(E(s,18).Bb&du)!=0)}function ppt(r,s,a){return cA(r,s,a,Ce(s,99)&&(E(s,18).Bb&du)!=0)}function gpt(r,s,a){return Nxt(r,s,a,Ce(s,99)&&(E(s,18).Bb&du)!=0)}function Fpe(r,s){return r==(dr(),Os)&&s==Os?4:r==Os||s==Os?8:32}function v$e(r,s){return Qe(s)===Qe(r)?"(this Map)":s==null?$f:dc(s)}function bpt(r,s){return E(s==null?Rc(nc(r.f,null)):Ef(r.g,s),281)}function w$e(r,s,a){var l;return l=G6(a),Qi(r.b,l,s),Qi(r.c,s,a),s}function y$e(r,s){var a;for(a=s;a;)YC(r,a.i,a.j),a=Wo(a);return r}function jpe(r,s){var a;return a=GN(ZD(new Nte(r,s))),XV(new Nte(r,s)),a}function _m(r,s){Wr();var a;return a=E(r,66).Mj(),X2t(a,s),a.Ok(s)}function mpt(r,s,a,l,v){var y;y=Uxt(v,a,l),Et(s,z_t(v,y)),A2t(r,v,s)}function E$e(r,s,a){r.i=0,r.e=0,s!=a&&(W9e(r,s,a),q9e(r,s,a))}function Mpe(r,s){var a;a=r.q.getHours(),r.q.setFullYear(s+Vy),n9(r,a)}function vpt(r,s,a){if(a){var l=a.ee();r.a[s]=l(a)}else delete r.a[s]}function wte(r,s,a){if(a){var l=a.ee();a=l(a)}else a=void 0;r.a[s]=a}function _$e(r){if(r<0)throw de(new VM("Negative array size: "+r))}function ul(r){return r.n||(kd(r),r.n=new tDe(r,Au,r),tc(r)),r.n}function vF(r){return vr(r.a<r.c.a.length),r.b=r.a,O8e(r),r.c.b[r.b]}function Npe(r){r.b!=r.c&&(r.a=Pe(mr,Ht,1,8,5,1),r.b=0,r.c=0)}function S$e(r){this.b=new jr,this.c=new jr,this.d=new jr,this.a=r}function sT(r,s){zi(),gg.call(this,r),this.a=s,this.c=-1,this.b=-1}function aT(r,s,a,l){TAe.call(this,1,a,l),this.c=r,this.b=s}function yte(r,s,a,l){kAe.call(this,1,a,l),this.c=r,this.b=s}function Ete(r,s,a,l,v,y,x){Kte.call(this,s,l,v,y,x),this.c=r,this.a=a}function d2(r,s,a){this.e=r,this.a=mr,this.b=aze(s),this.c=s,this.d=a}function _te(r){this.e=r,this.c=this.e.a,this.b=this.e.g,this.d=this.e.i}function x$e(r){this.c=r,this.a=E(wp(r),148),this.b=this.a.Aj().Nh()}function Lpe(r){this.d=r,this.b=this.d.a.entries(),this.a=this.b.next()}function h2(){jr.call(this),VOe(this),this.d.b=this.d,this.d.a=this.d}function C$e(r,s){Fde.call(this),this.a=r,this.b=s,Et(this.a.b,this)}function wpt(r,s){var a;return a=s!=null?ml(r,s):Rc(nc(r.f,s)),wV(a)}function ypt(r,s){var a;return a=s!=null?ml(r,s):Rc(nc(r.f,s)),wV(a)}function T$e(r,s){var a;for(a=0;a<s;++a)qo(r,a,new Tk(E(r[a],42)))}function Ept(r,s){var a;for(a=r.d-1;a>=0&&r.a[a]===s[a];a--);return a<0}function k$e(r,s){L6();var a;return a=r.j.g-s.j.g,a!=0?a:0}function R$e(r,s){return Qn(s),r.a!=null?rlt(s.Kb(r.a)):lY}function Bq(r){var s;return r?new Ehe(r):(s=new w0,rne(s,r),s)}function wh(r,s){var a;return s.b.Kb(y8e(r,s.c.Ee(),(a=new U7(s),a)))}function zq(r){ime(),vOe(this,Qr(zs(xy(r,24),JG)),Qr(zs(r,JG)))}function O$e(){O$e=xe,IKe=mi((QW(),pe(he(b2e,1),wt,428,0,[Sae,g2e])))}function I$e(){I$e=xe,DKe=mi((rW(),pe(he(v2e,1),wt,427,0,[m2e,xae])))}function D$e(){D$e=xe,$Ye=mi((iW(),pe(he(W2e,1),wt,424,0,[Fae,yY])))}function A$e(){A$e=xe,xXe=mi((R6(),pe(he(SXe,1),wt,511,0,[cz,Kae])))}function $$e(){$$e=xe,QXe=mi((vL(),pe(he(hSe,1),wt,419,0,[QY,dSe])))}function P$e(){P$e=xe,tQe=mi((lL(),pe(he(bSe,1),wt,479,0,[gSe,ZY])))}function F$e(){F$e=xe,PZe=mi((iL(),pe(he(xCe,1),wt,376,0,[uce,Tz])))}function j$e(){j$e=xe,IZe=mi((pL(),pe(he(yCe,1),wt,421,0,[oce,sce])))}function M$e(){M$e=xe,GXe=mi((Yq(),pe(he(oSe,1),wt,422,0,[iSe,cue])))}function N$e(){N$e=xe,uQe=mi((Nq(),pe(he(OSe,1),wt,420,0,[xue,RSe])))}function L$e(){L$e=xe,Oet=mi((B1(),pe(he(Ret,1),wt,520,0,[o3,rE])))}function B$e(){B$e=xe,tet=mi((wF(),pe(he(eet,1),wt,523,0,[bj,gj])))}function z$e(){z$e=xe,cet=mi((Eb(),pe(he(uet,1),wt,516,0,[xx,fw])))}function H$e(){H$e=xe,det=mi((Sg(),pe(he(fet,1),wt,515,0,[X2,zg])))}function U$e(){U$e=xe,jet=mi((TS(),pe(he(Fet,1),wt,455,0,[iE,hR])))}function V$e(){V$e=xe,ett=mi((Pq(),pe(he(KCe,1),wt,425,0,[Sce,GCe])))}function q$e(){q$e=xe,ott=mi((EW(),pe(he(YCe,1),wt,495,0,[zX,c$])))}function W$e(){W$e=xe,Zet=mi((Iq(),pe(he(WCe,1),wt,480,0,[_ce,qCe])))}function G$e(){G$e=xe,utt=mi((Qq(),pe(he(QCe,1),wt,426,0,[XCe,kce])))}function K$e(){K$e=xe,bnt=mi((RL(),pe(he(e3e,1),wt,429,0,[XX,ZTe])))}function Y$e(){Y$e=xe,Qtt=mi((oL(),pe(he(ATe,1),wt,430,0,[jce,KX])))}function wF(){wF=xe,bj=new mfe("UPPER",0),gj=new mfe("LOWER",1)}function _pt(r,s){var a;a=new NC,l2(a,"x",s.a),l2(a,"y",s.b),h5(r,a)}function Spt(r,s){var a;a=new NC,l2(a,"x",s.a),l2(a,"y",s.b),h5(r,a)}function xpt(r,s){var a,l;l=!1;do a=M9e(r,s),l=l|a;while(a);return l}function Bpe(r,s){var a,l;for(a=s,l=0;a>0;)l+=r.a[a],a-=a&-a;return l}function X$e(r,s){var a;for(a=s;a;)YC(r,-a.i,-a.j),a=Wo(a);return r}function Na(r,s){var a,l;for(Qn(s),l=r.Kc();l.Ob();)a=l.Pb(),s.td(a)}function Q$e(r,s){var a;return a=s.cd(),new vy(a,r.e.pc(a,E(s.dd(),14)))}function os(r,s,a,l){var v;v=new Rt,v.c=s,v.b=a,v.a=l,l.b=a.a=v,++r.b}function Kh(r,s,a){var l;return l=(Vn(s,r.c.length),r.c[s]),r.c[s]=a,l}function Cpt(r,s,a){return E(s==null?ef(r.f,null,a):zS(r.g,s,a),281)}function Ste(r){return r.c&&r.d?Spe(r.c)+"->"+Spe(r.d):"e_"+gS(r)}function p6(r,s){return(x2(r),qO(new Nn(r,new l1e(s,r.a)))).sd(LA)}function Tpt(){return lu(),pe(he(a_e,1),wt,356,0,[jb,Jy,nf,Sl,oc])}function kpt(){return It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr])}function Rpt(r){return oS(),function(){return Lht(r,this,arguments)}}function Opt(){return Date.now?Date.now():new Date().getTime()}function uu(r){return!r.c||!r.d?!1:!!r.c.i&&r.c.i==r.d.i}function J$e(r){if(!r.c.Sb())throw de(new mc);return r.a=!0,r.c.Ub()}function nL(r){r.i=0,hN(r.b,null),hN(r.c,null),r.a=null,r.e=null,++r.g}function zpe(r){efe.call(this,r==null?$f:dc(r),Ce(r,78)?E(r,78):null)}function Z$e(r){xUe(),KH(this),this.a=new Po,pge(this,r),Ii(this.a,r)}function ePe(){HZ(this),this.b=new Kt(Qo,Qo),this.a=new Kt(ws,ws)}function tPe(r,s){this.c=0,this.b=s,ORe.call(this,r,17493),this.a=this.c}function xte(r){Hq(),!Ng&&(this.c=r,this.e=!0,this.a=new vt)}function Hq(){Hq=xe,Ng=!0,yKe=!1,EKe=!1,SKe=!1,_Ke=!1}function Hpe(r,s){return Ce(s,149)?xn(r.c,E(s,149).c):!1}function Upe(r,s){var a;return a=0,r&&(a+=r.f.a/2),s&&(a+=s.f.a/2),a}function Cte(r,s){var a;return a=E(DS(r.d,s),23),a||E(DS(r.e,s),23)}function nPe(r){this.b=r,Tr.call(this,r),this.a=E(Gn(this.b.a,4),126)}function rPe(r){this.b=r,s5.call(this,r),this.a=E(Gn(this.b.a,4),126)}function kd(r){return r.t||(r.t=new Gl(r),FF(new _J(r),0,r.t)),r.t}function Ipt(){return ku(),pe(he(Oj,1),wt,103,0,[Fm,p1,Op,H0,U0])}function Dpt(){return y4(),pe(he($j,1),wt,249,0,[aE,Gz,uke,Aj,cke])}function Apt(){return q1(),pe(he(pw,1),wt,175,0,[cr,ca,Lb,Q2,hw])}function $pt(){return JL(),pe(he(jTe,1),wt,316,0,[$Te,Mce,FTe,Nce,PTe])}function Ppt(){return HF(),pe(he(dCe,1),wt,315,0,[fCe,nce,rce,lj,fj])}function Fpt(){return R2(),pe(he(fSe,1),wt,335,0,[fue,lSe,due,Q9,X9])}function jpt(){return sA(),pe(he(qtt,1),wt,355,0,[pR,pI,xj,Sj,Cj])}function Mpt(){return T4(),pe(he(NXe,1),wt,363,0,[WY,KY,YY,GY,qY])}function Npt(){return Zh(),pe(he(HSe,1),wt,163,0,[wz,nj,eE,rj,YT])}function g6(){g6=xe;var r,s;SQ=(Lk(),s=new _D,s),xQ=(r=new JP,r)}function iPe(r){var s;return r.c||(s=r.r,Ce(s,88)&&(r.c=E(s,26))),r.c}function Lpt(r){return r.e=3,r.d=r.Yb(),r.e!=2?(r.e=0,!0):!1}function Tte(r){var s,a,l;return s=r&$d,a=r>>22&$d,l=r<0?N0:0,Jl(s,a,l)}function Bpt(r){var s,a,l,v;for(a=r,l=0,v=a.length;l<v;++l)s=a[l],fF(s)}function zpt(r,s){var a,l;a=E(Mmt(r.c,s),14),a&&(l=a.gc(),a.$b(),r.d-=l)}function oPe(r,s){var a,l;return a=s.cd(),l=hge(r,a),!!l&&bl(l.e,s.dd())}function y5(r,s){return s==0||r.e==0?r:s>0?n7e(r,s):xBe(r,-s)}function Vpe(r,s){return s==0||r.e==0?r:s>0?xBe(r,s):n7e(r,-s)}function Zr(r){if(fi(r))return r.c=r.a,r.a.Pb();throw de(new mc)}function sPe(r){var s,a;return s=r.c.i,a=r.d.i,s.k==(dr(),ds)&&a.k==ds}function kte(r){var s;return s=new CS,rc(s,r),ct(s,(Ft(),Ku),null),s}function Rte(r,s,a){var l;return l=r.Yg(s),l>=0?r._g(l,a,!0):YS(r,s,a)}function qpe(r,s,a,l){var v;for(v=0;v<Tae;v++)rq(r.a[s.g][v],a,l[s.g])}function Wpe(r,s,a,l){var v;for(v=0;v<pY;v++)nq(r.a[v][s.g],a,l[s.g])}function Gpe(r,s,a,l,v){TAe.call(this,s,l,v),this.c=r,this.a=a}function Kpe(r,s,a,l,v){kAe.call(this,s,l,v),this.c=r,this.a=a}function Ype(r,s,a,l,v){uPe.call(this,s,l,v),this.c=r,this.a=a}function o1(r,s,a,l,v){uPe.call(this,s,l,v),this.c=r,this.b=a}function aPe(r,s,a){cb.call(this,a),this.b=r,this.c=s,this.d=(Lne(),yle)}function uPe(r,s,a){this.d=r,this.k=s?1:0,this.f=a?1:0,this.o=-1,this.p=0}function cPe(r,s,a){var l;l=new Wfe(r.a),kF(l,r.a.a),ef(l.f,s,a),r.a.a=l}function rL(r,s){r.qi(r.i+1),K8(r,r.i,r.oi(r.i,s)),r.bi(r.i++,s),r.ci()}function yF(r){var s,a;++r.j,s=r.g,a=r.i,r.g=null,r.i=0,r.di(a,s),r.ci()}function Tg(r){var s,a;return Jr(r),s=aft(r.length),a=new Fl(s),age(a,r),a}function E5(r){var s;return s=(Jr(r),r?new Kf(r):ZD(r.Kc())),Ire(s),MW(s)}function qv(r,s){var a;return a=(Vn(s,r.c.length),r.c[s]),eN(r.c,s,1),a}function no(r,s){var a;return a=E(r.c.xc(s),14),!a&&(a=r.ic(s)),r.pc(s,a)}function Xpe(r,s){var a,l;return a=(Qn(r),r),l=(Qn(s),s),a==l?0:a<l?-1:1}function lPe(r){var s;return s=r.e+r.f,isNaN(s)&&BV(r.d)?r.d:s}function T0(r,s){return r.a?gi(r.a,r.b):r.a=new gh(r.d),V8(r.a,s),r}function Qpe(r,s){if(r<0||r>s)throw de(new xu(kme(r,s,"index")));return r}function Ote(r,s,a,l){var v;return v=Pe(Gr,Ei,25,s,15,1),ZEt(v,r,s,a,l),v}function Hpt(r,s){var a;a=r.q.getHours()+(s/60|0),r.q.setMinutes(s),n9(r,a)}function Upt(r,s){return m.Math.min(Dy(s.a,r.d.d.c),Dy(s.b,r.d.d.c))}function _5(r,s){return ha(s)?s==null?Vme(r.f,null):w9e(r.g,s):Vme(r.f,s)}function kg(r){this.c=r,this.a=new le(this.c.a),this.b=new le(this.c.b)}function Uq(){this.e=new vt,this.c=new vt,this.d=new vt,this.b=new vt}function fPe(){this.g=new UP,this.b=new UP,this.a=new vt,this.k=new vt}function dPe(r,s,a){this.a=r,this.c=s,this.d=a,Et(s.e,this),Et(a.b,this)}function hPe(r,s){RRe.call(this,s.rd(),s.qd()&-6),Qn(r),this.a=r,this.b=s}function pPe(r,s){ORe.call(this,s.rd(),s.qd()&-6),Qn(r),this.a=r,this.b=s}function Jpe(r,s){MZ.call(this,s.rd(),s.qd()&-6),Qn(r),this.a=r,this.b=s}function Vq(r,s,a){this.a=r,this.b=s,this.c=a,Et(r.t,this),Et(s.i,this)}function qq(){this.b=new Po,this.a=new Po,this.b=new Po,this.a=new Po}function Wq(){Wq=xe,Tj=new ko("org.eclipse.elk.labels.labelManager")}function gPe(){gPe=xe,Z_e=new Ls("separateLayerConnections",(IW(),Jae))}function B1(){B1=xe,o3=new yfe("REGULAR",0),rE=new yfe("CRITICAL",1)}function iL(){iL=xe,uce=new bfe("STACKED",0),Tz=new bfe("SEQUENCED",1)}function oL(){oL=xe,jce=new Tfe("FIXED",0),KX=new Tfe("CENTER_NODE",1)}function Vpt(r,s){var a;return a=KRt(r,s),r.b=new yW(a.c.length),sRt(r,a)}function qpt(r,s,a){var l;return++r.e,--r.f,l=E(r.d[s].$c(a),133),l.dd()}function bPe(r){var s;return r.a||(s=r.r,Ce(s,148)&&(r.a=E(s,148))),r.a}function Zpe(r){if(r.a){if(r.e)return Zpe(r.e)}else return r;return null}function Wpt(r,s){return r.p<s.p?1:r.p>s.p?-1:0}function Gq(r,s){return Qn(s),r.c<r.d?(r.ze(s,r.c++),!0):!1}function mPe(r,s){return Xd(r.a,s)?(_5(r.a,s),!0):!1}function Gpt(r){var s,a;return s=r.cd(),a=E(r.dd(),14),LN(a.Nc(),new mk(s))}function Kpt(r){var s;return s=E(Khe(r.b,r.b.length),9),new qh(r.a,s,r.c)}function Ypt(r){var s;return x2(r),s=new pIe(r,r.a.e,r.a.d|4),new Cde(r,s)}function vPe(r){var s;for(Ry(r),s=0;r.a.sd(new Zn);)s=Xa(s,1);return s}function e1e(r,s,a){var l,v;for(l=0,v=0;v<s.length;v++)l+=r.$f(s[v],l,a)}function Xpt(r,s){var a;r.C&&(a=E(ju(r.b,s),124).n,a.d=r.C.d,a.a=r.C.a)}function S5(r,s,a){return tL(s,r.e.Hd().gc()),tL(a,r.c.Hd().gc()),r.a[s][a]}function Wv(r,s){zy(),this.e=r,this.d=1,this.a=pe(he(Gr,1),Ei,25,15,[s])}function Kq(r,s,a,l){this.f=r,this.e=s,this.d=a,this.b=l,this.c=l?l.d:null}function t1e(r){var s,a,l,v;v=r.d,s=r.a,a=r.b,l=r.c,r.d=a,r.a=l,r.b=v,r.c=s}function Qpt(r,s,a,l){Vze(r,s,a,cA(r,s,l,Ce(s,99)&&(E(s,18).Bb&du)!=0))}function Jpt(r,s){Lr(s,"Label management",1),wV(se(r,(Wq(),Tj))),Or(s)}function Fl(r){HZ(this),UV(r>=0,"Initial capacity must not be negative")}function wPe(){wPe=xe,FKe=mi((U1(),pe(he(UT,1),wt,232,0,[Ac,Bl,$c])))}function yPe(){yPe=xe,MKe=mi((dd(),pe(he(jKe,1),wt,461,0,[Fb,Xy,f1])))}function EPe(){EPe=xe,LKe=mi((kf(),pe(he(NKe,1),wt,462,0,[X1,Qy,d1])))}function _Pe(){_Pe=xe,xKe=mi((Dg(),pe(he(Pd,1),wt,132,0,[d2e,Rh,HT])))}function SPe(){SPe=xe,eXe=mi((EF(),pe(he(s_e,1),wt,379,0,[Lae,Nae,Bae])))}function xPe(){xPe=xe,gXe=mi((BS(),pe(he(l_e,1),wt,423,0,[J4,c_e,qae])))}function CPe(){CPe=xe,KXe=mi((C5(),pe(he(aSe,1),wt,314,0,[rI,dz,sSe])))}function TPe(){TPe=xe,YXe=mi((hW(),pe(he(cSe,1),wt,337,0,[uSe,XY,lue])))}function kPe(){kPe=xe,ZXe=mi((y2(),pe(he(JXe,1),wt,450,0,[hue,YA,nR])))}function RPe(){RPe=xe,VXe=mi((NS(),pe(he(eue,1),wt,361,0,[hx,Zy,dx])))}function OPe(){OPe=xe,aQe=mi((R0(),pe(he(sQe,1),wt,303,0,[pz,iR,iI])))}function IPe(){IPe=xe,oQe=mi(($6(),pe(he(Sue,1),wt,292,0,[Eue,_ue,hz])))}function DPe(){DPe=xe,CZe=mi((DF(),pe(he(lCe,1),wt,378,0,[Zue,cCe,TX])))}function APe(){APe=xe,$Ze=mi((TW(),pe(he(SCe,1),wt,375,0,[ECe,ace,_Ce])))}function $Pe(){$Pe=xe,OZe=mi((I0(),pe(he(wCe,1),wt,339,0,[nE,vCe,ice])))}function PPe(){PPe=xe,AZe=mi((Tu(),pe(he(DZe,1),wt,452,0,[dj,gd,zl])))}function FPe(){FPe=xe,MZe=mi((DW(),pe(he(ICe,1),wt,377,0,[fce,a$,i3])))}function jPe(){jPe=xe,FZe=mi((B6(),pe(he(TCe,1),wt,336,0,[cce,CCe,hj])))}function MPe(){MPe=xe,jZe=mi((xW(),pe(he(OCe,1),wt,338,0,[RCe,lce,kCe])))}function NPe(){NPe=xe,XZe=mi((jS(),pe(he(YZe,1),wt,454,0,[kz,pj,IX])))}function LPe(){LPe=xe,att=mi((HW(),pe(he(stt,1),wt,442,0,[Tce,xce,Cce])))}function BPe(){BPe=xe,ctt=mi((AL(),pe(he(eTe,1),wt,380,0,[HX,JCe,ZCe])))}function zPe(){zPe=xe,Ttt=mi((zW(),pe(he(vTe,1),wt,381,0,[mTe,Ace,bTe])))}function HPe(){HPe=xe,Ctt=mi((CW(),pe(he(pTe,1),wt,293,0,[Dce,hTe,dTe])))}function UPe(){UPe=xe,Gtt=mi((NL(),pe(he($ce,1),wt,437,0,[qX,WX,GX])))}function VPe(){VPe=xe,Qnt=mi((D0(),pe(he(ake,1),wt,334,0,[sQ,gw,Dj])))}function qPe(){qPe=xe,Gnt=mi((Rg(),pe(he(Y3e,1),wt,272,0,[d$,u3,h$])))}function Zpt(){return Sa(),pe(he(lke,1),wt,98,0,[uE,Ug,g$,t_,Nm,Tl])}function p2(r,s){return!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),Bne(r.o,s)}function e1t(r){return!r.g&&(r.g=new Uf),!r.g.d&&(r.g.d=new EM(r)),r.g.d}function t1t(r){return!r.g&&(r.g=new Uf),!r.g.a&&(r.g.a=new _M(r)),r.g.a}function n1t(r){return!r.g&&(r.g=new Uf),!r.g.b&&(r.g.b=new Rv(r)),r.g.b}function sL(r){return!r.g&&(r.g=new Uf),!r.g.c&&(r.g.c=new gD(r)),r.g.c}function r1t(r,s,a){var l,v;for(v=new A6(s,r),l=0;l<a;++l)rG(v);return v}function Ite(r,s,a){var l,v;if(a!=null)for(l=0;l<s;++l)v=a[l],r.fi(l,v)}function Dte(r,s,a,l){var v;return v=Pe(Gr,Ei,25,s+1,15,1),Lkt(v,r,s,a,l),v}function Pe(r,s,a,l,v,y){var x;return x=rMe(v,l),v!=10&&pe(he(r,y),s,a,v,x),x}function i1t(r,s,a,l){return a&&(l=a.gh(s,Fo(a.Tg(),r.c.Lj()),null,l)),l}function o1t(r,s,a,l){return a&&(l=a.ih(s,Fo(a.Tg(),r.c.Lj()),null,l)),l}function n1e(r,s,a){E(r.b,65),E(r.b,65),E(r.b,65),Rf(r.a,new eIe(a,s,r))}function r1e(r,s,a){if(r<0||s>a||s<r)throw de(new SU(ZG+r+Sve+s+yve+a))}function b6(r){if(!r)throw de(new zu("Unable to add element to queue"))}function Ate(r){r?(this.c=r,this.b=null):(this.c=null,this.b=new vt)}function $te(r,s){tV.call(this,r,s),this.a=Pe(pIt,YG,436,2,0,1),this.b=!0}function i1e(r){P9e.call(this,r,0),VOe(this),this.d.b=this.d,this.d.a=this.d}function Pte(r){var s;return s=r.b,s.b==0?null:E(W1(s,0),188).b}function WPe(r,s){var a;return a=new lt,a.c=!0,a.d=s.dd(),BHe(r,s.cd(),a)}function s1t(r,s){var a;a=r.q.getHours()+(s/3600|0),r.q.setSeconds(s),n9(r,a)}function o1e(r,s,a){var l;l=r.b[a.c.p][a.p],l.b+=s.b,l.c+=s.c,l.a+=s.a,++l.a}function Dy(r,s){var a,l;return a=r.a-s.a,l=r.b-s.b,m.Math.sqrt(a*a+l*l)}function Yq(){Yq=xe,iSe=new ffe("QUADRATIC",0),cue=new ffe("SCANLINE",1)}function GPe(){GPe=xe,BZe=ld(Vi(new Ys,(lu(),jb),(vu(),Yae)),oc,lz)}function a1t(){return ET(),pe(he(Kce,1),wt,291,0,[Gce,Lz,Nz,Wce,jz,Mz])}function u1t(){return xm(),pe(he(o3e,1),wt,248,0,[Vce,Pz,Fz,ZX,QX,JX])}function c1t(){return P5(),pe(he(KA,1),wt,227,0,[GA,Y9,WA,WT,tR,eR])}function l1t(){return eA(),pe(he(kSe,1),wt,275,0,[J9,SSe,TSe,CSe,xSe,_Se])}function f1t(){return XL(),pe(he(ESe,1),wt,274,0,[eX,vSe,ySe,mSe,wSe,wue])}function d1t(){return gG(),pe(he(uCe,1),wt,313,0,[Jue,sCe,Que,oCe,aCe,CX])}function h1t(){return wG(),pe(he(pSe,1),wt,276,0,[gue,pue,mue,bue,vue,JY])}function p1t(){return KF(),pe(he(Net,1),wt,327,0,[FX,pce,bce,gce,mce,hce])}function g1t(){return hd(),pe(he(aQ,1),wt,273,0,[cE,q0,Kz,Fj,Pj,yI])}function b1t(){return mG(),pe(he(tke,1),wt,312,0,[ule,J3e,eke,X3e,Z3e,Q3e])}function m1t(){return dr(),pe(he(Gae,1),wt,267,0,[Os,ua,ds,xl,th,Lg])}function KPe(r){KC(!!r.c),mte(r.e,r),r.c.Qb(),r.c=null,r.b=Y1e(r),_de(r.e,r)}function YPe(r){return mte(r.c.a.e,r),vr(r.b!=r.c.a.d),r.a=r.b,r.b=r.b.a,r.a}function s1e(r){var s;return!r.a&&r.b!=-1&&(s=r.c.Tg(),r.a=Fn(s,r.b)),r.a}function ei(r,s){return r.hi()&&r.Hc(s)?!1:(r.Yh(s),!0)}function z1(r,s){return KN(s,"Horizontal alignment cannot be null"),r.b=s,r}function XPe(r,s,a){zi();var l;return l=Hy(r,s),a&&l&&Wlt(r)&&(l=null),l}function Gv(r,s,a){var l,v;for(v=r.Kc();v.Ob();)l=E(v.Pb(),37),e9(l,s,a)}function a1e(r,s){var a,l;for(l=s.Kc();l.Ob();)a=E(l.Pb(),37),vze(r,a,0,0)}function u1e(r,s,a){var l;r.d[s.g]=a,l=r.g.c,l[s.g]=m.Math.max(l[s.g],a+1)}function aL(r,s){var a,l,v;return v=r.r,l=r.d,a=o9(r,s,!0),a.b!=v||a.a!=l}function QPe(r,s){return Yk(r.e,s)||T2(r.e,s,new R7e(s)),E(DS(r.e,s),113)}function g2(r,s,a,l){return Qn(r),Qn(s),Qn(a),Qn(l),new Hhe(r,s,new Tt)}function Jd(r,s,a,l){this.rj(),this.a=s,this.b=r,this.c=new Lhe(this,s,a,l)}function Fte(r,s,a,l,v,y){Ipe.call(this,s,l,v,y),this.c=r,this.b=a}function uL(r,s,a,l,v,y){Ipe.call(this,s,l,v,y),this.c=r,this.a=a}function v1t(r,s,a){var l,v,y;l=S0(r,a),v=null,l&&(v=yme(l)),y=v,C7e(s,a,y)}function w1t(r,s,a){var l,v,y;l=S0(r,a),v=null,l&&(v=yme(l)),y=v,C7e(s,a,y)}function cL(r,s,a){var l,v;return v=(l=iA(r.b,s),l),v?BG(hL(r,v),a):null}function m6(r,s){var a;return a=r.Yg(s),a>=0?r._g(a,!0,!0):YS(r,s,!0)}function y1t(r,s){return Ts(ot(Dt(se(r,(bt(),vx)))),ot(Dt(se(s,vx))))}function JPe(){JPe=xe,ntt=qS(qS(Kn(new Ys,(Y6(),mj)),(KF(),FX)),pce)}function E1t(r,s,a){var l;return l=H9e(r,s,a),r.b=new yW(l.c.length),g0e(r,l)}function _1t(r){if(r.b<=0)throw de(new mc);return--r.b,r.a-=r.c.c,Ot(r.a)}function S1t(r){var s;if(!r.a)throw de(new n6e);return s=r.a,r.a=Wo(r.a),s}function x1t(r){for(;!r.a;)if(!B5e(r.c,new hP(r)))return!1;return!0}function x5(r){var s;return Jr(r),Ce(r,198)?(s=E(r,198),s):new ty(r)}function C1t(r){Xq(),E(r.We((Mi(),a3)),174).Fc((hd(),Kz)),r.Ye(rle,null)}function Xq(){Xq=xe,wnt=new s0,Ent=new U3,ynt=cmt((Mi(),rle),wnt,oE,Ent)}function Qq(){Qq=xe,XCe=new Cfe("LEAF_NUMBER",0),kce=new Cfe("NODE_SIZE",1)}function T1t(r,s,a){r.a=s,r.c=a,r.b.a.$b(),bp(r.d),r.e.a.c=Pe(mr,Ht,1,0,5,1)}function jte(r){r.a=Pe(Gr,Ei,25,r.b+1,15,1),r.c=Pe(Gr,Ei,25,r.b,15,1),r.d=0}function k1t(r,s){r.a.ue(s.d,r.b)>0&&(Et(r.c,new phe(s.c,s.d,r.d)),r.b=s.d)}function c1e(r,s){if(r.g==null||s>=r.i)throw de(new NZ(s,r.i));return r.g[s]}function ZPe(r,s,a){if(M6(r,a),a!=null&&!r.wj(a))throw de(new ED);return a}function e8e(r){var s;if(r.Ek())for(s=r.i-1;s>=0;--s)ke(r,s);return Ppe(r)}function R1t(r){var s,a;if(!r.b)return null;for(a=r.b;s=a.a[0];)a=s;return a}function O1t(r,s){var a,l;return _$e(s),a=(l=r.slice(0,s),f1e(l,r)),a.length=s,a}function v6(r,s,a,l){var v;l=(a4(),l||t2e),v=r.slice(s,a),Rme(v,r,s,a,-s,l)}function Yh(r,s,a,l,v){return s<0?YS(r,a,l):E(a,66).Nj().Pj(r,r.yh(),s,l,v)}function I1t(r){return Ce(r,172)?""+E(r,172).a:r==null?null:dc(r)}function D1t(r){return Ce(r,172)?""+E(r,172).a:r==null?null:dc(r)}function t8e(r,s){if(s.a)throw de(new Zu(tVe));Bs(r.a,s),s.a=r,!r.j&&(r.j=s)}function l1e(r,s){MZ.call(this,s.rd(),s.qd()&-16449),Qn(r),this.a=r,this.c=s}function n8e(r,s){var a,l;return l=s/r.c.Hd().gc()|0,a=s%r.c.Hd().gc(),S5(r,l,a)}function dd(){dd=xe,Fb=new fZ(U5,0),Xy=new fZ(yA,1),f1=new fZ(V5,2)}function Jq(){Jq=xe,yae=new eV("All",0),u2e=new QRe,c2e=new cOe,l2e=new JRe}function r8e(){r8e=xe,vKe=mi((Jq(),pe(he(fY,1),wt,297,0,[yae,u2e,c2e,l2e])))}function i8e(){i8e=xe,cXe=mi((P6(),pe(he(uXe,1),wt,405,0,[fx,qT,VT,Q4])))}function o8e(){o8e=xe,lYe=mi((LS(),pe(he(cYe,1),wt,406,0,[ez,ZB,Rae,Oae])))}function s8e(){s8e=xe,dYe=mi((A5(),pe(he(fYe,1),wt,323,0,[nz,tz,rz,iz])))}function a8e(){a8e=xe,gYe=mi((zF(),pe(he(pYe,1),wt,394,0,[oz,bY,mY,sz])))}function u8e(){u8e=xe,Met=mi((Y6(),pe(he(FCe,1),wt,393,0,[PX,mj,Oz,vj])))}function c8e(){c8e=xe,RXe=mi((IW(),pe(he(kXe,1),wt,360,0,[Jae,UY,VY,fz])))}function l8e(){l8e=xe,xtt=mi((aG(),pe(he(fTe,1),wt,340,0,[Ice,cTe,lTe,uTe])))}function f8e(){f8e=xe,MXe=mi((Ig(),pe(he(jXe,1),wt,411,0,[nI,VA,qA,Zae])))}function d8e(){d8e=xe,TZe=mi((vT(),pe(he(tce,1),wt,197,0,[kX,ece,dR,fR])))}function h8e(){h8e=xe,prt=mi((Zd(),pe(he(hrt,1),wt,396,0,[$h,vke,mke,wke])))}function p8e(){p8e=xe,Znt=mi((Sh(),pe(he(Jnt,1),wt,285,0,[Wz,jm,sE,qz])))}function g8e(){g8e=xe,Knt=mi(($0(),pe(he(ale,1),wt,218,0,[sle,Vz,p$,wI])))}function b8e(){b8e=xe,frt=mi((qW(),pe(he(bke,1),wt,311,0,[lle,hke,gke,pke])))}function m8e(){m8e=xe,crt=mi((eh(),pe(he(jj,1),wt,374,0,[Xz,n_,Yz,c3])))}function v8e(){v8e=xe,MG(),e4e=Qo,bit=ws,t4e=new SC(Qo),mit=new SC(ws)}function lL(){lL=xe,gSe=new hfe(L0,0),ZY=new hfe("IMPROVE_STRAIGHTNESS",1)}function A1t(r,s){return e6(),Et(r,new Ra(s,Ot(s.e.c.length+s.g.c.length)))}function $1t(r,s){return e6(),Et(r,new Ra(s,Ot(s.e.c.length+s.g.c.length)))}function f1e(r,s){return gL(s)!=10&&pe(Od(s),s.hm,s.__elementTypeId$,gL(s),r),r}function Tf(r,s){var a;return a=lc(r,s,0),a==-1?!1:(qv(r,a),!0)}function w8e(r,s){var a;return a=E(_5(r.e,s),387),a?(mhe(a),a.e):null}function w6(r){var s;return cc(r)&&(s=0-r,!isNaN(s))?s:$y(F6(r))}function lc(r,s,a){for(;a<r.c.length;++a)if(bl(s,r.c[a]))return a;return-1}function y8e(r,s,a){var l;return Ry(r),l=new rn,l.a=s,r.a.Nb(new b4e(l,a)),l.a}function P1t(r){var s;return Ry(r),s=Pe(ba,Lu,25,0,15,1),by(r.a,new dP(s)),s}function Mte(r){var s,a;return a=E(Vt(r.j,0),11),s=E(se(a,(bt(),to)),11),s}function d1e(r){var s;if(!Jte(r))throw de(new mc);return r.e=1,s=r.d,r.d=null,s}function Nte(r,s){var a;this.f=r,this.b=s,a=E(Cr(r.b,s),283),this.c=a?a.b:null}function E8e(){n1(),this.b=new jr,this.f=new jr,this.g=new jr,this.e=new jr}function _8e(r,s){this.a=Pe(Pm,iw,10,r.a.c.length,0,1),Ag(r.a,this.a),this.b=s}function fL(r){var s;for(s=r.p+1;s<r.c.a.c.length;++s)--E(Vt(r.c.a,s),10).p}function Lte(r){var s;s=r.Ai(),s!=null&&r.d!=-1&&E(s,92).Ng(r),r.i&&r.i.Fi()}function Zq(r){TV(this),this.g=r?tte(r,r.$d()):null,this.f=r,wq(this),this._d()}function k0(r,s,a,l,v,y,x){Kte.call(this,s,l,v,y,x),this.c=r,this.b=a}function uT(r,s,a,l,v){return Qn(r),Qn(s),Qn(a),Qn(l),Qn(v),new Hhe(r,s,l)}function dL(r,s){if(s<0)throw de(new xu(Tqe+s));return d$e(r,s+1),Vt(r.j,s)}function S8e(r,s,a,l){if(!r)throw de(new Yn(ZF(s,pe(he(mr,1),Ht,1,5,[a,l]))))}function eW(r,s){return bl(s,Vt(r.f,0))||bl(s,Vt(r.f,1))||bl(s,Vt(r.f,2))}function F1t(r,s){u5(E(E(r.f,33).We((Mi(),Rj)),98))&&F0t(qee(E(r.f,33)),s)}function hL(r,s){var a,l;return a=E(s,675),l=a.Oh(),!l&&a.Rh(l=new _Re(r,s)),l}function qu(r,s){var a,l;return a=E(s,677),l=a.pk(),!l&&a.tk(l=new BAe(r,s)),l}function Rd(r){return r.b||(r.b=new nDe(r,Au,r),!r.a&&(r.a=new PN(r,r))),r.b}function EF(){EF=xe,Lae=new hZ("XY",0),Nae=new hZ("X",1),Bae=new hZ("Y",2)}function kf(){kf=xe,X1=new dZ("TOP",0),Qy=new dZ(yA,1),d1=new dZ(Ave,2)}function R0(){R0=xe,pz=new yZ(L0,0),iR=new yZ("TOP",1),iI=new yZ(Ave,2)}function pL(){pL=xe,oce=new gfe("INPUT_ORDER",0),sce=new gfe("PORT_DEGREE",1)}function y6(){y6=xe,PEe=Jl($d,$d,524287),oKe=Jl(0,0,CB),FEe=Tte(1),Tte(2),jEe=Tte(0)}function h1e(r,s,a){r.a.c=Pe(mr,Ht,1,0,5,1),CRt(r,s,a),r.a.c.length==0||rkt(r,s)}function tW(r){var s,a;return a=r.length,s=Pe(ap,Cb,25,a,15,1),CDe(r,0,a,s,0),s}function p1e(r){var s;return r.dh()||(s=_r(r.Tg())-r.Ah(),r.ph().bk(s)),r.Pg()}function g1e(r){var s;return s=b2(Gn(r,32)),s==null&&(Zl(r),s=b2(Gn(r,32))),s}function Bte(r,s){var a;return a=Fo(r.d,s),a>=0?nG(r,a,!0,!0):YS(r,s,!0)}function b1e(r,s){ZO();var a,l;return a=w5(r),l=w5(s),!!a&&!!l&&!F7e(a.k,l.k)}function j1t(r,s){Of(r,s==null||BV((Qn(s),s))||isNaN((Qn(s),s))?0:(Qn(s),s))}function M1t(r,s){If(r,s==null||BV((Qn(s),s))||isNaN((Qn(s),s))?0:(Qn(s),s))}function N1t(r,s){FS(r,s==null||BV((Qn(s),s))||isNaN((Qn(s),s))?0:(Qn(s),s))}function L1t(r,s){PS(r,s==null||BV((Qn(s),s))||isNaN((Qn(s),s))?0:(Qn(s),s))}function x8e(r){(this.q?this.q:(In(),In(),$m)).Ac(r.q?r.q:(In(),In(),$m))}function B1t(r,s){return Ce(s,99)&&E(s,18).Bb&du?new LZ(s,r):new A6(s,r)}function z1t(r,s){return Ce(s,99)&&E(s,18).Bb&du?new LZ(s,r):new A6(s,r)}function C8e(r,s){M2e=new qs,hYe=s,V9=r,E(V9.b,65),n1e(V9,M2e,null),vHe(V9)}function zte(r,s,a){var l;return l=r.g[s],K8(r,s,r.oi(s,a)),r.gi(s,a,l),r.ci(),l}function nW(r,s){var a;return a=r.Xc(s),a>=0?(r.$c(a),!0):!1}function Hte(r){var s;return r.d!=r.r&&(s=wp(r),r.e=!!s&&s.Cj()==sGe,r.d=s),r.e}function Ute(r,s){var a;for(Jr(r),Jr(s),a=!1;s.Ob();)a=a|r.Fc(s.Pb());return a}function DS(r,s){var a;return a=E(Cr(r.e,s),387),a?(mOe(r,a),a.e):null}function T8e(r){var s,a;return s=r/60|0,a=r%60,a==0?""+s:""+s+":"+(""+a)}function Ec(r,s){var a,l;return x2(r),l=new Jpe(s,r.a),a=new U5e(l),new Nn(r,a)}function cT(r,s){var a=r.a[s],l=(une(),gae)[typeof a];return l?l(a):yge(typeof a)}function H1t(r){switch(r.g){case 0:return qi;case 1:return-1;default:return 0}}function U1t(r){return Mbe(r,(y6(),jEe))<0?-ist(F6(r)):r.l+r.m*H5+r.h*A2}function gL(r){return r.__elementTypeCategory$==null?10:r.__elementTypeCategory$}function Vte(r){var s;return s=r.b.c.length==0?null:Vt(r.b,0),s!=null&&ene(r,0),s}function k8e(r,s){for(;s[0]<r.length&&bb(` \r
`,Af(Ma(r,s[0])))>=0;)++s[0]}function bL(r,s){this.e=s,this.a=y9e(r),this.a<54?this.f=OS(r):this.c=HL(r)}function R8e(r,s,a,l){zi(),gg.call(this,26),this.c=r,this.a=s,this.d=a,this.b=l}function Sm(r,s,a){var l,v;for(l=10,v=0;v<a-1;v++)s<l&&(r.a+="0"),l*=10;r.a+=s}function V1t(r,s){var a;for(a=0;r.e!=r.i.gc();)Nct(s,Fr(r),Ot(a)),a!=qi&&++a}function m1e(r,s){var a;for(++r.d,++r.c[s],a=s+1;a<r.a.length;)++r.a[a],a+=a&-a}function q1t(r,s){var a,l,v;v=s.c.i,a=E(Cr(r.f,v),57),l=a.d.c-a.e.c,z1e(s.a,l,0)}function mL(r){var s,a;return s=r+128,a=($Ie(),NEe)[s],!a&&(a=NEe[s]=new z7(r)),a}function bi(r,s){var a;return Qn(s),a=r[":"+s],X1t(!!a,pe(he(mr,1),Ht,1,5,[s])),a}function W1t(r){var s,a;if(r.b){a=null;do s=r.b,r.b=null,a=CNe(s,a);while(r.b);r.b=a}}function G1t(r){var s,a;if(r.a){a=null;do s=r.a,r.a=null,a=CNe(s,a);while(r.a);r.a=a}}function O8e(r){var s;for(++r.a,s=r.c.a.length;r.a<s;++r.a)if(r.c.b[r.a])return}function K1t(r,s){var a,l;for(l=s.c,a=l+1;a<=s.f;a++)r.a[a]>r.a[l]&&(l=a);return l}function Y1t(r,s){var a;return a=HS(r.e.c,s.e.c),a==0?Ts(r.e.d,s.e.d):a}function l4(r,s){return s.e==0||r.e==0?MA:(nA(),qre(r,s))}function X1t(r,s){if(!r)throw de(new Yn(ZCt("Enum constant undefined: %s",s)))}function _F(){_F=xe,dXe=new Il,hXe=new eg,lXe=new Kg,fXe=new Yg,pXe=new Xg}function rW(){rW=xe,m2e=new afe("BY_SIZE",0),xae=new afe("BY_SIZE_AND_SHAPE",1)}function iW(){iW=xe,Fae=new ufe("EADES",0),yY=new ufe("FRUCHTERMAN_REINGOLD",1)}function vL(){vL=xe,QY=new dfe("READING_DIRECTION",0),dSe=new dfe("ROTATION",1)}function I8e(){I8e=xe,XXe=mi((R2(),pe(he(fSe,1),wt,335,0,[fue,lSe,due,Q9,X9])))}function D8e(){D8e=xe,kZe=mi((HF(),pe(he(dCe,1),wt,315,0,[fCe,nce,rce,lj,fj])))}function A8e(){A8e=xe,LXe=mi((T4(),pe(he(NXe,1),wt,363,0,[WY,KY,YY,GY,qY])))}function $8e(){$8e=xe,cQe=mi((Zh(),pe(he(HSe,1),wt,163,0,[wz,nj,eE,rj,YT])))}function P8e(){P8e=xe,Jtt=mi((JL(),pe(he(jTe,1),wt,316,0,[$Te,Mce,FTe,Nce,PTe])))}function F8e(){F8e=xe,_nt=mi((q1(),pe(he(pw,1),wt,175,0,[cr,ca,Lb,Q2,hw])))}function j8e(){j8e=xe,Wtt=mi((sA(),pe(he(qtt,1),wt,355,0,[pR,pI,xj,Sj,Cj])))}function M8e(){M8e=xe,iXe=mi((lu(),pe(he(a_e,1),wt,356,0,[jb,Jy,nf,Sl,oc])))}function N8e(){N8e=xe,Wnt=mi((ku(),pe(he(Oj,1),wt,103,0,[Fm,p1,Op,H0,U0])))}function L8e(){L8e=xe,trt=mi((y4(),pe(he($j,1),wt,249,0,[aE,Gz,uke,Aj,cke])))}function B8e(){B8e=xe,irt=mi((It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr])))}function qte(r,s){var a;return a=E(Cr(r.a,s),134),a||(a=new To,Qi(r.a,s,a)),a}function z8e(r){var s;return s=E(se(r,(bt(),gx)),305),s?s.a==r:!1}function H8e(r){var s;return s=E(se(r,(bt(),gx)),305),s?s.i==r:!1}function U8e(r,s){return Qn(s),Mhe(r),r.d.Ob()?(s.td(r.d.Pb()),!0):!1}function oW(r){return tl(r,qi)>0?qi:tl(r,qa)<0?qa:Qr(r)}function lT(r){return r<3?(Eh(r,MUe),r+1):r<l9?ss(r/.75+1):qi}function Fn(r,s){var a;return a=(r.i==null&&Sb(r),r.i),s>=0&&s<a.length?a[s]:null}function H1(r,s,a){var l;if(s==null)throw de(new FC);return l=S0(r,s),vpt(r,s,a),l}function V8e(r){return r.a>=-.01&&r.a<=Fg&&(r.a=0),r.b>=-.01&&r.b<=Fg&&(r.b=0),r}function q8e(r,s){return s==(lee(),lee(),gKe)?r.toLocaleLowerCase():r.toLowerCase()}function v1e(r){return(r.i&2?"interface ":r.i&1?"":"class ")+(y0(r),r.o)}function Wu(r){var s,a;a=(s=new ZP,s),ei((!r.q&&(r.q=new St(Fp,r,11,10)),r.q),a)}function Q1t(r,s){var a;return a=s>0?s-1:s,xJ(Wle(bFe(bhe(new Ak,a),r.n),r.j),r.k)}function J1t(r,s,a,l){var v;r.j=-1,zme(r,Eme(r,s,a),(Wr(),v=E(s,66).Mj(),v.Ok(l)))}function W8e(r){this.g=r,this.f=new vt,this.a=m.Math.min(this.g.c.c,this.g.d.c)}function G8e(r){this.b=new vt,this.a=new vt,this.c=new vt,this.d=new vt,this.e=r}function K8e(r,s){this.a=new jr,this.e=new jr,this.b=(DF(),TX),this.c=r,this.b=s}function Y8e(r,s,a){NV.call(this),w1e(this),this.a=r,this.c=a,this.b=s.d,this.f=s.e}function X8e(r){this.d=r,this.c=r.c.vc().Kc(),this.b=null,this.a=null,this.e=(MC(),fae)}function AS(r){if(r<0)throw de(new Yn("Illegal Capacity: "+r));this.g=this.ri(r)}function Z1t(r,s){if(0>r||r>s)throw de(new BC("fromIndex: 0, toIndex: "+r+yve+s))}function egt(r){var s;if(r.a==r.b.a)throw de(new mc);return s=r.a,r.c=s,r.a=r.a.e,s}function sW(r){var s;KC(!!r.c),s=r.c.a,Xh(r.d,r.c),r.b==r.c?r.b=s:--r.a,r.c=null}function aW(r,s){var a;return x2(r),a=new v6e(r,r.a.rd(),r.a.qd()|4,s),new Nn(r,a)}function tgt(r,s){var a,l;return a=E(gT(r.d,s),14),a?(l=s,r.e.pc(l,a)):null}function uW(r,s){var a,l;for(l=r.Kc();l.Ob();)a=E(l.Pb(),70),ct(a,(bt(),uI),s)}function ngt(r){var s;return s=ot(Dt(se(r,(Ft(),cw)))),s<0&&(s=0,ct(r,cw,s)),s}function rgt(r,s,a){var l;l=m.Math.max(0,r.b/2-.5),VF(a,l,1),Et(s,new _4e(a,l))}function igt(r,s,a){var l;return l=r.a.e[E(s.a,10).p]-r.a.e[E(a.a,10).p],ss(HN(l))}function Q8e(r,s,a,l,v,y){var x;x=kte(l),Ya(x,v),ya(x,y),_n(r.a,l,new zV(x,s,a.f))}function J8e(r,s){var a;if(a=uB(r.Tg(),s),!a)throw de(new Yn(Ky+s+Rse));return a}function fT(r,s){var a;for(a=r;Wo(a);)if(a=Wo(a),a==s)return!0;return!1}function ogt(r,s){var a,l,v;for(l=s.a.cd(),a=E(s.a.dd(),14).gc(),v=0;v<a;v++)r.td(l)}function Rf(r,s){var a,l,v,y;for(Qn(s),l=r.c,v=0,y=l.length;v<y;++v)a=l[v],s.td(a)}function Xh(r,s){var a;return a=s.c,s.a.b=s.b,s.b.a=s.a,s.a=s.b=null,s.c=null,--r.b,a}function sgt(r,s){return s&&r.b[s.g]==s?(qo(r.b,s.g,null),--r.c,!0):!1}function Z8e(r,s){return!!TF(r,s,Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))))}function agt(r,s){u5(E(se(E(r.e,10),(Ft(),Zo)),98))&&(In(),sa(E(r.e,10).j,s))}function w1e(r){r.b=(dd(),Xy),r.f=(kf(),Qy),r.d=(Eh(2,AT),new Fl(2)),r.e=new ka}function U1(){U1=xe,Ac=new lZ("BEGIN",0),Bl=new lZ(yA,1),$c=new lZ("END",2)}function Rg(){Rg=xe,d$=new PZ(yA,0),u3=new PZ("HEAD",1),h$=new PZ("TAIL",2)}function ugt(){return rA(),pe(he(vQ,1),wt,237,0,[ple,bQ,mQ,gQ,hle,pQ,hQ,dle])}function cgt(){return nw(),pe(he(Snt,1),wt,277,0,[n3e,Ga,Vc,l$,sc,es,gI,Hg])}function lgt(){return OG(),pe(he(rSe,1),wt,270,0,[nue,oue,tue,uue,iue,rue,aue,sue])}function fgt(){return I4(),pe(he(mCe,1),wt,260,0,[RX,xz,Cz,pCe,gCe,hCe,bCe,OX])}function eFe(){eFe=xe,nrt=mi((Sa(),pe(he(lke,1),wt,98,0,[uE,Ug,g$,t_,Nm,Tl])))}function tFe(){tFe=xe,pY=(U1(),pe(he(UT,1),wt,232,0,[Ac,Bl,$c])).length,Tae=pY}function cW(r){this.b=(Jr(r),new Kf(r)),this.a=new vt,this.d=new vt,this.e=new ka}function dgt(r){var s;return s=m.Math.sqrt(r.a*r.a+r.b*r.b),s>0&&(r.a/=s,r.b/=s),r}function yh(r){var s;return r.w?r.w:(s=pht(r),s&&!s.kh()&&(r.w=s),s)}function hgt(r){var s;return r==null?null:(s=E(r,190),p2t(s,s.length))}function ke(r,s){if(r.g==null||s>=r.i)throw de(new NZ(s,r.i));return r.li(s,r.g[s])}function pgt(r){var s,a;for(s=r.a.d.j,a=r.c.d.j;s!=a;)a1(r.b,s),s=LW(s);a1(r.b,s)}function ggt(r){var s;for(s=0;s<r.c.length;s++)(Vn(s,r.c.length),E(r.c[s],11)).p=s}function bgt(r,s,a){var l,v,y;for(v=s[a],l=0;l<v.length;l++)y=v[l],r.e[y.c.p][y.p]=l}function Wte(r,s){var a,l,v,y;for(l=r.d,v=0,y=l.length;v<y;++v)a=l[v],Eg(r.g,a).a=s}function dT(r,s){var a,l;for(l=Ti(r,0);l.b!=l.d.c;)a=E(Ci(l),8),io(a,s);return r}function mgt(r,s){var a;return a=pa(Oc(E(Cr(r.g,s),8)),qfe(E(Cr(r.f,s),460).b)),a}function $S(r){var s;return mte(r.e,r),vr(r.b),r.c=r.a,s=E(r.a.Pb(),42),r.b=Y1e(r),s}function b2(r){var s;return tF(r==null||Array.isArray(r)&&(s=gL(r),!(s>=14&&s<=16))),r}function nFe(r,s,a){var l=function(){return r.apply(l,arguments)};return s.apply(l,a),l}function rFe(r,s,a){var l,v;l=s;do v=ot(r.p[l.p])+a,r.p[l.p]=v,l=r.a[l.p];while(l!=s)}function E6(r,s){var a,l;l=r.a,a=Ymt(r,s,null),l!=s&&!r.e&&(a=dA(r,s,a)),a&&a.Fi()}function y1e(r,s){return yg(),s1(Uy),m.Math.abs(r-s)<=Uy||r==s||isNaN(r)&&isNaN(s)}function E1e(r,s){return yg(),s1(Uy),m.Math.abs(r-s)<=Uy||r==s||isNaN(r)&&isNaN(s)}function vgt(r,s){return By(),_f(r.b.c.length-r.e.c.length,s.b.c.length-s.e.c.length)}function f4(r,s){return Xle(CF(r,s,Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15)))))}function iFe(){iFe=xe,wXe=mi((dr(),pe(he(Gae,1),wt,267,0,[Os,ua,ds,xl,th,Lg])))}function oFe(){oFe=xe,Dnt=mi((ET(),pe(he(Kce,1),wt,291,0,[Gce,Lz,Nz,Wce,jz,Mz])))}function sFe(){sFe=xe,Cnt=mi((xm(),pe(he(o3e,1),wt,248,0,[Vce,Pz,Fz,ZX,QX,JX])))}function aFe(){aFe=xe,WXe=mi((P5(),pe(he(KA,1),wt,227,0,[GA,Y9,WA,WT,tR,eR])))}function uFe(){uFe=xe,rQe=mi((eA(),pe(he(kSe,1),wt,275,0,[J9,SSe,TSe,CSe,xSe,_Se])))}function cFe(){cFe=xe,nQe=mi((XL(),pe(he(ESe,1),wt,274,0,[eX,vSe,ySe,mSe,wSe,wue])))}function lFe(){lFe=xe,xZe=mi((gG(),pe(he(uCe,1),wt,313,0,[Jue,sCe,Que,oCe,aCe,CX])))}function fFe(){fFe=xe,eQe=mi((wG(),pe(he(pSe,1),wt,276,0,[gue,pue,mue,bue,vue,JY])))}function dFe(){dFe=xe,Let=mi((KF(),pe(he(Net,1),wt,327,0,[FX,pce,bce,gce,mce,hce])))}function hFe(){hFe=xe,rrt=mi((hd(),pe(he(aQ,1),wt,273,0,[cE,q0,Kz,Fj,Pj,yI])))}function pFe(){pFe=xe,Ynt=mi((mG(),pe(he(tke,1),wt,312,0,[ule,J3e,eke,X3e,Z3e,Q3e])))}function wgt(){return CT(),pe(he(Du,1),wt,93,0,[g1,V0,b1,w1,Mm,Dp,Ih,m1,Ip])}function lW(r,s){var a;a=r.a,r.a=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,0,a,r.a))}function fW(r,s){var a;a=r.b,r.b=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,1,a,r.b))}function _6(r,s){var a;a=r.b,r.b=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,3,a,r.b))}function PS(r,s){var a;a=r.f,r.f=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,3,a,r.f))}function FS(r,s){var a;a=r.g,r.g=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,4,a,r.g))}function Of(r,s){var a;a=r.i,r.i=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,5,a,r.i))}function If(r,s){var a;a=r.j,r.j=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,6,a,r.j))}function S6(r,s){var a;a=r.j,r.j=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,1,a,r.j))}function x6(r,s){var a;a=r.c,r.c=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,4,a,r.c))}function C6(r,s){var a;a=r.k,r.k=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aT(r,2,a,r.k))}function Gte(r,s){var a;a=r.d,r.d=s,r.Db&4&&!(r.Db&1)&&Gi(r,new yte(r,2,a,r.d))}function Kv(r,s){var a;a=r.s,r.s=s,r.Db&4&&!(r.Db&1)&&Gi(r,new yte(r,4,a,r.s))}function hT(r,s){var a;a=r.t,r.t=s,r.Db&4&&!(r.Db&1)&&Gi(r,new yte(r,5,a,r.t))}function T6(r,s){var a;a=r.F,r.F=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,5,a,s))}function wL(r,s){var a;return a=E(Cr((Cu(),wQ),r),55),a?a.xj(s):Pe(mr,Ht,1,s,5,1)}function O0(r,s){var a,l;return a=s in r.a,a&&(l=S0(r,s).he(),l)?l.a:null}function ygt(r,s){var a,l,v;return a=(l=(Pv(),v=new ag,v),s&&c0e(l,s),l),I1e(a,r),a}function gFe(r,s,a){if(M6(r,a),!r.Bk()&&a!=null&&!r.wj(a))throw de(new ED);return a}function bFe(r,s){return r.n=s,r.n?(r.f=new vt,r.e=new vt):(r.f=null,r.e=null),r}function ci(r,s,a,l,v,y){var x;return x=Lee(r,s),vFe(a,x),x.i=v?8:0,x.f=l,x.e=v,x.g=y,x}function _1e(r,s,a,l,v){this.d=s,this.k=l,this.f=v,this.o=-1,this.p=1,this.c=r,this.a=a}function S1e(r,s,a,l,v){this.d=s,this.k=l,this.f=v,this.o=-1,this.p=2,this.c=r,this.a=a}function x1e(r,s,a,l,v){this.d=s,this.k=l,this.f=v,this.o=-1,this.p=6,this.c=r,this.a=a}function C1e(r,s,a,l,v){this.d=s,this.k=l,this.f=v,this.o=-1,this.p=7,this.c=r,this.a=a}function T1e(r,s,a,l,v){this.d=s,this.j=l,this.e=v,this.o=-1,this.p=4,this.c=r,this.a=a}function mFe(r,s){var a,l,v,y;for(l=s,v=0,y=l.length;v<y;++v)a=l[v],t8e(r.a,a);return r}function Og(r){var s,a,l,v;for(a=r,l=0,v=a.length;l<v;++l)s=a[l],Jr(s);return new MRe(r)}function Egt(r){var s=/function(?:\s+([\w$]+))?\s*\(/,a=s.exec(r);return a&&a[1]||Die}function vFe(r,s){if(r){s.n=r;var a=Tdt(s);if(!a){rY[r]=[s];return}a.gm=s}}function _gt(r,s,a){var l,v;return v=r.length,l=m.Math.min(a,v),Ime(r,0,s,0,l,!0),s}function wFe(r,s,a){var l,v;for(v=s.Kc();v.Ob();)l=E(v.Pb(),79),Bs(r,E(a.Kb(l),33))}function Sgt(){zJ();for(var r=oae,s=0;s<arguments.length;s++)r.push(arguments[s])}function SF(r,s){var a,l,v,y;for(l=s,v=0,y=l.length;v<y;++v)a=l[v],os(r,a,r.c.b,r.c)}function dW(r,s){r.b=m.Math.max(r.b,s.d),r.e+=s.r+(r.a.c.length==0?0:r.c),Et(r.a,s)}function yFe(r){KC(r.c>=0),yvt(r.d,r.c)<0&&(r.a=r.a-1&r.d.a.length-1,r.b=r.d.c),r.c=-1}function k1e(r){return r.a<54?r.f<0?-1:r.f>0?1:0:(!r.c&&(r.c=$L(r.f)),r.c).e}function s1(r){if(!(r>=0))throw de(new Yn("tolerance ("+r+") must be >= 0"));return r}function k6(){return Hce||(Hce=new sze,b4(Hce,pe(he(X4,1),Ht,130,0,[new ey]))),Hce}function Tu(){Tu=xe,dj=new SZ(g9,0),gd=new SZ("INPUT",1),zl=new SZ("OUTPUT",2)}function hW(){hW=xe,uSe=new mZ("ARD",0),XY=new mZ("MSD",1),lue=new mZ("MANUAL",2)}function jS(){jS=xe,kz=new RZ("BARYCENTER",0),pj=new RZ(VVe,1),IX=new RZ(qVe,2)}function yL(r,s){var a;if(a=r.gc(),s<0||s>a)throw de(new JC(s,a));return new qde(r,s)}function EFe(r,s){var a;return Ce(s,42)?r.c.Mc(s):(a=Bne(r,s),KW(r,s),a)}function Mu(r,s,a){return S2(r,s),jl(r,a),Kv(r,0),hT(r,1),Jv(r,!0),Qv(r,!0),r}function Eh(r,s){if(r<0)throw de(new Yn(s+" cannot be negative but was: "+r));return r}function _Fe(r,s){var a,l;for(a=0,l=r.gc();a<l;++a)if(bl(s,r.Xb(a)))return a;return-1}function pW(r){var s,a;for(a=r.c.Cc().Kc();a.Ob();)s=E(a.Pb(),14),s.$b();r.c.$b(),r.d=0}function xgt(r){var s,a,l,v;for(a=r.a,l=0,v=a.length;l<v;++l)s=a[l],xDe(s,s.length,null)}function R1e(r){var s,a;if(r==0)return 32;for(a=0,s=1;!(s&r);s<<=1)++a;return a}function Cgt(r){var s,a;for(a=new le(uMe(r));a.a<a.c.c.length;)s=E(ce(a),680),s.Gf()}function SFe(r){QU(),this.g=new jr,this.f=new jr,this.b=new jr,this.c=new kS,this.i=r}function O1e(){this.f=new ka,this.d=new YP,this.c=new ka,this.a=new vt,this.b=new vt}function xFe(r,s,a,l){this.rj(),this.a=s,this.b=r,this.c=null,this.c=new j5e(this,s,a,l)}function Kte(r,s,a,l,v){this.d=r,this.n=s,this.g=a,this.o=l,this.p=-1,v||(this.o=-2-l-1)}function CFe(){Yfe.call(this),this.n=-1,this.g=null,this.i=null,this.j=null,this.Bb|=l1}function Tgt(){return Ad(),pe(he(dke,1),wt,259,0,[b$,Jz,uQ,Mj,cQ,fQ,lQ,cle,Qz])}function kgt(){return DG(),pe(he(P2e,1),wt,250,0,[$2e,O2e,I2e,R2e,Cae,A2e,D2e,k2e,T2e])}function TFe(){TFe=xe,sKe=pe(he(Gr,1),Ei,25,15,[0,8,4,12,2,10,6,14,1,9,5,13,3,11,7,15])}function kFe(){kFe=xe,HZe=Vi(Vi(Vi(new Ys,(lu(),jb),(vu(),G9)),Jy,UA),nf,HA)}function RFe(){RFe=xe,UZe=Vi(Vi(Vi(new Ys,(lu(),jb),(vu(),G9)),Jy,UA),nf,HA)}function OFe(){OFe=xe,VZe=Vi(Vi(Vi(new Ys,(lu(),jb),(vu(),G9)),Jy,UA),nf,HA)}function IFe(){IFe=xe,GZe=ld(Vi(Vi(new Ys,(lu(),nf),(vu(),FY)),Sl,IY),oc,PY)}function C5(){C5=xe,rI=new bZ("LAYER_SWEEP",0),dz=new bZ(Doe,1),sSe=new bZ(L0,2)}function Rgt(r,s){var a,l;return a=r.c,l=s.e[r.p],l>0?E(Vt(a.a,l-1),10):null}function xF(r,s){var a;a=r.k,r.k=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,2,a,r.k))}function gW(r,s){var a;a=r.f,r.f=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,8,a,r.f))}function bW(r,s){var a;a=r.i,r.i=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,7,a,r.i))}function I1e(r,s){var a;a=r.a,r.a=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,8,a,r.a))}function D1e(r,s){var a;a=r.b,r.b=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,0,a,r.b))}function A1e(r,s){var a;a=r.b,r.b=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,0,a,r.b))}function $1e(r,s){var a;a=r.c,r.c=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,1,a,r.c))}function P1e(r,s){var a;a=r.c,r.c=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,1,a,r.c))}function Yte(r,s){var a;a=r.c,r.c=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,4,a,r.c))}function F1e(r,s){var a;a=r.d,r.d=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,1,a,r.d))}function Xte(r,s){var a;a=r.D,r.D=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,2,a,r.D))}function Qte(r,s){r.r>0&&r.c<r.r&&(r.c+=s,r.i&&r.i.d>0&&r.g!=0&&Qte(r.i,s/r.r*r.i.d))}function Ogt(r,s,a){var l;r.b=s,r.a=a,l=(r.a&512)==512?new pJ:new bC,r.c=qTt(l,r.b,r.a)}function DFe(r,s){return j0(r.e,s)?(Wr(),Hte(s)?new KV(s,r):new TN(s,r)):new SRe(s,r)}function mW(r,s){return Yle(TF(r.a,s,Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15)))))}function Igt(r,s,a){return uT(r,new oy(s),new $u,new xO(a),pe(he(Pd,1),wt,132,0,[]))}function Dgt(r){var s,a;return 0>r?new lN:(s=r+1,a=new tPe(s,r),new Tde(null,a))}function Agt(r,s){In();var a;return a=new cS(1),ha(r)?Uu(a,r,s):ef(a.f,r,s),new nD(a)}function $gt(r,s){var a,l;return a=r.o+r.p,l=s.o+s.p,a<l?-1:a==l?0:1}function Pgt(r){var s;return s=se(r,(bt(),to)),Ce(s,160)?Vje(E(s,160)):null}function AFe(r){var s;return r=m.Math.max(r,2),s=oge(r),r>s?(s<<=1,s>0?s:l9):s}function Jte(r){switch(rde(r.e!=3),r.e){case 2:return!1;case 0:return!0}return Lpt(r)}function $Fe(r,s){var a;return Ce(s,8)?(a=E(s,8),r.a==a.a&&r.b==a.b):!1}function Zte(r,s,a){var l,v,y;return y=s>>5,v=s&31,l=zs(eT(r.n[a][y],Qr(E0(v,1))),3),l}function Fgt(r,s){var a,l;for(l=s.vc().Kc();l.Ob();)a=E(l.Pb(),42),dG(r,a.cd(),a.dd())}function jgt(r,s){var a;a=new qs,E(s.b,65),E(s.b,65),E(s.b,65),Rf(s.a,new nhe(r,a,s))}function j1e(r,s){var a;a=r.b,r.b=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,21,a,r.b))}function M1e(r,s){var a;a=r.d,r.d=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,11,a,r.d))}function vW(r,s){var a;a=r.j,r.j=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,13,a,r.j))}function PFe(r,s,a){var l,v,y;for(y=r.a.length-1,v=r.b,l=0;l<a;v=v+1&y,++l)qo(s,l,r.a[v])}function a1(r,s){var a;return Qn(s),a=s.g,r.b[a]?!1:(qo(r.b,a,s),++r.c,!0)}function FFe(r,s){var a;return a=s==null?-1:lc(r.b,s,0),a<0?!1:(ene(r,a),!0)}function ene(r,s){var a;a=qv(r.b,r.b.c.length-1),s<r.b.c.length&&(Kh(r.b,s,a),YNe(r,s))}function Mgt(r,s){(Hq(),Ng?null:s.c).length==0&&f5e(s,new Pt),Uu(r.a,Ng?null:s.c,s)}function Ngt(r,s){Lr(s,"Hierarchical port constraint processing",1),Wvt(r),G5t(r),Or(s)}function Lgt(r,s){var a,l;for(l=s.Kc();l.Ob();)a=E(l.Pb(),266),r.b=!0,Bs(r.e,a),a.b=r}function wW(r,s){var a,l;return a=1-s,l=r.a[a],r.a[a]=l.a[s],l.a[s]=r,r.b=!0,l.b=!1,l}function Bgt(r,s){var a,l;return a=E(se(r,(Ft(),n3)),8),l=E(se(s,n3),8),Ts(a.b,l.b)}function jFe(r){Rhe.call(this),this.b=ot(Dt(se(r,(Ft(),h1)))),this.a=E(se(r,z0),218)}function MFe(r,s,a){Dpe.call(this,r,s,a),this.a=new jr,this.b=new jr,this.d=new MQ(this)}function NFe(r){this.e=r,this.d=new VO(lT(f5(this.e).gc())),this.c=this.e.a,this.b=this.e.c}function yW(r){this.b=r,this.a=Pe(Gr,Ei,25,r+1,15,1),this.c=Pe(Gr,Ei,25,r,15,1),this.d=0}function tne(r,s,a){var l;return l=new vt,d0e(r,s,l,a,!0,!0),r.b=new yW(l.c.length),l}function LFe(r,s){var a;return a=E(Cr(r.c,s),458),a||(a=new rU,a.c=s,Qi(r.c,a.c,a)),a}function nne(r,s){var a=r.a,l=0;for(var v in a)a.hasOwnProperty(v)&&(s[l++]=v);return s}function N1e(r){var s;return r.b==null?(Ur(),Ur(),oH):(s=r.Lk()?r.Kk():r.Jk(),s)}function BFe(r){var s,a;for(a=new Tr(r);a.e!=a.i.gc();)s=E(Fr(a),33),Of(s,0),If(s,0)}function Ay(){Ay=xe,tI=new ko(Wve),SY=new ko(CVe),W9=new ko(TVe),az=new ko(kVe)}function R6(){R6=xe,cz=new cfe("TO_INTERNAL_LTR",0),Kae=new cfe("TO_INPUT_DIRECTION",1)}function EW(){EW=xe,zX=new xfe("P1_NODE_PLACEMENT",0),c$=new xfe("P2_EDGE_ROUTING",1)}function NS(){NS=xe,hx=new gZ("START",0),Zy=new gZ("MIDDLE",1),dx=new gZ("END",2)}function T5(){T5=xe,Qae=new Ls("edgelabelcenterednessanalysis.includelabel",(tr(),H2))}function zgt(r,s){Bo(So(new Nn(null,new zn(new WE(r.b),1)),new W4e(r,s)),new K4e(r,s))}function zFe(){this.c=new BD(0),this.b=new BD(hqe),this.d=new BD(dqe),this.a=new BD(_oe)}function L1e(r){var s,a;for(a=r.c.a.ec().Kc();a.Ob();)s=E(a.Pb(),214),wk(s,new cNe(s.e))}function HFe(r){var s,a;for(a=r.c.a.ec().Kc();a.Ob();)s=E(a.Pb(),214),XI(s,new gDe(s.f))}function jl(r,s){var a;a=r.zb,r.zb=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,1,a,r.zb))}function _W(r,s){var a;a=r.xb,r.xb=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,3,a,r.xb))}function SW(r,s){var a;a=r.yb,r.yb=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,2,a,r.yb))}function Go(r,s){var a,l;a=(l=new JP,l),a.n=s,ei((!r.s&&(r.s=new St(Mf,r,21,17)),r.s),a)}function Eo(r,s){var a,l;l=(a=new Sde,a),l.n=s,ei((!r.s&&(r.s=new St(Mf,r,21,17)),r.s),l)}function d4(r,s){var a,l;for(a=r.Pc(),v6(a,0,a.length,s),l=0;l<a.length;l++)r._c(l,a[l])}function cu(r,s){var a,l,v;for(Qn(s),a=!1,v=s.Kc();v.Ob();)l=v.Pb(),a=a|r.Fc(l);return a}function UFe(r){var s,a,l;for(s=0,l=r.Kc();l.Ob();)a=l.Pb(),s+=a!=null?$o(a):0,s=~~s;return s}function VFe(r){var s;return r==0?"UTC":(r<0?(r=-r,s="UTC+"):s="UTC-",s+T8e(r))}function rne(r,s){var a;return Ce(s,14)?(a=E(s,14),r.Gc(a)):Ute(r,E(Jr(s),20).Kc())}function qFe(r,s,a){K8e.call(this,s,a),this.d=Pe(Pm,iw,10,r.a.c.length,0,1),Ag(r.a,this.d)}function Hgt(r){r.a=null,r.e=null,r.b.c=Pe(mr,Ht,1,0,5,1),r.f.c=Pe(mr,Ht,1,0,5,1),r.c=null}function WFe(r,s){s?r.B==null&&(r.B=r.D,r.D=null):r.B!=null&&(r.D=r.B,r.B=null)}function GFe(r,s){return ot(Dt(mS(jL(xf(new Nn(null,new zn(r.c.b,16)),new eM(r)),s))))}function B1e(r,s){return ot(Dt(mS(jL(xf(new Nn(null,new zn(r.c.b,16)),new Z7(r)),s))))}function Ugt(r,s){Lr(s,UVe,1),Bo(Ec(new Nn(null,new zn(r.b,16)),new Ir),new fo),Or(s)}function Vgt(r,s){var a,l;return a=E(Xt(r,(wT(),UX)),19),l=E(Xt(s,UX),19),_f(a.a,l.a)}function z1e(r,s,a){var l,v;for(v=Ti(r,0);v.b!=v.d.c;)l=E(Ci(v),8),l.a+=s,l.b+=a;return r}function CF(r,s,a){var l;for(l=r.b[a&r.f];l;l=l.b)if(a==l.a&&yb(s,l.g))return l;return null}function TF(r,s,a){var l;for(l=r.c[a&r.f];l;l=l.d)if(a==l.f&&yb(s,l.i))return l;return null}function qgt(r,s,a){var l,v,y;for(l=0,v=0;v<a;v++)y=s[v],r[v]=y<<1|l,l=y>>>31;l!=0&&(r[a]=l)}function Wgt(r,s){In();var a,l;for(l=new vt,a=0;a<r;++a)l.c[l.c.length]=s;return new f8(l)}function KFe(r){var s;return s=ZAe(r),dS(s.a,0)?(i2(),i2(),o2e):(i2(),new gde(s.b))}function YFe(r){var s;return s=ZAe(r),dS(s.a,0)?(i2(),i2(),o2e):(i2(),new gde(s.c))}function Ggt(r){var s;return s=jq(r),dS(s.a,0)?(k8(),k8(),bKe):(k8(),new UOe(s.b))}function Kgt(r){return r.b.c.i.k==(dr(),ds)?E(se(r.b.c.i,(bt(),to)),11):r.b.c}function XFe(r){return r.b.d.i.k==(dr(),ds)?E(se(r.b.d.i,(bt(),to)),11):r.b.d}function ts(r,s,a,l,v,y,x,T,O,A,F,z,q){return HNe(r,s,a,l,v,y,x,T,O,A,F,z,q),Dne(r,!1),r}function Qh(r,s,a,l,v,y,x){si.call(this,r,s),this.d=a,this.e=l,this.c=v,this.b=y,this.a=Tg(x)}function Ygt(r,s){typeof window===wB&&typeof window.$gwt===wB&&(window.$gwt[r]=s)}function Xgt(r,s){return P6(),r==fx&&s==qT||r==qT&&s==fx||r==Q4&&s==VT||r==VT&&s==Q4}function Qgt(r,s){return P6(),r==fx&&s==VT||r==fx&&s==Q4||r==qT&&s==Q4||r==qT&&s==VT}function QFe(r,s){return yg(),s1(Fg),m.Math.abs(0-s)<=Fg||s==0||isNaN(0)&&isNaN(s)?0:r/s}function Jgt(){return Ru(),pe(he(yue,1),wt,256,0,[tX,ip,Z9,nX,JA,rR,ej,XA,QA,rX])}function ine(){ine=xe,Hj=new fJ,vle=pe(he(Mf,1),G4,170,0,[]),Krt=pe(he(Fp,1),gEe,59,0,[])}function xW(){xW=xe,RCe=new TZ("NO",0),lce=new TZ("GREEDY",1),kCe=new TZ("LOOK_BACK",2)}function Xf(){Xf=xe,b_e=new Oi,p_e=new _i,g_e=new lo,h_e=new va,m_e=new ac,v_e=new Zs}function Zgt(r){var s,a,l;for(l=0,a=new le(r.b);a.a<a.c.c.length;)s=E(ce(a),29),s.p=l,++l}function ebt(r,s){var a;return a=sme(r),Fme(new Kt(a.c,a.d),new Kt(a.b,a.a),r.rf(),s,r.Hf())}function wl(r,s){var a;return r.b?null:(a=Q1t(r,r.g),Ii(r.a,a),a.i=r,r.d=s,a)}function tbt(r,s,a){Lr(a,"DFS Treeifying phase",1),lvt(r,s),sTt(r,s),r.a=null,r.b=null,Or(a)}function JFe(r,s,a){this.g=r,this.d=s,this.e=a,this.a=new vt,Z_t(this),In(),sa(this.a,null)}function H1e(r){this.i=r.gc(),this.i>0&&(this.g=this.ri(this.i+(this.i/8|0)+1),r.Qc(this.g))}function Xo(r,s){VV.call(this,Yrt,r,s),this.b=this,this.a=tf(r.Tg(),Fn(this.e.Tg(),this.c))}function kF(r,s){var a,l;for(Qn(s),l=s.vc().Kc();l.Ob();)a=E(l.Pb(),42),r.zc(a.cd(),a.dd())}function nbt(r,s,a){var l;for(l=a.Kc();l.Ob();)if(!Lq(r,s,l.Pb()))return!1;return!0}function rbt(r,s,a,l,v){var y;return a&&(y=Fo(s.Tg(),r.c),v=a.gh(s,-1-(y==-1?l:y),null,v)),v}function ibt(r,s,a,l,v){var y;return a&&(y=Fo(s.Tg(),r.c),v=a.ih(s,-1-(y==-1?l:y),null,v)),v}function ZFe(r){var s;if(r.b==-2){if(r.e==0)s=-1;else for(s=0;r.a[s]==0;s++);r.b=s}return r.b}function e9e(r){switch(r.g){case 2:return It(),nr;case 4:return It(),fr;default:return r}}function t9e(r){switch(r.g){case 1:return It(),Br;case 3:return It(),Jn;default:return r}}function obt(r){var s,a,l;return r.j==(It(),Jn)&&(s=ILe(r),a=Gf(s,fr),l=Gf(s,nr),l||l&&a)}function sbt(r){var s,a;return s=E(r.e&&r.e(),9),a=E(Khe(s,s.length),9),new qh(s,a,s.length)}function abt(r,s){Lr(s,UVe,1),Uge(oZ(new dp((JO(),new Gee(r,!1,!1,new yi))))),Or(s)}function EL(r,s){return tr(),ha(r)?Xpe(r,ai(s)):GC(r)?Ree(r,Dt(s)):WC(r)?flt(r,Gt(s)):r.wd(s)}function U1e(r,s){s.q=r,r.d=m.Math.max(r.d,s.r),r.b+=s.d+(r.a.c.length==0?0:r.c),Et(r.a,s)}function O6(r,s){var a,l,v,y;return v=r.c,a=r.c+r.b,y=r.d,l=r.d+r.a,s.a>v&&s.a<a&&s.b>y&&s.b<l}function n9e(r,s,a,l){Ce(r.Cb,179)&&(E(r.Cb,179).tb=null),jl(r,a),s&&ESt(r,s),l&&r.xk(!0)}function V1e(r,s){var a;a=E(s,183),l2(a,"x",r.i),l2(a,"y",r.j),l2(a,$se,r.g),l2(a,Ase,r.f)}function q1e(){q1e=xe,KZe=qS(DRe(Vi(Vi(new Ys,(lu(),nf),(vu(),FY)),Sl,IY),oc),PY)}function r9e(){r9e=xe,JZe=qS(DRe(Vi(Vi(new Ys,(lu(),nf),(vu(),FY)),Sl,IY),oc),PY)}function CW(){CW=xe,Dce=new DZ(L0,0),hTe=new DZ("POLAR_COORDINATE",1),dTe=new DZ("ID",2)}function TW(){TW=xe,ECe=new xZ("EQUALLY",0),ace=new xZ(tK,1),_Ce=new xZ("NORTH_SOUTH",2)}function i9e(){i9e=xe,RZe=mi((I4(),pe(he(mCe,1),wt,260,0,[RX,xz,Cz,pCe,gCe,hCe,bCe,OX])))}function o9e(){o9e=xe,qXe=mi((OG(),pe(he(rSe,1),wt,270,0,[nue,oue,tue,uue,iue,rue,aue,sue])))}function s9e(){s9e=xe,xnt=mi((nw(),pe(he(Snt,1),wt,277,0,[n3e,Ga,Vc,l$,sc,es,gI,Hg])))}function a9e(){a9e=xe,krt=mi((rA(),pe(he(vQ,1),wt,237,0,[ple,bQ,mQ,gQ,hle,pQ,hQ,dle])))}function I6(){I6=xe,q9=new Ls("debugSVG",(tr(),!1)),N2e=new Ls("overlapsExisted",!0)}function u9e(r,s){return uT(new Rk(r),new sD(s),new H7(s),new Ca,pe(he(Pd,1),wt,132,0,[]))}function ubt(){var r;return Eae||(Eae=new TD,r=new xte(""),wot(r,(Gk(),f2e)),Mgt(Eae,r)),Eae}function cbt(r,s){var a;for(Jr(s);r.Ob();)if(a=r.Pb(),!K1e(E(a,10)))return!1;return!0}function c9e(r,s){var a;return a=Jre(k6(),r),a?(Nu(s,(Mi(),f$),a),!0):!1}function _h(r,s){var a;for(a=0;a<s.j.c.length;a++)E(dL(r,a),21).Gc(E(dL(s,a),14));return r}function lbt(r,s){var a,l;for(l=new le(s.b);l.a<l.c.c.length;)a=E(ce(l),29),r.a[a.p]=P2t(a)}function RF(r,s){var a,l;for(Qn(s),l=r.vc().Kc();l.Ob();)a=E(l.Pb(),42),s.Od(a.cd(),a.dd())}function kW(r,s){var a;Ce(s,83)?(E(r.c,76).Xj(),a=E(s,83),Fgt(r,a)):E(r.c,76).Wb(s)}function m2(r){return Ce(r,152)?E5(E(r,152)):Ce(r,131)?E(r,131).a:Ce(r,54)?new ay(r):new Nv(r)}function fbt(r,s){return s<r.b.gc()?E(r.b.Xb(s),10):s==r.b.gc()?r.a:E(Vt(r.e,s-r.b.gc()-1),10)}function l9e(r,s){r.a=Xa(r.a,1),r.c=m.Math.min(r.c,s),r.b=m.Math.max(r.b,s),r.d=Xa(r.d,s)}function dbt(r,s){var a;Lr(s,"Edge and layer constraint edge reversal",1),a=g3t(r),DOt(a),Or(s)}function f9e(r){var s;r.d==null?(++r.e,r.f=0,yje(null)):(++r.e,s=r.d,r.d=null,r.f=0,yje(s))}function $y(r){var s;return s=r.h,s==0?r.l+r.m*H5:s==N0?r.l+r.m*H5-A2:r}function d9e(r){return XC(),r.A.Hc((eh(),c3))&&!r.B.Hc((Ad(),Jz))?Kje(r):null}function hbt(r){if(Qn(r),r.length==0)throw de(new Bh("Zero length BigInteger"));T3t(this,r)}function h4(r){if(!r)throw de(new zu("no calls to next() since the last call to remove()"))}function Df(r){return TB<r&&r<A2?r<0?m.Math.ceil(r):m.Math.floor(r):$y($Ct(r))}function pbt(r,s){var a,l,v;for(a=r.c.Ee(),v=s.Kc();v.Ob();)l=v.Pb(),r.a.Od(a,l);return r.b.Kb(a)}function Gi(r,s){var a,l,v;if(a=r.Jg(),a!=null&&r.Mg())for(l=0,v=a.length;l<v;++l)a[l].ui(s)}function D6(r,s){var a,l;for(a=r,l=Za(a).e;l;){if(a=l,a==s)return!0;l=Za(a).e}return!1}function gbt(r,s,a){var l,v;return l=r.a.f[s.p],v=r.a.f[a.p],l<v?-1:l==v?0:1}function v2(r,s,a){var l,v;return v=E(eF(r.d,s),19),l=E(eF(r.b,a),19),!v||!l?null:S5(r,v.a,l.a)}function bbt(r,s){var a,l;for(l=new Tr(r);l.e!=l.i.gc();)a=E(Fr(l),33),wg(a,a.i+s.b,a.j+s.d)}function mbt(r,s){var a,l;for(l=new le(s);l.a<l.c.c.length;)a=E(ce(l),70),Et(r.d,a),k2t(r,a)}function vbt(r,s){var a,l;l=new vt,a=s;do l.c[l.c.length]=a,a=E(Cr(r.k,a),17);while(a);return l}function Gn(r,s){var a;return r.Db&s?(a=cre(r,s),a==-1?r.Eb:b2(r.Eb)[a]):null}function Dc(r,s){var a,l;return a=(l=new bf,l),a.G=s,!r.rb&&(r.rb=new tT(r,Z1,r)),ei(r.rb,a),a}function Pi(r,s){var a,l;return a=(l=new _D,l),a.G=s,!r.rb&&(r.rb=new tT(r,Z1,r)),ei(r.rb,a),a}function W1e(r,s){switch(s){case 1:return!!r.n&&r.n.i!=0;case 2:return r.k!=null}return Cpe(r,s)}function h9e(r){switch(r.a.g){case 1:return new hRe;case 3:return new fMe;default:return new w7}}function RW(r){var s;if(r.g>1||r.Ob())return++r.a,r.g=0,s=r.i,r.Ob(),s;throw de(new mc)}function wbt(r){nOe();var s;return e1(dce,r)||(s=new j3,s.a=r,$de(dce,r,s)),E(ju(dce,r),635)}function mp(r){var s,a,l,v;return v=r,l=0,v<0&&(v+=A2,l=N0),a=ss(v/H5),s=ss(v-a*H5),Jl(s,a,l)}function _L(r){var s,a,l;for(l=0,a=new lS(r.a);a.a<a.c.a.length;)s=vF(a),r.b.Hc(s)&&++l;return l}function ybt(r){var s,a,l;for(s=1,l=r.Kc();l.Ob();)a=l.Pb(),s=31*s+(a==null?0:$o(a)),s=~~s;return s}function Ebt(r,s){var a;this.c=r,a=new vt,_be(r,a,s,r.b,null,!1,null,!1),this.a=new Oa(a,0)}function A6(r,s){this.b=r,this.e=s,this.d=s.j,this.f=(Wr(),E(r,66).Oj()),this.k=tf(s.e.Tg(),r)}function w2(r,s,a){this.b=(Qn(r),r),this.d=(Qn(s),s),this.e=(Qn(a),a),this.c=this.d+(""+this.e)}function p9e(){this.a=E(Ut((G1(),EY)),19).a,this.c=ot(Dt(Ut(_Y))),this.b=ot(Dt(Ut(jae)))}function g9e(){g9e=xe,ert=mi((CT(),pe(he(Du,1),wt,93,0,[g1,V0,b1,w1,Mm,Dp,Ih,m1,Ip])))}function b9e(){b9e=xe,AKe=mi((DG(),pe(he(P2e,1),wt,250,0,[$2e,O2e,I2e,R2e,Cae,A2e,D2e,k2e,T2e])))}function LS(){LS=xe,ez=new iV("UP",0),ZB=new iV(doe,1),Rae=new iV(U5,2),Oae=new iV(V5,3)}function G1e(){G1e=xe,LCe=(Iq(),_ce),Uet=new Dn(vye,LCe),NCe=(Pq(),Sce),Het=new Dn(wye,NCe)}function $6(){$6=xe,Eue=new wZ("ONE_SIDED",0),_ue=new wZ("TWO_SIDED",1),hz=new wZ("OFF",2)}function m9e(r){r.r=new vs,r.w=new vs,r.t=new vt,r.i=new vt,r.d=new vs,r.a=new i5,r.c=new jr}function SL(r){this.n=new vt,this.e=new Po,this.j=new Po,this.k=new vt,this.f=new vt,this.p=r}function v9e(r,s){r.c&&(Eze(r,s,!0),Bo(new Nn(null,new zn(s,16)),new iM(r))),Eze(r,s,!1)}function _bt(r,s,a){return r==(jS(),IX)?new g_:Dd(s,1)!=0?new RU(a.length):new CJ(a.length)}function rc(r,s){var a;return s&&(a=s.Ve(),a.dc()||(r.q?kF(r.q,a):r.q=new IRe(a))),r}function w9e(r,s){var a;return a=r.a.get(s),a===void 0?++r.d:(Wst(r.a,s),--r.c,Sq(r.b)),a}function Sbt(r,s){var a,l,v;return a=s.p-r.p,a==0?(l=r.f.a*r.f.b,v=s.f.a*s.f.b,Ts(l,v)):a}function xbt(r,s){var a,l;return a=r.f.c.length,l=s.f.c.length,a<l?-1:a==l?0:1}function Cbt(r){return r.b.c.length!=0&&E(Vt(r.b,0),70).a?E(Vt(r.b,0),70).a:Xee(r)}function Tbt(r){var s;if(r){if(s=r,s.dc())throw de(new mc);return s.Xb(s.gc()-1)}return yAe(r.Kc())}function y9e(r){var s;return tl(r,0)<0&&(r=dhe(r)),s=Qr(xy(r,32)),64-(s!=0?iB(s):iB(Qr(r))+32)}function K1e(r){var s;return s=E(se(r,(bt(),Pc)),61),r.k==(dr(),ds)&&(s==(It(),nr)||s==fr)}function kbt(r,s,a){var l,v;v=E(se(r,(Ft(),Ku)),74),v&&(l=new Yl,Ene(l,0,v),dT(l,a),cu(s,l))}function OW(r,s,a){var l,v,y,x;x=Za(r),l=x.d,v=x.c,y=r.n,s&&(y.a=y.a-l.b-v.a),a&&(y.b=y.b-l.d-v.b)}function Rbt(r,s){var a,l;return a=r.j,l=s.j,a!=l?a.g-l.g:r.p==s.p?0:a==(It(),Jn)?r.p-s.p:s.p-r.p}function Obt(r){var s,a;for(e5t(r),a=new le(r.d);a.a<a.c.c.length;)s=E(ce(a),101),s.i&&c_t(s)}function OF(r,s,a,l,v){qo(r.c[s.g],a.g,l),qo(r.c[a.g],s.g,l),qo(r.b[s.g],a.g,v),qo(r.b[a.g],s.g,v)}function Ibt(r,s,a,l){E(a.b,65),E(a.b,65),E(l.b,65),E(l.b,65),E(l.b,65),Rf(l.a,new the(r,s,l))}function Dbt(r,s){r.d==(ku(),Op)||r.d==U0?E(s.a,57).c.Fc(E(s.b,57)):E(s.b,57).c.Fc(E(s.a,57))}function one(r,s,a,l){return a==1?(!r.n&&(r.n=new St(pc,r,1,7)),eu(r.n,s,l)):pme(r,s,a,l)}function xL(r,s){var a,l;return l=(a=new Jw,a),jl(l,s),ei((!r.A&&(r.A=new Wf(af,r,7)),r.A),l),l}function Abt(r,s,a){var l,v,y,x;return y=null,x=s,v=IS(x,jse),l=new J4e(r,a),y=(Qyt(l.a,l.b,v),v),y}function sne(r){var s;return(!r.a||!(r.Bb&1)&&r.a.kh())&&(s=wp(r),Ce(s,148)&&(r.a=E(s,148))),r.a}function CL(r,s){var a,l;for(Qn(s),l=s.Kc();l.Ob();)if(a=l.Pb(),!r.Hc(a))return!1;return!0}function $bt(r,s){var a,l,v;return a=r.l+s.l,l=r.m+s.m+(a>>22),v=r.h+s.h+(l>>22),Jl(a&$d,l&$d,v&N0)}function E9e(r,s){var a,l,v;return a=r.l-s.l,l=r.m-s.m+(a>>22),v=r.h-s.h+(l>>22),Jl(a&$d,l&$d,v&N0)}function TL(r){var s;return r<128?(s=(jIe(),BEe)[r],!s&&(s=BEe[r]=new _O(r)),s):new _O(r)}function Mo(r){var s;return Ce(r,78)?r:(s=r&&r.__java$exception,s||(s=new lje(r),OM(s)),s)}function kL(r){if(Ce(r,186))return E(r,118);if(r)return null;throw de(new LC(bWe))}function _9e(r,s){if(s==null)return!1;for(;r.a!=r.b;)if(Ki(s,jW(r)))return!0;return!1}function Y1e(r){return r.a.Ob()?!0:r.a!=r.d?!1:(r.a=new Ope(r.e.f),r.a.Ob())}function Cs(r,s){var a,l;return a=s.Pc(),l=a.length,l==0?!1:(uhe(r.c,r.c.length,a),!0)}function Pbt(r,s,a){var l,v;for(v=s.vc().Kc();v.Ob();)l=E(v.Pb(),42),r.yc(l.cd(),l.dd(),a);return r}function S9e(r,s){var a,l;for(l=new le(r.b);l.a<l.c.c.length;)a=E(ce(l),70),ct(a,(bt(),uI),s)}function Fbt(r,s,a){var l,v;for(v=new le(r.b);v.a<v.c.c.length;)l=E(ce(v),33),wg(l,l.i+s,l.j+a)}function x9e(r,s){if(!r)throw de(new Yn(ZF("value already present: %s",pe(he(mr,1),Ht,1,5,[s]))))}function C9e(r,s){return!r||!s||r==s?!1:a7e(r.d.c,s.d.c+s.d.b)&&a7e(s.d.c,r.d.c+r.d.b)}function jbt(){return Hq(),Ng?new xte(null):RLe(ubt(),"com.google.common.base.Strings")}function T9e(r,s){var a;return a=bm(s.a.gc()),Bo(aW(new Nn(null,new zn(s,1)),r.i),new q4e(r,a)),a}function k9e(r){var s,a;return a=(s=new Jw,s),jl(a,"T"),ei((!r.d&&(r.d=new Wf(af,r,11)),r.d),a),a}function X1e(r){var s,a,l,v;for(s=1,a=0,v=r.gc();a<v;++a)l=r.ki(a),s=31*s+(l==null?0:$o(l));return s}function R9e(r,s,a,l){var v;return tL(s,r.e.Hd().gc()),tL(a,r.c.Hd().gc()),v=r.a[s][a],qo(r.a[s],a,l),v}function pe(r,s,a,l,v){return v.gm=r,v.hm=s,v.im=Xe,v.__elementTypeId$=a,v.__elementTypeCategory$=l,v}function Mbt(r,s,a,l,v){return A4(),m.Math.min(NHe(r,s,a,l,v),NHe(a,l,r,s,jV(new Kt(v.a,v.b))))}function IW(){IW=xe,Jae=new sV(L0,0),UY=new sV(WVe,1),VY=new sV(GVe,2),fz=new sV("BOTH",3)}function Ig(){Ig=xe,nI=new aV(yA,0),VA=new aV(U5,1),qA=new aV(V5,2),Zae=new aV("TOP",3)}function P6(){P6=xe,fx=new oV("Q1",0),qT=new oV("Q4",1),VT=new oV("Q2",2),Q4=new oV("Q3",3)}function DW(){DW=xe,fce=new kZ("OFF",0),a$=new kZ("SINGLE_EDGE",1),i3=new kZ("MULTI_EDGE",2)}function RL(){RL=xe,XX=new kfe("MINIMUM_SPANNING_TREE",0),ZTe=new kfe("MAXIMUM_SPANNING_TREE",1)}function k5(){k5=xe,vnt=new z3,mnt=new hv}function Q1e(r){var s,a,l;for(s=new Po,l=Ti(r.d,0);l.b!=l.d.c;)a=E(Ci(l),188),Ii(s,a.c);return s}function ane(r){var s,a,l,v;for(v=new vt,l=r.Kc();l.Ob();)a=E(l.Pb(),33),s=kT(a),Cs(v,s);return v}function Nbt(r){var s;JS(r,!0),s=rw,ta(r,(Ft(),i$))&&(s+=E(se(r,i$),19).a),ct(r,i$,Ot(s))}function O9e(r,s,a){var l;fd(r.a),Rf(a.i,new dM(r)),l=new CV(E(Cr(r.a,s.b),65)),b7e(r,l,s),a.f=l}function Lbt(r,s){var a,l;return a=r.c,l=s.e[r.p],l<a.a.c.length-1?E(Vt(a.a,l+1),10):null}function Bbt(r,s){var a,l;for(yq(s,"predicate"),l=0;r.Ob();l++)if(a=r.Pb(),s.Lb(a))return l;return-1}function R5(r,s){var a,l;if(l=0,r<64&&r<=s)for(s=s<64?s:63,a=r;a<=s;a++)l=Cg(l,E0(1,a));return l}function J1e(r){In();var s,a,l;for(l=0,a=r.Kc();a.Ob();)s=a.Pb(),l=l+(s!=null?$o(s):0),l=l|0;return l}function Z1e(r){var s,a;return a=(Pv(),s=new Wp,s),r&&ei((!r.a&&(r.a=new St(Uo,r,6,6)),r.a),a),a}function zbt(r){var s;return s=new ve,s.a=r,s.b=Kbt(r),s.c=Pe(Bt,ft,2,2,6,1),s.c[0]=VFe(r),s.c[1]=VFe(r),s}function ege(r,s){switch(s){case 0:!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),r.o.c.$b();return}kre(r,s)}function OL(r,s,a){switch(a.g){case 2:r.b=s;break;case 1:r.c=s;break;case 4:r.d=s;break;case 3:r.a=s}}function I9e(r){switch(r.g){case 1:return sE;case 2:return jm;case 3:return qz;default:return Wz}}function Hbt(r){switch(E(se(r,(Ft(),rf)),163).g){case 2:case 4:return!0;default:return!1}}function D9e(){D9e=xe,iQe=mi((Ru(),pe(he(yue,1),wt,256,0,[tX,ip,Z9,nX,JA,rR,ej,XA,QA,rX])))}function A9e(){A9e=xe,lrt=mi((Ad(),pe(he(dke,1),wt,259,0,[b$,Jz,uQ,Mj,cQ,fQ,lQ,cle,Qz])))}function $9e(){$9e=xe,rtt=Vi(qS(qS(Kn(Vi(new Ys,(Y6(),mj),(KF(),FX)),Oz),gce),bce),vj,mce)}function y2(){y2=xe,hue=new vZ(L0,0),YA=new vZ("INCOMING_ONLY",1),nR=new vZ("OUTGOING_ONLY",2)}function une(){une=xe,gae={boolean:tZ,number:Nle,string:Lle,object:WNe,function:WNe,undefined:TM}}function P9e(r,s){UV(r>=0,"Negative initial capacity"),UV(s>=0,"Non-positive load factor"),fd(this)}function cne(r,s,a){return r>=128?!1:r<64?H8(zs(E0(1,r),a),0):H8(zs(E0(1,r-64),s),0)}function Ubt(r,s){return!r||!s||r==s?!1:HS(r.b.c,s.b.c+s.b.b)<0&&HS(s.b.c,r.b.c+r.b.b)<0}function F9e(r){var s,a,l;return a=r.n,l=r.o,s=r.d,new Wh(a.a-s.b,a.b-s.d,l.a+(s.b+s.c),l.b+(s.d+s.a))}function Vbt(r){var s,a,l,v;for(a=r.a,l=0,v=a.length;l<v;++l)s=a[l],z9e(r,s,(It(),Br)),z9e(r,s,Jn)}function qbt(r){var s,a,l,v;for(s=(r.j==null&&(r.j=(l6(),v=pae.ce(r),rEt(v))),r.j),a=0,l=s.length;a<l;++a);}function F6(r){var s,a,l;return s=~r.l+1&$d,a=~r.m+(s==0?1:0)&$d,l=~r.h+(s==0&&a==0?1:0)&N0,Jl(s,a,l)}function Wbt(r,s){var a,l;return a=E(E(Cr(r.g,s.a),46).a,65),l=E(E(Cr(r.g,s.b),46).a,65),Gze(a,l)}function tge(r,s,a){var l;if(l=r.gc(),s>l)throw de(new JC(s,l));return r.hi()&&(a=J6e(r,a)),r.Vh(s,a)}function IL(r,s,a){return a==null?(!r.q&&(r.q=new jr),_5(r.q,s)):(!r.q&&(r.q=new jr),Qi(r.q,s,a)),r}function ct(r,s,a){return a==null?(!r.q&&(r.q=new jr),_5(r.q,s)):(!r.q&&(r.q=new jr),Qi(r.q,s,a)),r}function j9e(r){var s,a;return a=new Uq,rc(a,r),ct(a,(Ay(),tI),r),s=new jr,Kkt(r,a,s),yOt(r,a,s),a}function Gbt(r){A4();var s,a,l;for(a=Pe(na,ft,8,2,0,1),l=0,s=0;s<2;s++)l+=.5,a[s]=Rwt(l,r);return a}function M9e(r,s){var a,l,v,y;for(a=!1,l=r.a[s].length,y=0;y<l-1;y++)v=y+1,a=a|fvt(r,s,y,v);return a}function j6(r,s,a,l,v){var y,x;for(x=a;x<=v;x++)for(y=s;y<=l;y++)_4(r,y,x)||$G(r,y,x,!0,!1)}function N9e(r,s){this.b=r,Zk.call(this,(E(ke(et((ky(),qn).o),10),18),s.i),s.g),this.a=(ine(),vle)}function nge(r,s){this.c=r,this.d=s,this.b=this.d/this.c.c.Hd().gc()|0,this.a=this.d%this.c.c.Hd().gc()}function rge(){this.o=null,this.k=null,this.j=null,this.d=null,this.b=null,this.n=null,this.a=null}function ige(r,s,a){this.q=new m.Date,this.q.setFullYear(r+Vy,s,a),this.q.setHours(0,0,0,0),n9(this,0)}function I0(){I0=xe,nE=new _Z(L0,0),vCe=new _Z("NODES_AND_EDGES",1),ice=new _Z("PREFER_EDGES",2)}function Kbt(r){var s;return r==0?"Etc/GMT":(r<0?(r=-r,s="Etc/GMT-"):s="Etc/GMT+",s+T8e(r))}function oge(r){var s;if(r<0)return qa;if(r==0)return 0;for(s=l9;!(s&r);s>>=1);return s}function L9e(r){var s,a;return a=iB(r.h),a==32?(s=iB(r.m),s==32?iB(r.l)+32:s+20-10):a-12}function IF(r){var s;return s=r.a[r.b],s==null?null:(qo(r.a,r.b,null),r.b=r.b+1&r.a.length-1,s)}function B9e(r){var s,a;return s=r.t-r.k[r.o.p]*r.d+r.j[r.o.p]>r.f,a=r.u+r.e[r.o.p]*r.d>r.f*r.s*r.d,s||a}function AW(r,s,a){var l,v;return l=new $te(s,a),v=new lt,r.b=DBe(r,r.b,l,v),v.b||++r.c,r.b.b=!1,v.d}function z9e(r,s,a){var l,v,y,x;for(x=$F(s,a),y=0,v=x.Kc();v.Ob();)l=E(v.Pb(),11),Qi(r.c,l,Ot(y++))}function Py(r){var s,a;for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),81),s.g.c=-s.g.c-s.g.b;TG(r)}function Fy(r){var s,a;for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),57),s.d.c=-s.d.c-s.d.b;u0e(r)}function sge(r){var s;return(!r.c||!(r.Bb&1)&&r.c.Db&64)&&(s=wp(r),Ce(s,88)&&(r.c=E(s,26))),r.c}function lne(r){var s,a,l;s=~r.l+1&$d,a=~r.m+(s==0?1:0)&$d,l=~r.h+(s==0&&a==0?1:0)&N0,r.l=s,r.m=a,r.h=l}function _c(r){var s,a,l,v,y;for(s=new ka,l=r,v=0,y=l.length;v<y;++v)a=l[v],s.a+=a.a,s.b+=a.b;return s}function age(r,s){In();var a,l,v,y,x;for(x=!1,l=s,v=0,y=l.length;v<y;++v)a=l[v],x=x|r.Fc(a);return x}function p4(r){A4();var s,a;for(a=-17976931348623157e292,s=0;s<r.length;s++)r[s]>a&&(a=r[s]);return a}function H9e(r,s,a){var l;return l=new vt,d0e(r,s,l,(It(),fr),!0,!1),d0e(r,a,l,nr,!1,!1),l}function fne(r,s,a){var l,v,y,x;return y=null,x=s,v=IS(x,"labels"),l=new uRe(r,a),y=(dxt(l.a,l.b,v),v),y}function Ybt(r,s,a,l){var v;return v=Zme(r,s,a,l),!v&&(v=Xmt(r,a,l),v&&!F4(r,s,v))?null:v}function Xbt(r,s,a,l){var v;return v=e0e(r,s,a,l),!v&&(v=Rne(r,a,l),v&&!F4(r,s,v))?null:v}function U9e(r,s){var a;for(a=0;a<r.a.a.length;a++)if(!E(LIe(r.a,a),169).Lb(s))return!1;return!0}function Qbt(r,s,a){if(Jr(s),a.Ob())for(Afe(s,DDe(a.Pb()));a.Ob();)Afe(s,r.a),Afe(s,DDe(a.Pb()));return s}function uge(r){In();var s,a,l;for(l=1,a=r.Kc();a.Ob();)s=a.Pb(),l=31*l+(s!=null?$o(s):0),l=l|0;return l}function Jbt(r,s,a,l,v){var y;return y=Wme(r,s),a&&lne(y),v&&(r=Pwt(r,s),l?Yy=F6(r):Yy=Jl(r.l,r.m,r.h)),y}function Zbt(r,s){var a;try{s.Vd()}catch(l){if(l=Mo(l),Ce(l,78))a=l,r.c[r.c.length]=a;else throw de(l)}}function V9e(r,s,a){var l,v;return Ce(s,144)&&a?(l=E(s,144),v=a,r.a[l.b][v.b]+r.a[v.b][l.b]):0}function cge(r,s){switch(s){case 7:return!!r.e&&r.e.i!=0;case 8:return!!r.d&&r.d.i!=0}return Gge(r,s)}function emt(r,s){switch(s.g){case 0:Ce(r.b,631)||(r.b=new p9e);break;case 1:Ce(r.b,632)||(r.b=new gIe)}}function tmt(r,s){for(;r.g==null&&!r.c?mpe(r):r.g==null||r.i!=0&&E(r.g[r.i-1],47).Ob();)Uit(s,SG(r))}function q9e(r,s,a){r.g=Rre(r,s,(It(),fr),r.b),r.d=Rre(r,a,fr,r.b),!(r.g.c==0||r.d.c==0)&&lNe(r)}function W9e(r,s,a){r.g=Rre(r,s,(It(),nr),r.j),r.d=Rre(r,a,nr,r.j),!(r.g.c==0||r.d.c==0)&&lNe(r)}function nmt(r,s,a){return!qO(So(new Nn(null,new zn(r.c,16)),new X_(new G4e(s,a)))).sd((Lv(),LA))}function dne(r){var s;return Ry(r),s=new rn,r.a.sd(s)?(YD(),new r8(Qn(s.a))):(YD(),YD(),lY)}function lge(r){var s;return r.b<=0?!1:(s=bb("MLydhHmsSDkK",Af(Ma(r.c,0))),s>1||s>=0&&r.b<3)}function DL(r){var s,a,l;for(s=new Yl,l=Ti(r,0);l.b!=l.d.c;)a=E(Ci(l),8),QD(s,0,new Hu(a));return s}function E2(r){var s,a;for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),81),s.f.$b();Ple(r.b,r),vBe(r)}function $o(r){return ha(r)?ew(r):GC(r)?GD(r):WC(r)?(Qn(r),r?1231:1237):Ahe(r)?r.Hb():khe(r)?gS(r):fpe(r)}function Od(r){return ha(r)?Bt:GC(r)?xa:WC(r)?Us:Ahe(r)||khe(r)?r.gm:r.gm||Array.isArray(r)&&he(eKe,1)||eKe}function G9e(r){switch(r.g){case 0:return new B3;default:throw de(new Yn(AK+(r.f!=null?r.f:""+r.g)))}}function K9e(r){switch(r.g){case 0:return new em;default:throw de(new Yn(AK+(r.f!=null?r.f:""+r.g)))}}function fge(r,s,a){switch(s){case 0:!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),kW(r.o,a);return}Are(r,s,a)}function hne(r,s,a){this.g=r,this.e=new ka,this.f=new ka,this.d=new Po,this.b=new Po,this.a=s,this.c=a}function pne(r,s,a,l){this.b=new vt,this.n=new vt,this.i=l,this.j=a,this.s=r,this.t=s,this.r=0,this.d=0}function _2(r){this.e=r,this.d=new Lpe(this.e.g),this.a=this.d,this.b=Y1e(this),this.$modCount=r.$modCount}function rmt(r){for(;!r.d||!r.d.Ob();)if(r.b&&!NO(r.b))r.d=E(d5(r.b),47);else return null;return r.d}function imt(r){return Et(r.c,(k5(),vnt)),E1e(r.a,ot(Dt(Ut((Nne(),xX)))))?new PE:new dD(r)}function dge(r){switch(r.g){case 1:return dqe;default:case 2:return 0;case 3:return _oe;case 4:return hqe}}function omt(){zi();var r;return xle||(r=pst(Hy("M",!0)),r=eq(Hy("M",!1),r),xle=r,xle)}function hge(r,s){var a,l,v;for(v=r.b;v;){if(a=r.a.ue(s,v.d),a==0)return v;l=a<0?0:1,v=v.a[l]}return null}function smt(r,s,a){var l,v;l=(tr(),!!Pfe(a)),v=E(s.xc(l),15),v||(v=new vt,s.zc(l,v)),v.Fc(a)}function amt(r,s){var a,l;return a=E(Xt(r,(zre(),Az)),19).a,l=E(Xt(s,Az),19).a,a==l||a<l?-1:a>l?1:0}function pge(r,s){return hBe(r,s)?(_n(r.b,E(se(s,(bt(),GT)),21),s),Ii(r.a,s),!0):!1}function umt(r){var s,a;s=E(se(r,(bt(),pd)),10),s&&(a=s.c,Tf(a.a,s),a.a.c.length==0&&Tf(Za(s).b,a))}function Y9e(r){return Ng?Pe(wKe,QUe,572,0,0,1):E(Ag(r.a,Pe(wKe,QUe,572,r.a.c.length,0,1)),842)}function cmt(r,s,a,l){return pq(),new OD(pe(he(z2,1),YG,42,0,[(ire(r,s),new vy(r,s)),(ire(a,l),new vy(a,l))]))}function g4(r,s,a){var l,v;return v=(l=new ZP,l),Mu(v,s,a),ei((!r.q&&(r.q=new St(Fp,r,11,10)),r.q),v),v}function gne(r){var s,a,l,v;for(v=fS(xrt,r),a=v.length,l=Pe(Bt,ft,2,a,6,1),s=0;s<a;++s)l[s]=v[s];return l}function b4(r,s){var a,l,v,y,x;for(l=s,v=0,y=l.length;v<y;++v)a=l[v],x=new MDe(r),a.Qe(x),h4t(x);fd(r.f)}function bne(r,s){var a;return s===r?!0:Ce(s,224)?(a=E(s,224),Ki(r.Zb(),a.Zb())):!1}function gge(r,s){var a;s*2+1>=r.b.c.length||(gge(r,2*s+1),a=2*s+2,a<r.b.c.length&&gge(r,a),YNe(r,s))}function X9e(r,s,a){var l,v;this.g=r,this.c=s,this.a=this,this.d=this,v=AFe(a),l=Pe(ZGe,SB,330,v,0,1),this.b=l}function bge(r,s,a){var l;for(l=a-1;l>=0&&r[l]===s[l];l--);return l<0?0:Bv(zs(r[l],Ou),zs(s[l],Ou))?-1:1}function lmt(r,s){var a,l;for(l=Ti(r,0);l.b!=l.d.c;)a=E(Ci(l),214),a.e.length>0&&(s.td(a),a.i&&i0t(a))}function mne(r,s){var a,l;return l=E(Gn(r.a,4),126),a=Pe(ble,qse,415,s,0,1),l!=null&&ll(l,0,a,0,l.length),a}function Q9e(r,s){var a;return a=new Kre((r.f&256)!=0,r.i,r.a,r.d,(r.f&16)!=0,r.j,r.g,s),r.e!=null||(a.c=r),a}function fmt(r,s){var a,l;for(l=r.Zb().Cc().Kc();l.Ob();)if(a=E(l.Pb(),14),a.Hc(s))return!0;return!1}function vne(r,s,a,l,v){var y,x;for(x=a;x<=v;x++)for(y=s;y<=l;y++)if(_4(r,y,x))return!0;return!1}function J9e(r,s,a){var l,v,y,x;for(Qn(a),x=!1,y=r.Zc(s),v=a.Kc();v.Ob();)l=v.Pb(),y.Rb(l),x=!0;return x}function dmt(r,s){var a;return r===s?!0:Ce(s,83)?(a=E(s,83),mme(wS(r),a.vc())):!1}function Z9e(r,s,a){var l,v;for(v=a.Kc();v.Ob();)if(l=E(v.Pb(),42),r.re(s,l.dd()))return!0;return!1}function eje(r,s,a){return r.d[s.p][a.p]||(uwt(r,s,a),r.d[s.p][a.p]=!0,r.d[a.p][s.p]=!0),r.a[s.p][a.p]}function M6(r,s){if(!r.ai()&&s==null)throw de(new Yn("The 'no null' constraint is violated"));return s}function N6(r,s){r.D==null&&r.B!=null&&(r.D=r.B,r.B=null),Xte(r,s==null?null:(Qn(s),s)),r.C&&r.yk(null)}function hmt(r,s){var a;return!r||r==s||!ta(s,(bt(),mx))?!1:(a=E(se(s,(bt(),mx)),10),a!=r)}function wne(r){switch(r.i){case 2:return!0;case 1:return!1;case-1:++r.c;default:return r.pl()}}function tje(r){switch(r.i){case-2:return!0;case-1:return!1;case 1:--r.c;default:return r.ql()}}function nje(r){q6e.call(this,"The given string does not match the expected format for individual spacings.",r)}function Zd(){Zd=xe,$h=new gV("ELK",0),vke=new gV("JSON",1),mke=new gV("DOT",2),wke=new gV("SVG",3)}function AL(){AL=xe,HX=new IZ(L0,0),JCe=new IZ("RADIAL_COMPACTION",1),ZCe=new IZ("WEDGE_COMPACTION",2)}function Dg(){Dg=xe,d2e=new cZ("CONCURRENT",0),Rh=new cZ("IDENTITY_FINISH",1),HT=new cZ("UNORDERED",2)}function yne(){yne=xe,z2e=(Kk(),Iae),B2e=new Dn(jve,z2e),mYe=new ko(Mve),vYe=new ko(Nve),wYe=new ko(Lve)}function L6(){L6=xe,tSe=new En,nSe=new br,DXe=new er,IXe=new Bi,OXe=new fa,eSe=(Qn(OXe),new Fe)}function B6(){B6=xe,cce=new CZ("CONSERVATIVE",0),CCe=new CZ("CONSERVATIVE_SOFT",1),hj=new CZ("SLOPPY",2)}function $W(){$W=xe,ske=new pS(15),Xnt=new bu((Mi(),Z2),ske),Ij=mI,nke=$nt,rke=J2,oke=vR,ike=nQ}function Ene(r,s,a){var l,v,y;for(l=new Po,y=Ti(a,0);y.b!=y.d.c;)v=E(Ci(y),8),Ii(l,new Hu(v));J9e(r,s,l)}function pmt(r){var s,a,l;for(s=0,l=Pe(na,ft,8,r.b,0,1),a=Ti(r,0);a.b!=a.d.c;)l[s++]=E(Ci(a),8);return l}function mge(r){var s;return s=(!r.a&&(r.a=new St(W0,r,9,5)),r.a),s.i!=0?Ji(E(ke(s,0),678)):null}function gmt(r,s){var a;return a=Xa(r,s),Bv(hte(r,s),0)|Wit(hte(r,a),0)?a:Xa(KG,hte(eT(a,63),1))}function bmt(r,s){var a;a=Ut((Nne(),xX))!=null&&s.wg()!=null?ot(Dt(s.wg()))/ot(Dt(Ut(xX))):1,Qi(r.b,s,a)}function mmt(r,s){var a,l;return a=E(r.d.Bc(s),14),a?(l=r.e.hc(),l.Gc(a),r.e.d-=a.gc(),a.$b(),l):null}function vge(r,s){var a,l;if(l=r.c[s],l!=0)for(r.c[s]=0,r.d-=l,a=s+1;a<r.a.length;)r.a[a]-=l,a+=a&-a}function rje(r){var s;if(s=r.a.c.length,s>0)return n6(s-1,r.a.c.length),qv(r.a,s-1);throw de(new LP)}function vmt(r,s,a){if(s<0)throw de(new xu(Tqe+s));s<r.j.c.length?Kh(r.j,s,a):(d$e(r,s),Et(r.j,a))}function ije(r,s,a){if(r>s)throw de(new Yn(ZG+r+JUe+s));if(r<0||s>a)throw de(new BC(ZG+r+Sve+s+yve+a))}function oje(r){if(!r.a||!(r.a.i&8))throw de(new zu("Enumeration class expected for layout option "+r.f))}function pT(r){var s;++r.j,r.i==0?r.g=null:r.i<r.g.length&&(s=r.g,r.g=r.ri(r.i),ll(s,0,r.g,0,r.i))}function wmt(r,s){var a,l;for(a=r.a.length-1,r.c=r.c-1&a;s!=r.c;)l=s+1&a,qo(r.a,s,r.a[l]),s=l;qo(r.a,r.c,null)}function ymt(r,s){var a,l;for(a=r.a.length-1;s!=r.b;)l=s-1&a,qo(r.a,s,r.a[l]),s=l;qo(r.a,r.b,null),r.b=r.b+1&a}function wge(r,s,a){var l,v;return oT(s,r.c.length),l=a.Pc(),v=l.length,v==0?!1:(uhe(r.c,s,l),!0)}function Emt(r){var s,a;if(r==null)return null;for(s=0,a=r.length;s<a;s++)if(!EIe(r[s]))return r[s];return null}function sje(r,s,a){var l,v,y,x;for(v=a,y=0,x=v.length;y<x;++y)if(l=v[y],r.b.re(s,l.cd()))return l;return null}function PW(r){var s,a,l,v,y;for(y=1,a=r,l=0,v=a.length;l<v;++l)s=a[l],y=31*y+(s!=null?$o(s):0),y=y|0;return y}function mi(r){var s,a,l,v,y;for(s={},l=r,v=0,y=l.length;v<y;++v)a=l[v],s[":"+(a.f!=null?a.f:""+a.g)]=a;return s}function _mt(r){var s;for(Jr(r),Yde(!0,"numberToAdvance must be nonnegative"),s=0;s<0&&fi(r);s++)Zr(r);return s}function aje(r){var s,a,l;for(l=0,a=new Rr(Ar(r.a.Kc(),new M));fi(a);)s=E(Zr(a),17),s.c.i==s.d.i||++l;return l}function uje(r,s){var a,l,v;a=r,v=0;do{if(a==s)return v;if(l=a.e,!l)throw de(new PO);a=Za(l),++v}while(!0)}function cje(r,s){var a,l,v;for(v=s-r.f,l=new le(r.d);l.a<l.c.c.length;)a=E(ce(l),443),t7e(a,a.e,a.f+v);r.f=s}function _ne(r,s,a){return m.Math.abs(s-r)<RK||m.Math.abs(a-r)<RK?!0:s-r>RK?r-a>RK:a-r>RK}function Sne(r,s){return!r||s&&!r.j||Ce(r,124)&&E(r,124).a.b==0?0:r.Re()}function FW(r,s){return!r||s&&!r.k||Ce(r,124)&&E(r,124).a.a==0?0:r.Se()}function $L(r){return zy(),r<0?r!=-1?new hbe(-1,-r):vae:r<=10?e2e[ss(r)]:new hbe(1,r)}function yge(r){throw une(),de(new vU("Unexpected typeof result '"+r+"'; please report this bug to the GWT team"))}function lje(r){u8(),TV(this),wq(this),this.e=r,SBe(this,r),this.g=r==null?$f:dc(r),this.a="",this.b=r,this.a=""}function Ege(){this.a=new L3,this.f=new OC(this),this.b=new fD(this),this.i=new TP(this),this.e=new kP(this)}function fje(){mJ.call(this,new i1e(lT(16))),Eh(2,$Ue),this.b=2,this.a=new rpe(null,null,0,null),$O(this.a,this.a)}function DF(){DF=xe,Zue=new EZ("DUMMY_NODE_OVER",0),cCe=new EZ("DUMMY_NODE_UNDER",1),TX=new EZ("EQUAL",2)}function xne(){xne=xe,Hae=G6e(pe(he(Oj,1),wt,103,0,[(ku(),Op),p1])),Uae=G6e(pe(he(Oj,1),wt,103,0,[U0,H0]))}function Cne(r){return(It(),Ff).Hc(r.j)?ot(Dt(se(r,(bt(),e$)))):_c(pe(he(na,1),ft,8,0,[r.i.n,r.n,r.a])).b}function Smt(r){var s,a,l,v;for(l=r.b.a,a=l.a.ec().Kc();a.Ob();)s=E(a.Pb(),561),v=new rBe(s,r.e,r.f),Et(r.g,v)}function S2(r,s){var a,l,v;l=r.nk(s,null),v=null,s&&(v=(Lk(),a=new b0,a),E6(v,r.r)),l=$g(r,v,l),l&&l.Fi()}function xmt(r,s){var a,l;for(l=Dd(r.d,1)!=0,a=!0;a;)a=!1,a=s.c.Tf(s.e,l),a=a|cB(r,s,l,!1),l=!l;L1e(r)}function _ge(r,s){var a,l,v;return l=!1,a=s.q.d,s.d<r.b&&(v=pBe(s.q,r.b),s.q.d>v&&(MMe(s.q,v),l=a!=s.q.d)),l}function dje(r,s){var a,l,v,y,x,T,O,A;return O=s.i,A=s.j,l=r.f,v=l.i,y=l.j,x=O-v,T=A-y,a=m.Math.sqrt(x*x+T*T),a}function Sge(r,s){var a,l;return l=YW(r),l||(a=(mie(),NNe(s)),l=new XQ(a),ei(l.Vk(),r)),l}function PL(r,s){var a,l;return a=E(r.c.Bc(s),14),a?(l=r.hc(),l.Gc(a),r.d-=a.gc(),a.$b(),r.mc(l)):r.jc()}function hje(r,s){var a;for(a=0;a<s.length;a++)if(r==(ui(a,s.length),s.charCodeAt(a)))return!0;return!1}function pje(r,s){var a;for(a=0;a<s.length;a++)if(r==(ui(a,s.length),s.charCodeAt(a)))return!0;return!1}function Cmt(r){var s,a;if(r==null)return!1;for(s=0,a=r.length;s<a;s++)if(!EIe(r[s]))return!1;return!0}function gje(r){var s;if(r.c!=0)return r.c;for(s=0;s<r.a.length;s++)r.c=r.c*33+(r.a[s]&-1);return r.c=r.c*r.e,r.c}function jW(r){var s;return vr(r.a!=r.b),s=r.d.a[r.a],qOe(r.b==r.d.c&&s!=null),r.c=r.a,r.a=r.a+1&r.d.a.length-1,s}function Tmt(r){var s;if(!(r.c.c<0?r.a>=r.c.b:r.a<=r.c.b))throw de(new mc);return s=r.a,r.a+=r.c.c,++r.b,Ot(s)}function kmt(r){var s;return s=new W8e(r),eL(r.a,pXe,new yf(pe(he(uz,1),Ht,369,0,[s]))),s.d&&Et(s.f,s.d),s.f}function Tne(r){var s;return s=new Vfe(r.a),rc(s,r),ct(s,(bt(),to),r),s.o.a=r.g,s.o.b=r.f,s.n.a=r.i,s.n.b=r.j,s}function Rmt(r,s,a,l){var v,y;for(y=r.Kc();y.Ob();)v=E(y.Pb(),70),v.n.a=s.a+(l.a-v.o.a)/2,v.n.b=s.b,s.b+=v.o.b+a}function Omt(r,s,a){var l,v;for(v=s.a.a.ec().Kc();v.Ob();)if(l=E(v.Pb(),57),T6e(r,l,a))return!0;return!1}function Imt(r){var s,a;for(a=new le(r.r);a.a<a.c.c.length;)if(s=E(ce(a),10),r.n[s.p]<=0)return s;return null}function bje(r){var s,a,l,v;for(v=new vs,l=new le(r);l.a<l.c.c.length;)a=E(ce(l),33),s=LTt(a),cu(v,s);return v}function Dmt(r){var s;return s=EV(GZe),E(se(r,(bt(),Cl)),21).Hc((Ru(),JA))&&Vi(s,(lu(),nf),(vu(),NY)),s}function Amt(r,s,a){var l;l=new ELe(r,s),_n(r.r,s.Hf(),l),a&&!sF(r.u)&&(l.c=new H6e(r.d),Rf(s.wf(),new J_(l)))}function tl(r,s){var a;return cc(r)&&cc(s)&&(a=r-s,!isNaN(a))?a:Mbe(cc(r)?mp(r):r,cc(s)?mp(s):s)}function $mt(r,s){return s<r.length&&(ui(s,r.length),r.charCodeAt(s)!=63)&&(ui(s,r.length),r.charCodeAt(s)!=35)}function mje(r,s,a,l){var v,y;r.a=s,y=l?0:1,r.f=(v=new yNe(r.c,r.a,a,y),new QBe(a,r.a,v,r.e,r.b,r.c==(jS(),pj)))}function xge(r,s,a){var l,v;return v=r.a,r.a=s,r.Db&4&&!(r.Db&1)&&(l=new aa(r,1,1,v,s),a?a.Ei(l):a=l),a}function vje(r,s,a){var l,v;return v=r.b,r.b=s,r.Db&4&&!(r.Db&1)&&(l=new aa(r,1,3,v,s),a?a.Ei(l):a=l),a}function wje(r,s,a){var l,v;return v=r.f,r.f=s,r.Db&4&&!(r.Db&1)&&(l=new aa(r,1,0,v,s),a?a.Ei(l):a=l),a}function jy(r,s){var a,l,v,y;return y=(v=r?YW(r):null,VNe((l=s,v&&v.Xk(),l))),y==s&&(a=YW(r),a&&a.Xk()),y}function Cge(r,s){var a,l,v;for(v=1,a=r,l=s>=0?s:-s;l>0;)l%2==0?(a*=a,l=l/2|0):(v*=a,l-=1);return s<0?1/v:v}function Pmt(r,s){var a,l,v;for(v=1,a=r,l=s>=0?s:-s;l>0;)l%2==0?(a*=a,l=l/2|0):(v*=a,l-=1);return s<0?1/v:v}function yje(r){var s,a;if(r!=null)for(a=0;a<r.length;++a)s=r[a],s&&(E(s.g,367),s.i)}function Fmt(r){var s,a,l;for(l=0,a=new le(r.a);a.a<a.c.c.length;)s=E(ce(a),187),l=m.Math.max(l,s.g);return l}function jmt(r){var s,a,l;for(l=new le(r.b);l.a<l.c.c.length;)a=E(ce(l),214),s=a.c.Rf()?a.f:a.a,s&&tRt(s,a.j)}function D0(){D0=xe,sQ=new FZ("INHERIT",0),gw=new FZ("INCLUDE_CHILDREN",1),Dj=new FZ("SEPARATE_CHILDREN",2)}function Tge(r,s){switch(s){case 1:!r.n&&(r.n=new St(pc,r,1,7)),Vr(r.n);return;case 2:xF(r,null);return}ege(r,s)}function MW(r){var s;switch(r.gc()){case 0:return cae;case 1:return new yee(Jr(r.Xb(0)));default:return s=r,new ete(s)}}function Eje(r){switch(wb(),r.gc()){case 0:return Uee(),IEe;case 1:return new cd(r.Kc().Pb());default:return new tfe(r)}}function Yv(r){switch(wb(),r.c){case 0:return Uee(),IEe;case 1:return new cd(ZNe(new lS(r)));default:return new vJ(r)}}function gT(r,s){Jr(r);try{return r.xc(s)}catch(a){if(a=Mo(a),Ce(a,205)||Ce(a,173))return null;throw de(a)}}function Mmt(r,s){Jr(r);try{return r.Bc(s)}catch(a){if(a=Mo(a),Ce(a,205)||Ce(a,173))return null;throw de(a)}}function kge(r,s){Jr(r);try{return r.Hc(s)}catch(a){if(a=Mo(a),Ce(a,205)||Ce(a,173))return!1;throw de(a)}}function Nmt(r,s){Jr(r);try{return r.Mc(s)}catch(a){if(a=Mo(a),Ce(a,205)||Ce(a,173))return!1;throw de(a)}}function _je(r,s){Jr(r);try{return r._b(s)}catch(a){if(a=Mo(a),Ce(a,205)||Ce(a,173))return!1;throw de(a)}}function Sje(r,s){var a;r.a.c.length>0&&(a=E(Vt(r.a,r.a.c.length-1),570),pge(a,s))||Et(r.a,new Z$e(s))}function Lmt(r){n1();var s,a;s=r.d.c-r.e.c,a=E(r.g,145),Rf(a.b,new $Q(s)),Rf(a.c,new cD(s)),Na(a.i,new PQ(s))}function xje(r){var s;return s=new pm,s.a+="VerticalSegment ",zc(s,r.e),s.a+=" ",gi(s,ede(new FD,new le(r.k))),s.a}function Bmt(r){var s;return s=E(DS(r.c.c,""),229),s||(s=new m5($v(uS(new Ja,""),"Other")),T2(r.c.c,"",s)),s}function AF(r){var s;return r.Db&64?u1(r):(s=new pp(u1(r)),s.a+=" (name: ",Fu(s,r.zb),s.a+=")",s.a)}function Rge(r,s,a){var l,v;return v=r.sb,r.sb=s,r.Db&4&&!(r.Db&1)&&(l=new aa(r,1,4,v,s),a?a.Ei(l):a=l),a}function kne(r,s){var a,l,v;for(a=0,v=Sc(r,s).Kc();v.Ob();)l=E(v.Pb(),11),a+=se(l,(bt(),pd))!=null?1:0;return a}function m4(r,s,a){var l,v,y;for(l=0,y=Ti(r,0);y.b!=y.d.c&&(v=ot(Dt(Ci(y))),!(v>a));)v>=s&&++l;return l}function zmt(r,s,a){var l,v;return l=new k0(r.e,3,13,null,(v=s.c,v||(kn(),qg)),Zv(r,s),!1),a?a.Ei(l):a=l,a}function Hmt(r,s,a){var l,v;return l=new k0(r.e,4,13,(v=s.c,v||(kn(),qg)),null,Zv(r,s),!1),a?a.Ei(l):a=l,a}function Oge(r,s,a){var l,v;return v=r.r,r.r=s,r.Db&4&&!(r.Db&1)&&(l=new aa(r,1,8,v,r.r),a?a.Ei(l):a=l),a}function Xv(r,s){var a,l;return a=E(s,676),l=a.vk(),!l&&a.wk(l=Ce(s,88)?new yRe(r,E(s,26)):new zAe(r,E(s,148))),l}function FL(r,s,a){var l;r.qi(r.i+1),l=r.oi(s,a),s!=r.i&&ll(r.g,s,r.g,s+1,r.i-s),qo(r.g,s,l),++r.i,r.bi(s,a),r.ci()}function Umt(r,s){var a;return s.a&&(a=s.a.a.length,r.a?gi(r.a,r.b):r.a=new gh(r.d),UAe(r.a,s.a,s.d.length,a)),r}function Vmt(r,s){var a,l,v,y;if(s.vi(r.a),y=E(Gn(r.a,8),1936),y!=null)for(a=y,l=0,v=a.length;l<v;++l)null.jm()}function jL(r,s){var a;return a=new rn,r.a.sd(a)?(YD(),new r8(Qn(y8e(r,a.a,s)))):(Ry(r),YD(),YD(),lY)}function $F(r,s){switch(s.g){case 2:case 1:return Sc(r,s);case 3:case 4:return m2(Sc(r,s))}return In(),In(),wu}function Ki(r,s){return ha(r)?xn(r,s):GC(r)?L5e(r,s):WC(r)?(Qn(r),Qe(r)===Qe(s)):Ahe(r)?r.Fb(s):khe(r)?BRe(r,s):xpe(r,s)}function qmt(r){return r?r.i&1?r==Md?Us:r==Gr?nu:r==b3?jA:r==ba?xa:r==mE?cx:r==xR?lx:r==nd?Z5:H9:r:null}function Wmt(r,s,a,l,v){s==0||l==0||(s==1?v[l]=bbe(v,a,l,r[0]):l==1?v[s]=bbe(v,r,s,a[0]):KSt(r,a,v,s,l))}function Cje(r,s){var a;r.c.length!=0&&(a=E(Ag(r,Pe(Pm,iw,10,r.c.length,0,1)),193),jfe(a,new G0),dLe(a,s))}function Tje(r,s){var a;r.c.length!=0&&(a=E(Ag(r,Pe(Pm,iw,10,r.c.length,0,1)),193),jfe(a,new TR),dLe(a,s))}function Ige(r,s,a,l){switch(s){case 1:return!r.n&&(r.n=new St(pc,r,1,7)),r.n;case 2:return r.k}return Tbe(r,s,a,l)}function ku(){ku=xe,Fm=new _N(g9,0),p1=new _N(V5,1),Op=new _N(U5,2),H0=new _N(doe,3),U0=new _N("UP",4)}function BS(){BS=xe,J4=new pZ(L0,0),c_e=new pZ("INSIDE_PORT_SIDE_GROUPS",1),qae=new pZ("FORCE_MODEL_ORDER",2)}function kje(r,s,a){if(r<0||s>a)throw de(new xu(ZG+r+Sve+s+", size: "+a));if(r>s)throw de(new Yn(ZG+r+JUe+s))}function Jh(r,s,a){if(s<0)Ame(r,a);else{if(!a.Ij())throw de(new Yn(Ky+a.ne()+O9));E(a,66).Nj().Vj(r,r.yh(),s)}}function Gmt(r,s,a,l,v,y,x,T){var O;for(O=a;y<x;)O>=l||s<a&&T.ue(r[s],r[O])<=0?qo(v,y++,r[s++]):qo(v,y++,r[O++])}function Rje(r,s,a,l,v,y){this.e=new vt,this.f=(Tu(),dj),Et(this.e,r),this.d=s,this.a=a,this.b=l,this.f=v,this.c=y}function Oje(r,s){var a,l;for(l=new Tr(r);l.e!=l.i.gc();)if(a=E(Fr(l),26),Qe(s)===Qe(a))return!0;return!1}function Kmt(r){WG();var s,a,l,v;for(a=Wne(),l=0,v=a.length;l<v;++l)if(s=a[l],lc(s.a,r,0)!=-1)return s;return kae}function Ije(r){return r>=65&&r<=70?r-65+10:r>=97&&r<=102?r-97+10:r>=48&&r<=57?r-48:0}function Dje(r){var s;return r.Db&64?u1(r):(s=new pp(u1(r)),s.a+=" (source: ",Fu(s,r.d),s.a+=")",s.a)}function Ymt(r,s,a){var l,v;return v=r.a,r.a=s,r.Db&4&&!(r.Db&1)&&(l=new aa(r,1,5,v,r.a),a?Jbe(a,l):a=l),a}function Qv(r,s){var a;a=(r.Bb&256)!=0,s?r.Bb|=256:r.Bb&=-257,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,2,a,s))}function Dge(r,s){var a;a=(r.Bb&256)!=0,s?r.Bb|=256:r.Bb&=-257,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,8,a,s))}function NW(r,s){var a;a=(r.Bb&256)!=0,s?r.Bb|=256:r.Bb&=-257,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,8,a,s))}function Jv(r,s){var a;a=(r.Bb&512)!=0,s?r.Bb|=512:r.Bb&=-513,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,3,a,s))}function Age(r,s){var a;a=(r.Bb&512)!=0,s?r.Bb|=512:r.Bb&=-513,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,9,a,s))}function PF(r,s){var a;return r.b==-1&&r.a&&(a=r.a.Gj(),r.b=a?r.c.Xg(r.a.aj(),a):Fo(r.c.Tg(),r.a)),r.c.Og(r.b,s)}function Ot(r){var s,a;return r>-129&&r<128?(s=r+128,a=(OIe(),zEe)[s],!a&&(a=zEe[s]=new Sk(r)),a):new Sk(r)}function z6(r){var s,a;return r>-129&&r<128?(s=r+128,a=(FIe(),qEe)[s],!a&&(a=qEe[s]=new fm(r)),a):new fm(r)}function $ge(r){var s,a;return s=r.k,s==(dr(),ds)?(a=E(se(r,(bt(),Pc)),61),a==(It(),Jn)||a==Br):!1}function Xmt(r,s,a){var l,v,y;return y=(v=iA(r.b,s),v),y&&(l=E(BG(hL(r,y),""),26),l)?Zme(r,l,s,a):null}function Rne(r,s,a){var l,v,y;return y=(v=iA(r.b,s),v),y&&(l=E(BG(hL(r,y),""),26),l)?e0e(r,l,s,a):null}function Aje(r,s){var a,l;for(l=new Tr(r);l.e!=l.i.gc();)if(a=E(Fr(l),138),Qe(s)===Qe(a))return!0;return!1}function FF(r,s,a){var l;if(l=r.gc(),s>l)throw de(new JC(s,l));if(r.hi()&&r.Hc(a))throw de(new Yn(VB));r.Xh(s,a)}function Qmt(r,s){var a;if(a=f4(r.i,s),a==null)throw de(new N1("Node did not exist in input."));return V1e(s,a),null}function Jmt(r,s){var a;if(a=uB(r,s),Ce(a,322))return E(a,34);throw de(new Yn(Ky+s+"' is not a valid attribute"))}function Zmt(r,s,a){var l,v;for(v=Ce(s,99)&&E(s,18).Bb&du?new LZ(s,r):new A6(s,r),l=0;l<a;++l)rG(v);return v}function e0t(r){var s,a,l;for(l=0,a=r.length,s=0;s<a;s++)r[s]==32||r[s]==13||r[s]==10||r[s]==9||(r[l++]=r[s]);return l}function t0t(r){var s,a,l;for(s=new vt,l=new le(r.b);l.a<l.c.c.length;)a=E(ce(l),594),Cs(s,E(a.jf(),14));return s}function n0t(r){var s,a,l;for(s=E(se(r,(Hc(),jCe)),15),l=s.Kc();l.Ob();)a=E(l.Pb(),188),Ii(a.b.d,a),Ii(a.c.b,a)}function r0t(r){switch(E(se(r,(bt(),V2)),303).g){case 1:ct(r,V2,(R0(),iI));break;case 2:ct(r,V2,(R0(),iR))}}function i0t(r){var s;r.g&&(s=r.c.Rf()?r.f:r.a,h0e(s.a,r.o,!0),h0e(s.a,r.o,!1),ct(r.o,(Ft(),Zo),(Sa(),t_)))}function o0t(r){var s;if(!r.a)throw de(new zu("Cannot offset an unassigned cut."));s=r.c-r.b,r.b+=s,x6e(r,s),S6e(r,s)}function s0t(r){var s;return s=r.a[r.c-1&r.a.length-1],s==null?null:(r.c=r.c-1&r.a.length-1,qo(r.a,r.c,null),s)}function $je(r){var s,a;for(a=r.p.a.ec().Kc();a.Ob();)if(s=E(a.Pb(),213),s.f&&r.b[s.c]<-1e-10)return s;return null}function Pge(r,s){switch(r.b.g){case 0:case 1:return s;case 2:case 3:return new Wh(s.d,0,s.a,s.b);default:return null}}function Pje(r){switch(r.g){case 2:return p1;case 1:return Op;case 4:return H0;case 3:return U0;default:return Fm}}function Fge(r){switch(r.g){case 1:return nr;case 2:return Jn;case 3:return fr;case 4:return Br;default:return Tc}}function ML(r){switch(r.g){case 1:return Br;case 2:return nr;case 3:return Jn;case 4:return fr;default:return Tc}}function LW(r){switch(r.g){case 1:return fr;case 2:return Br;case 3:return nr;case 4:return Jn;default:return Tc}}function a0t(r){switch(r){case 0:return new uJ;case 1:return new sJ;case 2:return new aJ;default:throw de(new PO)}}function Ts(r,s){return r<s?-1:r>s?1:r==s?r==0?Ts(1/r,1/s):0:isNaN(r)?isNaN(s)?0:1:-1}function u0t(r,s){Lr(s,"Sort end labels",1),Bo(So(Ec(new Nn(null,new zn(r.b,16)),new Lp),new _w),new rd),Or(s)}function jF(r,s,a){var l,v;return r.ej()?(v=r.fj(),l=Fre(r,s,a),r.$i(r.Zi(7,Ot(a),l,s,v)),l):Fre(r,s,a)}function One(r,s){var a,l,v;r.d==null?(++r.e,--r.f):(v=s.cd(),a=s.Sh(),l=(a&qi)%r.d.length,qpt(r,l,XLe(r,l,a,v)))}function H6(r,s){var a;a=(r.Bb&l1)!=0,s?r.Bb|=l1:r.Bb&=-1025,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,10,a,s))}function U6(r,s){var a;a=(r.Bb&$T)!=0,s?r.Bb|=$T:r.Bb&=-4097,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,12,a,s))}function V6(r,s){var a;a=(r.Bb&ed)!=0,s?r.Bb|=ed:r.Bb&=-8193,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,15,a,s))}function q6(r,s){var a;a=(r.Bb&zT)!=0,s?r.Bb|=zT:r.Bb&=-2049,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,11,a,s))}function c0t(r,s){var a;return a=Ts(r.b.c,s.b.c),a!=0||(a=Ts(r.a.a,s.a.a),a!=0)?a:Ts(r.a.b,s.a.b)}function l0t(r,s){var a;if(a=Cr(r.k,s),a==null)throw de(new N1("Port did not exist in input."));return V1e(s,a),null}function f0t(r){var s,a;for(a=tBe(yh(r)).Kc();a.Ob();)if(s=ai(a.Pb()),t9(r,s))return wpt((vc(),jrt),s);return null}function d0t(r,s){var a,l,v,y,x;for(x=tf(r.e.Tg(),s),y=0,a=E(r.g,119),v=0;v<r.i;++v)l=a[v],x.rl(l.ak())&&++y;return y}function h0t(r,s,a){var l,v;return l=E(s.We(r.a),35),v=E(a.We(r.a),35),l!=null&&v!=null?EL(l,v):l!=null?-1:v!=null?1:0}function Fje(r,s,a){var l,v;if(r.c)cme(r.c,s,a);else for(v=new le(r.b);v.a<v.c.c.length;)l=E(ce(v),157),Fje(l,s,a)}function Ine(r,s){var a,l;for(l=new le(s);l.a<l.c.c.length;)a=E(ce(l),46),Tf(r.b.b,a.b),Vft(E(a.a,189),E(a.b,81))}function p0t(r){var s,a;for(a=Ty(new pm,91),s=!0;r.Ob();)s||(a.a+=fu),s=!1,zc(a,r.Pb());return(a.a+="]",a).a}function W6(r,s){var a;a=(r.Bb&xb)!=0,s?r.Bb|=xb:r.Bb&=-16385,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,16,a,s))}function Dne(r,s){var a;a=(r.Bb&Uc)!=0,s?r.Bb|=Uc:r.Bb&=-32769,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,18,a,s))}function jge(r,s){var a;a=(r.Bb&Uc)!=0,s?r.Bb|=Uc:r.Bb&=-32769,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,18,a,s))}function Mge(r,s){var a;a=(r.Bb&du)!=0,s?r.Bb|=du:r.Bb&=-65537,r.Db&4&&!(r.Db&1)&&Gi(r,new o1(r,1,20,a,s))}function Nge(r){var s;return s=Pe(ap,Cb,25,2,15,1),r-=du,s[0]=(r>>10)+kB&ls,s[1]=(r&1023)+56320&ls,vp(s,0,s.length)}function BW(r){var s,a;return a=E(se(r,(Ft(),Oh)),103),a==(ku(),Fm)?(s=ot(Dt(se(r,cX))),s>=1?p1:H0):a}function g0t(r){switch(E(se(r,(Ft(),z0)),218).g){case 1:return new qR;case 3:return new ch;default:return new $3}}function x2(r){if(r.c)x2(r.c);else if(r.d)throw de(new zu("Stream already terminated, can't be modified or used"))}function Ane(r){var s;return r.Db&64?u1(r):(s=new pp(u1(r)),s.a+=" (identifier: ",Fu(s,r.k),s.a+=")",s.a)}function jje(r,s,a){var l,v;return l=(Pv(),v=new pl,v),lW(l,s),fW(l,a),r&&ei((!r.a&&(r.a=new xs($p,r,5)),r.a),l),l}function $ne(r,s,a,l){var v,y;return Qn(l),Qn(a),v=r.xc(s),y=v==null?a:nZ(E(v,15),E(a,14)),y==null?r.Bc(s):r.zc(s,y),y}function yn(r){var s,a,l,v;return a=(s=E(hp((l=r.gm,v=l.f,v==hi?l:v)),9),new qh(s,E(t1(s,s.length),9),0)),a1(a,r),a}function b0t(r,s,a){var l,v;for(v=r.a.ec().Kc();v.Ob();)if(l=E(v.Pb(),10),CL(a,E(Vt(s,l.p),14)))return l;return null}function m0t(r,s,a){var l;try{Qbt(r,s,a)}catch(v){throw v=Mo(v),Ce(v,597)?(l=v,de(new zpe(l))):de(v)}return s}function My(r,s){var a;return cc(r)&&cc(s)&&(a=r-s,TB<a&&a<A2)?a:$y(E9e(cc(r)?mp(r):r,cc(s)?mp(s):s))}function Xa(r,s){var a;return cc(r)&&cc(s)&&(a=r+s,TB<a&&a<A2)?a:$y($bt(cc(r)?mp(r):r,cc(s)?mp(s):s))}function Va(r,s){var a;return cc(r)&&cc(s)&&(a=r*s,TB<a&&a<A2)?a:$y(eRt(cc(r)?mp(r):r,cc(s)?mp(s):s))}function Sc(r,s){var a;return r.i||Dme(r),a=E(ju(r.g,s),46),a?new Em(r.j,E(a.a,19).a,E(a.b,19).a):(In(),In(),wu)}function zS(r,s,a){var l;return l=r.a.get(s),r.a.set(s,a===void 0?null:a),l===void 0?(++r.c,Sq(r.b)):++r.d,l}function v0t(r,s,a){r.n=a2(mE,[ft,Zie],[364,25],14,[a,ss(m.Math.ceil(s/32))],2),r.o=s,r.p=a,r.j=s-1>>1,r.k=a-1>>1}function Pne(){ime();var r,s,a;a=hIt+++Date.now(),r=ss(m.Math.floor(a*OB))&JG,s=ss(a-r*wve),this.a=r^1502,this.b=s^ooe}function A0(r){var s,a,l;for(s=new vt,l=new le(r.j);l.a<l.c.c.length;)a=E(ce(l),11),Et(s,a.b);return Jr(s),new q8(s)}function fc(r){var s,a,l;for(s=new vt,l=new le(r.j);l.a<l.c.c.length;)a=E(ce(l),11),Et(s,a.e);return Jr(s),new q8(s)}function ks(r){var s,a,l;for(s=new vt,l=new le(r.j);l.a<l.c.c.length;)a=E(ce(l),11),Et(s,a.g);return Jr(s),new q8(s)}function w0t(r){var s,a;for(a=bxt(yh(iT(r))).Kc();a.Ob();)if(s=ai(a.Pb()),t9(r,s))return ypt(($l(),Mrt),s);return null}function y0t(r){var s,a,l;for(a=0,l=r.length;a<l;a++)if(r[a]==null)throw de(new LC("at index "+a));return s=r,new yf(s)}function E0t(r,s){var a;if(a=uB(r.Tg(),s),Ce(a,99))return E(a,18);throw de(new Yn(Ky+s+"' is not a valid reference"))}function _0t(r){var s;return s=ST(r),s>34028234663852886e22?Qo:s<-34028234663852886e22?ws:s}function Mje(r){return r-=r>>1&1431655765,r=(r>>2&858993459)+(r&858993459),r=(r>>4)+r&252645135,r+=r>>8,r+=r>>16,r&63}function Nje(r){var s,a,l,v;for(s=new v5e(r.Hd().gc()),v=0,l=x5(r.Hd().Kc());l.Ob();)a=l.Pb(),Adt(s,a,Ot(v++));return r_t(s.a)}function S0t(r,s){var a,l,v;for(v=new jr,l=s.vc().Kc();l.Ob();)a=E(l.Pb(),42),Qi(v,a.cd(),pbt(r,E(a.dd(),15)));return v}function Lge(r,s){r.n.c.length==0&&Et(r.n,new Oq(r.s,r.t,r.i)),Et(r.b,s),Ebe(E(Vt(r.n,r.n.c.length-1),211),s),Kze(r,s)}function w4(r){return(r.c!=r.b.b||r.i!=r.g.b)&&(r.a.c=Pe(mr,Ht,1,0,5,1),Cs(r.a,r.b),Cs(r.a,r.g),r.c=r.b.b,r.i=r.g.b),r.a}function Fne(r,s){var a,l,v;for(v=0,l=E(s.Kb(r),20).Kc();l.Ob();)a=E(l.Pb(),17),Wt(Gt(se(a,(bt(),Bg))))||++v;return v}function x0t(r,s){var a,l,v;l=c4(s),v=ot(Dt(mT(l,(Ft(),h1)))),a=m.Math.max(0,v/2-.5),VF(s,a,1),Et(r,new I4e(s,a))}function Zh(){Zh=xe,wz=new vN(L0,0),nj=new vN("FIRST",1),eE=new vN(WVe,2),rj=new vN("LAST",3),YT=new vN(GVe,4)}function $0(){$0=xe,sle=new fV(g9,0),Vz=new fV("POLYLINE",1),p$=new fV("ORTHOGONAL",2),wI=new fV("SPLINES",3)}function zW(){zW=xe,mTe=new AZ("ASPECT_RATIO_DRIVEN",0),Ace=new AZ("MAX_SCALE_DRIVEN",1),bTe=new AZ("AREA_DRIVEN",2)}function NL(){NL=xe,qX=new $Z("P1_STRUCTURE",0),WX=new $Z("P2_PROCESSING_ORDER",1),GX=new $Z("P3_EXECUTION",2)}function HW(){HW=xe,Tce=new OZ("OVERLAP_REMOVAL",0),xce=new OZ("COMPACTION",1),Cce=new OZ("GRAPH_SIZE_CALCULATION",2)}function HS(r,s){return yg(),s1(Uy),m.Math.abs(r-s)<=Uy||r==s||isNaN(r)&&isNaN(s)?0:r<s?-1:r>s?1:hS(isNaN(r),isNaN(s))}function Lje(r,s){var a,l;for(a=Ti(r,0);a.b!=a.d.c;){if(l=AD(Dt(Ci(a))),l==s)return;if(l>s){gte(a);break}}VN(a,s)}function wn(r,s){var a,l,v,y,x;if(a=s.f,T2(r.c.d,a,s),s.g!=null)for(v=s.g,y=0,x=v.length;y<x;++y)l=v[y],T2(r.c.e,l,s)}function C0t(r,s,a,l){var v,y,x;for(v=s+1;v<a;++v)for(y=v;y>s&&l.ue(r[y-1],r[y])>0;--y)x=r[y],qo(r,y,r[y-1]),qo(r,y-1,x)}function ep(r,s,a,l){if(s<0)i0e(r,a,l);else{if(!a.Ij())throw de(new Yn(Ky+a.ne()+O9));E(a,66).Nj().Tj(r,r.yh(),s,l)}}function UW(r,s){if(s==r.d)return r.e;if(s==r.e)return r.d;throw de(new Yn("Node "+s+" not part of edge "+r))}function T0t(r,s){switch(s.g){case 2:return r.b;case 1:return r.c;case 4:return r.d;case 3:return r.a;default:return!1}}function Bje(r,s){switch(s.g){case 2:return r.b;case 1:return r.c;case 4:return r.d;case 3:return r.a;default:return!1}}function Bge(r,s,a,l){switch(s){case 3:return r.f;case 4:return r.g;case 5:return r.i;case 6:return r.j}return Ige(r,s,a,l)}function k0t(r){return r.k!=(dr(),Os)?!1:p6(new Nn(null,new yS(new Rr(Ar(ks(r).a.Kc(),new M)))),new R1)}function R0t(r){return r.e==null?r:(!r.c&&(r.c=new Kre((r.f&256)!=0,r.i,r.a,r.d,(r.f&16)!=0,r.j,r.g,null)),r.c)}function O0t(r,s){return r.h==CB&&r.m==0&&r.l==0?(s&&(Yy=Jl(0,0,0)),zRe((y6(),FEe))):(s&&(Yy=Jl(r.l,r.m,r.h)),Jl(0,0,0))}function dc(r){var s;return Array.isArray(r)&&r.im===Xe?v0(Od(r))+"@"+(s=$o(r)>>>0,s.toString(16)):r.toString()}function MF(r){var s;this.a=(s=E(r.e&&r.e(),9),new qh(s,E(t1(s,s.length),9),0)),this.b=Pe(mr,Ht,1,this.a.a.length,5,1)}function I0t(r){var s,a,l;for(this.a=new w0,l=new le(r);l.a<l.c.c.length;)a=E(ce(l),14),s=new WIe,Lgt(s,a),Bs(this.a,s)}function D0t(r){XC();var s,a,l,v;for(s=r.o.b,l=E(E(no(r.r,(It(),Br)),21),84).Kc();l.Ob();)a=E(l.Pb(),111),v=a.e,v.b+=s}function Id(r){var s;if(r.b){if(Id(r.b),r.b.d!=r.c)throw de(new Td)}else r.d.dc()&&(s=E(r.f.c.xc(r.e),14),s&&(r.d=s))}function A0t(r){var s;return r==null?!0:(s=r.length,s>0&&(ui(s-1,r.length),r.charCodeAt(s-1)==58)&&!jne(r,Bj,zj))}function jne(r,s,a){var l,v;for(l=0,v=r.length;l<v;l++)if(cne((ui(l,r.length),r.charCodeAt(l)),s,a))return!0;return!1}function $0t(r,s){var a,l;for(l=r.e.a.ec().Kc();l.Ob();)if(a=E(l.Pb(),266),M2t(s,a.d)||V_t(s,a.d))return!0;return!1}function P0t(r,s){var a,l,v;for(l=w3t(r,s),v=l[l.length-1]/2,a=0;a<l.length;a++)if(l[a]>=v)return s.c+a;return s.c+s.b.gc()}function F0t(r,s){JD();var a,l,v,y;for(l=e8e(r),v=s,v6(l,0,l.length,v),a=0;a<l.length;a++)y=myt(r,l[a],a),a!=y&&jF(r,a,y)}function zge(r,s){var a,l,v,y,x,T;for(l=0,a=0,y=s,x=0,T=y.length;x<T;++x)v=y[x],v>0&&(l+=v,++a);return a>1&&(l+=r.d*(a-1)),l}function Hge(r){var s,a,l;for(l=new bg,l.a+="[",s=0,a=r.gc();s<a;)Fu(l,Y8(r.ki(s))),++s<a&&(l.a+=fu);return l.a+="]",l.a}function j0t(r){var s,a,l,v,y;return y=ome(r),a=zD(r.c),l=!a,l&&(v=new ob,H1(y,"knownLayouters",v),s=new yM(v),Na(r.c,s)),y}function M0t(r,s){var a,l,v;for(Qn(s),a=!1,l=new le(r);l.a<l.c.c.length;)v=ce(l),bT(s,v,!1)&&(uF(l),a=!0);return a}function Uge(r){var s,a,l;for(l=ot(Dt(r.a.We((Mi(),oQ)))),a=new le(r.a.xf());a.a<a.c.c.length;)s=E(ce(a),680),fUe(r,s,l)}function Mne(r,s){var a,l;for(l=new le(s);l.a<l.c.c.length;)a=E(ce(l),46),Et(r.b.b,E(a.b,81)),bte(E(a.a,189),E(a.b,81))}function N0t(r,s,a){var l,v;for(v=r.a.b,l=v.c.length;l<a;l++)ZC(v,0,new gp(r.a));Vu(s,E(Vt(v,v.c.length-a),29)),r.b[s.p]=a}function L0t(r,s,a){var l;l=a,!l&&(l=bhe(new Ak,0)),Lr(l,OVe,2),z7e(r.b,s,wl(l,1)),yRt(r,s,wl(l,1)),d5t(s,wl(l,1)),Or(l)}function B0t(r,s,a,l,v){mh(),c1(qf(Hh(zh(Uh(new Wd,0),v.d.e-r),s),v.d)),c1(qf(Hh(zh(Uh(new Wd,0),a-v.a.e),v.a),l))}function Vge(r,s,a,l,v,y){this.a=r,this.c=s,this.b=a,this.f=l,this.d=v,this.e=y,this.c>0&&this.b>0&&She(this.c,this.b,this.a)}function qge(r){Nne(),this.c=Tg(pe(he(DIt,1),Ht,831,0,[_Ze])),this.b=new jr,this.a=r,Qi(this.b,xX,1),Rf(SZe,new pM(this))}function zje(r,s){var a;return r.d?Xd(r.b,s)?E(Cr(r.b,s),51):(a=s.Kf(),Qi(r.b,s,a),a):s.Kf()}function Wge(r,s){var a;return Qe(r)===Qe(s)?!0:Ce(s,91)?(a=E(s,91),r.e==a.e&&r.d==a.d&&Ept(r,a.a)):!1}function O5(r){switch(It(),r.g){case 4:return Jn;case 1:return fr;case 3:return Br;case 2:return nr;default:return Tc}}function Gge(r,s){switch(s){case 3:return r.f!=0;case 4:return r.g!=0;case 5:return r.i!=0;case 6:return r.j!=0}return W1e(r,s)}function z0t(r){switch(r.g){case 0:return new sg;case 1:return new gu;default:throw de(new Yn(hse+(r.f!=null?r.f:""+r.g)))}}function Hje(r){switch(r.g){case 0:return new C_;case 1:return new dv;default:throw de(new Yn(Ooe+(r.f!=null?r.f:""+r.g)))}}function Uje(r){switch(r.g){case 0:return new e2;case 1:return new cJ;default:throw de(new Yn(AK+(r.f!=null?r.f:""+r.g)))}}function H0t(r){switch(r.g){case 1:return new i0;case 2:return new s5e;default:throw de(new Yn(hse+(r.f!=null?r.f:""+r.g)))}}function U0t(r){var s,a;if(r.b)return r.b;for(a=Ng?null:r.d;a;){if(s=Ng?null:a.b,s)return s;a=Ng?null:a.d}return Gk(),f2e}function V0t(r){var s,a,l;return r.e==0?0:(s=r.d<<5,a=r.a[r.d-1],r.e<0&&(l=ZFe(r),l==r.d-1&&(--a,a=a|0)),s-=iB(a),s)}function q0t(r){var s,a,l;return r<uY.length?uY[r]:(a=r>>5,s=r&31,l=Pe(Gr,Ei,25,a+1,15,1),l[a]=1<<s,new o4(1,a+1,l))}function Vje(r){var s,a,l;return a=r.zg(),a?(s=r.Ug(),Ce(s,160)&&(l=Vje(E(s,160)),l!=null)?l+"."+a:a):null}function bT(r,s,a){var l,v;for(v=r.Kc();v.Ob();)if(l=v.Pb(),Qe(s)===Qe(l)||s!=null&&Ki(s,l))return a&&v.Qb(),!0;return!1}function Kge(r,s,a){var l,v;if(++r.j,a.dc())return!1;for(v=a.Kc();v.Ob();)l=v.Pb(),r.Hi(s,r.oi(s,l)),++s;return!0}function W0t(r,s,a,l){var v,y;if(y=a-s,y<3)for(;y<3;)r*=10,++y;else{for(v=1;y>3;)v*=10,--y;r=(r+(v>>1))/v|0}return l.i=r,!0}function G0t(r){return xne(),tr(),!!(Bje(E(r.a,81).j,E(r.b,103))||E(r.a,81).d.e!=0&&Bje(E(r.a,81).j,E(r.b,103)))}function K0t(r){Xq(),E(r.We((Mi(),oE)),174).Hc((Ad(),lQ))&&(E(r.We(a3),174).Fc((hd(),yI)),E(r.We(oE),174).Mc(lQ))}function qje(r,s){var a,l;if(s){for(a=0;a<r.i;++a)if(l=E(r.g[a],366),l.Di(s))return!1;return ei(r,s)}else return!1}function Yge(r){var s,a,l,v;for(s=new ob,v=new K_(r.b.Kc());v.b.Ob();)l=E(v.b.Pb(),686),a=l_t(l),Dlt(s,s.a.length,a);return s.a}function Xge(r){var s;return!r.c&&(r.c=new zt),sa(r.d,new Ri),X3t(r),s=NTt(r),Bo(new Nn(null,new zn(r.d,16)),new ub(r)),s}function VW(r){var s;return r.Db&64?AF(r):(s=new pp(AF(r)),s.a+=" (instanceClassName: ",Fu(s,r.D),s.a+=")",s.a)}function Y0t(r,s){var a,l,v,y;s&&(v=O0(s,"x"),a=new VH(r),_6(a.a,(Qn(v),v)),y=O0(s,"y"),l=new IP(r),x6(l.a,(Qn(y),y)))}function X0t(r,s){var a,l,v,y;s&&(v=O0(s,"x"),a=new mM(r),S6(a.a,(Qn(v),v)),y=O0(s,"y"),l=new WQ(r),C6(l.a,(Qn(y),y)))}function Fo(r,s){var a,l,v;if(a=(r.i==null&&Sb(r),r.i),l=s.aj(),l!=-1){for(v=a.length;l<v;++l)if(a[l]==s)return l}return-1}function Q0t(r){var s,a,l,v,y;for(a=E(r.g,674),l=r.i-1;l>=0;--l)for(s=a[l],v=0;v<l;++v)if(y=a[v],Uze(r,s,y)){$5(r,l);break}}function J0t(r){var s=r.e;function a(l){return!l||l.length==0?"":" "+l.join(`
`)}return s&&(s.stack||a(r[Aie]))}function Qge(r){rT();var s;switch(s=r.Pc(),s.length){case 0:return cae;case 1:return new yee(Jr(s[0]));default:return new ete(y0t(s))}}function US(r,s){switch(s.g){case 1:return c5(r.j,(Xf(),p_e));case 2:return c5(r.j,(Xf(),b_e));default:return In(),In(),wu}}function Jge(r,s){switch(s){case 3:PS(r,0);return;case 4:FS(r,0);return;case 5:Of(r,0);return;case 6:If(r,0);return}Tge(r,s)}function Nne(){Nne=xe,J(),xX=(Ft(),Sx),SZe=Tg(pe(he(Uce,1),bye,146,0,[_z,h1,hI,_x,r3,Wue,o$,s$,Gue,uj,cR,Y2,lR]))}function Wje(r){var s,a;s=r.d==(P5(),WA),a=Qbe(r),s&&!a||!s&&a?ct(r.a,(Ft(),Mb),(xm(),Fz)):ct(r.a,(Ft(),Mb),(xm(),Pz))}function Z0t(r,s){var a;return a=E(wh(r,g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),a.Qc(bIe(a.gc()))}function qW(){qW=xe,lle=new pV("SIMPLE",0),hke=new pV("GROUP_DEC",1),gke=new pV("GROUP_MIXED",2),pke=new pV("GROUP_INC",3)}function Lne(){Lne=xe,yle=new rb,Nke=new d0,Lke=new oC,Bke=new Gp,zke=new sC,Hke=new om,Uke=new N_,Vke=new XR,qke=new Z3}function Gje(r,s,a){tFe(),rJ.call(this),this.a=a2(PKe,[ft,Ive],[595,212],0,[pY,Tae],2),this.c=new i5,this.g=r,this.f=s,this.d=a}function Zge(r,s){this.n=a2(mE,[ft,Zie],[364,25],14,[s,ss(m.Math.ceil(r/32))],2),this.o=r,this.p=s,this.j=r-1>>1,this.k=s-1>>1}function evt(r,s){Lr(s,"End label post-processing",1),Bo(So(Ec(new Nn(null,new zn(r.b,16)),new Qu),new dl),new rh),Or(s)}function tvt(r,s,a){var l,v;return l=ot(r.p[s.i.p])+ot(r.d[s.i.p])+s.n.b+s.a.b,v=ot(r.p[a.i.p])+ot(r.d[a.i.p])+a.n.b+a.a.b,v-l}function nvt(r,s,a){var l,v;for(l=zs(a,Ou),v=0;tl(l,0)!=0&&v<s;v++)l=Xa(l,zs(r[v],Ou)),r[v]=Qr(l),l=xy(l,32);return Qr(l)}function WW(r){var s,a,l,v;for(v=0,a=0,l=r.length;a<l;a++)s=(ui(a,r.length),r.charCodeAt(a)),s<64&&(v=Cg(v,E0(1,s)));return v}function rvt(r){var s;return r==null?null:new _y((s=El(r,!0),s.length>0&&(ui(0,s.length),s.charCodeAt(0)==43)?s.substr(1):s))}function ivt(r){var s;return r==null?null:new _y((s=El(r,!0),s.length>0&&(ui(0,s.length),s.charCodeAt(0)==43)?s.substr(1):s))}function ebe(r,s){var a;return r.i>0&&(s.length<r.i&&(a=wL(Od(s).c,r.i),s=a),ll(r.g,0,s,0,r.i)),s.length>r.i&&qo(s,r.i,null),s}function Ml(r,s,a){var l,v,y;return r.ej()?(l=r.i,y=r.fj(),FL(r,l,s),v=r.Zi(3,null,s,l,y),a?a.Ei(v):a=v):FL(r,r.i,s),a}function ovt(r,s,a){var l,v;return l=new k0(r.e,4,10,(v=s.c,Ce(v,88)?E(v,26):(kn(),Mp)),null,Zv(r,s),!1),a?a.Ei(l):a=l,a}function svt(r,s,a){var l,v;return l=new k0(r.e,3,10,null,(v=s.c,Ce(v,88)?E(v,26):(kn(),Mp)),Zv(r,s),!1),a?a.Ei(l):a=l,a}function Kje(r){XC();var s;return s=new Hu(E(r.e.We((Mi(),vR)),8)),r.B.Hc((Ad(),b$))&&(s.a<=0&&(s.a=20),s.b<=0&&(s.b=20)),s}function Yje(r){vT();var s;return(r.q?r.q:(In(),In(),$m))._b((Ft(),yx))?s=E(se(r,yx),197):s=E(se(Za(r),aj),197),s}function mT(r,s){var a,l;return l=null,ta(r,(Ft(),_X))&&(a=E(se(r,_X),94),a.Xe(s)&&(l=a.We(s))),l==null&&(l=se(Za(r),s)),l}function Xje(r,s){var a,l,v;return Ce(s,42)?(a=E(s,42),l=a.cd(),v=gT(r.Rc(),l),yb(v,a.dd())&&(v!=null||r.Rc()._b(l))):!1}function Bne(r,s){var a,l,v;return r.f>0?(r.qj(),l=s==null?0:$o(s),v=(l&qi)%r.d.length,a=XLe(r,v,l,s),a!=-1):!1}function V1(r,s){var a,l,v;return r.f>0&&(r.qj(),l=s==null?0:$o(s),v=(l&qi)%r.d.length,a=Nme(r,v,l,s),a)?a.dd():null}function LL(r,s){var a,l,v,y;for(y=tf(r.e.Tg(),s),a=E(r.g,119),v=0;v<r.i;++v)if(l=a[v],y.rl(l.ak()))return!1;return!0}function Qje(r){if(r.b==null){for(;r.a.Ob();)if(r.b=r.a.Pb(),!E(r.b,49).Zg())return!0;return r.b=null,!1}else return!0}function Jje(r,s){r.mj();try{r.d.Vc(r.e++,s),r.f=r.d.j,r.g=-1}catch(a){throw a=Mo(a),Ce(a,73)?de(new Td):de(a)}}function GW(r,s){Hfe();var a,l;return a=FN((jk(),jk(),z9)),l=null,s==a&&(l=E(ml($Ee,r),615)),l||(l=new jDe(r),s==a&&Uu($Ee,r,l)),l}function Zje(r,s){var a,l;r.a=Xa(r.a,1),r.c=m.Math.min(r.c,s),r.b=m.Math.max(r.b,s),r.d+=s,a=s-r.f,l=r.e+a,r.f=l-r.e-a,r.e=l}function avt(r,s){var a;r.c=s,r.a=V0t(s),r.a<54&&(r.f=(a=s.d>1?Cg(E0(s.a[1],32),zs(s.a[0],Ou)):zs(s.a[0],Ou),OS(Va(s.e,a))))}function BL(r,s){var a;return cc(r)&&cc(s)&&(a=r%s,TB<a&&a<A2)?a:$y((K0e(cc(r)?mp(r):r,cc(s)?mp(s):s,!0),Yy))}function NF(r,s){var a;kOt(s),a=E(se(r,(Ft(),gX)),276),a&&ct(r,gX,syt(a)),zv(r.c),zv(r.f),t1e(r.d),t1e(E(se(r,wX),207))}function e7e(r){this.e=Pe(Gr,Ei,25,r.length,15,1),this.c=Pe(Md,Dm,25,r.length,16,1),this.b=Pe(Md,Dm,25,r.length,16,1),this.f=0}function uvt(r){var s,a;for(r.j=Pe(ba,Lu,25,r.p.c.length,15,1),a=new le(r.p);a.a<a.c.c.length;)s=E(ce(a),10),r.j[s.p]=s.o.b/r.i}function zne(r){var s;r.c!=0&&(s=E(Vt(r.a,r.b),287),s.b==1?(++r.b,r.b<r.a.c.length&&EO(E(Vt(r.a,r.b),287))):--s.b,--r.c)}function cvt(r){var s;s=r.a;do s=E(Zr(new Rr(Ar(ks(s).a.Kc(),new M))),17).d.i,s.k==(dr(),ua)&&Et(r.e,s);while(s.k==(dr(),ua))}function tbe(){tbe=xe,fke=new pS(15),srt=new bu((Mi(),Z2),fke),urt=new bu(e_,15),art=new bu(ile,Ot(0)),ort=new bu(bI,SA)}function eh(){eh=xe,Xz=new hV("PORTS",0),n_=new hV("PORT_LABELS",1),Yz=new hV("NODE_LABELS",2),c3=new hV("MINIMUM_SIZE",3)}function zL(r,s){var a,l;for(l=s.length,a=0;a<l;a+=2)yl(r,(ui(a,s.length),s.charCodeAt(a)),(ui(a+1,s.length),s.charCodeAt(a+1)))}function t7e(r,s,a){var l,v,y,x;for(y=s-r.e,x=a-r.f,v=new le(r.a);v.a<v.c.c.length;)l=E(ce(v),187),UL(l,l.s+y,l.t+x);r.e=s,r.f=a}function lvt(r,s){var a,l,v,y;for(y=s.b.b,r.a=new Po,r.b=Pe(Gr,Ei,25,y,15,1),a=0,v=Ti(s.b,0);v.b!=v.d.c;)l=E(Ci(v),86),l.g=a++}function n7e(r,s){var a,l,v,y;return a=s>>5,s&=31,v=r.d+a+(s==0?0:1),l=Pe(Gr,Ei,25,v,15,1),a2t(l,r.a,a,s),y=new o4(r.e,v,l),gF(y),y}function nbe(r,s,a){var l,v;l=E(ml(w$,s),117),v=E(ml(Gj,s),117),a?(Uu(w$,r,l),Uu(Gj,r,v)):(Uu(Gj,r,l),Uu(w$,r,v))}function r7e(r,s,a){var l,v,y;for(v=null,y=r.b;y;){if(l=r.a.ue(s,y.d),a&&l==0)return y;l>=0?y=y.a[1]:(v=y,y=y.a[0])}return v}function i7e(r,s,a){var l,v,y;for(v=null,y=r.b;y;){if(l=r.a.ue(s,y.d),a&&l==0)return y;l<=0?y=y.a[0]:(v=y,y=y.a[1])}return v}function fvt(r,s,a,l){var v,y,x;return v=!1,WRt(r.f,a,l)&&(jvt(r.f,r.a[s][a],r.a[s][l]),y=r.a[s],x=y[l],y[l]=y[a],y[a]=x,v=!0),v}function rbe(r,s,a,l,v){var y,x,T;for(x=v;s.b!=s.c;)y=E(d5(s),10),T=E(Sc(y,l).Xb(0),11),r.d[T.p]=x++,a.c[a.c.length]=T;return x}function ibe(r,s,a){var l,v,y,x,T;return x=r.k,T=s.k,l=a[x.g][T.g],v=Dt(mT(r,l)),y=Dt(mT(s,l)),m.Math.max((Qn(v),v),(Qn(y),y))}function dvt(r,s,a){var l,v,y,x;for(l=a/r.c.length,v=0,x=new le(r);x.a<x.c.c.length;)y=E(ce(x),200),cje(y,y.f+l*v),qyt(y,s,l),++v}function o7e(r,s,a){var l,v,y,x;for(v=E(Cr(r.b,a),177),l=0,x=new le(s.j);x.a<x.c.c.length;)y=E(ce(x),113),v[y.d.p]&&++l;return l}function s7e(r){var s,a;return s=E(Gn(r.a,4),126),s!=null?(a=Pe(ble,qse,415,s.length,0,1),ll(s,0,a,0,s.length),a):Rrt}function hvt(){var r;return iY!=0&&(r=Opt(),r-tKe>2e3&&(tKe=r,oY=m.setTimeout(BJ,10))),iY++==0?(G1t((PD(),AEe)),!0):!1}function pvt(r,s){var a,l,v;for(l=new Rr(Ar(ks(r).a.Kc(),new M));fi(l);)if(a=E(Zr(l),17),v=a.d.i,v.c==s)return!1;return!0}function obe(r,s){var a,l;if(Ce(s,245)){l=E(s,245);try{return a=r.vd(l),a==0}catch(v){if(v=Mo(v),!Ce(v,205))throw de(v)}}return!1}function gvt(){return Error.stackTraceLimit>0?(m.Error.stackTraceLimit=Error.stackTraceLimit=64,!0):"stack"in new Error}function bvt(r,s){return yg(),yg(),s1(Uy),(m.Math.abs(r-s)<=Uy||r==s||isNaN(r)&&isNaN(s)?0:r<s?-1:r>s?1:hS(isNaN(r),isNaN(s)))>0}function sbe(r,s){return yg(),yg(),s1(Uy),(m.Math.abs(r-s)<=Uy||r==s||isNaN(r)&&isNaN(s)?0:r<s?-1:r>s?1:hS(isNaN(r),isNaN(s)))<0}function a7e(r,s){return yg(),yg(),s1(Uy),(m.Math.abs(r-s)<=Uy||r==s||isNaN(r)&&isNaN(s)?0:r<s?-1:r>s?1:hS(isNaN(r),isNaN(s)))<=0}function Hne(r,s){for(var a=0;!s[a]||s[a]=="";)a++;for(var l=s[a++];a<s.length;a++)!s[a]||s[a]==""||(l+=r+s[a]);return l}function vp(r,s,a){var l,v,y,x;for(y=s+a,r1e(s,y,r.length),x="",v=s;v<y;)l=m.Math.min(v+1e4,y),x+=oft(r.slice(v,l)),v=l;return x}function u7e(r){var s,a,l,v,y;if(r==null)return null;for(y=new vt,a=gne(r),l=0,v=a.length;l<v;++l)s=a[l],Et(y,El(s,!0));return y}function c7e(r){var s,a,l,v,y;if(r==null)return null;for(y=new vt,a=gne(r),l=0,v=a.length;l<v;++l)s=a[l],Et(y,El(s,!0));return y}function l7e(r){var s,a,l,v,y;if(r==null)return null;for(y=new vt,a=gne(r),l=0,v=a.length;l<v;++l)s=a[l],Et(y,El(s,!0));return y}function f7e(r,s){var a,l,v;if(r.c)FS(r.c,s);else for(a=s-Yf(r),v=new le(r.d);v.a<v.c.c.length;)l=E(ce(v),157),f7e(l,Yf(l)+a)}function d7e(r,s){var a,l,v;if(r.c)PS(r.c,s);else for(a=s-Yd(r),v=new le(r.a);v.a<v.c.c.length;)l=E(ce(v),157),d7e(l,Yd(l)+a)}function mvt(r,s){var a,l,v,y;for(v=new Fl(s.gc()),l=s.Kc();l.Ob();)a=l.Pb(),y=nie(r,E(a,56)),y&&(v.c[v.c.length]=y);return v}function KW(r,s){var a,l,v;return r.qj(),l=s==null?0:$o(s),v=(l&qi)%r.d.length,a=Nme(r,v,l,s),a?(EFe(r,a),a.dd()):null}function VS(r){var s,a;for(a=xNe(r),s=null;r.c==2;)Li(r),s||(s=(zi(),zi(),new W8(2)),I2(s,a),a=s),a.$l(xNe(r));return a}function G6(r){var s,a,l;if(l=null,s=$b in r.a,a=!s,a)throw de(new N1("Every element must have an id."));return l=F5(S0(r,$b)),l}function YW(r){var s,a,l;if(l=r.Zg(),!l)for(s=0,a=r.eh();a;a=a.eh()){if(++s>eoe)return a.fh();if(l=a.Zg(),l||a==r)break}return l}function abe(r){return Dq(),Ce(r,156)?E(Cr(nH,hKe),288).vg(r):Xd(nH,Od(r))?E(Cr(nH,Od(r)),288).vg(r):null}function vvt(r){if(XW(RA,r))return tr(),FA;if(XW(Cse,r))return tr(),H2;throw de(new Yn("Expecting true or false"))}function wvt(r,s){if(s.c==r)return s.d;if(s.d==r)return s.c;throw de(new Yn("Input edge is not connected to the input port."))}function h7e(r,s){return r.e>s.e?1:r.e<s.e?-1:r.d>s.d?r.e:r.d<s.d?-s.e:r.e*bge(r.a,s.a,r.d)}function p7e(r){return r>=48&&r<48+m.Math.min(10,10)?r-48:r>=97&&r<97?r-97+10:r>=65&&r<65?r-65+10:-1}function g7e(r,s){var a;return Qe(s)===Qe(r)?!0:!Ce(s,21)||(a=E(s,21),a.gc()!=r.gc())?!1:r.Ic(a)}function yvt(r,s){var a,l,v,y;return l=r.a.length-1,a=s-r.b&l,y=r.c-s&l,v=r.c-r.b&l,qOe(a<v),a>=y?(wmt(r,s),-1):(ymt(r,s),1)}function Evt(r,s){var a,l;for(a=(ui(s,r.length),r.charCodeAt(s)),l=s+1;l<r.length&&(ui(l,r.length),r.charCodeAt(l)==a);)++l;return l-s}function ube(r){switch(r.g){case 12:case 13:case 14:case 15:case 16:case 17:case 18:case 19:case 20:return!0;default:return!1}}function _vt(r,s){var a=r.a,l;s=String(s),a.hasOwnProperty(s)&&(l=a[s]);var v=(une(),gae)[typeof l],y=v?v(l):yge(typeof l);return y}function qS(r,s){if(r.a<0)throw de(new zu("Did not call before(...) or after(...) before calling add(...)."));return dde(r,r.a,s),r}function Svt(r,s,a,l){var v,y;s.c.length!=0&&(v=aCt(a,l),y=sSt(s),Bo(aW(new Nn(null,new zn(y,1)),new n0),new a6e(r,a,v,l)))}function I5(r,s,a){var l;r.Db&s?a==null?WSt(r,s):(l=cre(r,s),l==-1?r.Eb=a:qo(b2(r.Eb),l,a)):a!=null&&mTt(r,s,a)}function Zl(r){var s,a;return r.Db&32||(a=(s=E(Gn(r,16),26),_r(s||r.zh())-_r(r.zh())),a!=0&&I5(r,32,Pe(mr,Ht,1,a,5,1))),r}function xvt(r){var s;return r.b||Kle(r,(s=iat(r.e,r.a),!s||!xn(Cse,V1((!s.b&&(s.b=new Kd((kn(),pu),Fc,s)),s.b),"qualified")))),r.c}function Cvt(r,s,a){var l,v,y;return l=E(ke(Rd(r.a),s),87),y=(v=l.c,v||(kn(),qg)),(y.kh()?jy(r.b,E(y,49)):y)==a?FG(l):E6(l,a),y}function Tvt(r,s){(!s&&console.groupCollapsed!=null?console.groupCollapsed:console.group??console.log).call(console,r)}function kvt(r,s,a,l){l==r,E(a.b,65),E(a.b,65),E(l.b,65),E(l.b,65).c.b,n1e(l,s,r)}function Rvt(r){var s,a;for(s=new le(r.g);s.a<s.c.c.length;)E(ce(s),562);a=new yBe(r.g,ot(r.a),r.c),FOt(a),r.g=a.b,r.d=a.a}function cbe(r,s,a){s.b=m.Math.max(s.b,-a.a),s.c=m.Math.max(s.c,a.a-r.a),s.d=m.Math.max(s.d,-a.b),s.a=m.Math.max(s.a,a.b-r.b)}function Ovt(r,s){return r.e<s.e?-1:r.e>s.e?1:r.f<s.f?-1:r.f>s.f?1:$o(r)-$o(s)}function XW(r,s){return Qn(r),s==null?!1:xn(r,s)?!0:r.length==s.length&&xn(r.toLowerCase(),s.toLowerCase())}function Ivt(r,s){var a,l,v,y;for(l=0,v=s.gc();l<v;++l)a=s.il(l),Ce(a,99)&&E(a,18).Bb&Uc&&(y=s.jl(l),y!=null&&nie(r,E(y,56)))}function b7e(r,s,a){var l,v,y;for(y=new le(a.a);y.a<y.c.c.length;)v=E(ce(y),221),l=new CV(E(Cr(r.a,v.b),65)),Et(s.a,l),b7e(r,l,v)}function C2(r){var s,a;return tl(r,-129)>0&&tl(r,128)<0?(s=Qr(r)+128,a=(PIe(),HEe)[s],!a&&(a=HEe[s]=new xC(r)),a):new xC(r)}function m7e(r,s){var a,l;return a=s.Hh(r.a),a&&(l=ai(V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),ji)),l!=null)?l:s.ne()}function Dvt(r,s){var a,l;return a=s.Hh(r.a),a&&(l=ai(V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),ji)),l!=null)?l:s.ne()}function Avt(r,s){ute();var a,l;for(l=new Rr(Ar(A0(r).a.Kc(),new M));fi(l);)if(a=E(Zr(l),17),a.d.i==s||a.c.i==s)return a;return null}function lbe(r,s,a){this.c=r,this.f=new vt,this.e=new ka,this.j=new whe,this.n=new whe,this.b=s,this.g=new Wh(s.c,s.d,s.b,s.a),this.a=a}function Une(r){var s,a,l,v;for(this.a=new w0,this.d=new vs,this.e=0,a=r,l=0,v=a.length;l<v;++l)s=a[l],!this.f&&(this.f=s),bte(this,s)}function v7e(r){zy(),r.length==0?(this.e=0,this.d=1,this.a=pe(he(Gr,1),Ei,25,15,[0])):(this.e=1,this.d=r.length,this.a=r,gF(this))}function LF(r,s,a){rJ.call(this),this.a=Pe(PKe,Ive,212,(U1(),pe(he(UT,1),wt,232,0,[Ac,Bl,$c])).length,0,1),this.b=r,this.d=s,this.c=a}function w7e(r){this.d=new vt,this.e=new h2,this.c=Pe(Gr,Ei,25,(It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr])).length,15,1),this.b=r}function $vt(r){var s,a,l,v,y,x;for(x=E(se(r,(bt(),to)),11),ct(x,e$,r.i.n.b),s=_b(r.e),l=s,v=0,y=l.length;v<y;++v)a=l[v],ya(a,x)}function Pvt(r){var s,a,l,v,y,x;for(a=E(se(r,(bt(),to)),11),ct(a,e$,r.i.n.b),s=_b(r.g),v=s,y=0,x=v.length;y<x;++y)l=v[y],Ya(l,a)}function Fvt(r){var s,a;return ta(r.d.i,(Ft(),n$))?(s=E(se(r.c.i,n$),19),a=E(se(r.d.i,n$),19),_f(s.a,a.a)>0):!1}function y7e(r){var s;Qe(Xt(r,(Mi(),gR)))===Qe((D0(),sQ))&&(Wo(r)?(s=E(Xt(Wo(r),gR),334),Nu(r,gR,s)):Nu(r,gR,Dj))}function jvt(r,s,a){var l,v;xre(r.e,s,a,(It(),nr)),xre(r.i,s,a,fr),r.a&&(v=E(se(s,(bt(),to)),11),l=E(se(a,to),11),pte(r.g,v,l))}function E7e(r,s,a){var l,v,y;l=s.c.p,y=s.p,r.b[l][y]=new N6e(r,s),a&&(r.a[l][y]=new IH(s),v=E(se(s,(bt(),mx)),10),v&&_n(r.d,v,s))}function _7e(r,s){var a,l,v;if(Et(wY,r),s.Fc(r),a=E(Cr(Pae,r),21),a)for(v=a.Kc();v.Ob();)l=E(v.Pb(),33),lc(wY,l,0)!=-1||_7e(l,s)}function Mvt(r,s,a){var l;(yKe?(U0t(r),!0):EKe||SKe?(Gk(),!0):_Ke&&(Gk(),!1))&&(l=new X5e(s),l.b=a,B2t(r,l))}function Vne(r,s){var a;a=!r.A.Hc((eh(),n_))||r.q==(Sa(),Tl),r.u.Hc((hd(),q0))?a?o5t(r,s):JHe(r,s):r.u.Hc(cE)&&(a?xOt(r,s):dUe(r,s))}function K6(r,s){var a,l;if(++r.j,s!=null&&(a=(l=r.a.Cb,Ce(l,97)?E(l,97).Jg():null),ASt(s,a))){I5(r.a,4,a);return}I5(r.a,4,E(s,126))}function S7e(r,s,a){return new Wh(m.Math.min(r.a,s.a)-a/2,m.Math.min(r.b,s.b)-a/2,m.Math.abs(r.a-s.a)+a,m.Math.abs(r.b-s.b)+a)}function Nvt(r,s){var a,l;return a=_f(r.a.c.p,s.a.c.p),a!=0?a:(l=_f(r.a.d.i.p,s.a.d.i.p),l!=0?l:_f(s.a.d.p,r.a.d.p))}function Lvt(r,s,a){var l,v,y,x;return y=s.j,x=a.j,y!=x?y.g-x.g:(l=r.f[s.p],v=r.f[a.p],l==0&&v==0?0:l==0?-1:v==0?1:Ts(l,v))}function x7e(r,s,a){var l,v,y;if(!a[s.d])for(a[s.d]=!0,v=new le(w4(s));v.a<v.c.c.length;)l=E(ce(v),213),y=UW(l,s),x7e(r,y,a)}function fbe(r,s,a){var l;switch(l=a[r.g][s],r.g){case 1:case 3:return new Kt(0,l);case 2:case 4:return new Kt(l,0);default:return null}}function Bvt(r,s,a){var l,v;v=E(rte(s.f),209);try{v.Ze(r,a),Ylt(s.f,v)}catch(y){throw y=Mo(y),Ce(y,102)?(l=y,de(l)):de(y)}}function C7e(r,s,a){var l,v,y,x,T,O;return l=null,T=Q0e(k6(),s),y=null,T&&(v=null,O=Y0e(T,a),x=null,O!=null&&(x=r.Ye(T,O)),v=x,y=v),l=y,l}function zvt(r,s,a,l){var v,y,x;return v=new k0(r.e,1,13,(x=s.c,x||(kn(),qg)),(y=a.c,y||(kn(),qg)),Zv(r,s),!1),l?l.Ei(v):l=v,l}function qne(r,s,a,l){var v;if(v=r.length,s>=v)return v;for(s=s>0?s:0;s<v&&!cne((ui(s,r.length),r.charCodeAt(s)),a,l);s++);return s}function Ag(r,s){var a,l;for(l=r.c.length,s.length<l&&(s=Iv(new Array(l),s)),a=0;a<l;++a)qo(s,a,r.c[a]);return s.length>l&&qo(s,l,null),s}function T7e(r,s){var a,l;for(l=r.a.length,s.length<l&&(s=Iv(new Array(l),s)),a=0;a<l;++a)qo(s,a,r.a[a]);return s.length>l&&qo(s,l,null),s}function T2(r,s,a){var l,v,y;return v=E(Cr(r.e,s),387),v?(y=Pde(v,a),mOe(r,v),y):(l=new ahe(r,s,a),Qi(r.e,s,l),U6e(l),null)}function Hvt(r){var s;if(r==null)return null;if(s=jxt(El(r,!0)),s==null)throw de(new $D("Invalid hexBinary value: '"+r+"'"));return s}function HL(r){return zy(),tl(r,0)<0?tl(r,-1)!=0?new Ybe(-1,w6(r)):vae:tl(r,10)<=0?e2e[Qr(r)]:new Ybe(1,r)}function Wne(){return WG(),pe(he(aYe,1),wt,159,0,[oYe,iYe,sYe,XKe,YKe,QKe,eYe,ZKe,JKe,rYe,nYe,tYe,GKe,WKe,KKe,VKe,UKe,qKe,zKe,BKe,HKe,kae])}function k7e(r){var s;this.d=new vt,this.j=new ka,this.g=new ka,s=r.g.b,this.f=E(se(Za(s),(Ft(),Oh)),103),this.e=ot(Dt(ZW(s,r3)))}function R7e(r){this.b=new vt,this.e=new vt,this.d=r,this.a=!qO(So(new Nn(null,new yS(new kg(r.b))),new X_(new d_))).sd((Lv(),LA))}function q1(){q1=xe,cr=new EN("PARENTS",0),ca=new EN("NODES",1),Lb=new EN("EDGES",2),Q2=new EN("PORTS",3),hw=new EN("LABELS",4)}function y4(){y4=xe,aE=new SN("DISTRIBUTED",0),Gz=new SN("JUSTIFIED",1),uke=new SN("BEGIN",2),Aj=new SN(yA,3),cke=new SN("END",4)}function Uvt(r){var s;switch(s=r.yi(null),s){case 10:return 0;case 15:return 1;case 14:return 2;case 11:return 3;case 21:return 4}return-1}function Gne(r){switch(r.g){case 1:return ku(),U0;case 4:return ku(),Op;case 2:return ku(),p1;case 3:return ku(),H0}return ku(),Fm}function Vvt(r,s,a){var l;switch(l=a.q.getFullYear()-Vy+Vy,l<0&&(l=-l),s){case 1:r.a+=l;break;case 2:Sm(r,l%100,2);break;default:Sm(r,l,s)}}function Ti(r,s){var a,l;if(oT(s,r.b),s>=r.b>>1)for(l=r.c,a=r.b;a>s;--a)l=l.b;else for(l=r.a.a,a=0;a<s;++a)l=l.a;return new K5e(r,s,l)}function QW(){QW=xe,Sae=new sfe("NUM_OF_EXTERNAL_SIDES_THAN_NUM_OF_EXTENSIONS_LAST",0),g2e=new sfe("CORNER_CASES_THAN_SINGLE_SIDE_LAST",1)}function qvt(r){var s,a,l,v;for(l=F_t(r),sa(l,_Xe),v=r.d,v.c=Pe(mr,Ht,1,0,5,1),a=new le(l);a.a<a.c.c.length;)s=E(ce(a),456),Cs(v,s.b)}function O7e(r){var s,a,l;for(l=(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),r.o),a=l.c.Kc();a.e!=a.i.gc();)s=E(a.nj(),42),s.dd();return sL(l)}function Wvt(r){var s;u5(E(se(r,(Ft(),Zo)),98))&&(s=r.b,pLe((Vn(0,s.c.length),E(s.c[0],29))),pLe(E(Vt(s,s.c.length-1),29)))}function I7e(r,s){var a,l,v,y;for(a=0,v=new le(s.a);v.a<v.c.c.length;)l=E(ce(v),10),y=l.o.a+l.d.c+l.d.b+r.j,a=m.Math.max(a,y);return a}function JW(r){var s,a,l,v;for(v=0,a=0,l=r.length;a<l;a++)s=(ui(a,r.length),r.charCodeAt(a)),s>=64&&s<128&&(v=Cg(v,E0(1,s-64)));return v}function ZW(r,s){var a,l;return l=null,ta(r,(Mi(),vI))&&(a=E(se(r,vI),94),a.Xe(s)&&(l=a.We(s))),l==null&&Za(r)&&(l=se(Za(r),s)),l}function D7e(r,s){var a,l,v;v=s.d.i,l=v.k,!(l==(dr(),Os)||l==Lg)&&(a=new Rr(Ar(ks(v).a.Kc(),new M)),fi(a)&&Qi(r.k,s,E(Zr(a),17)))}function Kne(r,s){var a,l,v;return l=Fn(r.Tg(),s),a=s-r.Ah(),a<0?(v=r.Yg(l),v>=0?r.lh(v):Pre(r,l)):a<0?Pre(r,l):E(l,66).Nj().Sj(r,r.yh(),a)}function Ut(r){var s;if(Ce(r.a,4)){if(s=abe(r.a),s==null)throw de(new zu(Rqe+r.b+"'. "+kqe+(y0(rH),rH.k)+Hye));return s}else return r.a}function Gvt(r){var s;if(r==null)return null;if(s=h5t(El(r,!0)),s==null)throw de(new $D("Invalid base64Binary value: '"+r+"'"));return s}function Fr(r){var s;try{return s=r.i.Xb(r.e),r.mj(),r.g=r.e++,s}catch(a){throw a=Mo(a),Ce(a,73)?(r.mj(),de(new mc)):de(a)}}function Yne(r){var s;try{return s=r.c.ki(r.e),r.mj(),r.g=r.e++,s}catch(a){throw a=Mo(a),Ce(a,73)?(r.mj(),de(new mc)):de(a)}}function BF(){BF=xe,V2e=(Mi(),z3e),Aae=w3e,yYe=bI,U2e=Z2,xYe=(fG(),_2e),SYe=y2e,CYe=x2e,_Ye=w2e,EYe=(yne(),B2e),Dae=mYe,H2e=vYe,vY=wYe}function eG(r){switch(ZU(),this.c=new vt,this.d=r,r.g){case 0:case 2:this.a=ipe(u_e),this.b=Qo;break;case 3:case 1:this.a=u_e,this.b=ws}}function A7e(r,s,a){var l,v;if(r.c)Of(r.c,r.c.i+s),If(r.c,r.c.j+a);else for(v=new le(r.b);v.a<v.c.c.length;)l=E(ce(v),157),A7e(l,s,a)}function Kvt(r,s){var a,l;if(r.j.length!=s.j.length)return!1;for(a=0,l=r.j.length;a<l;a++)if(!xn(r.j[a],s.j[a]))return!1;return!0}function tG(r,s,a){var l;s.a.length>0&&(Et(r.b,new dIe(s.a,a)),l=s.a.length,0<l?s.a=s.a.substr(0,0):0>l&&(s.a+=bOe(Pe(ap,Cb,25,-l,15,1))))}function $7e(r,s){var a,l,v;for(a=r.o,v=E(E(no(r.r,s),21),84).Kc();v.Ob();)l=E(v.Pb(),111),l.e.a=Xwt(l,a.a),l.e.b=a.b*ot(Dt(l.b.We(gY)))}function Yvt(r,s){var a,l,v,y;return v=r.k,a=ot(Dt(se(r,(bt(),vx)))),y=s.k,l=ot(Dt(se(s,vx))),y!=(dr(),ds)?-1:v!=ds?1:a==l?0:a<l?-1:1}function Xvt(r,s){var a,l;return a=E(E(Cr(r.g,s.a),46).a,65),l=E(E(Cr(r.g,s.b),46).a,65),Dy(s.a,s.b)-Dy(s.a,qfe(a.b))-Dy(s.b,qfe(l.b))}function Qvt(r,s){var a;return a=E(se(r,(Ft(),Ku)),74),WZ(s,bXe)?a?bp(a):(a=new Yl,ct(r,Ku,a)):a&&ct(r,Ku,null),a}function P7e(r){var s;return s=new pm,s.a+="n",r.k!=(dr(),Os)&&gi(gi((s.a+="(",s),JZ(r.k).toLowerCase()),")"),gi((s.a+="_",s),WL(r)),s.a}function Jvt(r,s){Lr(s,"Self-Loop post-processing",1),Bo(So(So(Ec(new Nn(null,new zn(r.b,16)),new rg),new u_),new Um),new Bu),Or(s)}function D5(r,s,a,l){var v;return a>=0?r.hh(s,a,l):(r.eh()&&(l=(v=r.Vg(),v>=0?r.Qg(l):r.eh().ih(r,-1-v,null,l))),r.Sg(s,a,l))}function dbe(r,s){switch(s){case 7:!r.e&&(r.e=new Bn(ra,r,7,4)),Vr(r.e);return;case 8:!r.d&&(r.d=new Bn(ra,r,8,5)),Vr(r.d);return}Jge(r,s)}function W1(r,s){var a;a=r.Zc(s);try{return a.Pb()}catch(l){throw l=Mo(l),Ce(l,109)?de(new xu("Can't get element "+s)):de(l)}}function hbe(r,s){this.e=r,s<toe?(this.d=1,this.a=pe(he(Gr,1),Ei,25,15,[s|0])):(this.d=2,this.a=pe(he(Gr,1),Ei,25,15,[s%toe|0,s/toe|0]))}function F7e(r,s){In();var a,l,v,y;for(a=r,y=s,Ce(r,21)&&!Ce(s,21)&&(a=s,y=r),v=a.Kc();v.Ob();)if(l=v.Pb(),y.Hc(l))return!1;return!0}function eu(r,s,a){var l,v,y,x;return l=r.Xc(s),l!=-1&&(r.ej()?(y=r.fj(),x=$5(r,l),v=r.Zi(4,x,null,l,y),a?a.Ei(v):a=v):$5(r,l)),a}function Zvt(r,s,a){var l,v,y,x;return l=r.Xc(s),l!=-1&&(r.ej()?(y=r.fj(),x=YV(r,l),v=r.Zi(4,x,null,l,y),a?a.Ei(v):a=v):YV(r,l)),a}function j7e(r,s){var a;switch(a=E(ju(r.b,s),124).n,s.g){case 1:r.t>=0&&(a.d=r.t);break;case 3:r.t>=0&&(a.a=r.t)}r.C&&(a.b=r.C.b,a.c=r.C.c)}function A5(){A5=xe,nz=new rV(tK,0),tz=new rV(hoe,1),rz=new rV(poe,2),iz=new rV(goe,3),nz.a=!1,tz.a=!0,rz.a=!1,iz.a=!0}function zF(){zF=xe,oz=new nV(tK,0),bY=new nV(hoe,1),mY=new nV(poe,2),sz=new nV(goe,3),oz.a=!1,bY.a=!0,mY.a=!1,sz.a=!0}function ewt(r){var s;s=r.a;do s=E(Zr(new Rr(Ar(fc(s).a.Kc(),new M))),17).c.i,s.k==(dr(),ua)&&r.b.Fc(s);while(s.k==(dr(),ua));r.b=m2(r.b)}function twt(r){var s,a,l;for(l=r.c.a,r.p=(Jr(l),new Kf(l)),a=new le(l);a.a<a.c.c.length;)s=E(ce(a),10),s.p=N_t(s).a;In(),sa(r.p,new Jm)}function M7e(r){var s,a,l,v;if(l=0,v=kT(r),v.c.length==0)return 1;for(a=new le(v);a.a<a.c.c.length;)s=E(ce(a),33),l+=M7e(s);return l}function nwt(r,s){var a,l,v;for(v=0,l=E(E(no(r.r,s),21),84).Kc();l.Ob();)a=E(l.Pb(),111),v+=a.d.b+a.b.rf().a+a.d.c,l.Ob()&&(v+=r.w);return v}function rwt(r,s){var a,l,v;for(v=0,l=E(E(no(r.r,s),21),84).Kc();l.Ob();)a=E(l.Pb(),111),v+=a.d.d+a.b.rf().b+a.d.a,l.Ob()&&(v+=r.w);return v}function iwt(r,s,a,l){if(s.a<l.a)return!0;if(s.a==l.a){if(s.b<l.b)return!0;if(s.b==l.b&&r.b>a.b)return!0}return!1}function Xne(r,s){return ha(r)?!!KGe[s]:r.hm?!!r.hm[s]:GC(r)?!!GGe[s]:WC(r)?!!WGe[s]:!1}function Nu(r,s,a){return a==null?(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),KW(r.o,s)):(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),dG(r.o,s,a)),r}function owt(r,s,a,l){var v,y;y=s.Xe((Mi(),mR))?E(s.We(mR),21):r.j,v=Kmt(y),v!=(WG(),kae)&&(a&&!ube(v)||vme(Mxt(r,v,l),s))}function nG(r,s,a,l){var v,y,x;return y=Fn(r.Tg(),s),v=s-r.Ah(),v<0?(x=r.Yg(y),x>=0?r._g(x,a,!0):YS(r,y,a)):E(y,66).Nj().Pj(r,r.yh(),v,a,l)}function swt(r,s,a,l){var v,y,x;a.mh(s)&&(Wr(),Hte(s)?(v=E(a.ah(s),153),Ivt(r,v)):(y=(x=s,x?E(l,49).xh(x):null),y&&GH(a.ah(s),y)))}function awt(r){switch(r.g){case 1:return LS(),ez;case 3:return LS(),ZB;case 2:return LS(),Oae;case 4:return LS(),Rae;default:return null}}function pbe(r){switch(typeof r){case Tie:return ew(r);case lve:return ss(r);case L5:return tr(),r?1231:1237;default:return r==null?0:gS(r)}}function uwt(r,s,a){if(r.e)switch(r.b){case 1:Mft(r.c,s,a);break;case 0:Nft(r.c,s,a)}else E$e(r.c,s,a);r.a[s.p][a.p]=r.c.i,r.a[a.p][s.p]=r.c.e}function N7e(r){var s,a;if(r==null)return null;for(a=Pe(Pm,ft,193,r.length,0,2),s=0;s<a.length;s++)a[s]=E(O1t(r[s],r[s].length),193);return a}function rG(r){var s;if(wne(r))return iq(r),r.Lk()&&(s=YF(r.e,r.b,r.c,r.a,r.j),r.j=s),r.g=r.a,++r.a,++r.c,r.i=0,r.j;throw de(new mc)}function cwt(r,s){var a,l,v,y;return y=r.o,a=r.p,y<a?y*=y:a*=a,l=y+a,y=s.o,a=s.p,y<a?y*=y:a*=a,v=y+a,l<v?-1:l==v?0:1}function Zv(r,s){var a,l,v;if(v=mMe(r,s),v>=0)return v;if(r.Fk()){for(l=0;l<r.i;++l)if(a=r.Gk(E(r.g[l],56)),Qe(a)===Qe(s))return l}return-1}function E4(r,s,a){var l,v;if(v=r.gc(),s>=v)throw de(new JC(s,v));if(r.hi()&&(l=r.Xc(a),l>=0&&l!=s))throw de(new Yn(VB));return r.mi(s,a)}function gbe(r,s){if(this.a=E(Jr(r),245),this.b=E(Jr(s),245),r.vd(s)>0||r==(n8(),aae)||s==(RD(),uae))throw de(new Yn("Invalid range: "+m$e(r,s)))}function L7e(r){var s,a;for(this.b=new vt,this.c=r,this.a=!1,a=new le(r.a);a.a<a.c.c.length;)s=E(ce(a),10),this.a=this.a|s.k==(dr(),Os)}function lwt(r,s){var a,l,v;for(a=bS(new db,r),v=new le(s);v.a<v.c.c.length;)l=E(ce(v),121),c1(qf(Hh(Uh(zh(new Wd,0),0),a),l));return a}function B7e(r,s,a){var l,v,y;for(v=new Rr(Ar((s?fc(r):ks(r)).a.Kc(),new M));fi(v);)l=E(Zr(v),17),y=s?l.c.i:l.d.i,y.k==(dr(),th)&&Vu(y,a)}function vT(){vT=xe,kX=new uV(L0,0),ece=new uV("PORT_POSITION",1),dR=new uV("NODE_SIZE_WHERE_SPACE_PERMITS",2),fR=new uV("NODE_SIZE",3)}function xm(){xm=xe,Vce=new M8("AUTOMATIC",0),Pz=new M8(U5,1),Fz=new M8(V5,2),ZX=new M8("TOP",3),QX=new M8(Ave,4),JX=new M8(yA,5)}function bbe(r,s,a,l){nA();var v,y;for(v=0,y=0;y<a;y++)v=Xa(Va(zs(s[y],Ou),zs(l,Ou)),zs(Qr(v),Ou)),r[y]=Qr(v),v=eT(v,32);return Qr(v)}function mbe(r,s,a){var l,v;for(v=0,l=0;l<Tae;l++)v=m.Math.max(v,Sne(r.a[s.g][l],a));return s==(U1(),Bl)&&r.b&&(v=m.Math.max(v,r.b.b)),v}function iG(r,s){var a,l;if(bde(s>0),(s&-s)==s)return ss(s*Dd(r,31)*4656612873077393e-25);do a=Dd(r,31),l=a%s;while(a-l+(s-1)<0);return ss(l)}function ew(r){Q5e();var s,a,l;return a=":"+r,l=dY[a],l!=null?ss((Qn(l),l)):(l=h2e[a],s=l==null?eTt(r):ss((Qn(l),l)),Oft(),dY[a]=s,s)}function z7e(r,s,a){Lr(a,"Compound graph preprocessor",1),r.a=new kS,GHe(r,s,null),z4t(r,s),SCt(r),ct(s,(bt(),$Se),r.a),r.a=null,fd(r.b),Or(a)}function fwt(r,s,a){switch(a.g){case 1:r.a=s.a/2,r.b=0;break;case 2:r.a=s.a,r.b=s.b/2;break;case 3:r.a=s.a/2,r.b=s.b;break;case 4:r.a=0,r.b=s.b/2}}function dwt(r){var s,a,l;for(l=E(no(r.a,(T4(),KY)),15).Kc();l.Ob();)a=E(l.Pb(),101),s=Rbe(a),i6(r,a,s[0],(NS(),dx),0),i6(r,a,s[1],hx,1)}function hwt(r){var s,a,l;for(l=E(no(r.a,(T4(),YY)),15).Kc();l.Ob();)a=E(l.Pb(),101),s=Rbe(a),i6(r,a,s[0],(NS(),dx),0),i6(r,a,s[1],hx,1)}function Qne(r){switch(r.g){case 0:return null;case 1:return new zFe;case 2:return new $k;default:throw de(new Yn(hse+(r.f!=null?r.f:""+r.g)))}}function UL(r,s,a){var l,v;for(Fbt(r,s-r.s,a-r.t),v=new le(r.n);v.a<v.c.c.length;)l=E(ce(v),211),oP(l,l.e+s-r.s),M7(l,l.f+a-r.t);r.s=s,r.t=a}function pwt(r){var s,a,l,v,y;for(a=0,v=new le(r.a);v.a<v.c.c.length;)l=E(ce(v),121),l.d=a++;return s=q2t(r),y=null,s.c.length>1&&(y=lwt(r,s)),y}function Jne(r){var s;return r.f&&r.f.kh()&&(s=E(r.f,49),r.f=E(jy(r,s),82),r.f!=s&&r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,9,8,s,r.f))),r.f}function Zne(r){var s;return r.i&&r.i.kh()&&(s=E(r.i,49),r.i=E(jy(r,s),82),r.i!=s&&r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,9,7,s,r.i))),r.i}function mu(r){var s;return r.b&&r.b.Db&64&&(s=r.b,r.b=E(jy(r,s),18),r.b!=s&&r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,9,21,s,r.b))),r.b}function oG(r,s){var a,l,v;r.d==null?(++r.e,++r.f):(l=s.Sh(),ICt(r,r.f+1),v=(l&qi)%r.d.length,a=r.d[v],!a&&(a=r.d[v]=r.uj()),a.Fc(s),++r.f)}function vbe(r,s,a){var l;return s.Kj()?!1:s.Zj()!=-2?(l=s.zj(),l==null?a==null:Ki(l,a)):s.Hj()==r.e.Tg()&&a==null}function sG(){var r;Eh(16,MUe),r=AFe(16),this.b=Pe(lae,SB,317,r,0,1),this.c=Pe(lae,SB,317,r,0,1),this.a=null,this.e=null,this.i=0,this.f=r-1,this.g=0}function P0(r){jde.call(this),this.k=(dr(),Os),this.j=(Eh(6,AT),new Fl(6)),this.b=(Eh(2,AT),new Fl(2)),this.d=new KP,this.f=new YP,this.a=r}function gwt(r){var s,a;r.c.length<=1||(s=LBe(r,(It(),Br)),kNe(r,E(s.a,19).a,E(s.b,19).a),a=LBe(r,nr),kNe(r,E(a.a,19).a,E(a.b,19).a))}function HF(){HF=xe,fCe=new mN("SIMPLE",0),nce=new mN(Doe,1),rce=new mN("LINEAR_SEGMENTS",2),lj=new mN("BRANDES_KOEPF",3),fj=new mN(cqe,4)}function wbe(r,s,a){u5(E(se(s,(Ft(),Zo)),98))||(h1e(r,s,tw(s,a)),h1e(r,s,tw(s,(It(),Br))),h1e(r,s,tw(s,Jn)),In(),sa(s.j,new nM(r)))}function H7e(r,s,a,l){var v,y,x;for(v=E(no(l?r.a:r.b,s),21),x=v.Kc();x.Ob();)if(y=E(x.Pb(),33),IG(r,a,y))return!0;return!1}function ere(r){var s,a;for(a=new Tr(r);a.e!=a.i.gc();)if(s=E(Fr(a),87),s.e||(!s.d&&(s.d=new xs(Au,s,1)),s.d).i!=0)return!0;return!1}function tre(r){var s,a;for(a=new Tr(r);a.e!=a.i.gc();)if(s=E(Fr(a),87),s.e||(!s.d&&(s.d=new xs(Au,s,1)),s.d).i!=0)return!0;return!1}function bwt(r){var s,a,l;for(s=0,l=new le(r.c.a);l.a<l.c.c.length;)a=E(ce(l),10),s+=C0(new Rr(Ar(ks(a).a.Kc(),new M)));return s/r.c.a.c.length}function U7e(r){var s,a;for(r.c||xRt(r),a=new Yl,s=new le(r.a),ce(s);s.a<s.c.c.length;)Ii(a,E(ce(s),407).a);return vr(a.b!=0),Xh(a,a.c.b),a}function nre(){nre=xe,QTe=(Yre(),GTe),XTe=new pS(8),new bu((Mi(),Z2),XTe),new bu(e_,8),pnt=qTe,KTe=snt,YTe=ant,hnt=new bu(Bz,(tr(),!1))}function ybe(r,s,a,l){switch(s){case 7:return!r.e&&(r.e=new Bn(ra,r,7,4)),r.e;case 8:return!r.d&&(r.d=new Bn(ra,r,8,5)),r.d}return Bge(r,s,a,l)}function rre(r){var s;return r.a&&r.a.kh()&&(s=E(r.a,49),r.a=E(jy(r,s),138),r.a!=s&&r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,9,5,s,r.a))),r.a}function k2(r){return r<48||r>102?-1:r<=57?r-48:r<65?-1:r<=70?r-65+10:r<97?-1:r-97+10}function ire(r,s){if(r==null)throw de(new LC("null key in entry: null="+s));if(s==null)throw de(new LC("null value in entry: "+r+"=null"))}function mwt(r,s){for(var a,l;r.Ob();)if(!s.Ob()||(a=r.Pb(),l=s.Pb(),!(Qe(a)===Qe(l)||a!=null&&Ki(a,l))))return!1;return!s.Ob()}function V7e(r,s){var a;return a=pe(he(ba,1),Lu,25,15,[Sne(r.a[0],s),Sne(r.a[1],s),Sne(r.a[2],s)]),r.d&&(a[0]=m.Math.max(a[0],a[2]),a[2]=a[0]),a}function q7e(r,s){var a;return a=pe(he(ba,1),Lu,25,15,[FW(r.a[0],s),FW(r.a[1],s),FW(r.a[2],s)]),r.d&&(a[0]=m.Math.max(a[0],a[2]),a[2]=a[0]),a}function R2(){R2=xe,fue=new bN("GREEDY",0),lSe=new bN(YVe,1),due=new bN(Doe,2),Q9=new bN("MODEL_ORDER",3),X9=new bN("GREEDY_MODEL_ORDER",4)}function W7e(r,s){var a,l,v;for(r.b[s.g]=1,l=Ti(s.d,0);l.b!=l.d.c;)a=E(Ci(l),188),v=a.c,r.b[v.g]==1?Ii(r.a,a):r.b[v.g]==2?r.b[v.g]=1:W7e(r,v)}function vwt(r,s){var a,l,v;for(v=new Fl(s.gc()),l=s.Kc();l.Ob();)a=E(l.Pb(),286),a.c==a.f?tA(r,a,a.c):b_t(r,a)||(v.c[v.c.length]=a);return v}function wwt(r,s,a){var l,v,y,x,T;for(T=r.r+s,r.r+=s,r.d+=a,l=a/r.n.c.length,v=0,x=new le(r.n);x.a<x.c.c.length;)y=E(ce(x),211),Rxt(y,T,l,v),++v}function ywt(r){var s,a,l;for(MO(r.b.a),r.a=Pe(hY,Ht,57,r.c.c.a.b.c.length,0,1),s=0,l=new le(r.c.c.a.b);l.a<l.c.c.length;)a=E(ce(l),57),a.f=s++}function Ewt(r){var s,a,l;for(MO(r.b.a),r.a=Pe(zae,Ht,81,r.c.a.a.b.c.length,0,1),s=0,l=new le(r.c.a.a.b);l.a<l.c.c.length;)a=E(ce(l),81),a.i=s++}function _wt(r,s,a){var l;Lr(a,"Shrinking tree compaction",1),Wt(Gt(se(s,(I6(),q9))))?(jgt(r,s.f),C8e(s.f,(l=s.c,l))):C8e(s.f,s.c),Or(a)}function G7e(r){var s;if(s=_mt(r),!fi(r))throw de(new xu("position (0) must be less than the number of elements that remained ("+s+")"));return Zr(r)}function K7e(r,s,a){var l;try{return _4(r,s+r.j,a+r.k)}catch(v){throw v=Mo(v),Ce(v,73)?(l=v,de(new xu(l.g+rK+s+fu+a+")."))):de(v)}}function Swt(r,s,a){var l;try{return Q7e(r,s+r.j,a+r.k)}catch(v){throw v=Mo(v),Ce(v,73)?(l=v,de(new xu(l.g+rK+s+fu+a+")."))):de(v)}}function xwt(r,s,a){var l;try{return J7e(r,s+r.j,a+r.k)}catch(v){throw v=Mo(v),Ce(v,73)?(l=v,de(new xu(l.g+rK+s+fu+a+")."))):de(v)}}function Y7e(r){switch(r.g){case 1:return It(),nr;case 4:return It(),Jn;case 3:return It(),fr;case 2:return It(),Br;default:return It(),Tc}}function Cwt(r,s,a){s.k==(dr(),Os)&&a.k==ua&&(r.d=kne(s,(It(),Br)),r.b=kne(s,Jn)),a.k==Os&&s.k==ua&&(r.d=kne(a,(It(),Jn)),r.b=kne(a,Br))}function ore(r,s){var a,l,v;for(v=Sc(r,s),l=v.Kc();l.Ob();)if(a=E(l.Pb(),11),se(a,(bt(),pd))!=null||Q8(new kg(a.b)))return!0;return!1}function Ebe(r,s){return Of(s,r.e+r.d+(r.c.c.length==0?0:r.b)),If(s,r.f),r.a=m.Math.max(r.a,s.f),r.d+=s.g+(r.c.c.length==0?0:r.b),Et(r.c,s),!0}function Twt(r,s,a){var l,v,y,x;for(x=0,l=a/r.a.c.length,y=new le(r.a);y.a<y.c.c.length;)v=E(ce(y),187),UL(v,v.s,v.t+x*l),wwt(v,r.d-v.r+s,l),++x}function kwt(r){var s,a,l,v,y;for(l=new le(r.b);l.a<l.c.c.length;)for(a=E(ce(l),29),s=0,y=new le(a.a);y.a<y.c.c.length;)v=E(ce(y),10),v.p=s++}function Rwt(r,s){var a,l,v,y,x,T;for(v=s.length-1,x=0,T=0,l=0;l<=v;l++)y=s[l],a=G2t(v,l)*Cge(1-r,v-l)*Cge(r,l),x+=y.a*a,T+=y.b*a;return new Kt(x,T)}function X7e(r,s){var a,l,v,y,x;for(a=s.gc(),r.qi(r.i+a),y=s.Kc(),x=r.i,r.i+=a,l=x;l<r.i;++l)v=y.Pb(),K8(r,l,r.oi(l,v)),r.bi(l,v),r.ci();return a!=0}function Owt(r,s,a){var l,v,y;return r.ej()?(l=r.Vi(),y=r.fj(),++r.j,r.Hi(l,r.oi(l,s)),v=r.Zi(3,null,s,l,y),a?a.Ei(v):a=v):d5e(r,r.Vi(),s),a}function Iwt(r,s,a){var l,v,y;return l=E(ke(ul(r.a),s),87),y=(v=l.c,Ce(v,88)?E(v,26):(kn(),Mp)),(y.Db&64?jy(r.b,y):y)==a?FG(l):E6(l,a),y}function _be(r,s,a,l,v,y,x,T){var O,A;l&&(O=l.a[0],O&&_be(r,s,a,O,v,y,x,T),iyt(r,a,l.d,v,y,x,T)&&s.Fc(l),A=l.a[1],A&&_be(r,s,a,A,v,y,x,T))}function Dwt(r,s){var a;return r.a||(a=Pe(ba,Lu,25,0,15,1),by(r.b.a,new aD(a)),a.sort(nFe(rt.prototype.te,rt,[])),r.a=new V5e(a,r.d)),Gq(r.a,s)}function _4(r,s,a){try{return dS(Zte(r,s,a),1)}catch(l){throw l=Mo(l),Ce(l,320)?de(new xu(boe+r.o+"*"+r.p+moe+s+fu+a+voe)):de(l)}}function Q7e(r,s,a){try{return dS(Zte(r,s,a),0)}catch(l){throw l=Mo(l),Ce(l,320)?de(new xu(boe+r.o+"*"+r.p+moe+s+fu+a+voe)):de(l)}}function J7e(r,s,a){try{return dS(Zte(r,s,a),2)}catch(l){throw l=Mo(l),Ce(l,320)?de(new xu(boe+r.o+"*"+r.p+moe+s+fu+a+voe)):de(l)}}function Z7e(r,s){if(r.g==-1)throw de(new Kl);r.mj();try{r.d._c(r.g,s),r.f=r.d.j}catch(a){throw a=Mo(a),Ce(a,73)?de(new Td):de(a)}}function Awt(r,s,a){Lr(a,"Linear segments node placement",1),r.b=E(se(s,(bt(),aR)),304),W5t(r,s),O4t(r,s),q4t(r,s),C5t(r),r.a=null,r.b=null,Or(a)}function VL(r,s){var a,l,v,y;for(y=r.gc(),s.length<y&&(s=Iv(new Array(y),s)),v=s,l=r.Kc(),a=0;a<y;++a)qo(v,a,l.Pb());return s.length>y&&qo(s,y,null),s}function $wt(r,s){var a,l;if(l=r.gc(),s==null){for(a=0;a<l;a++)if(r.Xb(a)==null)return a}else for(a=0;a<l;a++)if(Ki(s,r.Xb(a)))return a;return-1}function sre(r,s){var a,l,v;return a=s.cd(),v=s.dd(),l=r.xc(a),!(!(Qe(v)===Qe(l)||v!=null&&Ki(v,l))||l==null&&!r._b(a))}function Pwt(r,s){var a,l,v;return s<=22?(a=r.l&(1<<s)-1,l=v=0):s<=44?(a=r.l,l=r.m&(1<<s-22)-1,v=0):(a=r.l,l=r.m,v=r.h&(1<<s-44)-1),Jl(a,l,v)}function Fwt(r,s){switch(s.g){case 1:return r.f.n.d+r.t;case 3:return r.f.n.a+r.t;case 2:return r.f.n.c+r.s;case 4:return r.f.n.b+r.s;default:return 0}}function jwt(r,s){var a,l;switch(l=s.c,a=s.a,r.b.g){case 0:a.d=r.e-l.a-l.d;break;case 1:a.d+=r.e;break;case 2:a.c=r.e-l.a-l.d;break;case 3:a.c=r.e+l.d}}function Sbe(r,s,a,l){var v,y;this.a=s,this.c=l,v=r.a,bH(this,new Kt(-v.c,-v.d)),io(this.b,a),y=l/2,s.a?DN(this.b,0,y):DN(this.b,y,0),Et(r.c,this)}function aG(){aG=xe,Ice=new lV(L0,0),cTe=new lV(XVe,1),lTe=new lV("EDGE_LENGTH_BY_POSITION",2),uTe=new lV("CROSSING_MINIMIZATION_BY_POSITION",3)}function are(r,s){var a,l;if(a=E(f4(r.g,s),33),a)return a;if(l=E(f4(r.j,s),118),l)return l;throw de(new N1("Referenced shape does not exist: "+s))}function Mwt(r,s){if(r.c==s)return r.d;if(r.d==s)return r.c;throw de(new Yn("Node 'one' must be either source or target of edge 'edge'."))}function Nwt(r,s){if(r.c.i==s)return r.d.i;if(r.d.i==s)return r.c.i;throw de(new Yn("Node "+s+" is neither source nor target of edge "+r))}function Lwt(r,s){var a;switch(s.g){case 2:case 4:a=r.a,r.c.d.n.b<a.d.n.b&&(a=r.c),Uv(r,s,(Ig(),Zae),a);break;case 1:case 3:Uv(r,s,(Ig(),nI),null)}}function ure(r,s,a,l,v,y){var x,T,O,A,F;for(x=Hyt(s,a,y),T=a==(It(),Jn)||a==nr?-1:1,A=r[a.g],F=0;F<A.length;F++)O=A[F],O>0&&(O+=v),A[F]=x,x+=T*(O+l)}function eMe(r){var s,a,l;for(l=r.f,r.n=Pe(ba,Lu,25,l,15,1),r.d=Pe(ba,Lu,25,l,15,1),s=0;s<l;s++)a=E(Vt(r.c.b,s),29),r.n[s]=I7e(r,a),r.d[s]=fBe(r,a)}function cre(r,s){var a,l,v;for(v=0,l=2;l<s;l<<=1)r.Db&l&&++v;if(v==0){for(a=s<<=1;a<=128;a<<=1)if(r.Db&a)return 0;return-1}else return v}function tMe(r,s){var a,l,v,y,x;for(x=tf(r.e.Tg(),s),y=null,a=E(r.g,119),v=0;v<r.i;++v)l=a[v],x.rl(l.ak())&&(!y&&(y=new jE),ei(y,l));y&&hUe(r,y)}function nMe(r){var s,a,l;if(!r)return null;if(r.dc())return"";for(l=new bg,a=r.Kc();a.Ob();)s=a.Pb(),Fu(l,ai(s)),l.a+=" ";return BZ(l,l.a.length-1)}function xbe(r,s,a){var l,v,y,x,T;for(qbt(r),v=(r.k==null&&(r.k=Pe(dae,ft,78,0,0,1)),r.k),y=0,x=v.length;y<x;++y)l=v[y],xbe(l);T=r.f,T&&xbe(T)}function rMe(r,s){var a=new Array(s),l;switch(r){case 14:case 15:l=0;break;case 16:l=!1;break;default:return a}for(var v=0;v<s;++v)a[v]=l;return a}function WS(r){var s,a,l;for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),57),s.c.$b();Ey(r.d)?l=r.a.c:l=r.a.d,Rf(l,new vf(r)),r.c.Me(r),RBe(r)}function iMe(r){var s,a,l,v;for(a=new le(r.e.c);a.a<a.c.c.length;){for(s=E(ce(a),282),v=new le(s.b);v.a<v.c.c.length;)l=E(ce(v),447),z0e(l);XNe(s)}}function uG(r){var s,a,l,v,y;for(l=0,y=0,v=0,a=new le(r.a);a.a<a.c.c.length;)s=E(ce(a),187),y=m.Math.max(y,s.r),l+=s.d+(v>0?r.c:0),++v;r.b=l,r.d=y}function Bwt(r,s){var a,l,v,y,x;for(l=0,v=0,a=0,x=new le(s);x.a<x.c.c.length;)y=E(ce(x),200),l=m.Math.max(l,y.e),v+=y.b+(a>0?r.g:0),++a;r.c=v,r.d=l}function oMe(r,s){var a;return a=pe(he(ba,1),Lu,25,15,[mbe(r,(U1(),Ac),s),mbe(r,Bl,s),mbe(r,$c,s)]),r.f&&(a[0]=m.Math.max(a[0],a[2]),a[2]=a[0]),a}function zwt(r,s,a){var l;try{$G(r,s+r.j,a+r.k,!1,!0)}catch(v){throw v=Mo(v),Ce(v,73)?(l=v,de(new xu(l.g+rK+s+fu+a+")."))):de(v)}}function Hwt(r,s,a){var l;try{$G(r,s+r.j,a+r.k,!0,!1)}catch(v){throw v=Mo(v),Ce(v,73)?(l=v,de(new xu(l.g+rK+s+fu+a+")."))):de(v)}}function sMe(r){var s;ta(r,(Ft(),wx))&&(s=E(se(r,wx),21),s.Hc((CT(),g1))?(s.Mc(g1),s.Fc(b1)):s.Hc(b1)&&(s.Mc(b1),s.Fc(g1)))}function aMe(r){var s;ta(r,(Ft(),wx))&&(s=E(se(r,wx),21),s.Hc((CT(),w1))?(s.Mc(w1),s.Fc(Dp)):s.Hc(Dp)&&(s.Mc(Dp),s.Fc(w1)))}function Uwt(r,s,a){Lr(a,"Self-Loop ordering",1),Bo(xf(So(So(Ec(new Nn(null,new zn(s.b,16)),new Xc),new kw),new LR),new C1),new W7(r)),Or(a)}function qL(r,s,a,l){var v,y;for(v=s;v<r.c.length;v++)if(y=(Vn(v,r.c.length),E(r.c[v],11)),a.Mb(y))l.c[l.c.length]=y;else return v;return r.c.length}function lre(r,s,a,l){var v,y,x,T;return r.a==null&&W2t(r,s),x=s.b.j.c.length,y=a.d.p,T=l.d.p,v=T-1,v<0&&(v=x-1),y<=v?r.a[v]-r.a[y]:r.a[x-1]-r.a[y]+r.a[v]}function Vwt(r){var s,a;if(!r.b)for(r.b=Mq(E(r.f,33).Ag().i),a=new Tr(E(r.f,33).Ag());a.e!=a.i.gc();)s=E(Fr(a),137),Et(r.b,new DD(s));return r.b}function qwt(r){var s,a;if(!r.e)for(r.e=Mq(qee(E(r.f,33)).i),a=new Tr(qee(E(r.f,33)));a.e!=a.i.gc();)s=E(Fr(a),118),Et(r.e,new qH(s));return r.e}function uMe(r){var s,a;if(!r.a)for(r.a=Mq(Eq(E(r.f,33)).i),a=new Tr(Eq(E(r.f,33)));a.e!=a.i.gc();)s=E(Fr(a),33),Et(r.a,new XZ(r,s));return r.a}function GS(r){var s;if(!r.C&&(r.D!=null||r.B!=null))if(s=dOt(r),s)r.yk(s);else try{r.yk(null)}catch(a){if(a=Mo(a),!Ce(a,60))throw de(a)}return r.C}function Wwt(r){switch(r.q.g){case 5:AMe(r,(It(),Jn)),AMe(r,Br);break;case 4:xHe(r,(It(),Jn)),xHe(r,Br);break;default:$Ne(r,(It(),Jn)),$Ne(r,Br)}}function Gwt(r){switch(r.q.g){case 5:$Me(r,(It(),fr)),$Me(r,nr);break;case 4:CHe(r,(It(),fr)),CHe(r,nr);break;default:PNe(r,(It(),fr)),PNe(r,nr)}}function S4(r,s){var a,l,v;for(v=new ka,l=r.Kc();l.Ob();)a=E(l.Pb(),37),e9(a,v.a,0),v.a+=a.f.a+s,v.b=m.Math.max(v.b,a.f.b);return v.b>0&&(v.b+=s),v}function cG(r,s){var a,l,v;for(v=new ka,l=r.Kc();l.Ob();)a=E(l.Pb(),37),e9(a,0,v.b),v.b+=a.f.b+s,v.a=m.Math.max(v.a,a.f.a);return v.a>0&&(v.a+=s),v}function cMe(r){var s,a,l;for(l=qi,a=new le(r.a);a.a<a.c.c.length;)s=E(ce(a),10),ta(s,(bt(),ol))&&(l=m.Math.min(l,E(se(s,ol),19).a));return l}function lMe(r,s){var a,l;if(s.length==0)return 0;for(a=Vee(r.a,s[0],(It(),nr)),a+=Vee(r.a,s[s.length-1],fr),l=0;l<s.length;l++)a+=I2t(r,l,s);return a}function fMe(){JF(),this.c=new vt,this.i=new vt,this.e=new w0,this.f=new w0,this.g=new w0,this.j=new vt,this.a=new vt,this.b=new jr,this.k=new jr}function fre(r,s){var a,l;return r.Db>>16==6?r.Cb.ih(r,5,J1,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||r.zh()),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function Kwt(r){l6();var s=r.e;if(s&&s.stack){var a=s.stack,l=s+`
`;return a.substring(0,l.length)==l&&(a=a.substring(l.length)),a.split(`
`)}return[]}function Ywt(r){var s;return s=(TFe(),sKe),s[r>>>28]|s[r>>24&15]<<4|s[r>>20&15]<<8|s[r>>16&15]<<12|s[r>>12&15]<<16|s[r>>8&15]<<20|s[r>>4&15]<<24|s[r&15]<<28}function dMe(r){var s,a,l;r.b==r.c&&(l=r.a.length,a=oge(m.Math.max(8,l))<<1,r.b!=0?(s=t1(r.a,a),PFe(r,s,l),r.a=s,r.b=0):tU(r.a,a),r.c=l)}function Xwt(r,s){var a;return a=r.b,a.Xe((Mi(),Fd))?a.Hf()==(It(),nr)?-a.rf().a-ot(Dt(a.We(Fd))):s+ot(Dt(a.We(Fd))):a.Hf()==(It(),nr)?-a.rf().a:s}function WL(r){var s;return r.b.c.length!=0&&E(Vt(r.b,0),70).a?E(Vt(r.b,0),70).a:(s=Xee(r),s??""+(r.c?lc(r.c.a,r,0):-1))}function lG(r){var s;return r.f.c.length!=0&&E(Vt(r.f,0),70).a?E(Vt(r.f,0),70).a:(s=Xee(r),s??""+(r.i?lc(r.i.j,r,0):-1))}function Qwt(r,s){var a,l;if(s<0||s>=r.gc())return null;for(a=s;a<r.gc();++a)if(l=E(r.Xb(a),128),a==r.gc()-1||!l.o)return new Ra(Ot(a),l);return null}function Jwt(r,s,a){var l,v,y,x,T;for(y=r.c,T=a?s:r,l=a?r:s,v=T.p+1;v<l.p;++v)if(x=E(Vt(y.a,v),10),!(x.k==(dr(),Lg)||Tyt(x)))return!1;return!0}function Cbe(r){var s,a,l,v,y;for(y=0,v=ws,l=0,a=new le(r.a);a.a<a.c.c.length;)s=E(ce(a),187),y+=s.r+(l>0?r.c:0),v=m.Math.max(v,s.d),++l;r.e=y,r.b=v}function Zwt(r){var s,a;if(!r.b)for(r.b=Mq(E(r.f,118).Ag().i),a=new Tr(E(r.f,118).Ag());a.e!=a.i.gc();)s=E(Fr(a),137),Et(r.b,new DD(s));return r.b}function eyt(r,s){var a,l,v;if(s.dc())return JD(),JD(),iH;for(a=new g5e(r,s.gc()),v=new Tr(r);v.e!=v.i.gc();)l=Fr(v),s.Hc(l)&&ei(a,l);return a}function Tbe(r,s,a,l){return s==0?l?(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),r.o):(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),sL(r.o)):nG(r,s,a,l)}function dre(r){var s,a;if(r.rb)for(s=0,a=r.rb.i;s<a;++s)IN(ke(r.rb,s));if(r.vb)for(s=0,a=r.vb.i;s<a;++s)IN(ke(r.vb,s));iF((Qf(),Ba),r),r.Bb|=1}function _o(r,s,a,l,v,y,x,T,O,A,F,z,q,Q){return HNe(r,s,l,null,v,y,x,T,O,A,q,!0,Q),jge(r,F),Ce(r.Cb,88)&&xT(kd(E(r.Cb,88)),2),a&&j1e(r,a),Mge(r,z),r}function tyt(r){var s,a;if(r==null)return null;a=0;try{a=xh(r,qa,qi)&ls}catch(l){if(l=Mo(l),Ce(l,127))s=tW(r),a=s[0];else throw de(l)}return TL(a)}function nyt(r){var s,a;if(r==null)return null;a=0;try{a=xh(r,qa,qi)&ls}catch(l){if(l=Mo(l),Ce(l,127))s=tW(r),a=s[0];else throw de(l)}return TL(a)}function ryt(r,s){var a,l,v;return v=r.h-s.h,v<0||(a=r.l-s.l,l=r.m-s.m+(a>>22),v+=l>>22,v<0)?!1:(r.l=a&$d,r.m=l&$d,r.h=v&N0,!0)}function iyt(r,s,a,l,v,y,x){var T,O;return!(s.Ae()&&(O=r.a.ue(a,l),O<0||!v&&O==0)||s.Be()&&(T=r.a.ue(a,y),T>0||!x&&T==0))}function oyt(r,s){L6();var a;if(a=r.j.g-s.j.g,a!=0)return 0;switch(r.j.g){case 2:return Fne(s,nSe)-Fne(r,nSe);case 4:return Fne(r,tSe)-Fne(s,tSe)}return 0}function syt(r){switch(r.g){case 0:return pue;case 1:return gue;case 2:return bue;case 3:return mue;case 4:return JY;case 5:return vue;default:return null}}function Gu(r,s,a){var l,v;return l=(v=new e8,S2(v,s),jl(v,a),ei((!r.c&&(r.c=new St(kx,r,12,10)),r.c),v),v),Kv(l,0),hT(l,1),Jv(l,!0),Qv(l,!0),l}function $5(r,s){var a,l;if(s>=r.i)throw de(new NZ(s,r.i));return++r.j,a=r.g[s],l=r.i-s-1,l>0&&ll(r.g,s+1,r.g,s,l),qo(r.g,--r.i,null),r.fi(s,a),r.ci(),a}function hMe(r,s){var a,l;return r.Db>>16==17?r.Cb.ih(r,21,Pp,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||r.zh()),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function ayt(r){var s,a,l,v;for(In(),sa(r.c,r.a),v=new le(r.c);v.a<v.c.c.length;)for(l=ce(v),a=new le(r.b);a.a<a.c.c.length;)s=E(ce(a),679),s.Ke(l)}function uyt(r){var s,a,l,v;for(In(),sa(r.c,r.a),v=new le(r.c);v.a<v.c.c.length;)for(l=ce(v),a=new le(r.b);a.a<a.c.c.length;)s=E(ce(a),369),s.Ke(l)}function cyt(r){var s,a,l,v,y;for(v=qi,y=null,l=new le(r.d);l.a<l.c.c.length;)a=E(ce(l),213),a.d.j^a.e.j&&(s=a.e.e-a.d.e-a.a,s<v&&(v=s,y=a));return y}function kbe(){kbe=xe,GYe=new Dn(Gve,(tr(),!1)),VYe=new Dn(Kve,100),Z2e=(EF(),Lae),qYe=new Dn(Yve,Z2e),WYe=new Dn(Xve,Rb),KYe=new Dn(Qve,Ot(qi))}function pMe(r,s,a){var l,v,y,x,T,O,A,F;for(A=0,v=r.a[s],y=0,x=v.length;y<x;++y)for(l=v[y],F=$F(l,a),O=F.Kc();O.Ob();)T=E(O.Pb(),11),Qi(r.f,T,Ot(A++))}function lyt(r,s,a){var l,v,y,x;if(a)for(v=a.a.length,l=new u2(v),x=(l.b-l.a)*l.c<0?(ec(),bE):new Sy(l);x.Ob();)y=E(x.Pb(),19),_n(r,s,F5(cT(a,y.a)))}function fyt(r,s,a){var l,v,y,x;if(a)for(v=a.a.length,l=new u2(v),x=(l.b-l.a)*l.c<0?(ec(),bE):new Sy(l);x.Ob();)y=E(x.Pb(),19),_n(r,s,F5(cT(a,y.a)))}function Rbe(r){By();var s;return s=E(VL(f5(r.k),Pe(hu,nl,61,2,0,1)),122),v6(s,0,s.length,null),s[0]==(It(),Jn)&&s[1]==nr&&(qo(s,0,nr),qo(s,1,Jn)),s}function gMe(r,s,a){var l,v,y;return v=XCt(r,s,a),y=g0e(r,v),jte(r.b),pte(r,s,a),In(),sa(v,new PH(r)),l=g0e(r,v),jte(r.b),pte(r,a,s),new Ra(Ot(y),Ot(l))}function bMe(){bMe=xe,ret=Vi(new Ys,(lu(),oc),(vu(),K9)),AX=new Ls("linearSegments.inputPrio",Ot(0)),$X=new Ls("linearSegments.outputPrio",Ot(0))}function Y6(){Y6=xe,PX=new cV("P1_TREEIFICATION",0),mj=new cV("P2_NODE_ORDERING",1),Oz=new cV("P3_NODE_PLACEMENT",2),vj=new cV("P4_EDGE_ROUTING",3)}function wT(){wT=xe,_tt=(Mi(),mI),Stt=e_,vtt=J2,wtt=vR,ytt=oE,mtt=mR,oTe=Uz,Ett=a3,Rce=(Qme(),ltt),Oce=ftt,sTe=dtt,UX=htt,VX=ptt,Dz=gtt,aTe=btt}function Sh(){Sh=xe,Wz=new dV("UNKNOWN",0),jm=new dV("ABOVE",1),sE=new dV("BELOW",2),qz=new dV("INLINE",3),new Ls("org.eclipse.elk.labelSide",Wz)}function mMe(r,s){var a;if(r.ni()&&s!=null){for(a=0;a<r.i;++a)if(Ki(s,r.g[a]))return a}else for(a=0;a<r.i;++a)if(Qe(r.g[a])===Qe(s))return a;return-1}function dyt(r,s,a){var l,v;return s.c==(Tu(),zl)&&a.c==gd?-1:s.c==gd&&a.c==zl?1:(l=uje(s.a,r.a),v=uje(a.a,r.a),s.c==zl?v-l:l-v)}function yT(r,s,a){if(a&&(s<0||s>a.a.c.length))throw de(new Yn("index must be >= 0 and <= layer node count"));r.c&&Tf(r.c.a,r),r.c=a,a&&ZC(a.a,s,r)}function vMe(r,s){var a,l,v;for(l=new Rr(Ar(A0(r).a.Kc(),new M));fi(l);)return a=E(Zr(l),17),v=E(s.Kb(a),10),new dO(Jr(v.n.b+v.o.b/2));return Pk(),Pk(),sae}function wMe(r,s){this.c=new jr,this.a=r,this.b=s,this.d=E(se(r,(bt(),aR)),304),Qe(se(r,(Ft(),zxe)))===Qe((lL(),ZY))?this.e=new oJ:this.e=new oU}function hyt(r,s){var a,l,v,y;for(y=0,l=new le(r);l.a<l.c.c.length;)a=E(ce(l),33),y+=m.Math.pow(a.g*a.f-s,2);return v=m.Math.sqrt(y/(r.c.length-1)),v}function UF(r,s){var a,l;return l=null,r.Xe((Mi(),vI))&&(a=E(r.We(vI),94),a.Xe(s)&&(l=a.We(s))),l==null&&r.yf()&&(l=r.yf().We(s)),l==null&&(l=Ut(s)),l}function hre(r,s){var a,l;a=r.Zc(s);try{return l=a.Pb(),a.Qb(),l}catch(v){throw v=Mo(v),Ce(v,109)?de(new xu("Can't remove element "+s)):de(v)}}function pyt(r,s){var a,l,v;if(l=new T8,v=new ige(l.q.getFullYear()-Vy,l.q.getMonth(),l.q.getDate()),a=g4t(r,s,v),a==0||a<s.length)throw de(new Yn(s));return v}function Obe(r,s){var a,l,v;for(Qn(s),bde(s!=r),v=r.b.c.length,l=s.Kc();l.Ob();)a=l.Pb(),Et(r.b,Qn(a));return v!=r.b.c.length?(gge(r,0),!0):!1}function GL(){GL=xe,r_e=(Mi(),tQ),new bu(Yce,(tr(),!0)),XYe=J2,QYe=vR,JYe=oE,YYe=mR,o_e=Uz,ZYe=a3,n_e=(kbe(),GYe),e_e=qYe,t_e=WYe,i_e=KYe,xY=VYe}function gyt(r,s){if(s==r.c)return r.d;if(s==r.d)return r.c;throw de(new Yn("'port' must be either the source port or target port of the edge."))}function byt(r,s,a){var l,v;switch(v=r.o,l=r.d,s.g){case 1:return-l.d-a;case 3:return v.b+l.a+a;case 2:return v.a+l.c+a;case 4:return-l.b-a;default:return 0}}function Ibe(r,s,a,l){var v,y,x,T;for(Vu(s,E(l.Xb(0),29)),T=l.bd(1,l.gc()),y=E(a.Kb(s),20).Kc();y.Ob();)v=E(y.Pb(),17),x=v.c.i==s?v.d.i:v.c.i,Ibe(r,x,a,T)}function yMe(r){var s;return s=new jr,ta(r,(bt(),Due))?E(se(r,Due),83):(Bo(So(new Nn(null,new zn(r.j,16)),new qb),new vP(s)),ct(r,Due,s),s)}function Dbe(r,s){var a,l;return r.Db>>16==6?r.Cb.ih(r,6,ra,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(Nl(),dQ)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function Abe(r,s){var a,l;return r.Db>>16==7?r.Cb.ih(r,1,Zz,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(Nl(),Eke)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function $be(r,s){var a,l;return r.Db>>16==9?r.Cb.ih(r,9,Ko,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(Nl(),Ske)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function EMe(r,s){var a,l;return r.Db>>16==5?r.Cb.ih(r,9,EQ,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(kn(),mw)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function Pbe(r,s){var a,l;return r.Db>>16==3?r.Cb.ih(r,0,tH,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(kn(),bw)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function _Me(r,s){var a,l;return r.Db>>16==7?r.Cb.ih(r,6,J1,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(kn(),ww)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function SMe(){this.a=new FE,this.g=new sG,this.j=new sG,this.b=new jr,this.d=new sG,this.i=new sG,this.k=new jr,this.c=new jr,this.e=new jr,this.f=new jr}function myt(r,s,a){var l,v,y;for(a<0&&(a=0),y=r.i,v=a;v<y;v++)if(l=ke(r,v),s==null){if(l==null)return v}else if(Qe(s)===Qe(l)||Ki(s,l))return v;return-1}function vyt(r,s){var a,l;return a=s.Hh(r.a),a?(l=ai(V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),XK)),xn(KB,l)?iF(r,yh(s.Hj())):l):null}function X6(r,s){var a,l;if(s){if(s==r)return!0;for(a=0,l=E(s,49).eh();l&&l!=s;l=l.eh()){if(++a>eoe)return X6(r,l);if(l==r)return!0}}return!1}function wyt(r){switch(DV(),r.q.g){case 5:aLe(r,(It(),Jn)),aLe(r,Br);break;case 4:nBe(r,(It(),Jn)),nBe(r,Br);break;default:nUe(r,(It(),Jn)),nUe(r,Br)}}function yyt(r){switch(DV(),r.q.g){case 5:_Le(r,(It(),fr)),_Le(r,nr);break;case 4:$7e(r,(It(),fr)),$7e(r,nr);break;default:rUe(r,(It(),fr)),rUe(r,nr)}}function Eyt(r){var s,a;s=E(se(r,(G1(),zYe)),19),s?(a=s.a,a==0?ct(r,(Ay(),SY),new Pne):ct(r,(Ay(),SY),new zq(a))):ct(r,(Ay(),SY),new zq(1))}function _yt(r,s){var a;switch(a=r.i,s.g){case 1:return-(r.n.b+r.o.b);case 2:return r.n.a-a.o.a;case 3:return r.n.b-a.o.b;case 4:return-(r.n.a+r.o.a)}return 0}function Syt(r,s){switch(r.g){case 0:return s==(Zh(),eE)?UY:VY;case 1:return s==(Zh(),eE)?UY:fz;case 2:return s==(Zh(),eE)?fz:VY;default:return fz}}function KL(r,s){var a,l,v;for(Tf(r.a,s),r.e-=s.r+(r.a.c.length==0?0:r.c),v=Eye,l=new le(r.a);l.a<l.c.c.length;)a=E(ce(l),187),v=m.Math.max(v,a.d);r.b=v}function Fbe(r,s){var a,l;return r.Db>>16==3?r.Cb.ih(r,12,Ko,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(Nl(),yke)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function jbe(r,s){var a,l;return r.Db>>16==11?r.Cb.ih(r,10,Ko,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(Nl(),_ke)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function xMe(r,s){var a,l;return r.Db>>16==10?r.Cb.ih(r,11,Pp,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(kn(),vw)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function CMe(r,s){var a,l;return r.Db>>16==10?r.Cb.ih(r,12,Fp,s):(l=mu(E(Fn((a=E(Gn(r,16),26),a||(kn(),p3)),r.Db>>16),18)),r.Cb.ih(r,l.n,l.f,s))}function wp(r){var s;return!(r.Bb&1)&&r.r&&r.r.kh()&&(s=E(r.r,49),r.r=E(jy(r,s),138),r.r!=s&&r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,9,8,s,r.r))),r.r}function pre(r,s,a){var l;return l=pe(he(ba,1),Lu,25,15,[ame(r,(U1(),Ac),s,a),ame(r,Bl,s,a),ame(r,$c,s,a)]),r.f&&(l[0]=m.Math.max(l[0],l[2]),l[2]=l[0]),l}function xyt(r,s){var a,l,v;if(v=vwt(r,s),v.c.length!=0)for(sa(v,new AR),a=v.c.length,l=0;l<a;l++)tA(r,(Vn(l,v.c.length),E(v.c[l],286)),VTt(r,v,l))}function Cyt(r){var s,a,l,v;for(v=E(no(r.a,(T4(),qY)),15).Kc();v.Ob();)for(l=E(v.Pb(),101),a=f5(l.k).Kc();a.Ob();)s=E(a.Pb(),61),i6(r,l,s,(NS(),Zy),1)}function Tyt(r){var s,a;if(r.k==(dr(),ua)){for(a=new Rr(Ar(A0(r).a.Kc(),new M));fi(a);)if(s=E(Zr(a),17),!uu(s)&&r.c==Ube(s,r).c)return!0}return!1}function kyt(r){var s,a;if(r.k==(dr(),ua)){for(a=new Rr(Ar(A0(r).a.Kc(),new M));fi(a);)if(s=E(Zr(a),17),!uu(s)&&s.c.i.c==s.d.i.c)return!0}return!1}function Ryt(r,s){var a,l,v,y;for(Lr(s,"Dull edge routing",1),y=Ti(r.b,0);y.b!=y.d.c;)for(v=E(Ci(y),86),l=Ti(v.d,0);l.b!=l.d.c;)a=E(Ci(l),188),bp(a.a)}function Oyt(r,s){var a,l,v,y,x;if(s)for(v=s.a.length,a=new u2(v),x=(a.b-a.a)*a.c<0?(ec(),bE):new Sy(a);x.Ob();)y=E(x.Pb(),19),l=d6(s,y.a),l&&YLe(r,l)}function Iyt(){Ql();var r,s;for(Y5t((ky(),qn)),z5t(qn),dre(qn),Mke=(kn(),qg),s=new le(Wke);s.a<s.c.c.length;)r=E(ce(s),241),dA(r,qg,null);return!0}function Mbe(r,s){var a,l,v,y,x,T,O,A;return O=r.h>>19,A=s.h>>19,O!=A?A-O:(v=r.h,T=s.h,v!=T?v-T:(l=r.m,x=s.m,l!=x?l-x:(a=r.l,y=s.l,a-y)))}function fG(){fG=xe,C2e=(DG(),Cae),x2e=new Dn(Tve,C2e),S2e=(rW(),xae),_2e=new Dn(kve,S2e),E2e=(QW(),Sae),y2e=new Dn(Rve,E2e),w2e=new Dn(Ove,(tr(),!0))}function VF(r,s,a){var l,v;l=s*a,Ce(r.g,145)?(v=w5(r),v.f.d?v.f.a||(r.d.a+=l+Fg):(r.d.d-=l+Fg,r.d.a+=l+Fg)):Ce(r.g,10)&&(r.d.d-=l,r.d.a+=2*l)}function TMe(r,s,a){var l,v,y,x,T;for(v=r[a.g],T=new le(s.d);T.a<T.c.c.length;)x=E(ce(T),101),y=x.i,y&&y.i==a&&(l=x.d[a.g],v[l]=m.Math.max(v[l],y.j.b))}function Dyt(r,s){var a,l,v,y,x;for(l=0,v=0,a=0,x=new le(s.d);x.a<x.c.c.length;)y=E(ce(x),443),uG(y),l=m.Math.max(l,y.b),v+=y.d+(a>0?r.g:0),++a;s.b=l,s.e=v}function kMe(r){var s,a,l;if(l=r.b,YU(r.i,l.length)){for(a=l.length*2,r.b=Pe(lae,SB,317,a,0,1),r.c=Pe(lae,SB,317,a,0,1),r.f=a-1,r.i=0,s=r.a;s;s=s.c)tB(r,s,s);++r.g}}function Ayt(r,s,a,l){var v,y,x,T;for(v=0;v<s.o;v++)for(y=v-s.j+a,x=0;x<s.p;x++)T=x-s.k+l,_4(s,v,x)?xwt(r,y,T)||zwt(r,y,T):J7e(s,v,x)&&(K7e(r,y,T)||Hwt(r,y,T))}function $yt(r,s,a){var l;l=s.c.i,l.k==(dr(),ua)?(ct(r,(bt(),Q1),E(se(l,Q1),11)),ct(r,Rp,E(se(l,Rp),11))):(ct(r,(bt(),Q1),s.c),ct(r,Rp,a.d))}function Q6(r,s,a){A4();var l,v,y,x,T,O;return x=s/2,y=a/2,l=m.Math.abs(r.a),v=m.Math.abs(r.b),T=1,O=1,l>x&&(T=x/l),v>y&&(O=y/v),mb(r,m.Math.min(T,O)),r}function Pyt(){MG();var r,s;try{if(s=E(Gbe((Mn(),jp),IA),2014),s)return s}catch(a){if(a=Mo(a),Ce(a,102))r=a,Phe((ni(),r));else throw de(a)}return new c0}function Fyt(){v8e();var r,s;try{if(s=E(Gbe((Mn(),jp),B2),2024),s)return s}catch(a){if(a=Mo(a),Ce(a,102))r=a,Phe((ni(),r));else throw de(a)}return new j}function jyt(){MG();var r,s;try{if(s=E(Gbe((Mn(),jp),Cp),1941),s)return s}catch(a){if(a=Mo(a),Ce(a,102))r=a,Phe((ni(),r));else throw de(a)}return new ug}function Myt(r,s,a){var l,v;return v=r.e,r.e=s,r.Db&4&&!(r.Db&1)&&(l=new aa(r,1,4,v,s),a?a.Ei(l):a=l),v!=s&&(s?a=dA(r,xG(r,s),a):a=dA(r,r.a,a)),a}function RMe(){T8.call(this),this.e=-1,this.a=!1,this.p=qa,this.k=-1,this.c=-1,this.b=-1,this.g=!1,this.f=-1,this.j=-1,this.n=-1,this.i=-1,this.d=-1,this.o=qa}function Nyt(r,s){var a,l,v;if(l=r.b.d.d,r.a||(l+=r.b.d.a),v=s.b.d.d,s.a||(v+=s.b.d.a),a=Ts(l,v),a==0){if(!r.a&&s.a)return-1;if(!s.a&&r.a)return 1}return a}function Lyt(r,s){var a,l,v;if(l=r.b.b.d,r.a||(l+=r.b.b.a),v=s.b.b.d,s.a||(v+=s.b.b.a),a=Ts(l,v),a==0){if(!r.a&&s.a)return-1;if(!s.a&&r.a)return 1}return a}function Byt(r,s){var a,l,v;if(l=r.b.g.d,r.a||(l+=r.b.g.a),v=s.b.g.d,s.a||(v+=s.b.g.a),a=Ts(l,v),a==0){if(!r.a&&s.a)return-1;if(!s.a&&r.a)return 1}return a}function Nbe(){Nbe=xe,tXe=ld(Vi(Vi(Vi(new Ys,(lu(),Sl),(vu(),z_e)),Sl,H_e),oc,U_e),oc,I_e),rXe=Vi(Vi(new Ys,Sl,S_e),Sl,D_e),nXe=ld(new Ys,oc,$_e)}function zyt(r){var s,a,l,v,y;for(s=E(se(r,(bt(),tj)),83),y=r.n,l=s.Cc().Kc();l.Ob();)a=E(l.Pb(),306),v=a.i,v.c+=y.a,v.d+=y.b,a.c?VBe(a):qBe(a);ct(r,tj,null)}function Hyt(r,s,a){var l,v;switch(v=r.b,l=v.d,s.g){case 1:return-l.d-a;case 2:return v.o.a+l.c+a;case 3:return v.o.b+l.a+a;case 4:return-l.b-a;default:return-1}}function Uyt(r){var s,a,l,v,y;if(l=0,v=_A,r.b)for(s=0;s<360;s++)a=s*.017453292519943295,R0e(r,r.d,0,0,U4,a),y=r.b.ig(r.d),y<v&&(l=a,v=y);R0e(r,r.d,0,0,U4,l)}function Vyt(r,s){var a,l,v,y;for(y=new jr,s.e=null,s.f=null,l=new le(s.i);l.a<l.c.c.length;)a=E(ce(l),65),v=E(Cr(r.g,a.a),46),a.a=aq(a.b),Qi(y,a.a,v);r.g=y}function qyt(r,s,a){var l,v,y,x,T,O;for(v=s-r.e,y=v/r.d.c.length,x=0,O=new le(r.d);O.a<O.c.c.length;)T=E(ce(O),443),l=r.b-T.b+a,t7e(T,T.e+x*y,T.f),Twt(T,y,l),++x}function OMe(r){var s;if(r.f.qj(),r.b!=-1){if(++r.b,s=r.f.d[r.a],r.b<s.i)return;++r.a}for(;r.a<r.f.d.length;++r.a)if(s=r.f.d[r.a],s&&s.i!=0){r.b=0;return}r.b=-1}function Wyt(r,s){var a,l,v;for(v=s.c.length,a=q_t(r,v==0?"":(Vn(0,s.c.length),ai(s.c[0]))),l=1;l<v&&a;++l)a=E(a,49).oh((Vn(l,s.c.length),ai(s.c[l])));return a}function IMe(r,s){var a,l;for(l=new le(s);l.a<l.c.c.length;)a=E(ce(l),10),r.c[a.c.p][a.p].a=The(r.i),r.c[a.c.p][a.p].d=ot(r.c[a.c.p][a.p].a),r.c[a.c.p][a.p].b=1}function Gyt(r,s){var a,l,v,y;for(y=0,l=new le(r);l.a<l.c.c.length;)a=E(ce(l),157),y+=m.Math.pow(Yf(a)*Yd(a)-s,2);return v=m.Math.sqrt(y/(r.c.length-1)),v}function DMe(r,s,a,l){var v,y,x;return y=y3t(r,s,a,l),x=_0e(r,y),xre(r,s,a,l),jte(r.b),In(),sa(y,new oM(r)),v=_0e(r,y),xre(r,a,s,l),jte(r.b),new Ra(Ot(x),Ot(v))}function Kyt(r,s,a){var l,v;for(Lr(a,"Interactive node placement",1),r.a=E(se(s,(bt(),aR)),304),v=new le(s.b);v.a<v.c.c.length;)l=E(ce(v),29),ATt(r,l);Or(a)}function Yyt(r,s){var a;Lr(s,"General Compactor",1),s.n&&r&&r1(s,i1(r),(Zd(),$h)),a=H0t(E(Xt(r,(wT(),Oce)),380)),a.hg(r),s.n&&r&&r1(s,i1(r),(Zd(),$h))}function Xyt(r,s,a){var l,v;for(xV(r,r.j+s,r.k+a),v=new Tr((!r.a&&(r.a=new xs($p,r,5)),r.a));v.e!=v.i.gc();)l=E(Fr(v),469),Mfe(l,l.a+s,l.b+a);SV(r,r.b+s,r.c+a)}function Lbe(r,s,a,l){switch(a){case 7:return!r.e&&(r.e=new Bn(ra,r,7,4)),Ml(r.e,s,l);case 8:return!r.d&&(r.d=new Bn(ra,r,8,5)),Ml(r.d,s,l)}return Ere(r,s,a,l)}function Bbe(r,s,a,l){switch(a){case 7:return!r.e&&(r.e=new Bn(ra,r,7,4)),eu(r.e,s,l);case 8:return!r.d&&(r.d=new Bn(ra,r,8,5)),eu(r.d,s,l)}return one(r,s,a,l)}function Qyt(r,s,a){var l,v,y,x,T;if(a)for(y=a.a.length,l=new u2(y),T=(l.b-l.a)*l.c<0?(ec(),bE):new Sy(l);T.Ob();)x=E(T.Pb(),19),v=d6(a,x.a),v&&sLe(r,v,s)}function dG(r,s,a){var l,v,y,x,T;return r.qj(),y=s==null?0:$o(s),r.f>0&&(x=(y&qi)%r.d.length,v=Nme(r,x,y,s),v)?(T=v.ed(a),T):(l=r.tj(y,s,a),r.c.Fc(l),null)}function zbe(r,s){var a,l,v,y;switch(Xv(r,s)._k()){case 3:case 2:{for(a=P4(s),v=0,y=a.i;v<y;++v)if(l=E(ke(a,v),34),xS(qu(r,l))==5)return l;break}}return null}function Jyt(r){var s,a,l,v,y;if(YU(r.f,r.b.length))for(l=Pe(ZGe,SB,330,r.b.length*2,0,1),r.b=l,v=l.length-1,a=r.a;a!=r;a=a.Rd())y=E(a,330),s=y.d&v,y.a=l[s],l[s]=y}function AMe(r,s){var a,l,v,y;for(y=0,v=E(E(no(r.r,s),21),84).Kc();v.Ob();)l=E(v.Pb(),111),y=m.Math.max(y,l.e.a+l.b.rf().a);a=E(ju(r.b,s),124),a.n.b=0,a.a.a=y}function $Me(r,s){var a,l,v,y;for(a=0,y=E(E(no(r.r,s),21),84).Kc();y.Ob();)v=E(y.Pb(),111),a=m.Math.max(a,v.e.b+v.b.rf().b);l=E(ju(r.b,s),124),l.n.d=0,l.a.b=a}function Zyt(r){var s,a;return a=E(se(r,(bt(),Cl)),21),s=EV(_et),a.Hc((Ru(),rR))&&_h(s,Tet),a.Hc(ej)&&_h(s,ket),a.Hc(XA)&&_h(s,xet),a.Hc(QA)&&_h(s,Cet),s}function eEt(r,s){var a;Lr(s,"Delaunay triangulation",1),a=new vt,Rf(r.i,new fM(a)),Wt(Gt(se(r,(I6(),q9)))),r.e?cu(r.e,vUe(a)):r.e=vUe(a),Or(s)}function Hbe(r){if(r<0)throw de(new Yn("The input must be positive"));return r<r3e.length?OS(r3e[r]):m.Math.sqrt(U4*r)*(Pmt(r,r)/Cge(2.718281828459045,r))}function J6(r,s){var a;if(r.ni()&&s!=null){for(a=0;a<r.i;++a)if(Ki(s,r.g[a]))return!0}else for(a=0;a<r.i;++a)if(Qe(r.g[a])===Qe(s))return!0;return!1}function tEt(r,s){if(s==null){for(;r.a.Ob();)if(E(r.a.Pb(),42).dd()==null)return!0}else for(;r.a.Ob();)if(Ki(s,E(r.a.Pb(),42).dd()))return!0;return!1}function nEt(r,s){var a,l,v;return s===r?!0:Ce(s,664)?(v=E(s,1947),g7e((l=r.g,l||(r.g=new wC(r))),(a=v.g,a||(v.g=new wC(v))))):!1}function rEt(r){var s,a,l,v;for(s="Sz",a="ez",v=m.Math.min(r.length,5),l=v-1;l>=0;l--)if(xn(r[l].d,s)||xn(r[l].d,a)){r.length>=l+1&&r.splice(0,l+1);break}return r}function YL(r,s){var a;return cc(r)&&cc(s)&&(a=r/s,TB<a&&a<A2)?a<0?m.Math.ceil(a):m.Math.floor(a):$y(K0e(cc(r)?mp(r):r,cc(s)?mp(s):s,!1))}function Ube(r,s){if(s==r.c.i)return r.d.i;if(s==r.d.i)return r.c.i;throw de(new Yn("'node' must either be the source node or target node of the edge."))}function iEt(r){var s,a,l,v;if(v=E(se(r,(bt(),ASe)),37),v){for(l=new ka,s=Za(r.c.i);s!=v;)a=s.e,s=Za(a),YC(io(io(l,a.n),s.c),s.d.b,s.d.d);return l}return EXe}function oEt(r){var s;s=E(se(r,(bt(),ZA)),403),Bo(Ec(new Nn(null,new zn(s.d,16)),new Ow),new mP(r)),Bo(So(new Nn(null,new zn(s.d,16)),new Vm),new G7(r))}function gre(r,s){var a,l,v,y;for(v=s?ks(r):fc(r),l=new Rr(Ar(v.a.Kc(),new M));fi(l);)if(a=E(Zr(l),17),y=Ube(a,r),y.k==(dr(),ua)&&y.c!=r.c)return y;return null}function sEt(r){var s,a,l;for(a=new le(r.p);a.a<a.c.c.length;)s=E(ce(a),10),s.k==(dr(),Os)&&(l=s.o.b,r.i=m.Math.min(r.i,l),r.g=m.Math.max(r.g,l))}function PMe(r,s,a){var l,v,y;for(y=new le(s);y.a<y.c.c.length;)l=E(ce(y),10),r.c[l.c.p][l.p].e=!1;for(v=new le(s);v.a<v.c.c.length;)l=E(ce(v),10),eve(r,l,a)}function bre(r,s,a){var l,v;l=m4(s.j,a.s,a.c)+m4(a.e,s.s,s.c),v=m4(a.j,s.s,s.c)+m4(s.e,a.s,a.c),l==v?l>0&&(r.b+=2,r.a+=l):(r.b+=1,r.a+=m.Math.min(l,v))}function FMe(r,s){var a,l;if(l=!1,ha(s)&&(l=!0,h5(r,new nT(ai(s)))),l||Ce(s,236)&&(l=!0,h5(r,(a=Gde(E(s,236)),new mO(a)))),!l)throw de(new UM(rEe))}function aEt(r,s,a,l){var v,y,x;return v=new k0(r.e,1,10,(x=s.c,Ce(x,88)?E(x,26):(kn(),Mp)),(y=a.c,Ce(y,88)?E(y,26):(kn(),Mp)),Zv(r,s),!1),l?l.Ei(v):l=v,l}function Vbe(r){var s,a;switch(E(se(Za(r),(Ft(),$xe)),420).g){case 0:return s=r.n,a=r.o,new Kt(s.a+a.a/2,s.b+a.b/2);case 1:return new Hu(r.n);default:return null}}function XL(){XL=xe,eX=new $8(L0,0),vSe=new $8("LEFTUP",1),ySe=new $8("RIGHTUP",2),mSe=new $8("LEFTDOWN",3),wSe=new $8("RIGHTDOWN",4),wue=new $8("BALANCED",5)}function uEt(r,s,a){var l,v,y;if(l=Ts(r.a[s.p],r.a[a.p]),l==0){if(v=E(se(s,(bt(),aI)),15),y=E(se(a,aI),15),v.Hc(a))return-1;if(y.Hc(s))return 1}return l}function cEt(r){switch(r.g){case 1:return new Sd;case 2:return new Yx;case 3:return new DE;case 0:return null;default:throw de(new Yn(hse+(r.f!=null?r.f:""+r.g)))}}function qbe(r,s,a){switch(s){case 1:!r.n&&(r.n=new St(pc,r,1,7)),Vr(r.n),!r.n&&(r.n=new St(pc,r,1,7)),Yo(r.n,E(a,14));return;case 2:xF(r,ai(a));return}fge(r,s,a)}function Wbe(r,s,a){switch(s){case 3:PS(r,ot(Dt(a)));return;case 4:FS(r,ot(Dt(a)));return;case 5:Of(r,ot(Dt(a)));return;case 6:If(r,ot(Dt(a)));return}qbe(r,s,a)}function hG(r,s,a){var l,v,y;y=(l=new e8,l),v=$g(y,s,null),v&&v.Fi(),jl(y,a),ei((!r.c&&(r.c=new St(kx,r,12,10)),r.c),y),Kv(y,0),hT(y,1),Jv(y,!0),Qv(y,!0)}function Gbe(r,s){var a,l,v;return a=Ef(r.g,s),Ce(a,235)?(v=E(a,235),v.Qh()==null,v.Nh()):Ce(a,498)?(l=E(a,1938),v=l.b,v):null}function lEt(r,s,a,l){var v,y;return Jr(s),Jr(a),y=E(eF(r.d,s),19),S8e(!!y,"Row %s not in %s",s,r.e),v=E(eF(r.b,a),19),S8e(!!v,"Column %s not in %s",a,r.c),R9e(r,y.a,v.a,l)}function jMe(r,s,a,l,v,y,x){var T,O,A,F,z;if(F=v[y],A=y==x-1,T=A?l:0,z=rMe(T,F),l!=10&&pe(he(r,x-y),s[y],a[y],T,z),!A)for(++y,O=0;O<F;++O)z[O]=jMe(r,s,a,l,v,y,x);return z}function qF(r){if(r.g==-1)throw de(new Kl);r.mj();try{r.i.$c(r.g),r.f=r.i.j,r.g<r.e&&--r.e,r.g=-1}catch(s){throw s=Mo(s),Ce(s,73)?de(new Td):de(s)}}function WF(r,s){return r.b.a=m.Math.min(r.b.a,s.c),r.b.b=m.Math.min(r.b.b,s.d),r.a.a=m.Math.max(r.a.a,s.c),r.a.b=m.Math.max(r.a.b,s.d),r.c[r.c.length]=s,!0}function fEt(r){var s,a,l,v;for(v=-1,l=0,a=new le(r);a.a<a.c.c.length;){if(s=E(ce(a),243),s.c==(Tu(),gd)){v=l==0?0:l-1;break}else l==r.c.length-1&&(v=l);l+=1}return v}function dEt(r){var s,a,l,v;for(v=0,s=0,l=new le(r.c);l.a<l.c.c.length;)a=E(ce(l),33),Of(a,r.e+v),If(a,r.f),v+=a.g+r.b,s=m.Math.max(s,a.f+r.b);r.d=v-r.b,r.a=s-r.b}function x4(r){var s,a,l;for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),57),l=s.d.c,s.d.c=s.d.d,s.d.d=l,l=s.d.b,s.d.b=s.d.a,s.d.a=l,l=s.b.a,s.b.a=s.b.b,s.b.b=l;u0e(r)}function C4(r){var s,a,l;for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),81),l=s.g.c,s.g.c=s.g.d,s.g.d=l,l=s.g.b,s.g.b=s.g.a,s.g.a=l,l=s.e.a,s.e.a=s.e.b,s.e.b=l;TG(r)}function hEt(r){var s,a,l,v,y;for(y=f5(r.k),a=(It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr])),l=0,v=a.length;l<v;++l)if(s=a[l],s!=Tc&&!y.Hc(s))return s;return null}function mre(r,s){var a,l;return l=E(ude(dne(So(new Nn(null,new zn(s.j,16)),new Hd))),11),l&&(a=E(Vt(l.e,0),17),a)?E(se(a,(bt(),ol)),19).a:H1t(r.b)}function pEt(r,s){var a,l,v,y;for(y=new le(s.a);y.a<y.c.c.length;)for(v=E(ce(y),10),Xl(r.d),l=new Rr(Ar(ks(v).a.Kc(),new M));fi(l);)a=E(Zr(l),17),DLe(r,v,a.d.i)}function gEt(r,s){var a,l;for(Tf(r.b,s),l=new le(r.n);l.a<l.c.c.length;)if(a=E(ce(l),211),lc(a.c,s,0)!=-1){Tf(a.c,s),dEt(a),a.c.c.length==0&&Tf(r.n,a);break}k4t(r)}function MMe(r,s){var a,l,v,y,x;for(x=r.f,v=0,y=0,l=new le(r.a);l.a<l.c.c.length;)a=E(ce(l),187),UL(a,r.e,x),aL(a,s),y=m.Math.max(y,a.r),x+=a.d+r.c,v=x;r.d=y,r.b=v}function NMe(r){var s,a;return a=sB(r),h6(a)?null:(s=(Jr(a),E(G7e(new Rr(Ar(a.a.Kc(),new M))),79)),ic(E(ke((!s.b&&(s.b=new Bn(Nr,s,4,7)),s.b),0),82)))}function pG(r){var s;return r.o||(s=r.Lj(),s?r.o=new epe(r,r,null):r.rk()?r.o=new Ade(r,null):xS(qu((Qf(),Ba),r))==1?r.o=new x$e(r):r.o=new ree(r,null)),r.o}function bEt(r,s,a,l){var v,y,x,T,O;a.mh(s)&&(v=(x=s,x?E(l,49).xh(x):null),v&&(O=a.ah(s),T=s.t,T>1||T==-1?(y=E(O,15),v.Wb(mvt(r,y))):v.Wb(nie(r,E(O,56)))))}function mEt(r,s,a,l){zJ();var v=oae;function y(){for(var x=0;x<v.length;x++)v[x]()}if(r)try{Rit(y)()}catch(x){r(s,x)}else Rit(y)()}function vEt(r){var s,a,l,v,y;for(l=new _2(new dg(r.b).a);l.b;)a=$S(l),s=E(a.cd(),10),y=E(E(a.dd(),46).a,10),v=E(E(a.dd(),46).b,8),io(L1(s.n),io(Oc(y.n),v))}function wEt(r){switch(E(se(r.b,(Ft(),Txe)),375).g){case 1:Bo(xf(Ec(new Nn(null,new zn(r.d,16)),new Aa),new ig),new zR);break;case 2:u3t(r);break;case 0:U_t(r)}}function yEt(r,s,a){var l;Lr(a,"Straight Line Edge Routing",1),a.n&&s&&r1(a,i1(s),(Zd(),$h)),l=E(Xt(s,(J8(),_j)),33),lHe(r,l),a.n&&s&&r1(a,i1(s),(Zd(),$h))}function ET(){ET=xe,Gce=new N8("V_TOP",0),Lz=new N8("V_CENTER",1),Nz=new N8("V_BOTTOM",2),Wce=new N8("H_LEFT",3),jz=new N8("H_CENTER",4),Mz=new N8("H_RIGHT",5)}function Kbe(r){var s;return r.Db&64?VW(r):(s=new pp(VW(r)),s.a+=" (abstract: ",gb(s,(r.Bb&256)!=0),s.a+=", interface: ",gb(s,(r.Bb&512)!=0),s.a+=")",s.a)}function EEt(r,s,a,l){var v,y,x,T;return Gd(r.e)&&(v=s.ak(),T=s.dd(),y=a.dd(),x=Oy(r,1,v,T,y,v.$j()?cA(r,v,y,Ce(v,99)&&(E(v,18).Bb&du)!=0):-1,!0),l?l.Ei(x):l=x),l}function _Et(r){var s;r.c==null&&(s=Qe(r.b)===Qe(DEe)?null:r.b,r.d=s==null?$f:oDe(s)?nst(y6e(s)):ha(s)?hve:v0(Od(s)),r.a=r.a+": "+(oDe(s)?Xst(y6e(s)):s+""),r.c="("+r.d+") "+r.a)}function Ybe(r,s){this.e=r,dS(zs(s,-4294967296),0)?(this.d=1,this.a=pe(he(Gr,1),Ei,25,15,[Qr(s)])):(this.d=2,this.a=pe(he(Gr,1),Ei,25,15,[Qr(s),Qr(xy(s,32))]))}function SEt(){function r(){try{return new Map().entries().next().done}catch{return!1}}return typeof Map===kie&&Map.prototype.entries&&r()?Map:GOt()}function xEt(r,s){var a,l,v,y;for(y=new Oa(r.e,0),a=0;y.b<y.d.gc();){if(l=ot((vr(y.b<y.d.gc()),Dt(y.d.Xb(y.c=y.b++)))),v=l-s,v>lse)return a;v>-1e-6&&++a}return a}function Xbe(r,s){var a;s!=r.b?(a=null,r.b&&(a=Cq(r.b,r,-4,a)),s&&(a=D5(s,r,-4,a)),a=vje(r,s,a),a&&a.Fi()):r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,3,s,s))}function LMe(r,s){var a;s!=r.f?(a=null,r.f&&(a=Cq(r.f,r,-1,a)),s&&(a=D5(s,r,-1,a)),a=wje(r,s,a),a&&a.Fi()):r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,0,s,s))}function BMe(r){var s,a,l;if(r==null)return null;if(a=E(r,15),a.dc())return"";for(l=new bg,s=a.Kc();s.Ob();)Fu(l,(uo(),ai(s.Pb()))),l.a+=" ";return BZ(l,l.a.length-1)}function zMe(r){var s,a,l;if(r==null)return null;if(a=E(r,15),a.dc())return"";for(l=new bg,s=a.Kc();s.Ob();)Fu(l,(uo(),ai(s.Pb()))),l.a+=" ";return BZ(l,l.a.length-1)}function CEt(r,s,a){var l,v;return l=r.c[s.c.p][s.p],v=r.c[a.c.p][a.p],l.a!=null&&v.a!=null?Ree(l.a,v.a):l.a!=null?-1:v.a!=null?1:0}function TEt(r,s){var a,l,v,y,x,T;if(s)for(y=s.a.length,a=new u2(y),T=(a.b-a.a)*a.c<0?(ec(),bE):new Sy(a);T.Ob();)x=E(T.Pb(),19),v=d6(s,x.a),l=new hD(r),gft(l.a,v)}function kEt(r,s){var a,l,v,y,x,T;if(s)for(y=s.a.length,a=new u2(y),T=(a.b-a.a)*a.c<0?(ec(),bE):new Sy(a);T.Ob();)x=E(T.Pb(),19),v=d6(s,x.a),l=new gM(r),pft(l.a,v)}function REt(r){var s;if(r!=null&&r.length>0&&Ma(r,r.length-1)==33)try{return s=NNe(bh(r,0,r.length-1)),s.e==null}catch(a){if(a=Mo(a),!Ce(a,32))throw de(a)}return!1}function HMe(r,s,a){var l,v,y;return l=s.ak(),y=s.dd(),v=l.$j()?Oy(r,3,l,null,y,cA(r,l,y,Ce(l,99)&&(E(l,18).Bb&du)!=0),!0):Oy(r,1,l,l.zj(),y,-1,!0),a?a.Ei(v):a=v,a}function OEt(){var r,s,a;for(s=0,r=0;r<1;r++){if(a=Hme((ui(r,1),"X".charCodeAt(r))),a==0)throw de(new Hr("Unknown Option: "+"X".substr(r)));s|=a}return s}function IEt(r,s,a){var l,v,y;switch(l=Za(s),v=BW(l),y=new cl,yc(y,s),a.g){case 1:Hs(y,ML(O5(v)));break;case 2:Hs(y,O5(v))}return ct(y,(Ft(),e3),Dt(se(r,e3))),y}function Qbe(r){var s,a;return s=E(Zr(new Rr(Ar(fc(r.a).a.Kc(),new M))),17),a=E(Zr(new Rr(Ar(ks(r.a).a.Kc(),new M))),17),Wt(Gt(se(s,(bt(),Bg))))||Wt(Gt(se(a,Bg)))}function T4(){T4=xe,WY=new gN("ONE_SIDE",0),KY=new gN("TWO_SIDES_CORNER",1),YY=new gN("TWO_SIDES_OPPOSING",2),GY=new gN("THREE_SIDES",3),qY=new gN("FOUR_SIDES",4)}function vre(r,s,a,l,v){var y,x;y=E(wh(So(s.Oc(),new D3),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),x=E(v2(r.b,a,l),15),v==0?x.Wc(0,y):x.Gc(y)}function DEt(r,s){var a,l,v,y,x;for(y=new le(s.a);y.a<y.c.c.length;)for(v=E(ce(y),10),l=new Rr(Ar(fc(v).a.Kc(),new M));fi(l);)a=E(Zr(l),17),x=a.c.i.p,r.n[x]=r.n[x]-1}function AEt(r,s){var a,l,v,y,x;for(y=new le(s.d);y.a<y.c.c.length;)for(v=E(ce(y),101),x=E(Cr(r.c,v),112).o,l=new lS(v.b);l.a<l.c.a.length;)a=E(vF(l),61),u1e(v,a,x)}function $Et(r){var s,a;for(a=new le(r.e.b);a.a<a.c.c.length;)s=E(ce(a),29),cOt(r,s);Bo(So(Ec(Ec(new Nn(null,new zn(r.e.b,16)),new uv),new cv),new WR),new CP(r))}function Jbe(r,s){return s?r.Di(s)?!1:r.i?r.i.Ei(s):Ce(s,143)?(r.i=E(s,143),!0):(r.i=new nm,r.i.Ei(s)):!1}function PEt(r){if(r=El(r,!0),xn(RA,r)||xn("1",r))return tr(),FA;if(xn(Cse,r)||xn("0",r))return tr(),H2;throw de(new $D("Invalid boolean value: '"+r+"'"))}function Zbe(r,s,a){var l,v,y;for(v=r.vc().Kc();v.Ob();)if(l=E(v.Pb(),42),y=l.cd(),Qe(s)===Qe(y)||s!=null&&Ki(s,y))return a&&(l=new tV(l.cd(),l.dd()),v.Qb()),l;return null}function FEt(r){XC();var s,a,l;r.B.Hc((Ad(),uQ))&&(l=r.f.i,s=new xq(r.a.c),a=new nS,a.b=s.c-l.c,a.d=s.d-l.d,a.c=l.c+l.b-(s.c+s.b),a.a=l.d+l.a-(s.d+s.a),r.e.Ff(a))}function UMe(r,s,a,l){var v,y,x;for(x=m.Math.min(a,Qze(E(r.b,65),s,a,l)),y=new le(r.a);y.a<y.c.c.length;)v=E(ce(y),221),v!=s&&(x=m.Math.min(x,UMe(v,s,x,l)));return x}function eme(r){var s,a,l,v;for(v=Pe(Pm,ft,193,r.b.c.length,0,2),l=new Oa(r.b,0);l.b<l.d.gc();)s=(vr(l.b<l.d.gc()),E(l.d.Xb(l.c=l.b++),29)),a=l.b-1,v[a]=ZN(s.a);return v}function wre(r,s,a,l,v){var y,x,T,O;for(x=m8(b8(ehe(awt(a)),l),byt(r,a,v)),O=tw(r,a).Kc();O.Ob();)T=E(O.Pb(),11),s[T.p]&&(y=s[T.p].i,Et(x.d,new Cee(y,Pge(x,y))));Xge(x)}function tme(r,s){this.f=new jr,this.b=new jr,this.j=new jr,this.a=r,this.c=s,this.c>0&&pMe(this,this.c-1,(It(),fr)),this.c<this.a.length-1&&pMe(this,this.c+1,(It(),nr))}function nme(r){r.length>0&&r[0].length>0&&(this.c=Wt(Gt(se(Za(r[0][0]),(bt(),FSe))))),this.a=Pe(qZe,ft,2018,r.length,0,2),this.b=Pe(WZe,ft,2019,r.length,0,2),this.d=new fje}function jEt(r){return r.c.length==0?!1:(Vn(0,r.c.length),E(r.c[0],17)).c.i.k==(dr(),ua)?!0:p6(xf(new Nn(null,new zn(r,16)),new Lw),new b_)}function MEt(r,s,a){return Lr(a,"Tree layout",1),Fq(r.b),wm(r.b,(Y6(),PX),PX),wm(r.b,mj,mj),wm(r.b,Oz,Oz),wm(r.b,vj,vj),r.a=zG(r.b,s),dTt(r,s,wl(a,1)),Or(a),s}function VMe(r,s){var a,l,v,y,x,T,O;for(T=kT(s),y=s.f,O=s.g,x=m.Math.sqrt(y*y+O*O),v=0,l=new le(T);l.a<l.c.c.length;)a=E(ce(l),33),v+=VMe(r,a);return m.Math.max(v,x)}function Sa(){Sa=xe,uE=new B8(g9,0),Ug=new B8("FREE",1),g$=new B8("FIXED_SIDE",2),t_=new B8("FIXED_ORDER",3),Nm=new B8("FIXED_RATIO",4),Tl=new B8("FIXED_POS",5)}function NEt(r,s){var a,l,v;if(a=s.Hh(r.a),a){for(v=ai(V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),Tp)),l=1;l<(Qf(),Xke).length;++l)if(xn(Xke[l],v))return l}return 0}function LEt(r){var s,a,l,v,y;if(r==null)return $f;for(y=new w2(fu,"[","]"),a=r,l=0,v=a.length;l<v;++l)s=a[l],T0(y,""+s);return y.a?y.e.length==0?y.a.a:y.a.a+(""+y.e):y.c}function BEt(r){var s,a,l,v,y;if(r==null)return $f;for(y=new w2(fu,"[","]"),a=r,l=0,v=a.length;l<v;++l)s=a[l],T0(y,""+s);return y.a?y.e.length==0?y.a.a:y.a.a+(""+y.e):y.c}function qMe(r){var s,a,l;for(l=new w2(fu,"{","}"),a=r.vc().Kc();a.Ob();)s=E(a.Pb(),42),T0(l,v$e(r,s.cd())+"="+v$e(r,s.dd()));return l.a?l.e.length==0?l.a.a:l.a.a+(""+l.e):l.c}function zEt(r){for(var s,a,l,v;!NO(r.o);)a=E(d5(r.o),46),l=E(a.a,121),s=E(a.b,213),v=UW(s,l),s.e==l?(AV(v.g,s),l.e=v.e+s.a):(AV(v.b,s),l.e=v.e-s.a),Et(r.e.a,l)}function rme(r,s){var a,l,v;for(a=null,v=E(s.Kb(r),20).Kc();v.Ob();)if(l=E(v.Pb(),17),!a)a=l.c.i==r?l.d.i:l.c.i;else if((l.c.i==r?l.d.i:l.c.i)!=a)return!1;return!0}function WMe(r,s){var a,l,v,y,x;for(a=dBe(r,!1,s),v=new le(a);v.a<v.c.c.length;)l=E(ce(v),129),l.d==0?(lte(l,null),fte(l,null)):(y=l.a,x=l.b,lte(l,x),fte(l,y))}function HEt(r){var s,a;return s=new Ys,_h(s,Iet),a=E(se(r,(bt(),Cl)),21),a.Hc((Ru(),ej))&&_h(s,Pet),a.Hc(XA)&&_h(s,Det),a.Hc(rR)&&_h(s,$et),a.Hc(QA)&&_h(s,Aet),s}function UEt(r){var s,a,l,v;for(fRt(r),a=new Rr(Ar(A0(r).a.Kc(),new M));fi(a);)s=E(Zr(a),17),l=s.c.i==r,v=l?s.d:s.c,l?ya(s,null):Ya(s,null),ct(s,(bt(),LSe),v),JSt(r,v.i)}function VEt(r,s,a,l){var v,y;switch(y=s.i,v=a[y.g][r.d[y.g]],y.g){case 1:v-=l+s.j.b,s.g.b=v;break;case 3:v+=l,s.g.b=v;break;case 4:v-=l+s.j.a,s.g.a=v;break;case 2:v+=l,s.g.a=v}}function qEt(r){var s,a,l;for(a=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));a.e!=a.i.gc();)if(s=E(Fr(a),33),l=sB(s),!fi(new Rr(Ar(l.a.Kc(),new M))))return s;return null}function WEt(){var r;return Crt?E(iA((Mn(),jp),IA),2016):(r=E(Ce(ml((Mn(),jp),IA),555)?ml(jp,IA):new FLe,555),Crt=!0,XRt(r),iIt(r),dre(r),Uu(jp,IA,r),r)}function yre(r,s,a){var l,v;if(r.j==0)return a;if(v=E(gFe(r,s,a),72),l=a.ak(),!l.Ij()||!r.a.rl(l))throw de(new Zu("Invalid entry feature '"+l.Hj().zb+"."+l.ne()+"'"));return v}function GEt(r,s){var a,l,v,y,x,T,O,A;for(T=r.a,O=0,A=T.length;O<A;++O)for(x=T[O],l=x,v=0,y=l.length;v<y;++v)if(a=l[v],Qe(s)===Qe(a)||s!=null&&Ki(s,a))return!0;return!1}function KEt(r){var s,a,l;return tl(r,0)>=0?(a=YL(r,QG),l=BL(r,QG)):(s=eT(r,1),a=YL(s,5e8),l=BL(s,5e8),l=Xa(E0(l,1),zs(r,1))),Cg(E0(l,32),zs(a,Ou))}function GMe(r,s,a){var l,v;switch(l=(vr(s.b!=0),E(Xh(s,s.a.a),8)),a.g){case 0:l.b=0;break;case 2:l.b=r.f;break;case 3:l.a=0;break;default:l.a=r.g}return v=Ti(s,0),VN(v,l),s}function KMe(r,s,a,l){var v,y,x,T,O;switch(O=r.b,y=s.d,x=y.j,T=fbe(x,O.d[x.g],a),v=io(Oc(y.n),y.a),y.j.g){case 1:case 3:T.a+=v.a;break;case 2:case 4:T.b+=v.b}os(l,T,l.c.b,l.c)}function YEt(r,s,a){var l,v,y,x;for(x=lc(r.e,s,0),y=new PM,y.b=a,l=new Oa(r.e,x);l.b<l.d.gc();)v=(vr(l.b<l.d.gc()),E(l.d.Xb(l.c=l.b++),10)),v.p=a,Et(y.e,v),Qd(l);return y}function XEt(r,s,a,l){var v,y,x,T,O;for(v=null,y=0,T=new le(s);T.a<T.c.c.length;)x=E(ce(T),33),O=x.i+x.g,r<x.j+x.f+l&&(v?a.i-O<a.i-y&&(v=x):v=x,y=v.i+v.g);return v?y+l:0}function QEt(r,s,a,l){var v,y,x,T,O;for(y=null,v=0,T=new le(s);T.a<T.c.c.length;)x=E(ce(T),33),O=x.j+x.f,r<x.i+x.g+l&&(y?a.j-O<a.j-v&&(y=x):y=x,v=y.j+y.f);return y?v+l:0}function JEt(r){var s,a,l;for(s=!1,l=r.b.c.length,a=0;a<l;a++)lge(E(Vt(r.b,a),434))?!s&&a+1<l&&lge(E(Vt(r.b,a+1),434))&&(s=!0,E(Vt(r.b,a),434).a=!0):s=!1}function ZEt(r,s,a,l,v){var y,x;for(y=0,x=0;x<v;x++)y=Xa(y,My(zs(s[x],Ou),zs(l[x],Ou))),r[x]=Qr(y),y=xy(y,32);for(;x<a;x++)y=Xa(y,zs(s[x],Ou)),r[x]=Qr(y),y=xy(y,32)}function e2t(r,s){nA();var a,l;for(l=(zy(),aY),a=r;s>1;s>>=1)s&1&&(l=l4(l,a)),a.d==1?a=l4(a,a):a=new v7e(kze(a.a,a.d,Pe(Gr,Ei,25,a.d<<1,15,1)));return l=l4(l,a),l}function ime(){ime=xe;var r,s,a,l;for(s2e=Pe(ba,Lu,25,25,15,1),a2e=Pe(ba,Lu,25,33,15,1),l=152587890625e-16,s=32;s>=0;s--)a2e[s]=l,l*=.5;for(a=1,r=24;r>=0;r--)s2e[r]=a,a*=.5}function t2t(r){var s,a;if(Wt(Gt(Xt(r,(Ft(),ZT))))){for(a=new Rr(Ar(F0(r).a.Kc(),new M));fi(a);)if(s=E(Zr(a),79),KS(s)&&Wt(Gt(Xt(s,W2))))return!0}return!1}function YMe(r,s){var a,l,v;Bs(r.f,s)&&(s.b=r,l=s.c,lc(r.j,l,0)!=-1||Et(r.j,l),v=s.d,lc(r.j,v,0)!=-1||Et(r.j,v),a=s.a.b,a.c.length!=0&&(!r.i&&(r.i=new k7e(r)),mbt(r.i,a)))}function n2t(r){var s,a,l,v,y;return a=r.c.d,l=a.j,v=r.d.d,y=v.j,l==y?a.p<v.p?0:1:LW(l)==y?0:Fge(l)==y?1:(s=r.b,Gf(s.b,LW(l))?0:1)}function gG(){gG=xe,Jue=new F8(cqe,0),sCe=new F8("LONGEST_PATH",1),Que=new F8("COFFMAN_GRAHAM",2),oCe=new F8(Doe,3),aCe=new F8("STRETCH_WIDTH",4),CX=new F8("MIN_WIDTH",5)}function O2(r){var s;this.d=new jr,this.c=r.c,this.e=r.d,this.b=r.b,this.f=new qIe(r.e),this.a=r.a,r.f?this.g=r.f:this.g=(s=E(hp(vQ),9),new qh(s,E(t1(s,s.length),9),0))}function bG(r,s){var a,l,v,y,x,T;v=r,x=mF(v,"layoutOptions"),!x&&(x=mF(v,aWe)),x&&(T=x,l=null,T&&(l=(y=nne(T,Pe(Bt,ft,2,0,6,1)),new cN(T,y))),l&&(a=new sRe(T,s),Na(l,a)))}function ic(r){if(Ce(r,239))return E(r,33);if(Ce(r,186))return _g(E(r,118));throw de(r?new M1("Only support nodes and ports."):new LC(bWe))}function r2t(r,s,a,l){return(s>=0&&xn(r.substr(s,3),"GMT")||s>=0&&xn(r.substr(s,3),"UTC"))&&(a[0]=s+3),D0e(r,a,l)}function i2t(r,s){var a,l,v,y,x;for(y=r.g.a,x=r.g.b,l=new le(r.d);l.a<l.c.c.length;)a=E(ce(l),70),v=a.n,v.a=y,r.i==(It(),Jn)?v.b=x+r.j.b-a.o.b:v.b=x,io(v,s),y+=a.o.a+r.e}function Lr(r,s,a){if(r.b)throw de(new zu("The task is already done."));return r.p!=null?!1:(r.p=s,r.r=a,r.k&&(r.o=(mg(),Va(Df(Date.now()),rw))),!0)}function ome(r){var s,a,l,v,y,x,T;return T=new NC,a=r.tg(),v=a!=null,v&&t6(T,$b,r.tg()),l=r.ne(),y=l!=null,y&&t6(T,ji,r.ne()),s=r.sg(),x=s!=null,x&&t6(T,"description",r.sg()),T}function XMe(r,s,a){var l,v,y;return y=r.q,r.q=s,r.Db&4&&!(r.Db&1)&&(v=new aa(r,1,9,y,s),a?a.Ei(v):a=v),s?(l=s.c,l!=r.r&&(a=r.nk(l,a))):r.r&&(a=r.nk(null,a)),a}function o2t(r,s,a){var l,v,y,x,T;for(a=(T=s,D5(T,r.e,-1-r.c,a)),x=npe(r.a),y=(l=new _2(new dg(x.a).a),new Zc(l));y.a.b;)v=E($S(y.a).cd(),87),a=dA(v,xG(v,r.a),a);return a}function s2t(r,s,a){var l,v,y,x,T;for(a=(T=s,Cq(T,r.e,-1-r.c,a)),x=npe(r.a),y=(l=new _2(new dg(x.a).a),new Zc(l));y.a.b;)v=E($S(y.a).cd(),87),a=dA(v,xG(v,r.a),a);return a}function a2t(r,s,a,l){var v,y,x;if(l==0)ll(s,0,r,a,r.length-a);else for(x=32-l,r[r.length-1]=0,y=r.length-1;y>a;y--)r[y]|=s[y-a-1]>>>x,r[y-1]=s[y-a-1]<<l;for(v=0;v<a;v++)r[v]=0}function u2t(r){var s,a,l,v,y;for(s=0,a=0,y=r.Kc();y.Ob();)l=E(y.Pb(),111),s=m.Math.max(s,l.d.b),a=m.Math.max(a,l.d.c);for(v=r.Kc();v.Ob();)l=E(v.Pb(),111),l.d.b=s,l.d.c=a}function c2t(r){var s,a,l,v,y;for(a=0,s=0,y=r.Kc();y.Ob();)l=E(y.Pb(),111),a=m.Math.max(a,l.d.d),s=m.Math.max(s,l.d.a);for(v=r.Kc();v.Ob();)l=E(v.Pb(),111),l.d.d=a,l.d.a=s}function QMe(r,s){var a,l,v,y;for(y=new vt,v=0,l=s.Kc();l.Ob();){for(a=Ot(E(l.Pb(),19).a+v);a.a<r.f&&!Zct(r,a.a);)a=Ot(a.a+1),++v;if(a.a>=r.f)break;y.c[y.c.length]=a}return y}function sme(r){var s,a,l,v;for(s=null,v=new le(r.wf());v.a<v.c.c.length;)l=E(ce(v),181),a=new Wh(l.qf().a,l.qf().b,l.rf().a,l.rf().b),s?GF(s,a):s=a;return!s&&(s=new i5),s}function Ere(r,s,a,l){var v,y;return a==1?(!r.n&&(r.n=new St(pc,r,1,7)),Ml(r.n,s,l)):(y=E(Fn((v=E(Gn(r,16),26),v||r.zh()),a),66),y.Nj().Qj(r,Zl(r),a-_r(r.zh()),s,l))}function _re(r,s,a){var l,v,y,x,T;for(l=a.gc(),r.qi(r.i+l),T=r.i-s,T>0&&ll(r.g,s,r.g,s+l,T),x=a.Kc(),r.i+=l,v=0;v<l;++v)y=x.Pb(),K8(r,s,r.oi(s,y)),r.bi(s,y),r.ci(),++s;return l!=0}function $g(r,s,a){var l;return s!=r.q?(r.q&&(a=Cq(r.q,r,-10,a)),s&&(a=D5(s,r,-10,a)),a=XMe(r,s,a)):r.Db&4&&!(r.Db&1)&&(l=new aa(r,1,9,s,s),a?a.Ei(l):a=l),a}function Sre(r,s,a,l){return Yde((a&xb)==0,"flatMap does not support SUBSIZED characteristic"),Yde((a&4)==0,"flatMap does not support SORTED characteristic"),Jr(r),Jr(s),new n$e(r,a,l,s)}function l2t(r,s){Vhe(s,"Cannot suppress a null exception."),UV(s!=r,"Exception can not suppress itself."),!r.i&&(r.k==null?r.k=pe(he(dae,1),ft,78,0,[s]):r.k[r.k.length]=s)}function k4(r,s,a,l){var v,y,x,T,O,A;for(x=a.length,y=0,v=-1,A=q8e(r.substr(s),(lee(),i2e)),T=0;T<x;++T)O=a[T].length,O>y&&ylt(A,q8e(a[T],i2e))&&(v=T,y=O);return v>=0&&(l[0]=s+y),v}function f2t(r,s){var a;if(a=HRe(r.b.Hf(),s.b.Hf()),a!=0)return a;switch(r.b.Hf().g){case 1:case 2:return _f(r.b.sf(),s.b.sf());case 3:case 4:return _f(s.b.sf(),r.b.sf())}return 0}function d2t(r){var s,a,l;for(l=r.e.c.length,r.a=a2(Gr,[ft,Ei],[48,25],15,[l,l],2),a=new le(r.c);a.a<a.c.c.length;)s=E(ce(a),282),r.a[s.c.b][s.d.b]+=E(se(s,(G1(),BA)),19).a}function h2t(r,s,a){Lr(a,"Grow Tree",1),r.b=s.f,Wt(Gt(se(s,(I6(),q9))))?(r.c=new qs,pAe(r,null)):r.c=new qs,r.a=!1,mBe(r,s.f),ct(s,N2e,(tr(),!!r.a)),Or(a)}function p2t(r,s){var a,l,v,y,x;if(r==null)return null;for(x=Pe(ap,Cb,25,2*s,15,1),l=0,v=0;l<s;++l)a=r[l]>>4&15,y=r[l]&15,x[v++]=xke[a],x[v++]=xke[y];return vp(x,0,x.length)}function g2t(r,s,a){var l,v,y;return l=s.ak(),y=s.dd(),v=l.$j()?Oy(r,4,l,y,null,cA(r,l,y,Ce(l,99)&&(E(l,18).Bb&du)!=0),!0):Oy(r,l.Kj()?2:1,l,y,l.zj(),-1,!0),a?a.Ei(v):a=v,a}function Af(r){var s,a;return r>=du?(s=kB+(r-du>>10&1023)&ls,a=56320+(r-du&1023)&ls,String.fromCharCode(s)+(""+String.fromCharCode(a))):String.fromCharCode(r&ls)}function b2t(r,s){XC();var a,l,v,y;return v=E(E(no(r.r,s),21),84),v.gc()>=2?(l=E(v.Kc().Pb(),111),a=r.u.Hc((hd(),Fj)),y=r.u.Hc(yI),!l.a&&!a&&(v.gc()==2||y)):!1}function JMe(r,s,a,l,v){var y,x,T;for(y=FBe(r,s,a,l,v),T=!1;!y;)_G(r,v,!0),T=!0,y=FBe(r,s,a,l,v);T&&_G(r,v,!1),x=ane(v),x.c.length!=0&&(r.d&&r.d.lg(x),JMe(r,v,a,l,x))}function mG(){mG=xe,ule=new L8(L0,0),J3e=new L8("DIRECTED",1),eke=new L8("UNDIRECTED",2),X3e=new L8("ASSOCIATION",3),Z3e=new L8("GENERALIZATION",4),Q3e=new L8("DEPENDENCY",5)}function m2t(r,s){var a;if(!_g(r))throw de(new zu(Gqe));switch(a=_g(r),s.g){case 1:return-(r.j+r.f);case 2:return r.i-a.g;case 3:return r.j-a.f;case 4:return-(r.i+r.g)}return 0}function Z6(r,s){var a,l;for(Qn(s),l=r.b.c.length,Et(r.b,s);l>0;){if(a=l,l=(l-1)/2|0,r.a.ue(Vt(r.b,l),s)<=0)return Kh(r.b,a,s),!0;Kh(r.b,a,Vt(r.b,l))}return Kh(r.b,l,s),!0}function ame(r,s,a,l){var v,y;if(v=0,a)v=FW(r.a[a.g][s.g],l);else for(y=0;y<pY;y++)v=m.Math.max(v,FW(r.a[y][s.g],l));return s==(U1(),Bl)&&r.b&&(v=m.Math.max(v,r.b.a)),v}function v2t(r,s){var a,l,v,y,x,T;return v=r.i,y=s.i,!v||!y||v.i!=y.i||v.i==(It(),fr)||v.i==(It(),nr)?!1:(x=v.g.a,a=x+v.j.a,T=y.g.a,l=T+y.j.a,x<=l&&a>=T)}function ume(r,s,a,l){var v;if(v=!1,ha(l)&&(v=!0,t6(s,a,ai(l))),v||WC(l)&&(v=!0,ume(r,s,a,l)),v||Ce(l,236)&&(v=!0,l2(s,a,E(l,236))),!v)throw de(new UM(rEe))}function w2t(r,s){var a,l,v;if(a=s.Hh(r.a),a&&(v=V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),xp),v!=null)){for(l=1;l<(Qf(),Kke).length;++l)if(xn(Kke[l],v))return l}return 0}function y2t(r,s){var a,l,v;if(a=s.Hh(r.a),a&&(v=V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),xp),v!=null)){for(l=1;l<(Qf(),Yke).length;++l)if(xn(Yke[l],v))return l}return 0}function ZMe(r,s){var a,l,v,y;if(Qn(s),y=r.a.gc(),y<s.gc())for(a=r.a.ec().Kc();a.Ob();)l=a.Pb(),s.Hc(l)&&a.Qb();else for(v=s.Kc();v.Ob();)l=v.Pb(),r.a.Bc(l)!=null;return y!=r.a.gc()}function eNe(r){var s,a;switch(a=Oc(_c(pe(he(na,1),ft,8,0,[r.i.n,r.n,r.a]))),s=r.i.d,r.j.g){case 1:a.b-=s.d;break;case 2:a.a+=s.c;break;case 3:a.b+=s.a;break;case 4:a.a-=s.b}return a}function E2t(r){var s;for(s=(T5(),E(Zr(new Rr(Ar(fc(r).a.Kc(),new M))),17).c.i);s.k==(dr(),ua);)ct(s,(bt(),mz),(tr(),!0)),s=E(Zr(new Rr(Ar(fc(s).a.Kc(),new M))),17).c.i}function xre(r,s,a,l){var v,y,x,T;for(T=$F(s,l),x=T.Kc();x.Ob();)v=E(x.Pb(),11),r.d[v.p]=r.d[v.p]+r.c[a.p];for(T=$F(a,l),y=T.Kc();y.Ob();)v=E(y.Pb(),11),r.d[v.p]=r.d[v.p]-r.c[s.p]}function cme(r,s,a){var l,v;for(v=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));v.e!=v.i.gc();)l=E(Fr(v),33),wg(l,l.i+s,l.j+a);Na((!r.b&&(r.b=new St(ra,r,12,3)),r.b),new Y4e(s,a))}function _2t(r,s,a,l){var v,y;for(y=s,v=y.d==null||r.a.ue(a.d,y.d)>0?1:0;y.a[v]!=a;)y=y.a[v],v=r.a.ue(a.d,y.d)>0?1:0;y.a[v]=l,l.b=a.b,l.a[0]=a.a[0],l.a[1]=a.a[1],a.a[0]=null,a.a[1]=null}function S2t(r){hd();var s,a;return s=Ro(q0,pe(he(aQ,1),wt,273,0,[cE])),!(_L(Rq(s,r))>1||(a=Ro(Fj,pe(he(aQ,1),wt,273,0,[Pj,yI])),_L(Rq(a,r))>1))}function lme(r,s){var a;a=ml((Mn(),jp),r),Ce(a,498)?Uu(jp,r,new vRe(this,s)):Uu(jp,r,this),Cre(this,s),s==(Lk(),jke)?(this.wb=E(this,1939),E(s,1941)):this.wb=(ky(),qn)}function x2t(r){var s,a,l;if(r==null)return null;for(s=null,a=0;a<Lj.length;++a)try{return qr(Lj[a],r)}catch(v){if(v=Mo(v),Ce(v,32))l=v,s=l;else throw de(v)}throw de(new Zq(s))}function tNe(){tNe=xe,fKe=pe(he(Bt,1),ft,2,6,["Sun","Mon","Tue","Wed","Thu","Fri","Sat"]),dKe=pe(he(Bt,1),ft,2,6,["Jan","Feb","Mar","Apr",B5,"Jun","Jul","Aug","Sep","Oct","Nov","Dec"])}function nNe(r){var s,a,l;s=xn(typeof s,Eve)?null:new oi,s&&(Gk(),a=(l=900,l>=rw?"error":l>=900?"warn":l>=800?"info":"log"),LDe(a,r.a),r.b&&l0e(s,a,r.b,"Exception: ",!0))}function se(r,s){var a,l;return l=(!r.q&&(r.q=new jr),Cr(r.q,s)),l??(a=s.wg(),Ce(a,4)&&(a==null?(!r.q&&(r.q=new jr),_5(r.q,s)):(!r.q&&(r.q=new jr),Qi(r.q,s,a))),a)}function lu(){lu=xe,jb=new pN("P1_CYCLE_BREAKING",0),Jy=new pN("P2_LAYERING",1),nf=new pN("P3_NODE_ORDERING",2),Sl=new pN("P4_NODE_PLACEMENT",3),oc=new pN("P5_EDGE_ROUTING",4)}function rNe(r,s){var a,l,v,y,x;for(v=s==1?Uae:Hae,l=v.a.ec().Kc();l.Ob();)for(a=E(l.Pb(),103),x=E(no(r.f.c,a),21).Kc();x.Ob();)y=E(x.Pb(),46),Tf(r.b.b,y.b),Tf(r.b.a,E(y.b,81).d)}function C2t(r,s){_F();var a;if(r.c==s.c){if(r.b==s.b||Xgt(r.b,s.b)){if(a=iot(r.b)?1:-1,r.a&&!s.a)return a;if(!r.a&&s.a)return-a}return _f(r.b.g,s.b.g)}else return Ts(r.c,s.c)}function T2t(r,s){var a;Lr(s,"Hierarchical port position processing",1),a=r.b,a.c.length>0&&_ze((Vn(0,a.c.length),E(a.c[0],29)),r),a.c.length>1&&_ze(E(Vt(a,a.c.length-1),29),r),Or(s)}function iNe(r,s){var a,l,v;if(dme(r,s))return!0;for(l=new le(s);l.a<l.c.c.length;)if(a=E(ce(l),33),v=NMe(a),IG(r,a,v)||dje(r,a)-r.g<=r.a)return!0;return!1}function QL(){QL=xe,YX=(Yre(),GTe),zce=dnt,Bce=fnt,BTe=unt,Lce=lnt,LTe=new pS(8),ent=new bu((Mi(),Z2),LTe),tnt=new bu(e_,8),nnt=qTe,MTe=rnt,NTe=ont,Ztt=new bu(Bz,(tr(),!1))}function vG(){vG=xe,l3e=new pS(15),Ont=new bu((Mi(),Z2),l3e),Int=new bu(e_,15),f3e=new bu(iQ,Ot(0)),a3e=E3e,knt=J2,Rnt=oE,s3e=new bu(bI,Oqe),u3e=tQ,c3e=vR,qce=Pnt,Tnt=eQ}function Cm(r){if((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b).i!=1||(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c).i!=1)throw de(new Yn(Nse));return ic(E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82))}function oNe(r){if((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b).i!=1||(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c).i!=1)throw de(new Yn(Nse));return kL(E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82))}function sNe(r){if((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b).i!=1||(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c).i!=1)throw de(new Yn(Nse));return kL(E(ke((!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c),0),82))}function Ny(r){if((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b).i!=1||(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c).i!=1)throw de(new Yn(Nse));return ic(E(ke((!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c),0),82))}function fme(r,s,a){var l,v,y;if(++r.j,v=r.Vi(),s>=v||s<0)throw de(new xu(Lse+s+N2+v));if(a>=v||a<0)throw de(new xu(Bse+a+N2+v));return s!=a?l=(y=r.Ti(a),r.Hi(s,y),y):l=r.Oi(a),l}function aNe(r){var s,a,l;if(l=r,r)for(s=0,a=r.Ug();a;a=a.Ug()){if(++s>eoe)return aNe(a);if(l=a,a==r)throw de(new zu("There is a cycle in the containment hierarchy of "+r))}return l}function Ly(r){var s,a,l;for(l=new w2(fu,"[","]"),a=r.Kc();a.Ob();)s=a.Pb(),T0(l,Qe(s)===Qe(r)?"(this Collection)":s==null?$f:dc(s));return l.a?l.e.length==0?l.a.a:l.a.a+(""+l.e):l.c}function dme(r,s){var a,l;if(l=!1,s.gc()<2)return!1;for(a=0;a<s.gc();a++)a<s.gc()-1?l=l|IG(r,E(s.Xb(a),33),E(s.Xb(a+1),33)):l=l|IG(r,E(s.Xb(a),33),E(s.Xb(0),33));return l}function uNe(r,s){var a;s!=r.a?(a=null,r.a&&(a=E(r.a,49).ih(r,4,J1,a)),s&&(a=E(s,49).gh(r,4,J1,a)),a=xge(r,s,a),a&&a.Fi()):r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,1,s,s))}function hme(r,s){var a;s!=r.e?(r.e&&mPe(npe(r.e),r),s&&(!s.b&&(s.b=new IO(new MM)),D5e(s.b,r)),a=Myt(r,s,null),a&&a.Fi()):r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,4,s,s))}function _T(r){var s,a,l;for(a=r.length,l=0;l<a&&(ui(l,r.length),r.charCodeAt(l)<=32);)++l;for(s=a;s>l&&(ui(s-1,r.length),r.charCodeAt(s-1)<=32);)--s;return l>0||s<a?r.substr(l,s-l):r}function k2t(r,s){var a;a=s.o,Ey(r.f)?(r.j.a=m.Math.max(r.j.a,a.a),r.j.b+=a.b,r.d.c.length>1&&(r.j.b+=r.e)):(r.j.a+=a.a,r.j.b=m.Math.max(r.j.b,a.b),r.d.c.length>1&&(r.j.a+=r.e))}function By(){By=xe,zXe=pe(he(hu,1),nl,61,0,[(It(),Jn),fr,Br]),BXe=pe(he(hu,1),nl,61,0,[fr,Br,nr]),HXe=pe(he(hu,1),nl,61,0,[Br,nr,Jn]),UXe=pe(he(hu,1),nl,61,0,[nr,Jn,fr])}function R2t(r,s,a,l){var v,y,x,T,O,A,F;if(x=r.c.d,T=r.d.d,x.j!=T.j)for(F=r.b,v=x.j,O=null;v!=T.j;)O=s==0?LW(v):Fge(v),y=fbe(v,F.d[v.g],a),A=fbe(O,F.d[O.g],a),Ii(l,io(y,A)),v=O}function O2t(r,s,a,l){var v,y,x,T,O;return x=gMe(r.a,s,a),T=E(x.a,19).a,y=E(x.b,19).a,l&&(O=E(se(s,(bt(),pd)),10),v=E(se(a,pd),10),O&&v&&(E$e(r.b,O,v),T+=r.b.i,y+=r.b.e)),T>y}function cNe(r){var s,a,l,v,y,x,T,O,A;for(this.a=N7e(r),this.b=new vt,a=r,l=0,v=a.length;l<v;++l)for(s=a[l],y=new vt,Et(this.b,y),T=s,O=0,A=T.length;O<A;++O)x=T[O],Et(y,new Kf(x.j))}function I2t(r,s,a){var l,v,y;return y=0,l=a[s],s<a.length-1&&(v=a[s+1],r.b[s]?(y=tIt(r.d,l,v),y+=Vee(r.a,l,(It(),fr)),y+=Vee(r.a,v,nr)):y=E1t(r.a,l,v)),r.c[s]&&(y+=Vpt(r.a,l)),y}function D2t(r,s,a,l,v){var y,x,T,O;for(O=null,T=new le(l);T.a<T.c.c.length;)if(x=E(ce(T),441),x!=a&&lc(x.e,v,0)!=-1){O=x;break}y=kte(v),Ya(y,a.b),ya(y,O.b),_n(r.a,v,new zV(y,s,a.f))}function lNe(r){for(;r.g.c!=0&&r.d.c!=0;)nee(r.g).c>nee(r.d).c?(r.i+=r.g.c,zne(r.d)):nee(r.d).c>nee(r.g).c?(r.e+=r.d.c,zne(r.g)):(r.i+=BIe(r.g),r.e+=BIe(r.d),zne(r.g),zne(r.d))}function A2t(r,s,a){var l,v,y,x;for(y=s.q,x=s.r,new f2((B1(),rE),s,y,1),new f2(rE,y,x,1),v=new le(a);v.a<v.c.c.length;)l=E(ce(v),112),l!=y&&l!=s&&l!=x&&(q0e(r.a,l,s),q0e(r.a,l,x))}function fNe(r,s,a,l){r.a.d=m.Math.min(s,a),r.a.a=m.Math.max(s,l)-r.a.d,s<a?(r.b=.5*(s+a),r.g=fse*r.b+.9*s,r.f=fse*r.b+.9*a):(r.b=.5*(s+l),r.g=fse*r.b+.9*l,r.f=fse*r.b+.9*s)}function $2t(){rY={},!Array.isArray&&(Array.isArray=function(s){return Object.prototype.toString.call(s)==="[object Array]"});function r(){return new Date().getTime()}!Date.now&&(Date.now=r)}function dNe(r,s){var a,l;l=E(se(s,(Ft(),Zo)),98),ct(s,(bt(),BSe),l),a=s.e,a&&(Bo(new Nn(null,new zn(a.a,16)),new Nt(r)),Bo(Ec(new Nn(null,new zn(a.b,16)),new vd),new Yt(r)))}function P2t(r){var s,a,l,v;if(KD(E(se(r.b,(Ft(),Oh)),103)))return 0;for(s=0,l=new le(r.a);l.a<l.c.c.length;)a=E(ce(l),10),a.k==(dr(),Os)&&(v=a.o.a,s=m.Math.max(s,v));return s}function F2t(r){switch(E(se(r,(Ft(),rf)),163).g){case 1:ct(r,rf,(Zh(),rj));break;case 2:ct(r,rf,(Zh(),YT));break;case 3:ct(r,rf,(Zh(),nj));break;case 4:ct(r,rf,(Zh(),eE))}}function eA(){eA=xe,J9=new P8(L0,0),SSe=new P8(U5,1),TSe=new P8(V5,2),CSe=new P8("LEFT_RIGHT_CONSTRAINT_LOCKING",3),xSe=new P8("LEFT_RIGHT_CONNECTION_LOCKING",4),_Se=new P8(XVe,5)}function hNe(r,s,a){var l,v,y,x,T,O,A;T=a.a/2,y=a.b/2,l=m.Math.abs(s.a-r.a),v=m.Math.abs(s.b-r.b),O=1,A=1,l>T&&(O=T/l),v>y&&(A=y/v),x=m.Math.min(O,A),r.a+=x*(s.a-r.a),r.b+=x*(s.b-r.b)}function j2t(r,s,a,l,v){var y,x;for(x=!1,y=E(Vt(a.b,0),33);Qkt(r,s,y,l,v)&&(x=!0,gEt(a,y),a.b.c.length!=0);)y=E(Vt(a.b,0),33);return a.b.c.length==0&&KL(a.j,a),x&&uG(s.q),x}function M2t(r,s){A4();var a,l,v,y;if(s.b<2)return!1;for(y=Ti(s,0),a=E(Ci(y),8),l=a;y.b!=y.d.c;){if(v=E(Ci(y),8),Vre(r,l,v))return!0;l=v}return!!Vre(r,l,a)}function pme(r,s,a,l){var v,y;return a==0?(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),LV(r.o,s,l)):(y=E(Fn((v=E(Gn(r,16),26),v||r.zh()),a),66),y.Nj().Rj(r,Zl(r),a-_r(r.zh()),s,l))}function Cre(r,s){var a;s!=r.sb?(a=null,r.sb&&(a=E(r.sb,49).ih(r,1,Nj,a)),s&&(a=E(s,49).gh(r,1,Nj,a)),a=Rge(r,s,a),a&&a.Fi()):r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,4,s,s))}function N2t(r,s){var a,l,v,y;if(s)v=O0(s,"x"),a=new bM(r),_6(a.a,(Qn(v),v)),y=O0(s,"y"),l=new RO(r),x6(l.a,(Qn(y),y));else throw de(new N1("All edge sections need an end point."))}function L2t(r,s){var a,l,v,y;if(s)v=O0(s,"x"),a=new kO(r),S6(a.a,(Qn(v),v)),y=O0(s,"y"),l=new UQ(r),C6(l.a,(Qn(y),y));else throw de(new N1("All edge sections need a start point."))}function B2t(r,s){var a,l,v,y,x,T,O;for(l=Y9e(r),y=0,T=l.length;y<T;++y)nNe(s);for(O=!Ng&&r.e?Ng?null:r.d:null;O;){for(a=Y9e(O),v=0,x=a.length;v<x;++v)nNe(s);O=!Ng&&O.e?Ng?null:O.d:null}}function dr(){dr=xe,Os=new I8("NORMAL",0),ua=new I8("LONG_EDGE",1),ds=new I8("EXTERNAL_PORT",2),xl=new I8("NORTH_SOUTH_PORT",3),th=new I8("LABEL",4),Lg=new I8("BREAKING_POINT",5)}function z2t(r){var s,a,l,v;if(s=!1,ta(r,(bt(),tj)))for(a=E(se(r,tj),83),v=new le(r.j);v.a<v.c.c.length;)l=E(ce(v),11),Vxt(l)&&(s||(oSt(Za(r)),s=!0),qvt(E(a.xc(l),306)))}function H2t(r,s,a){var l;Lr(a,"Self-Loop routing",1),l=g0t(s),wV(se(s,(Wq(),Tj))),Bo(xf(So(So(Ec(new Nn(null,new zn(s.b,16)),new c_),new Ub),new Iw),new Qc),new E4e(r,l)),Or(a)}function U2t(r){var s,a,l,v,y,x,T,O,A;return A=ome(r),a=r.e,y=a!=null,y&&t6(A,jK,r.e),T=r.k,x=!!T,x&&t6(A,"type",JZ(r.k)),l=zD(r.j),v=!l,v&&(O=new ob,H1(A,Mse,O),s=new KQ(O),Na(r.j,s)),A}function V2t(r){var s,a,l,v;for(v=Ty((Eh(r.gc(),"size"),new fy),123),l=!0,a=wS(r).Kc();a.Ob();)s=E(a.Pb(),42),l||(v.a+=fu),l=!1,zc(Ty(zc(v,s.cd()),61),s.dd());return(v.a+="}",v).a}function pNe(r,s){var a,l,v;return s&=63,s<22?(a=r.l<<s,l=r.m<<s|r.l>>22-s,v=r.h<<s|r.m>>22-s):s<44?(a=0,l=r.l<<s-22,v=r.m<<s-22|r.l>>44-s):(a=0,l=0,v=r.l<<s-44),Jl(a&$d,l&$d,v&N0)}function ST(r){if(MEe==null&&(MEe=new RegExp("^\\s*[+-]?(NaN|Infinity|((\\d+\\.?\\d*)|(\\.\\d+))([eE][+-]?\\d+)?[dDfF]?)\\s*$")),!MEe.test(r))throw de(new Bh(nx+r+'"'));return parseFloat(r)}function q2t(r){var s,a,l,v;for(s=new vt,a=Pe(Md,Dm,25,r.a.c.length,16,1),zhe(a,a.length),v=new le(r.a);v.a<v.c.c.length;)l=E(ce(v),121),a[l.d]||(s.c[s.c.length]=l,x7e(r,l,a));return s}function W2t(r,s){var a,l,v,y;for(y=s.b.j,r.a=Pe(Gr,Ei,25,y.c.length,15,1),v=0,l=0;l<y.c.length;l++)a=(Vn(l,y.c.length),E(y.c[l],11)),a.e.c.length==0&&a.g.c.length==0?v+=1:v+=3,r.a[l]=v}function wG(){wG=xe,gue=new A8("ALWAYS_UP",0),pue=new A8("ALWAYS_DOWN",1),mue=new A8("DIRECTION_UP",2),bue=new A8("DIRECTION_DOWN",3),vue=new A8("SMART_UP",4),JY=new A8("SMART_DOWN",5)}function G2t(r,s){if(r<0||s<0)throw de(new Yn("k and n must be positive"));if(s>r)throw de(new Yn("k must be smaller than n"));return s==0||s==r?1:r==0?0:Hbe(r)/(Hbe(s)*Hbe(r-s))}function gme(r,s){var a,l,v,y;for(a=new Nfe(r);a.g==null&&!a.c?mpe(a):a.g==null||a.i!=0&&E(a.g[a.i-1],47).Ob();)if(y=E(SG(a),56),Ce(y,160))for(l=E(y,160),v=0;v<s.length;v++)s[v].og(l)}function Tre(r){var s;return r.Db&64?Ane(r):(s=new pp(Ane(r)),s.a+=" (height: ",Fv(s,r.f),s.a+=", width: ",Fv(s,r.g),s.a+=", x: ",Fv(s,r.i),s.a+=", y: ",Fv(s,r.j),s.a+=")",s.a)}function K2t(r){var s,a,l,v,y,x,T;for(s=new h2,l=r,v=0,y=l.length;v<y;++v)if(a=l[v],x=Jr(a.cd()),T=T2(s,x,Jr(a.dd())),T!=null)throw de(new Yn("duplicate key: "+x));this.b=(In(),new nD(s))}function Y2t(r){var s,a,l,v,y;if(r==null)return $f;for(y=new w2(fu,"[","]"),a=r,l=0,v=a.length;l<v;++l)s=a[l],T0(y,String.fromCharCode(s));return y.a?y.e.length==0?y.a.a:y.a.a+(""+y.e):y.c}function bme(){bme=xe,q2e=(iW(),yY),kYe=new Dn(oK,q2e),Ot(1),TYe=new Dn(Vve,Ot(300)),Ot(0),IYe=new Dn(qve,Ot(0)),DYe=new Dn(Soe,Rb),RYe=new Dn(xoe,5),AYe=yY,OYe=Fae}function gNe(r,s){var a,l,v,y,x;for(v=s==1?Uae:Hae,l=v.a.ec().Kc();l.Ob();)for(a=E(l.Pb(),103),x=E(no(r.f.c,a),21).Kc();x.Ob();)y=E(x.Pb(),46),Et(r.b.b,E(y.b,81)),Et(r.b.a,E(y.b,81).d)}function X2t(r,s){var a;if(s!=null&&!r.c.Yj().wj(s))throw a=Ce(s,56)?E(s,56).Tg().zb:v0(Od(s)),de(new rS(Ky+r.c.ne()+"'s type '"+r.c.Yj().ne()+"' does not permit a value of type '"+a+"'"))}function Q2t(r,s,a){var l,v;for(v=new Oa(r.b,0);v.b<v.d.gc();)l=(vr(v.b<v.d.gc()),E(v.d.Xb(v.c=v.b++),70)),Qe(se(l,(bt(),NSe)))===Qe(s)&&(_me(l.n,Za(r.c.i),a),Qd(v),Et(s.b,l))}function J2t(r,s){if(s.a)switch(E(se(s.b,(bt(),BSe)),98).g){case 0:case 1:wEt(s);case 2:Bo(new Nn(null,new zn(s.d,16)),new Rw),ZSt(r.a,s)}else Bo(new Nn(null,new zn(s.d,16)),new Rw)}function bNe(r){var s,a;return a=m.Math.sqrt((r.k==null&&(r.k=B1e(r,new P3)),ot(r.k)/(r.b*(r.g==null&&(r.g=GFe(r,new iv)),ot(r.g))))),s=Qr(Df(m.Math.round(a))),s=m.Math.min(s,r.f),s}function cl(){Xf(),jde.call(this),this.j=(It(),Tc),this.a=new ka,new KP,this.f=(Eh(2,AT),new Fl(2)),this.e=(Eh(4,AT),new Fl(4)),this.g=(Eh(4,AT),new Fl(4)),this.b=new O4e(this.e,this.g)}function Z2t(r,s){var a,l;return!(Wt(Gt(se(s,(bt(),Bg))))||(l=s.c.i,r==(Zh(),nj)&&l.k==(dr(),th))||(a=E(se(l,(Ft(),rf)),163),a==eE))}function e_t(r,s){var a,l;return!(Wt(Gt(se(s,(bt(),Bg))))||(l=s.d.i,r==(Zh(),rj)&&l.k==(dr(),th))||(a=E(se(l,(Ft(),rf)),163),a==YT))}function t_t(r,s){var a,l,v,y,x,T,O;for(x=r.d,O=r.o,T=new Wh(-x.b,-x.d,x.b+O.a+x.c,x.d+O.b+x.a),l=s,v=0,y=l.length;v<y;++v)a=l[v],a&&GF(T,a.i);x.b=-T.c,x.d=-T.d,x.c=T.b-x.b-O.a,x.a=T.a-x.d-O.b}function JL(){JL=xe,$Te=new yN("CENTER_DISTANCE",0),Mce=new yN("CIRCLE_UNDERLAP",1),FTe=new yN("RECTANGLE_UNDERLAP",2),Nce=new yN("INVERTED_OVERLAP",3),PTe=new yN("MINIMUM_ROOT_DISTANCE",4)}function n_t(r){b0e();var s,a,l,v,y;if(r==null)return null;for(l=r.length,v=l*2,s=Pe(ap,Cb,25,v,15,1),a=0;a<l;a++)y=r[a],y<0&&(y+=256),s[a*2]=TQ[y>>4],s[a*2+1]=TQ[y&15];return vp(s,0,s.length)}function r_t(r){pq();var s,a,l;switch(l=r.c.length,l){case 0:return YGe;case 1:return s=E(ZNe(new le(r)),42),kct(s.cd(),s.dd());default:return a=E(Ag(r,Pe(z2,YG,42,r.c.length,0,1)),165),new OD(a)}}function i_t(r){var s,a,l,v,y,x;for(s=new YE,a=new YE,Iy(s,r),Iy(a,r);a.b!=a.c;)for(v=E(d5(a),37),x=new le(v.a);x.a<x.c.c.length;)y=E(ce(x),10),y.e&&(l=y.e,Iy(s,l),Iy(a,l));return s}function tw(r,s){switch(s.g){case 1:return c5(r.j,(Xf(),g_e));case 2:return c5(r.j,(Xf(),h_e));case 3:return c5(r.j,(Xf(),m_e));case 4:return c5(r.j,(Xf(),v_e));default:return In(),In(),wu}}function o_t(r,s){var a,l,v;a=_ct(s,r.e),l=E(Cr(r.g.f,a),19).a,v=r.a.c.length-1,r.a.c.length!=0&&E(Vt(r.a,v),287).c==l?(++E(Vt(r.a,v),287).a,++E(Vt(r.a,v),287).b):Et(r.a,new YOe(l))}function s_t(r,s,a){var l,v;return l=d3t(r,s,a),l!=0?l:ta(s,(bt(),ol))&&ta(a,ol)?(v=_f(E(se(s,ol),19).a,E(se(a,ol),19).a),v<0?fB(r,s,a):v>0&&fB(r,a,s),v):BSt(r,s,a)}function mNe(r,s,a){var l,v,y,x;if(s.b!=0){for(l=new Po,x=Ti(s,0);x.b!=x.d.c;)y=E(Ci(x),86),cu(l,Q1e(y)),v=y.e,v.a=E(se(y,(Hc(),Ece)),19).a,v.b=E(se(y,MCe),19).a;mNe(r,l,wl(a,l.b/r.a|0))}}function vNe(r,s){var a,l,v,y,x;if(r.e<=s||dht(r,r.g,s))return r.g;for(y=r.r,l=r.g,x=r.r,v=(y-l)/2+l;l+1<y;)a=o9(r,v,!1),a.b<=v&&a.a<=s?(x=v,y=v):l=v,v=(y-l)/2+l;return x}function a_t(r,s,a){var l;l=MBe(r,s,!0),Lr(a,"Recursive Graph Layout",l),gme(s,pe(he(t3e,1),Ht,527,0,[new E7])),p2(s,(Mi(),f$))||gme(s,pe(he(t3e,1),Ht,527,0,[new lh])),ove(r,s,null,a),Or(a)}function Or(r){var s;if(r.p==null)throw de(new zu("The task has not begun yet."));r.b||(r.k&&(s=(mg(),Va(Df(Date.now()),rw)),r.q=OS(My(s,r.o))*1e-9),r.c<r.r&&Qte(r,r.r-r.c),r.b=!0)}function ZL(r){var s,a,l;for(l=new Yl,Ii(l,new Kt(r.j,r.k)),a=new Tr((!r.a&&(r.a=new xs($p,r,5)),r.a));a.e!=a.i.gc();)s=E(Fr(a),469),Ii(l,new Kt(s.a,s.b));return Ii(l,new Kt(r.b,r.c)),l}function u_t(r,s,a,l,v){var y,x,T,O,A,F;if(v)for(O=v.a.length,y=new u2(O),F=(y.b-y.a)*y.c<0?(ec(),bE):new Sy(y);F.Ob();)A=E(F.Pb(),19),T=d6(v,A.a),x=new d6e(r,s,a,l),vkt(x.a,x.b,x.c,x.d,T)}function mme(r,s){var a;if(Qe(r)===Qe(s))return!0;if(Ce(s,21)){a=E(s,21);try{return r.gc()==a.gc()&&r.Ic(a)}catch(l){if(l=Mo(l),Ce(l,173)||Ce(l,205))return!1;throw de(l)}}return!1}function vme(r,s){var a;Et(r.d,s),a=s.rf(),r.c?(r.e.a=m.Math.max(r.e.a,a.a),r.e.b+=a.b,r.d.c.length>1&&(r.e.b+=r.a)):(r.e.a+=a.a,r.e.b=m.Math.max(r.e.b,a.b),r.d.c.length>1&&(r.e.a+=r.a))}function c_t(r){var s,a,l,v;switch(v=r.i,s=v.b,l=v.j,a=v.g,v.a.g){case 0:a.a=(r.g.b.o.a-l.a)/2;break;case 1:a.a=s.d.n.a+s.d.a.a;break;case 2:a.a=s.d.n.a+s.d.a.a-l.a;break;case 3:a.b=s.d.n.b+s.d.a.b}}function wNe(r,s,a,l,v){if(l<s||v<a)throw de(new Yn("The highx must be bigger then lowx and the highy must be bigger then lowy"));return r.a<s?r.a=s:r.a>l&&(r.a=l),r.b<a?r.b=a:r.b>v&&(r.b=v),r}function l_t(r){if(Ce(r,149))return LCt(E(r,149));if(Ce(r,229))return j0t(E(r,229));if(Ce(r,23))return U2t(E(r,23));throw de(new Yn(iEe+Ly(new yf(pe(he(mr,1),Ht,1,5,[r])))))}function f_t(r,s,a,l,v){var y,x,T;for(y=!0,x=0;x<l;x++)y=y&a[x]==0;if(v==0)ll(a,l,r,0,s),x=s;else{for(T=32-v,y=y&a[x]<<T==0,x=0;x<s-1;x++)r[x]=a[x+l]>>>v|a[x+l+1]<<T;r[x]=a[x+l]>>>v,++x}return y}function wme(r,s,a,l){var v,y,x;if(s.k==(dr(),ua)){for(y=new Rr(Ar(fc(s).a.Kc(),new M));fi(y);)if(v=E(Zr(y),17),x=v.c.i.k,x==ua&&r.c.a[v.c.i.c.p]==l&&r.c.a[s.c.p]==a)return!0}return!1}function d_t(r,s){var a,l,v,y;return s&=63,a=r.h&N0,s<22?(y=a>>>s,v=r.m>>s|a<<22-s,l=r.l>>s|r.m<<22-s):s<44?(y=0,v=a>>>s-22,l=r.m>>s-22|r.h<<44-s):(y=0,v=0,l=a>>>s-44),Jl(l&$d,v&$d,y&N0)}function yNe(r,s,a,l){var v;this.b=l,this.e=r==(jS(),pj),v=s[a],this.d=a2(Md,[ft,Dm],[177,25],16,[v.length,v.length],2),this.a=a2(Gr,[ft,Ei],[48,25],15,[v.length,v.length],2),this.c=new tme(s,a)}function h_t(r){var s,a,l;for(r.k=new Epe((It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr])).length,r.j.c.length),l=new le(r.j);l.a<l.c.c.length;)a=E(ce(l),113),s=a.d.j,_n(r.k,s,a);r.e=CCt(f5(r.k))}function ENe(r,s){var a,l,v;Bs(r.d,s),a=new S_,Qi(r.c,s,a),a.f=Cne(s.c),a.a=Cne(s.d),a.d=(JF(),v=s.c.i.k,v==(dr(),Os)||v==Lg),a.e=(l=s.d.i.k,l==Os||l==Lg),a.b=s.c.j==(It(),nr),a.c=s.d.j==fr}function p_t(r){var s,a,l,v,y;for(y=qi,v=qi,l=new le(w4(r));l.a<l.c.c.length;)a=E(ce(l),213),s=a.e.e-a.d.e,a.e==r&&s<v?v=s:s<y&&(y=s);return v==qi&&(v=-1),y==qi&&(y=-1),new Ra(Ot(v),Ot(y))}function g_t(r,s){var a,l,v;return v=_A,l=(zF(),oz),v=m.Math.abs(r.b),a=m.Math.abs(s.f-r.b),a<v&&(v=a,l=mY),a=m.Math.abs(r.a),a<v&&(v=a,l=sz),a=m.Math.abs(s.g-r.a),a<v&&(v=a,l=bY),l}function b_t(r,s){var a,l,v,y;for(a=s.a.o.a,y=new Em(Za(s.a).b,s.c,s.f+1),v=new ry(y);v.b<v.d.gc();)if(l=(vr(v.b<v.d.gc()),E(v.d.Xb(v.c=v.b++),29)),l.c.a>=a)return tA(r,s,l.p),!0;return!1}function _Ne(r){var s;return r.Db&64?Tre(r):(s=new gh(Gye),!r.a||gi(gi((s.a+=' "',s),r.a),'"'),gi(my(gi(my(gi(my(gi(my((s.a+=" (",s),r.i),","),r.j)," | "),r.g),","),r.f),")"),s.a)}function SNe(r,s,a){var l,v,y,x,T;for(T=tf(r.e.Tg(),s),v=E(r.g,119),l=0,x=0;x<r.i;++x)if(y=v[x],T.rl(y.ak())){if(l==a)return TT(r,x),Wr(),E(s,66).Oj()?y:y.dd();++l}throw de(new xu(A9+a+N2+l))}function xNe(r){var s,a,l;if(s=r.c,s==2||s==7||s==1)return zi(),zi(),Kj;for(l=sve(r),a=null;(s=r.c)!=2&&s!=7&&s!=1;)a||(a=(zi(),zi(),new W8(1)),I2(a,l),l=a),I2(a,sve(r));return l}function m_t(r,s,a){return r<0||r>a?kme(r,a,"start index"):s<0||s>a?kme(s,a,"end index"):ZF("end index (%s) must not be less than start index (%s)",pe(he(mr,1),Ht,1,5,[Ot(s),Ot(r)]))}function CNe(r,s){var a,l,v,y;for(l=0,v=r.length;l<v;l++){y=r[l];try{y[1]?y[0].jm()&&(s=tlt(s,y)):y[0].jm()}catch(x){if(x=Mo(x),Ce(x,78))a=x,oS(),Wft(Ce(a,477)?E(a,477).ae():a);else throw de(x)}}return s}function tA(r,s,a){var l,v,y;for(a!=s.c+s.b.gc()&&R4t(s.a,fbt(s,a-s.c)),y=s.a.c.p,r.a[y]=m.Math.max(r.a[y],s.a.o.a),v=E(se(s.a,(bt(),vz)),15).Kc();v.Ob();)l=E(v.Pb(),70),ct(l,Qae,(tr(),!0))}function v_t(r,s){var a,l,v;v=GCt(s),ct(s,(bt(),Rue),v),v&&(l=qi,nc(r.f,v)&&(l=E(Rc(nc(r.f,v)),19).a),a=E(Vt(s.g,0),17),Wt(Gt(se(a,Bg)))||Qi(r,v,Ot(m.Math.min(E(se(a,ol),19).a,l))))}function TNe(r,s,a){var l,v,y,x,T;for(s.p=-1,T=US(s,(Tu(),zl)).Kc();T.Ob();)for(x=E(T.Pb(),11),v=new le(x.g);v.a<v.c.c.length;)l=E(ce(v),17),y=l.d.i,s!=y&&(y.p<0?a.Fc(l):y.p>0&&TNe(r,y,a));s.p=0}function gn(r){var s;this.c=new Po,this.f=r.e,this.e=r.d,this.i=r.g,this.d=r.c,this.b=r.b,this.k=r.j,this.a=r.a,r.i?this.j=r.i:this.j=(s=E(hp(pw),9),new qh(s,E(t1(s,s.length),9),0)),this.g=r.f}function w_t(r){var s,a,l,v;for(s=Ty(gi(new gh("Predicates."),"and"),40),a=!0,v=new ry(r);v.b<v.d.gc();)l=(vr(v.b<v.d.gc()),v.d.Xb(v.c=v.b++)),a||(s.a+=","),s.a+=""+l,a=!1;return(s.a+=")",s).a}function kNe(r,s,a){var l,v,y;if(!(a<=s+2))for(v=(a-s)/2|0,l=0;l<v;++l)y=(Vn(s+l,r.c.length),E(r.c[s+l],11)),Kh(r,s+l,(Vn(a-l-1,r.c.length),E(r.c[a-l-1],11))),Vn(a-l-1,r.c.length),r.c[a-l-1]=y}function y_t(r,s,a){var l,v,y,x,T,O,A,F;y=r.d.p,T=y.e,O=y.r,r.g=new MN(O),x=r.d.o.c.p,l=x>0?T[x-1]:Pe(Pm,iw,10,0,0,1),v=T[x],A=x<T.length-1?T[x+1]:Pe(Pm,iw,10,0,0,1),F=s==a-1,F?ate(r.g,v,A):ate(r.g,l,v)}function RNe(r){var s;this.j=new vt,this.f=new vs,this.b=(s=E(hp(hu),9),new qh(s,E(t1(s,s.length),9),0)),this.d=Pe(Gr,Ei,25,(It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr])).length,15,1),this.g=r}function ONe(r,s){var a,l,v;if(s.c.length!=0){for(a=iNe(r,s),v=!1;!a;)_G(r,s,!0),v=!0,a=iNe(r,s);v&&_G(r,s,!1),l=ane(s),r.b&&r.b.lg(l),r.a=dje(r,(Vn(0,s.c.length),E(s.c[0],33))),ONe(r,l)}}function kre(r,s){var a,l,v;if(l=Fn(r.Tg(),s),a=s-r.Ah(),a<0)if(l)if(l.Ij())v=r.Yg(l),v>=0?r.Bh(v):Ame(r,l);else throw de(new Yn(Ky+l.ne()+O9));else throw de(new Yn(iWe+s+oWe));else Jh(r,a,l)}function yme(r){var s,a;if(a=null,s=!1,Ce(r,204)&&(s=!0,a=E(r,204).a),s||Ce(r,258)&&(s=!0,a=""+E(r,258).a),s||Ce(r,483)&&(s=!0,a=""+E(r,483).a),!s)throw de(new UM(rEe));return a}function INe(r,s){var a,l;if(r.f){for(;s.Ob();)if(a=E(s.Pb(),72),l=a.ak(),Ce(l,99)&&E(l,18).Bb&Uc&&(!r.e||l.Gj()!=m$||l.aj()!=0)&&a.dd()!=null)return s.Ub(),!0;return!1}else return s.Ob()}function DNe(r,s){var a,l;if(r.f){for(;s.Sb();)if(a=E(s.Ub(),72),l=a.ak(),Ce(l,99)&&E(l,18).Bb&Uc&&(!r.e||l.Gj()!=m$||l.aj()!=0)&&a.dd()!=null)return s.Pb(),!0;return!1}else return s.Sb()}function Eme(r,s,a){var l,v,y,x,T,O;for(O=tf(r.e.Tg(),s),l=0,T=r.i,v=E(r.g,119),x=0;x<r.i;++x)if(y=v[x],O.rl(y.ak())){if(a==l)return x;++l,T=x+1}if(a==l)return T;throw de(new xu(A9+a+N2+l))}function E_t(r,s){var a,l,v,y;if(r.f.c.length==0)return null;for(y=new i5,l=new le(r.f);l.a<l.c.c.length;)a=E(ce(l),70),v=a.o,y.b=m.Math.max(y.b,v.a),y.a+=v.b;return y.a+=(r.f.c.length-1)*s,y}function __t(r,s,a){var l,v,y;for(v=new Rr(Ar(A0(a).a.Kc(),new M));fi(v);)l=E(Zr(v),17),!uu(l)&&!(!uu(l)&&l.c.i.c==l.d.i.c)&&(y=lBe(r,l,a,new nJ),y.c.length>1&&(s.c[s.c.length]=y))}function S_t(r){var s,a,l,v;for(a=new Po,cu(a,r.o),l=new iU;a.b!=0;)s=E(a.b==0?null:(vr(a.b!=0),Xh(a,a.a.a)),508),v=lUe(r,s,!0),v&&Et(l.a,s);for(;l.a.c.length!=0;)s=E(rje(l),508),lUe(r,s,!1)}function nw(){nw=xe,n3e=new n5(g9,0),Ga=new n5("BOOLEAN",1),Vc=new n5("INT",2),l$=new n5("STRING",3),sc=new n5("DOUBLE",4),es=new n5("ENUM",5),gI=new n5("ENUMSET",6),Hg=new n5("OBJECT",7)}function GF(r,s){var a,l,v,y,x;l=m.Math.min(r.c,s.c),y=m.Math.min(r.d,s.d),v=m.Math.max(r.c+r.b,s.c+s.b),x=m.Math.max(r.d+r.a,s.d+s.a),v<l&&(a=l,l=v,v=a),x<y&&(a=y,y=x,x=a),_Ie(r,l,y,v-l,x-y)}function Qf(){Qf=xe,Yke=pe(he(Bt,1),ft,2,6,[vEe,GB,KK,EGe,YK,Kse,jK]),Kke=pe(he(Bt,1),ft,2,6,[vEe,"empty",GB,WB,"elementOnly"]),Xke=pe(he(Bt,1),ft,2,6,[vEe,"preserve","replace",Y1]),Ba=new yIe}function _me(r,s,a){var l,v,y;if(s!=a){l=s;do io(r,l.c),v=l.e,v&&(y=l.d,YC(r,y.b,y.d),io(r,v.n),l=Za(v));while(v);l=a;do pa(r,l.c),v=l.e,v&&(y=l.d,DN(r,y.b,y.d),pa(r,v.n),l=Za(v));while(v)}}function Rre(r,s,a,l){var v,y,x,T,O;if(l.f.c+l.g.c==0)for(x=r.a[r.c],T=0,O=x.length;T<O;++T)y=x[T],Qi(l,y,new JFe(r,y,a));return v=E(Rc(nc(l.f,s)),663),v.b=0,v.c=v.f,v.c==0||EO(E(Vt(v.a,v.b),287)),v}function P5(){P5=xe,GA=new D8("MEDIAN_LAYER",0),Y9=new D8("TAIL_LAYER",1),WA=new D8("HEAD_LAYER",2),WT=new D8("SPACE_EFFICIENT_LAYER",3),tR=new D8("WIDEST_LAYER",4),eR=new D8("CENTER_LAYER",5)}function x_t(r){switch(r.g){case 0:case 1:case 2:return It(),Jn;case 3:case 4:case 5:return It(),Br;case 6:case 7:case 8:return It(),nr;case 9:case 10:case 11:return It(),fr;default:return It(),Tc}}function C_t(r,s){var a;return r.c.length==0?!1:(a=Yje((Vn(0,r.c.length),E(r.c[0],17)).c.i),mh(),a==(vT(),dR)||a==fR?!0:p6(xf(new Nn(null,new zn(r,16)),new sd),new lM(s)))}function Sme(r,s,a){var l,v,y;if(!r.b[s.g]){for(r.b[s.g]=!0,l=a,!l&&(l=new qq),Ii(l.b,s),y=r.a[s.g].Kc();y.Ob();)v=E(y.Pb(),188),v.b!=s&&Sme(r,v.b,l),v.c!=s&&Sme(r,v.c,l),Ii(l.a,v);return l}return null}function KF(){KF=xe,FX=new j8("ROOT_PROC",0),pce=new j8("FAN_PROC",1),bce=new j8("NEIGHBORS_PROC",2),gce=new j8("LEVEL_HEIGHT",3),mce=new j8("NODE_POSITION_PROC",4),hce=new j8("DETREEIFYING_PROC",5)}function Ore(r,s){if(Ce(s,239))return mot(r,E(s,33));if(Ce(s,186))return vot(r,E(s,118));if(Ce(s,439))return bot(r,E(s,202));throw de(new Yn(iEe+Ly(new yf(pe(he(mr,1),Ht,1,5,[s])))))}function ANe(r,s,a){var l,v;if(this.f=r,l=E(Cr(r.b,s),283),v=l?l.a:0,Qpe(a,v),a>=(v/2|0))for(this.e=l?l.c:null,this.d=v;a++<v;)iAe(this);else for(this.c=l?l.b:null;a-- >0;)vpe(this);this.b=s,this.a=null}function T_t(r,s){var a,l;s.a?YCt(r,s):(a=E(aee(r.b,s.b),57),a&&a==r.a[s.b.f]&&a.a&&a.a!=s.b.a&&a.c.Fc(s.b),l=E(see(r.b,s.b),57),l&&r.a[l.f]==s.b&&l.a&&l.a!=s.b.a&&s.b.c.Fc(l),KZ(r.b,s.b))}function $Ne(r,s){var a,l;if(a=E(ju(r.b,s),124),E(E(no(r.r,s),21),84).dc()){a.n.b=0,a.n.c=0;return}a.n.b=r.C.b,a.n.c=r.C.c,r.A.Hc((eh(),n_))&&rze(r,s),l=nwt(r,s),Wre(r,s)==(y4(),aE)&&(l+=2*r.w),a.a.a=l}function PNe(r,s){var a,l;if(a=E(ju(r.b,s),124),E(E(no(r.r,s),21),84).dc()){a.n.d=0,a.n.a=0;return}a.n.d=r.C.d,a.n.a=r.C.a,r.A.Hc((eh(),n_))&&ize(r,s),l=rwt(r,s),Wre(r,s)==(y4(),aE)&&(l+=2*r.w),a.a.b=l}function k_t(r,s){var a,l,v,y;for(y=new vt,l=new le(s);l.a<l.c.c.length;)a=E(ce(l),65),Et(y,new ofe(a,!0)),Et(y,new ofe(a,!1));v=new k6e(r),MO(v.a.a),WAe(y,r.b,new yf(pe(he(CKe,1),Ht,679,0,[v])))}function FNe(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;return O=r.a,Q=r.b,A=s.a,ee=s.b,F=a.a,ie=a.b,z=l.a,fe=l.b,y=O*ee-Q*A,x=F*fe-ie*z,v=(O-A)*(ie-fe)-(Q-ee)*(F-z),T=(y*(F-z)-x*(O-A))/v,q=(y*(ie-fe)-x*(Q-ee))/v,new Kt(T,q)}function xme(r,s){var a,l,v;if(!r.d[s.p]){for(r.d[s.p]=!0,r.a[s.p]=!0,l=new Rr(Ar(ks(s).a.Kc(),new M));fi(l);)a=E(Zr(l),17),!uu(a)&&(v=a.d.i,r.a[v.p]?Et(r.b,a):xme(r,v));r.a[s.p]=!1}}function jNe(r,s,a){var l;switch(l=0,E(se(s,(Ft(),rf)),163).g){case 2:l=2*-a+r.a,++r.a;break;case 1:l=-a;break;case 3:l=a;break;case 4:l=2*a+r.b,++r.b}return ta(s,(bt(),ol))&&(l+=E(se(s,ol),19).a),l}function MNe(r,s,a){var l,v,y;for(a.zc(s,r),Et(r.n,s),y=r.p.eg(s),s.j==r.p.fg()?Lje(r.e,y):Lje(r.j,y),fq(r),v=Cy(Og(pe(he(Mg,1),Ht,20,0,[new Pr(s),new vo(s)])));fi(v);)l=E(Zr(v),11),a._b(l)||MNe(r,l,a)}function Cme(r){var s,a,l;return a=E(Xt(r,(Mi(),J2)),21),a.Hc((eh(),c3))?(l=E(Xt(r,oE),21),s=new Hu(E(Xt(r,vR),8)),l.Hc((Ad(),b$))&&(s.a<=0&&(s.a=20),s.b<=0&&(s.b=20)),s):new ka}function Tme(r){var s,a,l;if(!r.b){for(l=new iC,a=new s5(i9(r));a.e!=a.i.gc();)s=E(Yne(a),18),s.Bb&Uc&&ei(l,s);pT(l),r.b=new Zk((E(ke(et((ky(),qn).o),8),18),l.i),l.g),kd(r).b&=-9}return r.b}function R_t(r,s){var a,l,v,y,x,T,O,A;O=E(VL(f5(s.k),Pe(hu,nl,61,2,0,1)),122),A=s.g,a=l$e(s,O[0]),v=c$e(s,O[1]),l=lre(r,A,a,v),y=l$e(s,O[1]),T=c$e(s,O[0]),x=lre(r,A,y,T),l<=x?(s.a=a,s.c=v):(s.a=y,s.c=T)}function O_t(r,s,a){var l,v,y;for(Lr(a,"Processor set neighbors",1),r.a=s.b.b==0?1:s.b.b,v=null,l=Ti(s.b,0);!v&&l.b!=l.d.c;)y=E(Ci(l),86),Wt(Gt(se(y,(Hc(),s3))))&&(v=y);v&&UBe(r,new g0(v),a),Or(a)}function NNe(r){mie();var s,a,l,v;return l=bb(r,Af(35)),s=l==-1?r:r.substr(0,l),a=l==-1?null:r.substr(l+1),v=bpt(Pke,s),v?a!=null&&(v=Q9e(v,(Qn(a),a))):(v=q5t(s),Cpt(Pke,s,v),a!=null&&(v=Q9e(v,a))),v}function Ire(r){var s;In();var a,l,v,y,x,T;if(Ce(r,54))for(y=0,v=r.gc()-1;y<v;++y,--v)s=r.Xb(y),r._c(y,r.Xb(v)),r._c(v,s);else for(a=r.Yc(),x=r.Zc(r.gc());a.Tb()<x.Vb();)l=a.Pb(),T=x.Ub(),a.Wb(T),x.Wb(l)}function I_t(r,s){var a,l,v;Lr(s,"End label pre-processing",1),a=ot(Dt(se(r,(Ft(),hI)))),l=ot(Dt(se(r,r3))),v=KD(E(se(r,Oh),103)),Bo(Ec(new Nn(null,new zn(r.b,16)),new Yc),new tIe(a,l,v)),Or(s)}function Dre(r,s){var a,l,v,y,x,T;for(T=0,y=new YE,Iy(y,s);y.b!=y.c;)for(x=E(d5(y),214),T+=lMe(x.d,x.e),v=new le(x.b);v.a<v.c.c.length;)l=E(ce(v),37),a=E(Vt(r.b,l.p),214),a.s||(T+=Dre(r,a));return T}function LNe(r,s,a){var l,v;m9e(this),s==(TS(),iE)?Bs(this.r,r.c):Bs(this.w,r.c),a==iE?Bs(this.r,r.d):Bs(this.w,r.d),ENe(this,r),l=Cne(r.c),v=Cne(r.d),fNe(this,l,v,v),this.o=(JF(),m.Math.abs(l-v)<.2)}function BNe(r,s,a){var l,v,y,x,T,O;if(T=E(Gn(r.a,8),1936),T!=null)for(v=T,y=0,x=v.length;y<x;++y)null.jm();l=a,r.a.Db&1||(O=new zDe(r,a,s),l.ui(O)),Ce(l,672)?E(l,672).wi(r.a):l.ti()==r.a&&l.vi(null)}function D_t(){var r;return vit?E(iA((Mn(),jp),B2),1945):(qOt(),r=E(Ce(ml((Mn(),jp),B2),586)?ml(jp,B2):new YDe,586),vit=!0,R5t(r),nIt(r),Qi((Er(),Fke),r,new Y),dre(r),Uu(jp,B2,r),r)}function A_t(r,s,a,l){var v;return v=k4(r,a,pe(he(Bt,1),ft,2,6,[Vie,qie,Wie,Gie,Kie,Yie,Xie]),s),v<0&&(v=k4(r,a,pe(he(Bt,1),ft,2,6,["Sun","Mon","Tue","Wed","Thu","Fri","Sat"]),s)),v<0?!1:(l.d=v,!0)}function $_t(r,s,a,l){var v;return v=k4(r,a,pe(he(Bt,1),ft,2,6,[Vie,qie,Wie,Gie,Kie,Yie,Xie]),s),v<0&&(v=k4(r,a,pe(he(Bt,1),ft,2,6,["Sun","Mon","Tue","Wed","Thu","Fri","Sat"]),s)),v<0?!1:(l.d=v,!0)}function P_t(r){var s,a,l;for(Bxt(r),l=new vt,a=new le(r.a.a.b);a.a<a.c.c.length;)s=E(ce(a),81),Et(l,new lfe(s,!0)),Et(l,new lfe(s,!1));Ewt(r.c),eL(l,r.b,new yf(pe(he(uz,1),Ht,369,0,[r.c]))),txt(r)}function F_t(r){var s,a,l,v;for(a=new jr,v=new le(r.d);v.a<v.c.c.length;)l=E(ce(v),181),s=E(l.We((bt(),sI)),17),nc(a.f,s)||Qi(a,s,new E6e(s)),Et(E(Rc(nc(a.f,s)),456).b,l);return new Kf(new Nh(a))}function j_t(r,s){var a,l,v,y,x;for(l=new _Ae(r.j.c.length),a=null,y=new le(r.j);y.a<y.c.c.length;)v=E(ce(y),11),v.j!=a&&(l.b==l.c||ZLe(l,a,s),Npe(l),a=v.j),x=MLe(v),x&&Ape(l,x);l.b==l.c||ZLe(l,a,s)}function M_t(r,s){var a,l,v;for(l=new Oa(r.b,0);l.b<l.d.gc();)a=(vr(l.b<l.d.gc()),E(l.d.Xb(l.c=l.b++),70)),v=E(se(a,(Ft(),Nb)),272),v==(Rg(),u3)&&(Qd(l),Et(s.b,a),ta(a,(bt(),sI))||ct(a,sI,r))}function N_t(r){var s,a,l,v,y;for(s=C0(new Rr(Ar(ks(r).a.Kc(),new M))),v=new Rr(Ar(fc(r).a.Kc(),new M));fi(v);)l=E(Zr(v),17),a=l.c.i,y=C0(new Rr(Ar(ks(a).a.Kc(),new M))),s=m.Math.max(s,y);return Ot(s)}function L_t(r,s,a){var l,v,y,x;for(Lr(a,"Processor arrange node",1),v=null,y=new Po,l=Ti(s.b,0);!v&&l.b!=l.d.c;)x=E(Ci(l),86),Wt(Gt(se(x,(Hc(),s3))))&&(v=x);os(y,v,y.c.b,y.c),XHe(r,y,wl(a,1)),Or(a)}function zNe(r,s,a){var l,v,y;l=E(Xt(r,(Mi(),eQ)),21),v=0,y=0,s.a>a.a&&(l.Hc((ET(),jz))?v=(s.a-a.a)/2:l.Hc(Mz)&&(v=s.a-a.a)),s.b>a.b&&(l.Hc((ET(),Lz))?y=(s.b-a.b)/2:l.Hc(Nz)&&(y=s.b-a.b)),cme(r,v,y)}function HNe(r,s,a,l,v,y,x,T,O,A,F,z,q){Ce(r.Cb,88)&&xT(kd(E(r.Cb,88)),4),jl(r,a),r.f=x,U6(r,T),q6(r,O),H6(r,A),V6(r,F),Jv(r,z),W6(r,q),Qv(r,!0),Kv(r,v),r.ok(y),S2(r,s),l!=null&&(r.i=null,vW(r,l))}function UNe(r){var s,a;if(r.f){for(;r.n>0;){if(s=E(r.k.Xb(r.n-1),72),a=s.ak(),Ce(a,99)&&E(a,18).Bb&Uc&&(!r.e||a.Gj()!=m$||a.aj()!=0)&&s.dd()!=null)return!0;--r.n}return!1}else return r.n>0}function kme(r,s,a){if(r<0)return ZF(kUe,pe(he(mr,1),Ht,1,5,[a,Ot(r)]));if(s<0)throw de(new Yn(RUe+s));return ZF("%s (%s) must not be greater than size (%s)",pe(he(mr,1),Ht,1,5,[a,Ot(r),Ot(s)]))}function Rme(r,s,a,l,v,y){var x,T,O,A;if(x=l-a,x<7){C0t(s,a,l,y);return}if(O=a+v,T=l+v,A=O+(T-O>>1),Rme(s,r,O,A,-v,y),Rme(s,r,A,T,-v,y),y.ue(r[A-1],r[A])<=0){for(;a<l;)qo(s,a++,r[O++]);return}Gmt(r,O,A,T,s,a,l,y)}function eB(r,s){var a,l,v;for(v=new vt,l=new le(r.c.a.b);l.a<l.c.c.length;)a=E(ce(l),57),s.Lb(a)&&(Et(v,new rfe(a,!0)),Et(v,new rfe(a,!1)));ywt(r.e),WAe(v,r.d,new yf(pe(he(CKe,1),Ht,679,0,[r.e])))}function B_t(r,s){var a,l,v,y,x,T,O;for(O=s.d,v=s.b.j,T=new le(O);T.a<T.c.c.length;)for(x=E(ce(T),101),y=Pe(Md,Dm,25,v.c.length,16,1),Qi(r.b,x,y),a=x.a.d.p-1,l=x.c.d.p;a!=l;)a=(a+1)%v.c.length,y[a]=!0}function z_t(r,s){for(r.r=new SL(r.p),j7(r.r,r),cu(r.r.j,r.j),bp(r.j),Ii(r.j,s),Ii(r.r.e,s),fq(r),fq(r.r);r.f.c.length!=0;)dOe(E(Vt(r.f,0),129));for(;r.k.c.length!=0;)dOe(E(Vt(r.k,0),129));return r.r}function Are(r,s,a){var l,v,y;if(v=Fn(r.Tg(),s),l=s-r.Ah(),l<0)if(v)if(v.Ij())y=r.Yg(v),y>=0?r.sh(y,a):i0e(r,v,a);else throw de(new Yn(Ky+v.ne()+O9));else throw de(new Yn(iWe+s+oWe));else ep(r,l,v,a)}function VNe(r){var s,a,l,v;if(a=E(r,49).qh(),a)try{if(l=null,s=iA((Mn(),jp),Tze(R0t(a))),s&&(v=s.rh(),v&&(l=v.Wk(o8(a.e)))),l&&l!=r)return VNe(l)}catch(y){if(y=Mo(y),!Ce(y,60))throw de(y)}return r}function ef(r,s,a){var l,v,y,x;if(x=s==null?0:r.b.se(s),v=(l=r.a.get(x),l??new Array),v.length==0)r.a.set(x,v);else if(y=sje(r,s,v),y)return y.ed(a);return qo(v,v.length,new tV(s,a)),++r.c,Sq(r.b),null}function qNe(r,s){var a,l;return Fq(r.a),wm(r.a,(EW(),zX),zX),wm(r.a,c$,c$),l=new Ys,Vi(l,c$,(HW(),Tce)),Qe(Xt(s,(wT(),Oce)))!==Qe((AL(),HX))&&Vi(l,c$,xce),Vi(l,c$,Cce),qRe(r.a,l),a=zG(r.a,s),a}function WNe(r){if(!r)return c8(),iKe;var s=r.valueOf?r.valueOf():r;if(s!==r){var a=gae[typeof s];return a?a(s):yge(typeof s)}else return r instanceof Array||r instanceof m.Array?new YI(r):new vk(r)}function GNe(r,s,a){var l,v,y;switch(y=r.o,l=E(ju(r.p,a),244),v=l.i,v.b=rB(l),v.a=nB(l),v.b=m.Math.max(v.b,y.a),v.b>y.a&&!s&&(v.b=y.a),v.c=-(v.b-y.a)/2,a.g){case 1:v.d=-v.a;break;case 3:v.d=y.b}oie(l),sie(l)}function KNe(r,s,a){var l,v,y;switch(y=r.o,l=E(ju(r.p,a),244),v=l.i,v.b=rB(l),v.a=nB(l),v.a=m.Math.max(v.a,y.b),v.a>y.b&&!s&&(v.a=y.b),v.d=-(v.a-y.b)/2,a.g){case 4:v.c=-v.b;break;case 2:v.c=y.a}oie(l),sie(l)}function H_t(r,s){var a,l,v,y,x;if(!s.dc()){if(v=E(s.Xb(0),128),s.gc()==1){EBe(r,v,v,1,0,s);return}for(a=1;a<s.gc();)(v.j||!v.o)&&(y=Qwt(s,a),y&&(l=E(y.a,19).a,x=E(y.b,128),EBe(r,v,x,a,l,s),a=l+1,v=x))}}function U_t(r){var s,a,l,v,y,x;for(x=new Kf(r.d),sa(x,new Zg),s=(OG(),pe(he(rSe,1),wt,270,0,[nue,oue,tue,uue,iue,rue,aue,sue])),a=0,y=new le(x);y.a<y.c.c.length;)v=E(ce(y),101),l=s[a%s.length],LSt(v,l),++a}function V_t(r,s){A4();var a,l,v,y;if(s.b<2)return!1;for(y=Ti(s,0),a=E(Ci(y),8),l=a;y.b!=y.d.c;){if(v=E(Ci(y),8),!(O6(r,l)&&O6(r,v)))return!1;l=v}return!!(O6(r,l)&&O6(r,a))}function Ome(r,s){var a,l,v,y,x,T,O,A,F,z;return F=null,z=r,x=O0(z,"x"),a=new Ik(s),j1t(a.a,x),T=O0(z,"y"),l=new DC(s),M1t(l.a,T),O=O0(z,$se),v=new VQ(s),N1t(v.a,O),A=O0(z,Ase),y=new zH(s),F=(L1t(y.a,A),A),F}function xT(r,s){eze(r,s),r.b&1&&(r.a.a=null),r.b&2&&(r.a.f=null),r.b&4&&(r.a.g=null,r.a.i=null),r.b&16&&(r.a.d=null,r.a.e=null),r.b&8&&(r.a.b=null),r.b&32&&(r.a.j=null,r.a.c=null)}function q_t(r,s){var a,l,v;if(v=0,s.length>0)try{v=xh(s,qa,qi)}catch(y){throw y=Mo(y),Ce(y,127)?(l=y,de(new Zq(l))):de(y)}return a=(!r.a&&(r.a=new wo(r)),r.a),v<a.i&&v>=0?E(ke(a,v),56):null}function W_t(r,s){if(r<0)return ZF(kUe,pe(he(mr,1),Ht,1,5,["index",Ot(r)]));if(s<0)throw de(new Yn(RUe+s));return ZF("%s (%s) must be less than size (%s)",pe(he(mr,1),Ht,1,5,["index",Ot(r),Ot(s)]))}function G_t(r){var s,a,l,v,y;if(r==null)return $f;for(y=new w2(fu,"[","]"),a=r,l=0,v=a.length;l<v;++l)s=a[l],y.a?gi(y.a,y.b):y.a=new gh(y.d),V8(y.a,""+s);return y.a?y.e.length==0?y.a.a:y.a.a+(""+y.e):y.c}function K_t(r){var s,a,l,v,y;if(r==null)return $f;for(y=new w2(fu,"[","]"),a=r,l=0,v=a.length;l<v;++l)s=a[l],y.a?gi(y.a,y.b):y.a=new gh(y.d),V8(y.a,""+s);return y.a?y.e.length==0?y.a.a:y.a.a+(""+y.e):y.c}function Y_t(r){var s,a,l,v,y;if(r==null)return $f;for(y=new w2(fu,"[","]"),a=r,l=0,v=a.length;l<v;++l)s=a[l],y.a?gi(y.a,y.b):y.a=new gh(y.d),V8(y.a,""+s);return y.a?y.e.length==0?y.a.a:y.a.a+(""+y.e):y.c}function X_t(r){var s,a,l,v,y;if(r==null)return $f;for(y=new w2(fu,"[","]"),a=r,l=0,v=a.length;l<v;++l)s=a[l],y.a?gi(y.a,y.b):y.a=new gh(y.d),V8(y.a,""+s);return y.a?y.e.length==0?y.a.a:y.a.a+(""+y.e):y.c}function YNe(r,s){var a,l,v,y,x,T;for(a=r.b.c.length,v=Vt(r.b,s);s*2+1<a&&(l=(y=2*s+1,x=y+1,T=y,x<a&&r.a.ue(Vt(r.b,x),Vt(r.b,y))<0&&(T=x),T),!(r.a.ue(v,Vt(r.b,l))<0));)Kh(r.b,s,Vt(r.b,l)),s=l;Kh(r.b,s,v)}function Ime(r,s,a,l,v,y){var x,T,O,A,F;for(Qe(r)===Qe(a)&&(r=r.slice(s,s+v),s=0),O=a,T=s,A=s+v;T<A;)x=m.Math.min(T+1e4,A),v=x-T,F=r.slice(T,x),F.splice(0,0,l,y?v:0),Array.prototype.splice.apply(O,F),T=x,l+=v}function $re(r,s,a){var l,v;return l=a.d,v=a.e,r.g[l.d]<=r.i[s.d]&&r.i[s.d]<=r.i[l.d]&&r.g[v.d]<=r.i[s.d]&&r.i[s.d]<=r.i[v.d]?!(r.i[l.d]<r.i[v.d]):r.i[l.d]<r.i[v.d]}function XNe(r){var s,a,l,v,y,x,T;if(l=r.a.c.length,l>0)for(x=r.c.d,T=r.d.d,v=mb(pa(new Kt(T.a,T.b),x),1/(l+1)),y=new Kt(x.a,x.b),a=new le(r.a);a.a<a.c.c.length;)s=E(ce(a),559),s.d.a=y.a,s.d.b=y.b,io(y,v)}function QNe(r,s,a){var l,v,y,x,T,O;for(O=Qo,y=new le(cBe(r.b));y.a<y.c.c.length;)for(v=E(ce(y),168),T=new le(cBe(s.b));T.a<T.c.c.length;)x=E(ce(T),168),l=Mbt(v.a,v.b,x.a,x.b,a),O=m.Math.min(O,l);return O}function Hs(r,s){if(!s)throw de(new FC);if(r.j=s,!r.d)switch(r.j.g){case 1:r.a.a=r.o.a/2,r.a.b=0;break;case 2:r.a.a=r.o.a,r.a.b=r.o.b/2;break;case 3:r.a.a=r.o.a/2,r.a.b=r.o.b;break;case 4:r.a.a=0,r.a.b=r.o.b/2}}function Q_t(r,s){var a,l,v;return Ce(s.g,10)&&E(s.g,10).k==(dr(),ds)?Qo:(v=w5(s),v?m.Math.max(0,r.b/2-.5):(a=c4(s),a?(l=ot(Dt(mT(a,(Ft(),Sx)))),m.Math.max(0,l/2-.5)):Qo))}function J_t(r,s){var a,l,v;return Ce(s.g,10)&&E(s.g,10).k==(dr(),ds)?Qo:(v=w5(s),v?m.Math.max(0,r.b/2-.5):(a=c4(s),a?(l=ot(Dt(mT(a,(Ft(),Sx)))),m.Math.max(0,l/2-.5)):Qo))}function Z_t(r){var s,a,l,v,y,x;for(x=$F(r.d,r.e),y=x.Kc();y.Ob();)for(v=E(y.Pb(),11),l=r.e==(It(),nr)?v.e:v.g,a=new le(l);a.a<a.c.c.length;)s=E(ce(a),17),!uu(s)&&s.c.i.c!=s.d.i.c&&(o_t(r,s),++r.f,++r.c)}function JNe(r,s){var a,l;if(s.dc())return In(),In(),wu;for(l=new vt,Et(l,Ot(qa)),a=1;a<r.f;++a)r.a==null&&ZBe(r),r.a[a]&&Et(l,Ot(a));return l.c.length==1?(In(),In(),wu):(Et(l,Ot(qi)),e4t(s,l))}function eSt(r,s){var a,l,v,y,x,T,O;x=s.c.i.k!=(dr(),Os),O=x?s.d:s.c,a=gyt(s,O).i,v=E(Cr(r.k,O),121),l=r.i[a.p].a,z5e(O.i)<(a.c?lc(a.c.a,a,0):-1)?(y=v,T=l):(y=l,T=v),c1(qf(Hh(Uh(zh(new Wd,0),4),y),T))}function tSt(r,s,a){var l,v,y,x,T,O;if(a)for(v=a.a.length,l=new u2(v),T=(l.b-l.a)*l.c<0?(ec(),bE):new Sy(l);T.Ob();)x=E(T.Pb(),19),O=are(r,F5(cT(a,x.a))),O&&(y=(!s.b&&(s.b=new Bn(Nr,s,4,7)),s.b),ei(y,O))}function nSt(r,s,a){var l,v,y,x,T,O;if(a)for(v=a.a.length,l=new u2(v),T=(l.b-l.a)*l.c<0?(ec(),bE):new Sy(l);T.Ob();)x=E(T.Pb(),19),O=are(r,F5(cT(a,x.a))),O&&(y=(!s.c&&(s.c=new Bn(Nr,s,5,8)),s.c),ei(y,O))}function tB(r,s,a){var l,v;l=s.a&r.f,s.b=r.b[l],r.b[l]=s,v=s.f&r.f,s.d=r.c[v],r.c[v]=s,a?(s.e=a.e,s.e?s.e.c=s:r.a=s,s.c=a.c,s.c?s.c.e=s:r.e=s):(s.e=r.e,s.c=null,r.e?r.e.c=s:r.a=s,r.e=s),++r.i,++r.g}function ZNe(r){var s,a,l;if(s=r.Pb(),!r.Ob())return s;for(l=zc(gi(new pm,"expected one element but was: <"),s),a=0;a<4&&r.Ob();a++)zc((l.a+=fu,l),r.Pb());throw r.Ob()&&(l.a+=", ..."),l.a+=">",de(new Yn(l.a))}function rSt(r,s){var a;s.d?s.d.b=s.b:r.a=s.b,s.b?s.b.d=s.d:r.e=s.d,!s.e&&!s.c?(a=E(_5(r.b,s.a),283),a.a=0,++r.c):(a=E(Cr(r.b,s.a),283),--a.a,s.e?s.e.c=s.c:a.b=s.c,s.c?s.c.e=s.e:a.c=s.e),--r.d}function iSt(r){var s,a;return a=-r.a,s=pe(he(ap,1),Cb,25,15,[43,48,48,48,48]),a<0&&(s[0]=45,a=-a),s[1]=s[1]+((a/60|0)/10|0)&ls,s[2]=s[2]+(a/60|0)%10&ls,s[3]=s[3]+(a%60/10|0)&ls,s[4]=s[4]+a%10&ls,vp(s,0,s.length)}function eLe(r,s,a){var l,v;for(l=s.d,v=a.d;l.a-v.a==0&&l.b-v.b==0;)l.a+=Dd(r,26)*f9+Dd(r,27)*d9-.5,l.b+=Dd(r,26)*f9+Dd(r,27)*d9-.5,v.a+=Dd(r,26)*f9+Dd(r,27)*d9-.5,v.b+=Dd(r,26)*f9+Dd(r,27)*d9-.5}function Dme(r){var s,a,l,v;for(r.g=new MF(E(Jr(hu),290)),l=0,a=(It(),Jn),s=0;s<r.j.c.length;s++)v=E(Vt(r.j,s),11),v.j!=a&&(l!=s&&l5(r.g,a,new Ra(Ot(l),Ot(s))),a=v.j,l=s);l5(r.g,a,new Ra(Ot(l),Ot(s)))}function oSt(r){var s,a,l,v,y,x,T;for(l=0,a=new le(r.b);a.a<a.c.c.length;)for(s=E(ce(a),29),y=new le(s.a);y.a<y.c.c.length;)for(v=E(ce(y),10),v.p=l++,T=new le(v.j);T.a<T.c.c.length;)x=E(ce(T),11),x.p=l++}function tLe(r,s,a,l,v){var y,x,T,O,A;if(s)for(T=s.Kc();T.Ob();)for(x=E(T.Pb(),10),A=y0e(x,(Tu(),zl),a).Kc();A.Ob();)O=E(A.Pb(),11),y=E(Rc(nc(v.f,O)),112),y||(y=new SL(r.d),l.c[l.c.length]=y,MNe(y,O,v))}function Ame(r,s){var a,l,v;if(v=F4((Qf(),Ba),r.Tg(),s),v)Wr(),E(v,66).Oj()||(v=v5(qu(Ba,v))),l=(a=r.Yg(v),E(a>=0?r._g(a,!0,!0):YS(r,v,!0),153)),E(l,215).ol(s);else throw de(new Yn(Ky+s.ne()+O9))}function $me(r){var s,a;return r>-0x800000000000&&r<0x800000000000?r==0?0:(s=r<0,s&&(r=-r),a=ss(m.Math.floor(m.Math.log(r)/.6931471805599453)),(!s||r!=m.Math.pow(2,a))&&++a,a):y9e(Df(r))}function sSt(r){var s,a,l,v,y,x,T;for(y=new w0,a=new le(r);a.a<a.c.c.length;)s=E(ce(a),129),x=s.a,T=s.b,!(y.a._b(x)||y.a._b(T))&&(v=x,l=T,x.e.b+x.j.b>2&&T.e.b+T.j.b<=2&&(v=T,l=x),y.a.zc(v,y),v.q=l);return y}function nLe(r,s){var a,l,v;return l=new P0(r),rc(l,s),ct(l,(bt(),aX),s),ct(l,(Ft(),Zo),(Sa(),Tl)),ct(l,Mb,(xm(),JX)),cm(l,(dr(),ds)),a=new cl,yc(a,l),Hs(a,(It(),nr)),v=new cl,yc(v,l),Hs(v,fr),l}function rLe(r){switch(r.g){case 0:return new i8((jS(),kz));case 1:return new b7;case 2:return new LE;default:throw de(new Yn("No implementation is available for the crossing minimizer "+(r.f!=null?r.f:""+r.g)))}}function iLe(r,s){var a,l,v,y,x;for(r.c[s.p]=!0,Et(r.a,s),x=new le(s.j);x.a<x.c.c.length;)for(y=E(ce(x),11),l=new kg(y.b);wc(l.a)||wc(l.b);)a=E(wc(l.a)?ce(l.a):ce(l.b),17),v=wvt(y,a).i,r.c[v.p]||iLe(r,v)}function oLe(r){var s,a,l,v,y,x,T;for(x=0,a=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));a.e!=a.i.gc();)s=E(Fr(a),33),T=s.g,v=s.f,l=m.Math.sqrt(T*T+v*v),x=m.Math.max(l,x),y=oLe(s),x=m.Math.max(y,x);return x}function hd(){hd=xe,cE=new z8("OUTSIDE",0),q0=new z8("INSIDE",1),Kz=new z8("NEXT_TO_PORT_IF_POSSIBLE",2),Fj=new z8("ALWAYS_SAME_SIDE",3),Pj=new z8("ALWAYS_OTHER_SAME_SIDE",4),yI=new z8("SPACE_EFFICIENT",5)}function sLe(r,s,a){var l,v,y,x,T,O;return l=Nht(r,(v=(Pv(),y=new XP,y),a&&s0e(v,a),v),s),xF(l,x0(s,$b)),bG(s,l),Sxt(s,l),Ome(s,l),x=s,T=IS(x,"ports"),O=new cRe(r,l),cCt(O.a,O.b,T),fne(r,s,l),Abt(r,s,l),l}function aSt(r){var s,a;return a=-r.a,s=pe(he(ap,1),Cb,25,15,[43,48,48,58,48,48]),a<0&&(s[0]=45,a=-a),s[1]=s[1]+((a/60|0)/10|0)&ls,s[2]=s[2]+(a/60|0)%10&ls,s[4]=s[4]+(a%60/10|0)&ls,s[5]=s[5]+a%10&ls,vp(s,0,s.length)}function uSt(r){var s;return s=pe(he(ap,1),Cb,25,15,[71,77,84,45,48,48,58,48,48]),r<=0&&(s[3]=43,r=-r),s[4]=s[4]+((r/60|0)/10|0)&ls,s[5]=s[5]+(r/60|0)%10&ls,s[7]=s[7]+(r%60/10|0)&ls,s[8]=s[8]+r%10&ls,vp(s,0,s.length)}function cSt(r){var s,a,l,v,y;if(r==null)return $f;for(y=new w2(fu,"[","]"),a=r,l=0,v=a.length;l<v;++l)s=a[l],y.a?gi(y.a,y.b):y.a=new gh(y.d),V8(y.a,""+oF(s));return y.a?y.e.length==0?y.a.a:y.a.a+(""+y.e):y.c}function Pme(r,s){var a,l,v;for(v=qi,l=new le(w4(s));l.a<l.c.c.length;)a=E(ce(l),213),a.f&&!r.c[a.c]&&(r.c[a.c]=!0,v=m.Math.min(v,Pme(r,UW(a,s))));return r.i[s.d]=r.j,r.g[s.d]=m.Math.min(v,r.j++),r.g[s.d]}function aLe(r,s){var a,l,v;for(v=E(E(no(r.r,s),21),84).Kc();v.Ob();)l=E(v.Pb(),111),l.e.b=(a=l.b,a.Xe((Mi(),Fd))?a.Hf()==(It(),Jn)?-a.rf().b-ot(Dt(a.We(Fd))):ot(Dt(a.We(Fd))):a.Hf()==(It(),Jn)?-a.rf().b:0)}function lSt(r){var s,a,l,v,y,x,T;for(a=zfe(r.e),y=mb(DN(Oc(Bfe(r.e)),r.d*r.a,r.c*r.b),-.5),s=a.a-y.a,v=a.b-y.b,T=0;T<r.c;T++){for(l=s,x=0;x<r.d;x++)$0t(r.e,new Wh(l,v,r.a,r.b))&&$G(r,x,T,!1,!0),l+=r.a;v+=r.b}}function fSt(r){var s,a,l;if(Wt(Gt(Xt(r,(Mi(),zz))))){for(l=new vt,a=new Rr(Ar(F0(r).a.Kc(),new M));fi(a);)s=E(Zr(a),79),KS(s)&&Wt(Gt(Xt(s,Qce)))&&(l.c[l.c.length]=s);return l}else return In(),In(),wu}function F5(r){var s,a;if(a=!1,Ce(r,204))return a=!0,E(r,204).a;if(!a&&Ce(r,258)&&(s=E(r,258).a%1==0,s))return a=!0,Ot(rot(E(r,258).a));throw de(new N1("Id must be a string or an integer: '"+r+"'."))}function dSt(r,s){var a,l,v,y,x,T;for(y=null,v=new vDe((!r.a&&(r.a=new wo(r)),r.a));Lme(v);)if(a=E(SG(v),56),l=(x=a.Tg(),T=(P4(x),x.o),!T||!a.mh(T)?null:Ude(sne(T),a.ah(T))),l!=null&&xn(l,s)){y=a;break}return y}function uLe(r,s,a){var l,v,y,x,T;if(Eh(a,"occurrences"),a==0)return T=E(gT(b5(r.a),s),14),T?T.gc():0;if(x=E(gT(b5(r.a),s),14),!x)return 0;if(y=x.gc(),a>=y)x.$b();else for(v=x.Kc(),l=0;l<a;l++)v.Pb(),v.Qb();return y}function hSt(r,s,a){var l,v,y,x;return Eh(a,"oldCount"),Eh(0,"newCount"),l=E(gT(b5(r.a),s),14),(l?l.gc():0)==a?(Eh(0,"count"),v=(y=E(gT(b5(r.a),s),14),y?y.gc():0),x=-v,x>0?Ks():x<0&&uLe(r,s,-x),!0):!1}function nB(r){var s,a,l,v,y,x,T;if(T=0,r.b==0){for(x=V7e(r,!0),s=0,l=x,v=0,y=l.length;v<y;++v)a=l[v],a>0&&(T+=a,++s);s>1&&(T+=r.c*(s-1))}else T=BO(KFe(bq(So($ee(r.a),new Qs),new yo)));return T>0?T+r.n.d+r.n.a:0}function rB(r){var s,a,l,v,y,x,T;if(T=0,r.b==0)T=BO(KFe(bq(So($ee(r.a),new so),new hs)));else{for(x=q7e(r,!0),s=0,l=x,v=0,y=l.length;v<y;++v)a=l[v],a>0&&(T+=a,++s);s>1&&(T+=r.c*(s-1))}return T>0?T+r.n.b+r.n.c:0}function pSt(r,s){var a,l,v,y;for(y=E(ju(r.b,s),124),a=y.a,v=E(E(no(r.r,s),21),84).Kc();v.Ob();)l=E(v.Pb(),111),l.c&&(a.a=m.Math.max(a.a,vhe(l.c)));if(a.a>0)switch(s.g){case 2:y.n.c=r.s;break;case 4:y.n.b=r.s}}function gSt(r,s){var a,l,v;return a=E(se(s,(G1(),BA)),19).a-E(se(r,BA),19).a,a==0?(l=pa(Oc(E(se(r,(Ay(),az)),8)),E(se(r,W9),8)),v=pa(Oc(E(se(s,az),8)),E(se(s,W9),8)),Ts(l.a*l.b,v.a*v.b)):a}function bSt(r,s){var a,l,v;return a=E(se(s,(XS(),BX)),19).a-E(se(r,BX),19).a,a==0?(l=pa(Oc(E(se(r,(Hc(),Iz)),8)),E(se(r,wj),8)),v=pa(Oc(E(se(s,Iz),8)),E(se(s,wj),8)),Ts(l.a*l.b,v.a*v.b)):a}function cLe(r){var s,a;return a=new pm,a.a+="e_",s=Cbt(r),s!=null&&(a.a+=""+s),r.c&&r.d&&(gi((a.a+=" ",a),lG(r.c)),gi(zc((a.a+="[",a),r.c.i),"]"),gi((a.a+=koe,a),lG(r.d)),gi(zc((a.a+="[",a),r.d.i),"]")),a.a}function lLe(r){switch(r.g){case 0:return new v7;case 1:return new N$;case 2:return new m7;case 3:return new am;default:throw de(new Yn("No implementation is available for the layout phase "+(r.f!=null?r.f:""+r.g)))}}function Fme(r,s,a,l,v){var y;switch(y=0,v.g){case 1:y=m.Math.max(0,s.b+r.b-(a.b+l));break;case 3:y=m.Math.max(0,-r.b-l);break;case 2:y=m.Math.max(0,-r.a-l);break;case 4:y=m.Math.max(0,s.a+r.a-(a.a+l))}return y}function mSt(r,s,a){var l,v,y,x,T;if(a)for(v=a.a.length,l=new u2(v),T=(l.b-l.a)*l.c<0?(ec(),bE):new Sy(l);T.Ob();)x=E(T.Pb(),19),y=d6(a,x.a),Qye in y.a||Mse in y.a?R3t(r,y,s):P5t(r,y,s),est(E(Cr(r.b,G6(y)),79))}function jme(r){var s,a;switch(r.b){case-1:return!0;case 0:return a=r.t,a>1||a==-1?(r.b=-1,!0):(s=wp(r),s&&(Wr(),s.Cj()==sGe)?(r.b=-1,!0):(r.b=1,!1));default:case 1:return!1}}function vSt(r,s){var a,l,v,y,x;for(l=(!s.s&&(s.s=new St(Mf,s,21,17)),s.s),y=null,v=0,x=l.i;v<x;++v)switch(a=E(ke(l,v),170),xS(qu(r,a))){case 2:case 3:!y&&(y=new vt),y.c[y.c.length]=a}return y||(In(),In(),wu)}function Mme(r,s){var a,l,v,y;if(Li(r),r.c!=0||r.a!=123)throw de(new Hr(di((ni(),RWe))));if(y=s==112,l=r.d,a=XD(r.i,125,l),a<0)throw de(new Hr(di((ni(),OWe))));return v=bh(r.i,l,a),r.d=a+1,XPe(v,y,(r.e&512)==512)}function wSt(r){var s;if(s=E(se(r,(Ft(),oj)),314),s==(C5(),rI))throw de(new Zp("The hierarchy aware processor "+s+" in child node "+r+" is only allowed if the root node specifies the same hierarchical processor."))}function ySt(r,s){n1();var a,l,v,y,x,T;for(a=null,x=s.Kc();x.Ob();)y=E(x.Pb(),128),!y.o&&(l=Fot(y.a),v=Sct(y.a),T=new r9(l,v,null,E(y.d.a.ec().Kc().Pb(),17)),Et(T.c,y.a),r.c[r.c.length]=T,a&&Et(a.d,T),a=T)}function ESt(r,s){var a,l,v;if(!s)Xte(r,null),T6(r,null);else if(s.i&4)for(l="[]",a=s.c;;a=a.c){if(!(a.i&4)){v=EU((y0(a),a.o+l)),Xte(r,v),T6(r,v);break}l+="[]"}else v=EU((y0(s),s.o)),Xte(r,v),T6(r,v);r.yk(s)}function YF(r,s,a,l,v){var y,x,T,O;return O=tee(r,E(v,56)),Qe(O)!==Qe(v)?(T=E(r.g[a],72),y=_m(s,O),K8(r,a,yre(r,a,y)),Gd(r.e)&&(x=Oy(r,9,y.ak(),v,O,l,!1),Jbe(x,new k0(r.e,9,r.c,T,y,l,!1)),Lte(x)),O):v}function _St(r,s,a){var l,v,y,x,T,O;for(l=E(no(r.c,s),15),v=E(no(r.c,a),15),y=l.Zc(l.gc()),x=v.Zc(v.gc());y.Sb()&&x.Sb();)if(T=E(y.Ub(),19),O=E(x.Ub(),19),T!=O)return _f(T.a,O.a);return!y.Ob()&&!x.Ob()?0:y.Ob()?1:-1}function fLe(r,s){var a,l,v;try{return v=hht(r.a,s),v}catch(y){if(y=Mo(y),Ce(y,32)){try{if(l=xh(s,qa,qi),a=hp(r.a),l>=0&&l<a.length)return a[l]}catch(x){if(x=Mo(x),!Ce(x,127))throw de(x)}return null}else throw de(y)}}function Pre(r,s){var a,l,v;if(v=F4((Qf(),Ba),r.Tg(),s),v)return Wr(),E(v,66).Oj()||(v=v5(qu(Ba,v))),l=(a=r.Yg(v),E(a>=0?r._g(a,!0,!0):YS(r,v,!0),153)),E(l,215).ll(s);throw de(new Yn(Ky+s.ne()+Rse))}function SSt(){Ql();var r;return Xrt?E(iA((Mn(),jp),Cp),1939):(Di(z2,new H_),iOt(),r=E(Ce(ml((Mn(),jp),Cp),547)?ml(jp,Cp):new XDe,547),Xrt=!0,eIt(r),oIt(r),Qi((Er(),Fke),r,new $1),Uu(jp,Cp,r),r)}function xSt(r,s){var a,l,v,y;r.j=-1,Gd(r.e)?(a=r.i,y=r.i!=0,rL(r,s),l=new k0(r.e,3,r.c,null,s,a,y),v=s.Qk(r.e,r.c,null),v=HMe(r,s,v),v?(v.Ei(l),v.Fi()):Gi(r.e,l)):(rL(r,s),v=s.Qk(r.e,r.c,null),v&&v.Fi())}function yG(r,s){var a,l,v;if(v=0,l=s[0],l>=r.length)return-1;for(a=(ui(l,r.length),r.charCodeAt(l));a>=48&&a<=57&&(v=v*10+(a-48),++l,!(l>=r.length));)a=(ui(l,r.length),r.charCodeAt(l));return l>s[0]?s[0]=l:v=-1,v}function CSt(r){var s,a,l,v,y;return v=E(r.a,19).a,y=E(r.b,19).a,a=v,l=y,s=m.Math.max(m.Math.abs(v),m.Math.abs(y)),v<=0&&v==y?(a=0,l=y-1):v==-s&&y!=s?(a=y,l=v,y>=0&&++a):(a=-y,l=v),new Ra(Ot(a),Ot(l))}function TSt(r,s,a,l){var v,y,x,T,O,A;for(v=0;v<s.o;v++)for(y=v-s.j+a,x=0;x<s.p;x++)if(T=x-s.k+l,O=y,A=T,O+=r.j,A+=r.k,O>=0&&A>=0&&O<r.o&&A<r.p&&(!Q7e(s,v,x)&&K7e(r,y,T)||_4(s,v,x)&&!Swt(r,y,T)))return!0;return!1}function kSt(r,s,a){var l,v,y,x,T;x=r.c,T=r.d,y=_c(pe(he(na,1),ft,8,0,[x.i.n,x.n,x.a])).b,v=(y+_c(pe(he(na,1),ft,8,0,[T.i.n,T.n,T.a])).b)/2,l=null,x.j==(It(),fr)?l=new Kt(s+x.i.c.c.a+a,v):l=new Kt(s-a,v),QD(r.a,0,l)}function KS(r){var s,a,l,v;for(s=null,l=Cy(Og(pe(he(Mg,1),Ht,20,0,[(!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c)])));fi(l);)if(a=E(Zr(l),82),v=ic(a),!s)s=v;else if(s!=v)return!1;return!0}function Fre(r,s,a){var l;if(++r.j,s>=r.i)throw de(new xu(Lse+s+N2+r.i));if(a>=r.i)throw de(new xu(Bse+a+N2+r.i));return l=r.g[a],s!=a&&(s<a?ll(r.g,s,r.g,s+1,a-s):ll(r.g,a+1,r.g,a,s-a),qo(r.g,s,l),r.ei(s,l,a),r.ci()),l}function _n(r,s,a){var l;if(l=E(r.c.xc(s),14),l)return l.Fc(a)?(++r.d,!0):!1;if(l=r.ic(s),l.Fc(a))return++r.d,r.c.zc(s,l),!0;throw de(new zpe("New Collection violated the Collection spec"))}function iB(r){var s,a,l;return r<0?0:r==0?32:(l=-(r>>16),s=l>>16&16,a=16-s,r=r>>s,l=r-256,s=l>>16&8,a+=s,r<<=s,l=r-$T,s=l>>16&4,a+=s,r<<=s,l=r-xb,s=l>>16&2,a+=s,r<<=s,l=r>>14,s=l&~(l>>1),a+2-s)}function RSt(r){g5();var s,a,l,v;for(wY=new vt,Pae=new jr,$ae=new vt,s=(!r.a&&(r.a=new St(Ko,r,10,11)),r.a),s5t(s),v=new Tr(s);v.e!=v.i.gc();)l=E(Fr(v),33),lc(wY,l,0)==-1&&(a=new vt,Et($ae,a),_7e(l,a));return $ae}function OSt(r,s,a){var l,v,y,x;r.a=a.b.d,Ce(s,352)?(v=D4(E(s,79),!1,!1),y=ZL(v),l=new Ee(r),Na(y,l),pB(y,v),s.We((Mi(),bR))!=null&&Na(E(s.We(bR),74),l)):(x=E(s,470),x.Hg(x.Dg()+r.a.a),x.Ig(x.Eg()+r.a.b))}function dLe(r,s){var a,l,v,y,x,T,O,A;for(A=ot(Dt(se(s,(Ft(),uj)))),O=r[0].n.a+r[0].o.a+r[0].d.c+A,T=1;T<r.length;T++)l=r[T].n,v=r[T].o,a=r[T].d,y=l.a-a.b-O,y<0&&(l.a-=y),x=s.f,x.a=m.Math.max(x.a,l.a+v.a),O=l.a+v.a+a.c+A}function ISt(r,s){var a,l,v,y,x,T;return l=E(E(Cr(r.g,s.a),46).a,65),v=E(E(Cr(r.g,s.b),46).a,65),y=l.b,x=v.b,a=K4t(y,x),a>=0?a:(T=lF(pa(new Kt(x.c+x.b/2,x.d+x.a/2),new Kt(y.c+y.b/2,y.d+y.a/2))),-(Pze(y,x)-1)*T)}function DSt(r,s,a){var l;Bo(new Nn(null,(!a.a&&(a.a=new St(Uo,a,6,6)),new zn(a.a,16))),new X4e(r,s)),Bo(new Nn(null,(!a.n&&(a.n=new St(pc,a,1,7)),new zn(a.n,16))),new Q4e(r,s)),l=E(Xt(a,(Mi(),bR)),74),l&&z1e(l,r,s)}function YS(r,s,a){var l,v,y;if(y=F4((Qf(),Ba),r.Tg(),s),y)return Wr(),E(y,66).Oj()||(y=v5(qu(Ba,y))),v=(l=r.Yg(y),E(l>=0?r._g(l,!0,!0):YS(r,y,!0),153)),E(v,215).hl(s,a);throw de(new Yn(Ky+s.ne()+Rse))}function Nme(r,s,a,l){var v,y,x,T,O;if(v=r.d[s],v){if(y=v.g,O=v.i,l!=null){for(T=0;T<O;++T)if(x=E(y[T],133),x.Sh()==a&&Ki(l,x.cd()))return x}else for(T=0;T<O;++T)if(x=E(y[T],133),Qe(x.cd())===Qe(l))return x}return null}function oB(r,s){var a;if(s<0)throw de(new ID("Negative exponent"));if(s==0)return aY;if(s==1||Wge(r,aY)||Wge(r,MA))return r;if(!jLe(r,0)){for(a=1;!jLe(r,a);)++a;return l4(q0t(a*s),oB(Vpe(r,a),s))}return e2t(r,s)}function ASt(r,s){var a,l,v;if(Qe(r)===Qe(s))return!0;if(r==null||s==null||r.length!=s.length)return!1;for(a=0;a<r.length;++a)if(l=r[a],v=s[a],!(Qe(l)===Qe(v)||l!=null&&Ki(l,v)))return!1;return!0}function hLe(r){dN();var s,a,l;for(this.b=aXe,this.c=(ku(),Fm),this.f=(JU(),sXe),this.a=r,jD(this,new _1),TG(this),l=new le(r.b);l.a<l.c.c.length;)a=E(ce(l),81),a.d||(s=new Une(pe(he(zae,1),Ht,81,0,[a])),Et(r.a,s))}function $St(r,s,a){var l,v,y,x,T,O;if(!r||r.c.length==0)return null;for(y=new L6e(s,!a),v=new le(r);v.a<v.c.c.length;)l=E(ce(v),70),vme(y,(JO(),new xr(l)));return x=y.i,x.a=(O=y.n,y.e.b+O.d+O.a),x.b=(T=y.n,y.e.a+T.b+T.c),y}function pLe(r){var s,a,l,v,y,x,T;for(T=ZN(r.a),jfe(T,new Bp),a=null,v=T,y=0,x=v.length;y<x&&(l=v[y],l.k==(dr(),ds));++y)s=E(se(l,(bt(),Pc)),61),!(s!=(It(),nr)&&s!=fr)&&(a&&E(se(a,aI),15).Fc(l),a=l)}function PSt(r,s,a){var l,v,y,x,T,O,A;O=(Vn(s,r.c.length),E(r.c[s],329)),qv(r,s),O.b/2>=a&&(l=s,A=(O.c+O.a)/2,x=A-a,O.c<=A-a&&(v=new hee(O.c,x),ZC(r,l++,v)),T=A+a,T<=O.a&&(y=new hee(T,O.a),oT(l,r.c.length),O8(r.c,l,y)))}function Lme(r){var s;if(!r.c&&r.g==null)r.d=r.si(r.f),ei(r,r.d),s=r.d;else{if(r.g==null)return!0;if(r.i==0)return!1;s=E(r.g[r.i-1],47)}return s==r.b&&null.km>=null.jm()?(SG(r),Lme(r)):s.Ob()}function FSt(r,s,a){var l,v,y,x,T;if(T=a,!T&&(T=bhe(new Ak,0)),Lr(T,OVe,1),PHe(r.c,s),x=YRt(r.a,s),x.gc()==1)bHe(E(x.Xb(0),37),T);else for(y=1/x.gc(),v=x.Kc();v.Ob();)l=E(v.Pb(),37),bHe(l,wl(T,y));WM(r.a,x,s),YTt(s),Or(T)}function gLe(r){if(this.a=r,r.c.i.k==(dr(),ds))this.c=r.c,this.d=E(se(r.c.i,(bt(),Pc)),61);else if(r.d.i.k==ds)this.c=r.d,this.d=E(se(r.d.i,(bt(),Pc)),61);else throw de(new Yn("Edge "+r+" is not an external edge."))}function bLe(r,s){var a,l,v;v=r.b,r.b=s,r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,3,v,r.b)),s?s!=r&&(jl(r,s.zb),Gte(r,s.d),a=(l=s.c,l??s.zb),Yte(r,a==null||xn(a,s.zb)?null:a)):(jl(r,null),Gte(r,0),Yte(r,null))}function mLe(r){var s,a;if(r.f){for(;r.n<r.o;){if(s=E(r.j?r.j.pi(r.n):r.k.Xb(r.n),72),a=s.ak(),Ce(a,99)&&E(a,18).Bb&Uc&&(!r.e||a.Gj()!=m$||a.aj()!=0)&&s.dd()!=null)return!0;++r.n}return!1}else return r.n<r.o}function vLe(r,s){var a;this.e=(rT(),Jr(r),rT(),Qge(r)),this.c=(Jr(s),Qge(s)),nde(this.e.Hd().dc()==this.c.Hd().dc()),this.d=Nje(this.e),this.b=Nje(this.c),a=a2(mr,[ft,Ht],[5,1],5,[this.e.Hd().gc(),this.c.Hd().gc()],2),this.a=a,xgt(this)}function wLe(r){!hae&&(hae=g5t());var s=r.replace(/[\x00-\x1f\xad\u0600-\u0603\u06dd\u070f\u17b4\u17b5\u200b-\u200f\u2028-\u202e\u2060-\u2064\u206a-\u206f\ufeff\ufff9-\ufffb"\\]/g,function(a){return _dt(a)});return'"'+s+'"'}function yLe(r){cpe();var s,a;for(this.b=kKe,this.c=OKe,this.g=(aZ(),TKe),this.d=(ku(),Fm),this.a=r,u0e(this),a=new le(r.b);a.a<a.c.c.length;)s=E(ce(a),57),!s.a&&LOe(mFe(new qP,pe(he(hY,1),Ht,57,0,[s])),r),s.e=new xq(s.d)}function jSt(r){var s,a,l,v,y,x;for(v=r.e.c.length,l=Pe(rp,PT,15,v,0,1),x=new le(r.e);x.a<x.c.c.length;)y=E(ce(x),144),l[y.b]=new Po;for(a=new le(r.c);a.a<a.c.c.length;)s=E(ce(a),282),l[s.c.b].Fc(s),l[s.d.b].Fc(s);return l}function MSt(r){var s,a,l,v,y,x,T;for(T=bm(r.c.length),v=new le(r);v.a<v.c.c.length;){for(l=E(ce(v),10),x=new vs,y=ks(l),a=new Rr(Ar(y.a.Kc(),new M));fi(a);)s=E(Zr(a),17),s.c.i==s.d.i||Bs(x,s.d.i);T.c[T.c.length]=x}return T}function NSt(r,s){var a,l,v,y,x;if(a=E(Gn(r.a,4),126),x=a==null?0:a.length,s>=x)throw de(new JC(s,x));return v=a[s],x==1?l=null:(l=Pe(ble,qse,415,x-1,0,1),ll(a,0,l,0,s),y=x-s-1,y>0&&ll(a,s+1,l,s,y)),K6(r,l),BNe(r,s,v),v}function j5(){j5=xe,SI=E(ke(et((DU(),qc).qb),6),34),_I=E(ke(et(qc.qb),3),34),_le=E(ke(et(qc.qb),4),34),Sle=E(ke(et(qc.qb),5),18),pG(SI),pG(_I),pG(_le),pG(Sle),eit=new yf(pe(he(Mf,1),G4,170,0,[SI,_I]))}function ELe(r,s){var a;this.d=new jC,this.b=s,this.e=new Hu(s.qf()),a=r.u.Hc((hd(),Kz)),r.u.Hc(q0)?r.D?this.a=a&&!s.If():this.a=!0:r.u.Hc(cE)?a?this.a=!(s.zf().Kc().Ob()||s.Bf().Kc().Ob()):this.a=!1:this.a=!1}function _Le(r,s){var a,l,v,y;for(a=r.o.a,y=E(E(no(r.r,s),21),84).Kc();y.Ob();)v=E(y.Pb(),111),v.e.a=(l=v.b,l.Xe((Mi(),Fd))?l.Hf()==(It(),nr)?-l.rf().a-ot(Dt(l.We(Fd))):a+ot(Dt(l.We(Fd))):l.Hf()==(It(),nr)?-l.rf().a:a)}function SLe(r,s){var a,l,v,y;a=E(se(r,(Ft(),Oh)),103),y=E(Xt(s,r$),61),v=E(se(r,Zo),98),v!=(Sa(),Ug)&&v!=uE?y==(It(),Tc)&&(y=M0e(s,a),y==Tc&&(y=O5(a))):(l=gHe(s),l>0?y=O5(a):y=ML(O5(a))),Nu(s,r$,y)}function LSt(r,s){var a,l,v,y,x;for(x=r.j,s.a!=s.b&&sa(x,new h_),v=x.c.length/2|0,l=0;l<v;l++)y=(Vn(l,x.c.length),E(x.c[l],113)),y.c&&Hs(y.d,s.a);for(a=v;a<x.c.length;a++)y=(Vn(a,x.c.length),E(x.c[a],113)),y.c&&Hs(y.d,s.b)}function BSt(r,s,a){var l,v,y;return l=r.c[s.c.p][s.p],v=r.c[a.c.p][a.p],l.a!=null&&v.a!=null?(y=Ree(l.a,v.a),y<0?fB(r,s,a):y>0&&fB(r,a,s),y):l.a!=null?(fB(r,s,a),-1):v.a!=null?(fB(r,a,s),1):0}function xLe(r,s){var a,l,v,y;r.ej()?(a=r.Vi(),y=r.fj(),++r.j,r.Hi(a,r.oi(a,s)),l=r.Zi(3,null,s,a,y),r.bj()?(v=r.cj(s,null),v?(v.Ei(l),v.Fi()):r.$i(l)):r.$i(l)):(BDe(r,s),r.bj()&&(v=r.cj(s,null),v&&v.Fi()))}function EG(r,s){var a,l,v,y,x;for(x=tf(r.e.Tg(),s),v=new jE,a=E(r.g,119),y=r.i;--y>=0;)l=a[y],x.rl(l.ak())&&ei(v,l);!hUe(r,v)&&Gd(r.e)&&QE(r,s.$j()?Oy(r,6,s,(In(),wu),null,-1,!1):Oy(r,s.Kj()?2:1,s,null,null,-1,!1))}function nA(){nA=xe;var r,s;for(eI=Pe(Y4,ft,91,32,0,1),U9=Pe(Y4,ft,91,32,0,1),r=1,s=0;s<=18;s++)eI[s]=HL(r),U9[s]=HL(E0(r,s)),r=Va(r,5);for(;s<U9.length;s++)eI[s]=l4(eI[s-1],eI[1]),U9[s]=l4(U9[s-1],(zy(),wae))}function zSt(r,s){var a,l,v,y,x;return r.a==(eA(),J9)?!0:(y=s.a.c,a=s.a.c+s.a.b,!(s.j&&(l=s.A,x=l.c.c.a-l.o.a/2,v=y-(l.n.a+l.o.a),v>x)||s.q&&(l=s.C,x=l.c.c.a-l.o.a/2,v=l.n.a-a,v>x)))}function HSt(r,s){var a;Lr(s,"Partition preprocessing",1),a=E(wh(So(Ec(So(new Nn(null,new zn(r.a,16)),new x3),new C3),new NR),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),Bo(a.Oc(),new Tw),Or(s)}function CLe(r){ute();var s,a,l,v,y,x,T;for(a=new h2,v=new le(r.e.b);v.a<v.c.c.length;)for(l=E(ce(v),29),x=new le(l.a);x.a<x.c.c.length;)y=E(ce(x),10),T=r.g[y.p],s=E(DS(a,T),15),s||(s=new vt,T2(a,T,s)),s.Fc(y);return a}function USt(r,s){var a,l,v,y,x;for(v=s.b.b,r.a=Pe(rp,PT,15,v,0,1),r.b=Pe(Md,Dm,25,v,16,1),x=Ti(s.b,0);x.b!=x.d.c;)y=E(Ci(x),86),r.a[y.g]=new Po;for(l=Ti(s.a,0);l.b!=l.d.c;)a=E(Ci(l),188),r.a[a.b.g].Fc(a),r.a[a.c.g].Fc(a)}function TLe(r){var s;return r.Db&64?u1(r):(s=new pp(u1(r)),s.a+=" (startX: ",Fv(s,r.j),s.a+=", startY: ",Fv(s,r.k),s.a+=", endX: ",Fv(s,r.b),s.a+=", endY: ",Fv(s,r.c),s.a+=", identifier: ",Fu(s,r.d),s.a+=")",s.a)}function Bme(r){var s;return r.Db&64?AF(r):(s=new pp(AF(r)),s.a+=" (ordered: ",gb(s,(r.Bb&256)!=0),s.a+=", unique: ",gb(s,(r.Bb&512)!=0),s.a+=", lowerBound: ",_8(s,r.s),s.a+=", upperBound: ",_8(s,r.t),s.a+=")",s.a)}function kLe(r,s,a,l,v,y,x,T){var O;return Ce(r.Cb,88)&&xT(kd(E(r.Cb,88)),4),jl(r,a),r.f=l,U6(r,v),q6(r,y),H6(r,x),V6(r,!1),Jv(r,!0),W6(r,T),Qv(r,!0),Kv(r,0),r.b=0,hT(r,1),O=$g(r,s,null),O&&O.Fi(),Dne(r,!1),r}function RLe(r,s){var a,l,v,y;return a=E(ml(r.a,s),512),a||(l=new xte(s),v=(Hq(),Ng?null:l.c),y=bh(v,0,m.Math.max(0,IV(v,Af(46)))),pat(l,RLe(r,y)),(Ng?null:l.c).length==0&&f5e(l,new Pt),Uu(r.a,Ng?null:l.c,l),l)}function VSt(r,s){var a;r.b=s,r.g=new vt,a=YSt(r.b),r.e=a,r.f=a,r.c=Wt(Gt(se(r.b,(fG(),w2e)))),r.a=Dt(se(r.b,(Mi(),bI))),r.a==null&&(r.a=1),ot(r.a)>1?r.e*=ot(r.a):r.f/=ot(r.a),Smt(r),Rvt(r),l3t(r),ct(r.b,(BF(),vY),r.g)}function OLe(r,s,a){var l,v,y,x,T,O;for(l=0,O=a,s||(l=a*(r.c.length-1),O*=-1),y=new le(r);y.a<y.c.c.length;){for(v=E(ce(y),10),ct(v,(Ft(),Mb),(xm(),JX)),v.o.a=l,T=tw(v,(It(),fr)).Kc();T.Ob();)x=E(T.Pb(),11),x.n.a=l;l+=O}}function zme(r,s,a){var l,v,y;r.ej()?(y=r.fj(),FL(r,s,a),l=r.Zi(3,null,a,s,y),r.bj()?(v=r.cj(a,null),r.ij()&&(v=r.jj(a,v)),v?(v.Ei(l),v.Fi()):r.$i(l)):r.$i(l)):(FL(r,s,a),r.bj()&&(v=r.cj(a,null),v&&v.Fi()))}function M5(r,s,a){var l,v,y,x,T,O;return T=r.Gk(a),T!=a?(x=r.g[s],O=T,K8(r,s,r.oi(s,O)),y=x,r.gi(s,O,y),r.rk()&&(l=a,v=r.dj(l,null),!E(T,49).eh()&&(v=r.cj(O,v)),v&&v.Fi()),Gd(r.e)&&QE(r,r.Zi(9,a,T,s,!1)),T):a}function qSt(r,s){var a,l,v,y;for(l=new le(r.a.a);l.a<l.c.c.length;)a=E(ce(l),189),a.g=!0;for(y=new le(r.a.b);y.a<y.c.c.length;)v=E(ce(y),81),v.k=Wt(Gt(r.e.Kb(new Ra(v,s)))),v.d.g=v.d.g&Wt(Gt(r.e.Kb(new Ra(v,s))));return r}function ILe(r){var s,a,l,v,y;if(a=(s=E(hp(hu),9),new qh(s,E(t1(s,s.length),9),0)),y=E(se(r,(bt(),pd)),10),y)for(v=new le(y.j);v.a<v.c.c.length;)l=E(ce(v),11),Qe(se(l,to))===Qe(r)&&Q8(new kg(l.b))&&a1(a,l.j);return a}function DLe(r,s,a){var l,v,y,x,T;if(!r.d[a.p]){for(v=new Rr(Ar(ks(a).a.Kc(),new M));fi(v);){for(l=E(Zr(v),17),T=l.d.i,x=new Rr(Ar(fc(T).a.Kc(),new M));fi(x);)y=E(Zr(x),17),y.c.i==s&&(r.a[y.p]=!0);DLe(r,s,T)}r.d[a.p]=!0}}function WSt(r,s){var a,l,v,y,x,T,O;if(l=Mje(r.Db&254),l==1)r.Eb=null;else if(y=b2(r.Eb),l==2)v=cre(r,s),r.Eb=y[v==0?1:0];else{for(x=Pe(mr,Ht,1,l-1,5,1),a=2,T=0,O=0;a<=128;a<<=1)a==s?++T:r.Db&a&&(x[O++]=y[T++]);r.Eb=x}r.Db&=~s}function GSt(r,s){var a,l,v,y,x;for(l=(!s.s&&(s.s=new St(Mf,s,21,17)),s.s),y=null,v=0,x=l.i;v<x;++v)switch(a=E(ke(l,v),170),xS(qu(r,a))){case 4:case 5:case 6:{!y&&(y=new vt),y.c[y.c.length]=a;break}}return y||(In(),In(),wu)}function Hme(r){var s;switch(s=0,r){case 105:s=2;break;case 109:s=8;break;case 115:s=4;break;case 120:s=16;break;case 117:s=32;break;case 119:s=64;break;case 70:s=256;break;case 72:s=128;break;case 88:s=512;break;case 44:s=l1}return s}function KSt(r,s,a,l,v){var y,x,T,O;if(Qe(r)===Qe(s)&&l==v){kze(r,l,a);return}for(T=0;T<l;T++){for(x=0,y=r[T],O=0;O<v;O++)x=Xa(Xa(Va(zs(y,Ou),zs(s[O],Ou)),zs(a[T+O],Ou)),zs(Qr(x),Ou)),a[T+O]=Qr(x),x=eT(x,32);a[T+v]=Qr(x)}}function YSt(r){var s,a,l,v,y,x,T,O,A,F,z;for(F=0,A=0,v=r.a,T=v.a.gc(),l=v.a.ec().Kc();l.Ob();)a=E(l.Pb(),561),s=(a.b&&cie(a),a.a),z=s.a,x=s.b,F+=z+x,A+=z*x;return O=m.Math.sqrt(400*T*A-4*A+F*F)+F,y=2*(100*T-1),y==0?O:O/y}function ALe(r,s){s.b!=0&&(isNaN(r.s)?r.s=ot((vr(s.b!=0),Dt(s.a.a.c))):r.s=m.Math.min(r.s,ot((vr(s.b!=0),Dt(s.a.a.c)))),isNaN(r.c)?r.c=ot((vr(s.b!=0),Dt(s.c.b.c))):r.c=m.Math.max(r.c,ot((vr(s.b!=0),Dt(s.c.b.c)))))}function XF(r){var s,a,l,v;for(s=null,l=Cy(Og(pe(he(Mg,1),Ht,20,0,[(!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c)])));fi(l);)if(a=E(Zr(l),82),v=ic(a),!s)s=Wo(v);else if(s!=Wo(v))return!0;return!1}function jre(r,s){var a,l,v,y;r.ej()?(a=r.i,y=r.fj(),rL(r,s),l=r.Zi(3,null,s,a,y),r.bj()?(v=r.cj(s,null),r.ij()&&(v=r.jj(s,v)),v?(v.Ei(l),v.Fi()):r.$i(l)):r.$i(l)):(rL(r,s),r.bj()&&(v=r.cj(s,null),v&&v.Fi()))}function $Le(r,s,a){var l,v,y;r.ej()?(y=r.fj(),++r.j,r.Hi(s,r.oi(s,a)),l=r.Zi(3,null,a,s,y),r.bj()?(v=r.cj(a,null),v?(v.Ei(l),v.Fi()):r.$i(l)):r.$i(l)):(++r.j,r.Hi(s,r.oi(s,a)),r.bj()&&(v=r.cj(a,null),v&&v.Fi()))}function XSt(r){var s,a,l,v;for(v=r.length,s=null,l=0;l<v;l++)a=(ui(l,r.length),r.charCodeAt(l)),bb(".*+?{[()|\\^$",Af(a))>=0?(s||(s=new zC,l>0&&Fu(s,r.substr(0,l))),s.a+="\\",o6(s,a&ls)):s&&o6(s,a&ls);return s?s.a:r}function QSt(r){var s;if(!r.a)throw de(new zu("IDataType class expected for layout option "+r.f));if(s=opt(r.a),s==null)throw de(new zu("Couldn't create new instance of property '"+r.f+"'. "+kqe+(y0(rH),rH.k)+Hye));return E(s,414)}function Mre(r){var s,a,l,v,y;return y=r.eh(),y&&y.kh()&&(v=jy(r,y),v!=y)?(a=r.Vg(),l=(s=r.Vg(),s>=0?r.Qg(null):r.eh().ih(r,-1-s,null,null)),r.Rg(E(v,49),a),l&&l.Fi(),r.Lg()&&r.Mg()&&a>-1&&Gi(r,new aa(r,9,a,y,v)),v):y}function PLe(r){var s,a,l,v,y,x,T,O;for(x=0,y=r.f.e,l=0;l<y.c.length;++l)for(T=(Vn(l,y.c.length),E(y.c[l],144)),v=l+1;v<y.c.length;++v)O=(Vn(v,y.c.length),E(y.c[v],144)),a=Dy(T.d,O.d),s=a-r.a[T.b][O.b],x+=r.i[T.b][O.b]*s*s;return x}function JSt(r,s){var a;if(!ta(s,(Ft(),rf))&&(a=Syt(E(se(s,Z_e),360),E(se(r,rf),163)),ct(s,Z_e,a),!fi(new Rr(Ar(A0(s).a.Kc(),new M)))))switch(a.g){case 1:ct(s,rf,(Zh(),nj));break;case 2:ct(s,rf,(Zh(),rj))}}function ZSt(r,s){var a;c3t(r),r.a=(a=new ly,Bo(new Nn(null,new zn(s.d,16)),new RH(a)),a),wTt(r,E(se(s.b,(Ft(),Lue)),376)),dwt(r),ixt(r),Cyt(r),hwt(r),uRt(r,s),Bo(Ec(new Nn(null,qAe(Mlt(r.b).a)),new Z0),new og),s.a=!1,r.a=null}function FLe(){lme.call(this,IA,(Pv(),mrt)),this.p=null,this.a=null,this.f=null,this.n=null,this.g=null,this.c=null,this.i=null,this.j=null,this.d=null,this.b=null,this.e=null,this.k=null,this.o=null,this.s=null,this.q=!1,this.r=!1}function rA(){rA=xe,ple=new r5(QVe,0),bQ=new r5("INSIDE_SELF_LOOPS",1),mQ=new r5("MULTI_EDGES",2),gQ=new r5("EDGE_LABELS",3),hle=new r5("PORTS",4),pQ=new r5("COMPOUND",5),hQ=new r5("CLUSTERS",6),dle=new r5("DISCONNECTED",7)}function jLe(r,s){var a,l,v;if(s==0)return(r.a[0]&1)!=0;if(s<0)throw de(new ID("Negative bit address"));if(v=s>>5,v>=r.d)return r.e<0;if(a=r.a[v],s=1<<(s&31),r.e<0){if(l=ZFe(r),v<l)return!1;l==v?a=-a:a=~a}return(a&s)!=0}function ext(r,s,a,l){var v;E(a.b,65),E(a.b,65),E(l.b,65),E(l.b,65),v=pa(Oc(E(a.b,65).c),E(l.b,65).c),qV(v,QNe(E(a.b,65),E(l.b,65),v)),E(l.b,65),E(l.b,65),E(l.b,65).c.a+v.a,E(l.b,65).c.b+v.b,E(l.b,65),Rf(l.a,new nhe(r,s,l))}function Ume(r,s){var a,l,v,y,x,T,O;if(y=s.e,y){for(a=Mre(y),l=E(r.g,674),x=0;x<r.i;++x)if(O=l[x],rre(O)==a&&(v=(!O.d&&(O.d=new xs(Au,O,1)),O.d),T=E(a.ah(Zre(y,y.Cb,y.Db>>16)),15).Xc(y),T<v.i))return Ume(r,E(ke(v,T),87))}return s}function H(r,s,a){var l=rY,v,y=l[r],x=y instanceof Array?y[0]:null;y&&!x?S=y:(S=(v=s&&s.prototype,!v&&(v=rY[s]),xdt(v)),S.hm=a,!s&&(S.im=Xe),l[r]=S);for(var T=3;T<arguments.length;++T)arguments[T].prototype=S;x&&(S.gm=x)}function fi(r){for(var s;!E(Jr(r.a),47).Ob();){if(r.d=rmt(r),!r.d)return!1;if(r.a=E(r.d.Pb(),47),Ce(r.a,39)){if(s=E(r.a,39),r.a=s.a,!r.b&&(r.b=new YE),Iy(r.b,r.d),s.b)for(;!NO(s.b);)Iy(r.b,E(Elt(s.b),47));r.d=s.d}}return!0}function Vme(r,s){var a,l,v,y,x;for(y=s==null?0:r.b.se(s),l=(a=r.a.get(y),a??new Array),x=0;x<l.length;x++)if(v=l[x],r.b.re(s,v.cd()))return l.length==1?(l.length=0,qst(r.a,y)):l.splice(x,1),--r.c,Sq(r.b),v.dd();return null}function qme(r,s){var a,l,v,y;for(v=1,s.j=!0,y=null,l=new le(w4(s));l.a<l.c.c.length;)a=E(ce(l),213),r.c[a.c]||(r.c[a.c]=!0,y=UW(a,s),a.f?v+=qme(r,y):!y.j&&a.a==a.e.e-a.d.e&&(a.f=!0,Bs(r.p,a),v+=qme(r,y)));return v}function txt(r){var s,a,l;for(a=new le(r.a.a.b);a.a<a.c.c.length;)s=E(ce(a),81),l=(Qn(0),0),l>0&&(!(Ey(r.a.c)&&s.n.d)&&!(KD(r.a.c)&&s.n.b)&&(s.g.d+=m.Math.max(0,l/2-.5)),!(Ey(r.a.c)&&s.n.a)&&!(KD(r.a.c)&&s.n.c)&&(s.g.a-=l-1))}function MLe(r){var s,a,l,v,y;if(v=new vt,y=Ize(r,v),s=E(se(r,(bt(),pd)),10),s)for(l=new le(s.j);l.a<l.c.c.length;)a=E(ce(l),11),Qe(se(a,to))===Qe(r)&&(y=m.Math.max(y,Ize(a,v)));return v.c.length==0||ct(r,oR,y),y!=-1?v:null}function NLe(r,s,a){var l,v,y,x,T,O;y=E(Vt(s.e,0),17).c,l=y.i,v=l.k,O=E(Vt(a.g,0),17).d,x=O.i,T=x.k,v==(dr(),ua)?ct(r,(bt(),Q1),E(se(l,Q1),11)):ct(r,(bt(),Q1),y),T==ua?ct(r,(bt(),Rp),E(se(x,Rp),11)):ct(r,(bt(),Rp),O)}function LLe(r,s){var a,l,v,y;for(y=Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))),a=y&r.b.length-1,v=null,l=r.b[a];l;v=l,l=l.a)if(l.d==y&&yb(l.i,s))return v?v.a=l.a:r.b[a]=l.a,l8(l.c,l.f),$O(l.b,l.e),--r.f,++r.e,!0;return!1}function Wme(r,s){var a,l,v,y,x;return s&=63,a=r.h,l=(a&CB)!=0,l&&(a|=-1048576),s<22?(x=a>>s,y=r.m>>s|a<<22-s,v=r.l>>s|r.m<<22-s):s<44?(x=l?N0:0,y=a>>s-22,v=r.m>>s-22|a<<44-s):(x=l?N0:0,y=l?$d:0,v=a>>s-44),Jl(v&$d,y&$d,x&N0)}function Nre(r){var s,a,l,v,y,x;for(this.c=new vt,this.d=r,l=Qo,v=Qo,s=ws,a=ws,x=Ti(r,0);x.b!=x.d.c;)y=E(Ci(x),8),l=m.Math.min(l,y.a),v=m.Math.min(v,y.b),s=m.Math.max(s,y.a),a=m.Math.max(a,y.b);this.a=new Wh(l,v,s-l,a-v)}function BLe(r,s){var a,l,v,y,x,T;for(y=new le(r.b);y.a<y.c.c.length;)for(v=E(ce(y),29),T=new le(v.a);T.a<T.c.c.length;)for(x=E(ce(T),10),x.k==(dr(),th)&&N5(x,s),l=new Rr(Ar(ks(x).a.Kc(),new M));fi(l);)a=E(Zr(l),17),S9e(a,s)}function Gme(r){var s,a,l;this.c=r,l=E(se(r,(Ft(),Oh)),103),s=ot(Dt(se(r,cX))),a=ot(Dt(se(r,Jxe))),l==(ku(),Op)||l==p1||l==Fm?this.b=s*a:this.b=1/(s*a),this.j=ot(Dt(se(r,lR))),this.e=ot(Dt(se(r,Sx))),this.f=r.b.c.length}function nxt(r){var s,a;for(r.e=Pe(Gr,Ei,25,r.p.c.length,15,1),r.k=Pe(Gr,Ei,25,r.p.c.length,15,1),a=new le(r.p);a.a<a.c.c.length;)s=E(ce(a),10),r.e[s.p]=C0(new Rr(Ar(fc(s).a.Kc(),new M))),r.k[s.p]=C0(new Rr(Ar(ks(s).a.Kc(),new M)))}function rxt(r){var s,a,l,v,y,x;for(v=0,r.q=new vt,s=new vs,x=new le(r.p);x.a<x.c.c.length;){for(y=E(ce(x),10),y.p=v,l=new Rr(Ar(ks(y).a.Kc(),new M));fi(l);)a=E(Zr(l),17),Bs(s,a.d.i);s.a.Bc(y)!=null,Et(r.q,new nF(s)),s.a.$b(),++v}}function XS(){XS=xe,HCe=new pS(20),Yet=new bu((Mi(),Z2),HCe),VCe=new bu(e_,20),Vet=new bu(bI,SA),BX=new bu(iQ,Ot(1)),Qet=new bu(ole,(tr(),!0)),BCe=Bz,Wet=J2,Get=vR,Ket=oE,qet=mR,zCe=Uz,Xet=a3,Jet=(G1e(),Uet),UCe=Het}function zLe(r,s){var a,l,v,y,x,T,O,A,F;if(r.a.f>0&&Ce(s,42)&&(r.a.qj(),A=E(s,42),O=A.cd(),y=O==null?0:$o(O),x=Dde(r.a,y),a=r.a.d[x],a)){for(l=E(a.g,367),F=a.i,T=0;T<F;++T)if(v=l[T],v.Sh()==y&&v.Fb(A))return zLe(r,A),!0}return!1}function ixt(r){var s,a,l,v;for(v=E(no(r.a,(T4(),GY)),15).Kc();v.Ob();)l=E(v.Pb(),101),a=(s=f5(l.k),s.Hc((It(),Jn))?s.Hc(fr)?s.Hc(Br)?s.Hc(nr)?null:zXe:UXe:HXe:BXe),i6(r,l,a[0],(NS(),dx),0),i6(r,l,a[1],Zy,1),i6(r,l,a[2],hx,1)}function oxt(r,s){var a,l;a=$3t(s),DTt(r,s,a),WMe(r.a,E(se(Za(s.b),(bt(),cI)),230)),ikt(r),AEt(r,s),l=Pe(Gr,Ei,25,s.b.j.c.length,15,1),yie(r,s,(It(),Jn),l,a),yie(r,s,fr,l,a),yie(r,s,Br,l,a),yie(r,s,nr,l,a),r.a=null,r.c=null,r.b=null}function Kme(){Kme=xe,wTe=(zW(),Ace),Att=new Dn(Oye,wTe),Itt=new Dn(Iye,(tr(),!0)),Ot(-1),ktt=new Dn(Dye,Ot(-1)),Ot(-1),Rtt=new Dn(Aye,Ot(-1)),Dtt=new Dn($ye,!1),$tt=new Dn(Pye,!0),Ott=new Dn(mse,!1),Ptt=new Dn(Fye,-1)}function Yme(r,s,a){switch(s){case 7:!r.e&&(r.e=new Bn(ra,r,7,4)),Vr(r.e),!r.e&&(r.e=new Bn(ra,r,7,4)),Yo(r.e,E(a,14));return;case 8:!r.d&&(r.d=new Bn(ra,r,8,5)),Vr(r.d),!r.d&&(r.d=new Bn(ra,r,8,5)),Yo(r.d,E(a,14));return}Wbe(r,s,a)}function Xme(r,s){var a,l,v,y,x;if(Qe(s)===Qe(r))return!0;if(!Ce(s,15)||(x=E(s,15),r.gc()!=x.gc()))return!1;for(y=x.Kc(),l=r.Kc();l.Ob();)if(a=l.Pb(),v=y.Pb(),!(Qe(a)===Qe(v)||a!=null&&Ki(a,v)))return!1;return!0}function sxt(r,s){var a,l,v,y;for(y=E(wh(Ec(Ec(new Nn(null,new zn(s.b,16)),new Px),new RR),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),y.Jc(new w3),a=0,v=y.Kc();v.Ob();)l=E(v.Pb(),11),l.p==-1&&Jme(r,l,a++)}function HLe(r){switch(r.g){case 0:return new BE;case 1:return new h7;case 2:return new d7;case 3:return new dRe;case 4:return new ZIe;default:throw de(new Yn("No implementation is available for the node placer "+(r.f!=null?r.f:""+r.g)))}}function ULe(r){switch(r.g){case 0:return new Ohe;case 1:return new g7;case 2:return new u7;case 3:return new lO;case 4:return new pRe;default:throw de(new Yn("No implementation is available for the cycle breaker "+(r.f!=null?r.f:""+r.g)))}}function Qme(){Qme=xe,htt=new Dn(Sye,Ot(0)),ptt=new Dn(xye,0),tTe=(AL(),HX),ftt=new Dn(pse,tTe),Ot(0),ltt=new Dn(gse,Ot(1)),rTe=(CW(),Dce),gtt=new Dn(Cye,rTe),iTe=(Qq(),kce),btt=new Dn(Tye,iTe),nTe=(aG(),Ice),dtt=new Dn(kye,nTe)}function axt(r,s,a){var l;l=null,s&&(l=s.d),WF(r,new WD(s.n.a-l.b+a.a,s.n.b-l.d+a.b)),WF(r,new WD(s.n.a-l.b+a.a,s.n.b+s.o.b+l.a+a.b)),WF(r,new WD(s.n.a+s.o.a+l.c+a.a,s.n.b-l.d+a.b)),WF(r,new WD(s.n.a+s.o.a+l.c+a.a,s.n.b+s.o.b+l.a+a.b))}function Jme(r,s,a){var l,v,y;for(s.p=a,y=Cy(Og(pe(he(Mg,1),Ht,20,0,[new Pr(s),new vo(s)])));fi(y);)l=E(Zr(y),11),l.p==-1&&Jme(r,l,a);if(s.i.k==(dr(),ua))for(v=new le(s.i.j);v.a<v.c.c.length;)l=E(ce(v),11),l!=s&&l.p==-1&&Jme(r,l,a)}function VLe(r){var s,a,l,v,y;if(v=E(wh($dt(wAe(r)),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),l=_A,v.gc()>=2)for(a=v.Kc(),s=Dt(a.Pb());a.Ob();)y=s,s=Dt(a.Pb()),l=m.Math.min(l,(Qn(s),s-(Qn(y),y)));return l}function uxt(r,s){var a,l,v,y,x;l=new Po,os(l,s,l.c.b,l.c);do for(a=(vr(l.b!=0),E(Xh(l,l.a.a),86)),r.b[a.g]=1,y=Ti(a.d,0);y.b!=y.d.c;)v=E(Ci(y),188),x=v.c,r.b[x.g]==1?Ii(r.a,v):r.b[x.g]==2?r.b[x.g]=1:os(l,x,l.c.b,l.c);while(l.b!=0)}function cxt(r,s){var a,l,v;if(Qe(s)===Qe(Jr(r)))return!0;if(!Ce(s,15)||(l=E(s,15),v=r.gc(),v!=l.gc()))return!1;if(Ce(l,54)){for(a=0;a<v;a++)if(!yb(r.Xb(a),l.Xb(a)))return!1;return!0}else return mwt(r.Kc(),l.Kc())}function qLe(r,s){var a,l;if(r.c.length!=0){if(r.c.length==2)N5((Vn(0,r.c.length),E(r.c[0],10)),(Sh(),jm)),N5((Vn(1,r.c.length),E(r.c[1],10)),sE);else for(l=new le(r);l.a<l.c.c.length;)a=E(ce(l),10),N5(a,s);r.c=Pe(mr,Ht,1,0,5,1)}}function lxt(r){var s,a;if(r.c.length!=2)throw de(new zu("Order only allowed for two paths."));s=(Vn(0,r.c.length),E(r.c[0],17)),a=(Vn(1,r.c.length),E(r.c[1],17)),s.d.i!=a.c.i&&(r.c=Pe(mr,Ht,1,0,5,1),r.c[r.c.length]=a,r.c[r.c.length]=s)}function fxt(r,s){var a,l,v,y,x,T;for(l=new h2,x=Bq(new yf(r.g)),y=x.a.ec().Kc();y.Ob();){if(v=E(y.Pb(),10),!v){s2(s,"There are no classes in a balanced layout.");break}T=r.j[v.p],a=E(DS(l,T),15),a||(a=new vt,T2(l,T,a)),a.Fc(v)}return l}function dxt(r,s,a){var l,v,y,x,T,O,A;if(a)for(y=a.a.length,l=new u2(y),T=(l.b-l.a)*l.c<0?(ec(),bE):new Sy(l);T.Ob();)x=E(T.Pb(),19),O=d6(a,x.a),O&&(A=ygt(x0(O,Fse),s),Qi(r.f,A,O),v=$b in O.a,v&&xF(A,x0(O,$b)),bG(O,A),Ome(O,A))}function hxt(r,s){var a,l,v,y,x;for(Lr(s,"Port side processing",1),x=new le(r.a);x.a<x.c.c.length;)v=E(ce(x),10),eHe(v);for(l=new le(r.b);l.a<l.c.c.length;)for(a=E(ce(l),29),y=new le(a.a);y.a<y.c.c.length;)v=E(ce(y),10),eHe(v);Or(s)}function WLe(r,s,a){var l,v,y,x,T;if(v=r.f,!v&&(v=E(r.a.a.ec().Kc().Pb(),57)),VF(v,s,a),r.a.a.gc()!=1)for(l=s*a,x=r.a.a.ec().Kc();x.Ob();)y=E(x.Pb(),57),y!=v&&(T=w5(y),T.f.d?(y.d.d+=l+Fg,y.d.a-=l+Fg):T.f.a&&(y.d.a-=l+Fg))}function Lre(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q;return x=a-r,T=l-s,y=m.Math.atan2(x,T),O=y+_oe,A=y-_oe,F=v*m.Math.sin(O)+r,q=v*m.Math.cos(O)+s,z=v*m.Math.sin(A)+r,Q=v*m.Math.cos(A)+s,Tg(pe(he(na,1),ft,8,0,[new Kt(F,q),new Kt(z,Q)]))}function pxt(r,s,a,l){var v,y,x,T,O,A,F,z;v=a,F=s,y=F;do y=r.a[y.p],T=(z=r.g[y.p],ot(r.p[z.p])+ot(r.d[y.p])-y.d.d),O=Rgt(y,l),O&&(x=(A=r.g[O.p],ot(r.p[A.p])+ot(r.d[O.p])+O.o.b+O.d.a),v=m.Math.min(v,T-(x+n4(r.k,y,O))));while(F!=y);return v}function gxt(r,s,a,l){var v,y,x,T,O,A,F,z;v=a,F=s,y=F;do y=r.a[y.p],x=(z=r.g[y.p],ot(r.p[z.p])+ot(r.d[y.p])+y.o.b+y.d.a),O=Lbt(y,l),O&&(T=(A=r.g[O.p],ot(r.p[A.p])+ot(r.d[O.p])-O.d.d),v=m.Math.min(v,T-(x+n4(r.k,y,O))));while(F!=y);return v}function Xt(r,s){var a,l;return l=(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),V1(r.o,s)),l??(a=s.wg(),Ce(a,4)&&(a==null?(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),KW(r.o,s)):(!r.o&&(r.o=new Jd((Nl(),fE),Tx,r,0)),dG(r.o,s,a))),a)}function CT(){CT=xe,g1=new Qk("H_LEFT",0),V0=new Qk("H_CENTER",1),b1=new Qk("H_RIGHT",2),w1=new Qk("V_TOP",3),Mm=new Qk("V_CENTER",4),Dp=new Qk("V_BOTTOM",5),Ih=new Qk("INSIDE",6),m1=new Qk("OUTSIDE",7),Ip=new Qk("H_PRIORITY",8)}function bxt(r){var s,a,l,v,y,x,T;if(s=r.Hh(Cp),s&&(T=ai(V1((!s.b&&(s.b=new Kd((kn(),pu),Fc,s)),s.b),"settingDelegates")),T!=null)){for(a=new vt,v=RT(T,"\\w+"),y=0,x=v.length;y<x;++y)l=v[y],a.c[a.c.length]=l;return a}return In(),In(),wu}function mxt(r,s){var a,l,v,y,x,T,O;if(!s.f)throw de(new Yn("The input edge is not a tree edge."));for(y=null,v=qi,l=new le(r.d);l.a<l.c.c.length;)a=E(ce(l),213),T=a.d,O=a.e,$re(r,T,s)&&!$re(r,O,s)&&(x=O.e-T.e-a.a,x<v&&(v=x,y=a));return y}function vxt(r){var s,a,l,v,y,x;if(!(r.f.e.c.length<=1)){s=0,v=PLe(r),a=Qo;do{for(s>0&&(v=a),x=new le(r.f.e);x.a<x.c.c.length;)y=E(ce(x),144),!Wt(Gt(se(y,(GL(),n_e))))&&(l=kkt(r,y),io(L1(y.d),l));a=PLe(r)}while(!Hlt(r,s++,v,a))}}function wxt(r,s){var a,l,v;for(Lr(s,"Layer constraint preprocessing",1),a=new vt,v=new Oa(r.a,0);v.b<v.d.gc();)l=(vr(v.b<v.d.gc()),E(v.d.Xb(v.c=v.b++),10)),Hbt(l)&&(UEt(l),a.c[a.c.length]=l,Qd(v));a.c.length==0||ct(r,(bt(),Tue),a),Or(s)}function yxt(r,s){var a,l,v,y,x;for(y=r.g.a,x=r.g.b,l=new le(r.d);l.a<l.c.c.length;)a=E(ce(l),70),v=a.n,r.a==(Ig(),VA)||r.i==(It(),fr)?v.a=y:r.a==qA||r.i==(It(),nr)?v.a=y+r.j.a-a.o.a:v.a=y+(r.j.a-a.o.a)/2,v.b=x,io(v,s),x+=a.o.b+r.e}function Ext(r,s,a){var l,v,y,x;for(Lr(a,"Processor set coordinates",1),r.a=s.b.b==0?1:s.b.b,y=null,l=Ti(s.b,0);!y&&l.b!=l.d.c;)x=E(Ci(l),86),Wt(Gt(se(x,(Hc(),s3))))&&(y=x,v=x.e,v.a=E(se(x,Ece),19).a,v.b=0);mNe(r,Q1e(y),wl(a,1)),Or(a)}function _xt(r,s,a){var l,v,y;for(Lr(a,"Processor determine the height for each level",1),r.a=s.b.b==0?1:s.b.b,v=null,l=Ti(s.b,0);!v&&l.b!=l.d.c;)y=E(Ci(l),86),Wt(Gt(se(y,(Hc(),s3))))&&(v=y);v&&PBe(r,Tg(pe(he(OIt,1),Bve,86,0,[v])),a),Or(a)}function Sxt(r,s){var a,l,v,y,x,T,O,A,F,z;A=r,O=mF(A,"individualSpacings"),O&&(l=p2(s,(Mi(),vI)),x=!l,x&&(v=new gs,Nu(s,vI,v)),T=E(Xt(s,vI),373),z=O,y=null,z&&(y=(F=nne(z,Pe(Bt,ft,2,0,6,1)),new cN(z,F))),y&&(a=new aRe(z,T),Na(y,a)))}function xxt(r,s){var a,l,v,y,x,T,O,A,F,z,q;return O=null,z=r,F=null,(pWe in z.a||gWe in z.a||FK in z.a)&&(A=null,q=Z1e(s),x=mF(z,pWe),a=new kv(q),X0t(a.a,x),T=mF(z,gWe),l=new GQ(q),Y0t(l.a,T),y=IS(z,FK),v=new vM(q),A=(kEt(v.a,y),y),F=A),O=F,O}function Cxt(r,s){var a,l,v;if(s===r)return!0;if(Ce(s,543)){if(v=E(s,835),r.a.d!=v.a.d||s4(r).gc()!=s4(v).gc())return!1;for(l=s4(v).Kc();l.Ob();)if(a=E(l.Pb(),416),vAe(r,a.a.cd())!=E(a.a.dd(),14).gc())return!1;return!0}return!1}function Txt(r){var s,a,l,v;return l=E(r.a,19).a,v=E(r.b,19).a,s=l,a=v,l==0&&v==0?a-=1:l==-1&&v<=0?(s=0,a-=2):l<=0&&v>0?(s-=1,a-=1):l>=0&&v<0?(s+=1,a+=1):l>0&&v>=0?(s-=1,a+=1):(s+=1,a-=1),new Ra(Ot(s),Ot(a))}function kxt(r,s){return r.c<s.c?-1:r.c>s.c?1:r.b<s.b?-1:r.b>s.b?1:r.a!=s.a?$o(r.a)-$o(s.a):r.d==(wF(),bj)&&s.d==gj?-1:r.d==gj&&s.d==bj?1:0}function GLe(r,s){var a,l,v,y,x;return y=s.a,y.c.i==s.b?x=y.d:x=y.c,y.c.i==s.b?l=y.c:l=y.d,v=tvt(r.a,x,l),v>0&&v<_A?(a=pxt(r.a,l.i,v,r.c),rFe(r.a,l.i,-a),a>0):v<0&&-v<_A?(a=gxt(r.a,l.i,-v,r.c),rFe(r.a,l.i,a),a>0):!1}function Rxt(r,s,a,l){var v,y,x,T,O,A,F,z;for(v=(s-r.d)/r.c.c.length,y=0,r.a+=a,r.d=s,z=new le(r.c);z.a<z.c.c.length;)F=E(ce(z),33),A=F.g,O=F.f,Of(F,F.i+y*v),If(F,F.j+l*a),FS(F,F.g+v),PS(F,r.a),++y,T=F.g,x=F.f,zNe(F,new Kt(T,x),new Kt(A,O))}function Oxt(r){var s,a,l,v,y,x,T;if(r==null)return null;for(T=r.length,v=(T+1)/2|0,x=Pe(nd,W4,25,v,15,1),T%2!=0&&(x[--v]=w0e((ui(T-1,r.length),r.charCodeAt(T-1)))),a=0,l=0;a<v;++a)s=w0e(Ma(r,l++)),y=w0e(Ma(r,l++)),x[a]=(s<<4|y)<<24>>24;return x}function Ixt(r){if(r.pe()){var s=r.c;s.qe()?r.o="["+s.n:s.pe()?r.o="["+s.ne():r.o="[L"+s.ne()+";",r.b=s.me()+"[]",r.k=s.oe()+"[]";return}var a=r.j,l=r.d;l=l.split("/"),r.o=Hne(".",[a,Hne("$",l)]),r.b=Hne(".",[a,Hne(".",l)]),r.k=l[l.length-1]}function Dxt(r,s){var a,l,v,y,x;for(x=null,y=new le(r.e.a);y.a<y.c.c.length;)if(v=E(ce(y),121),v.b.a.c.length==v.g.a.c.length){for(l=v.e,x=p_t(v),a=v.e-E(x.a,19).a+1;a<v.e+E(x.b,19).a;a++)s[a]<s[l]&&(l=a);s[l]<s[v.e]&&(--s[v.e],++s[l],v.e=l)}}function Bre(r){var s,a,l,v,y,x,T,O;for(v=Qo,l=ws,a=new le(r.e.b);a.a<a.c.c.length;)for(s=E(ce(a),29),x=new le(s.a);x.a<x.c.c.length;)y=E(ce(x),10),O=ot(r.p[y.p]),T=O+ot(r.b[r.g[y.p].p]),v=m.Math.min(v,O),l=m.Math.max(l,T);return l-v}function Zme(r,s,a,l){var v,y,x,T,O;for(v=T0e(r,s),T=0,O=v.gc();T<O;++T)if(y=E(v.Xb(T),170),xn(l,u6(qu(r,y)))){if(x=WN(qu(r,y)),a==null){if(x==null)return y}else if(xn(a,x))return y}return null}function e0e(r,s,a,l){var v,y,x,T,O;for(v=eie(r,s),T=0,O=v.gc();T<O;++T)if(y=E(v.Xb(T),170),xn(l,u6(qu(r,y)))){if(x=WN(qu(r,y)),a==null){if(x==null)return y}else if(xn(a,x))return y}return null}function Axt(r,s,a){var l,v,y,x,T,O;if(x=new jE,T=tf(r.e.Tg(),s),l=E(r.g,119),Wr(),E(s,66).Oj())for(y=0;y<r.i;++y)v=l[y],T.rl(v.ak())&&ei(x,v);else for(y=0;y<r.i;++y)v=l[y],T.rl(v.ak())&&(O=v.dd(),ei(x,a?YF(r,s,y,x.i,O):O));return Ppe(x)}function $xt(r,s){var a,l,v,y,x;for(a=new MF(KA),v=(P5(),pe(he(KA,1),wt,227,0,[GA,Y9,WA,WT,tR,eR])),y=0,x=v.length;y<x;++y)l=v[y],$de(a,l,new vt);return Bo(xf(So(Ec(new Nn(null,new zn(r.b,16)),new s_),new OI),new _H(s)),new SH(a)),a}function _G(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(y=s.Kc();y.Ob();)v=E(y.Pb(),33),F=v.i+v.g/2,q=v.j+v.f/2,O=r.f,x=O.i+O.g/2,T=O.j+O.f/2,A=F-x,z=q-T,l=m.Math.sqrt(A*A+z*z),A*=r.e/l,z*=r.e/l,a?(F-=A,q-=z):(F+=A,q+=z),Of(v,F-v.g/2),If(v,q-v.f/2)}function R4(r){var s,a,l;if(!r.c&&r.b!=null){for(s=r.b.length-4;s>=0;s-=2)for(a=0;a<=s;a+=2)(r.b[a]>r.b[a+2]||r.b[a]===r.b[a+2]&&r.b[a+1]>r.b[a+3])&&(l=r.b[a+2],r.b[a+2]=r.b[a],r.b[a]=l,l=r.b[a+3],r.b[a+3]=r.b[a+1],r.b[a+1]=l);r.c=!0}}function KLe(r,s){var a,l,v,y,x,T,O,A;for(x=s==1?Uae:Hae,y=x.a.ec().Kc();y.Ob();)for(v=E(y.Pb(),103),O=E(no(r.f.c,v),21).Kc();O.Ob();)switch(T=E(O.Pb(),46),l=E(T.b,81),A=E(T.a,189),a=A.c,v.g){case 2:case 1:l.g.d+=a;break;case 4:case 3:l.g.c+=a}}function Pxt(r,s){var a,l,v,y,x,T,O,A,F;for(A=-1,F=0,x=r,T=0,O=x.length;T<O;++T){for(y=x[T],a=new mIe(A==-1?r[0]:r[A],s,(DF(),TX)),l=0;l<y.length;l++)for(v=l+1;v<y.length;v++)ta(y[l],(bt(),ol))&&ta(y[v],ol)&&gUe(a,y[l],y[v])>0&&++F;++A}return F}function u1(r){var s,a;return a=new gh(v0(r.gm)),a.a+="@",gi(a,(s=$o(r)>>>0,s.toString(16))),r.kh()?(a.a+=" (eProxyURI: ",zc(a,r.qh()),r.$g()&&(a.a+=" eClass: ",zc(a,r.$g())),a.a+=")"):r.$g()&&(a.a+=" (eClass: ",zc(a,r.$g()),a.a+=")"),a.a}function QF(r){var s,a,l,v;if(r.e)throw de(new zu((y0(_ae),uoe+_ae.k+coe)));for(r.d==(ku(),Fm)&&UG(r,Op),a=new le(r.a.a);a.a<a.c.c.length;)s=E(ce(a),307),s.g=s.i;for(v=new le(r.a.b);v.a<v.c.c.length;)l=E(ce(v),57),l.i=ws;return r.b.Le(r),r}function Fxt(r,s){var a,l,v,y,x;if(s<2*r.b)throw de(new Yn("The knot vector must have at least two time the dimension elements."));for(r.f=1,v=0;v<r.b;v++)Et(r.e,0);for(x=s+1-2*r.b,a=x,y=1;y<x;y++)Et(r.e,y/a);if(r.d)for(l=0;l<r.b;l++)Et(r.e,1)}function YLe(r,s){var a,l,v,y,x,T,O,A,F;if(A=s,F=E(mW(zee(r.i),A),33),!F)throw v=x0(A,$b),T="Unable to find elk node for json object '"+v,O=T+"' Panic!",de(new N1(O));y=IS(A,"edges"),a=new Z4e(r,F),mSt(a.a,a.b,y),x=IS(A,jse),l=new Ok(r),Oyt(l.a,x)}function XLe(r,s,a,l){var v,y,x,T,O;if(l!=null){if(v=r.d[s],v){for(y=v.g,O=v.i,T=0;T<O;++T)if(x=E(y[T],133),x.Sh()==a&&Ki(l,x.cd()))return T}}else if(v=r.d[s],v){for(y=v.g,O=v.i,T=0;T<O;++T)if(x=E(y[T],133),Qe(x.cd())===Qe(l))return T}return-1}function iA(r,s){var a,l,v;return a=s==null?Rc(nc(r.f,null)):Ef(r.g,s),Ce(a,235)?(v=E(a,235),v.Qh()==null,v):Ce(a,498)?(l=E(a,1938),v=l.a,v&&(v.yb==null||(s==null?ef(r.f,null,v):zS(r.g,s,v))),v):null}function jxt(r){b0e();var s,a,l,v,y,x,T;if(r==null||(v=r.length,v%2!=0))return null;for(s=tW(r),y=v/2|0,a=Pe(nd,W4,25,y,15,1),l=0;l<y;l++){if(x=Wj[s[l*2]],x==-1||(T=Wj[s[l*2+1]],T==-1))return null;a[l]=(x<<4|T)<<24>>24}return a}function Mxt(r,s,a){var l,v,y;if(v=E(ju(r.i,s),306),!v)if(v=new Y8e(r.d,s,a),l5(r.i,s,v),ube(s))Jot(r.a,s.c,s.b,v);else switch(y=x_t(s),l=E(ju(r.p,y),244),y.g){case 1:case 3:v.j=!0,HM(l,s.b,v);break;case 4:case 2:v.k=!0,HM(l,s.c,v)}return v}function Nxt(r,s,a,l){var v,y,x,T,O,A;if(T=new jE,O=tf(r.e.Tg(),s),v=E(r.g,119),Wr(),E(s,66).Oj())for(x=0;x<r.i;++x)y=v[x],O.rl(y.ak())&&ei(T,y);else for(x=0;x<r.i;++x)y=v[x],O.rl(y.ak())&&(A=y.dd(),ei(T,l?YF(r,s,x,T.i,A):A));return ebe(T,a)}function QLe(r,s){var a,l,v,y,x,T,O,A;if(v=r.b[s.p],v>=0)return v;for(y=1,T=new le(s.j);T.a<T.c.c.length;)for(x=E(ce(T),11),l=new le(x.g);l.a<l.c.c.length;)a=E(ce(l),17),A=a.d.i,s!=A&&(O=QLe(r,A),y=m.Math.max(y,O+1));return N0t(r,s,y),y}function JLe(r,s,a){var l,v,y;for(l=1;l<r.c.length;l++){for(y=(Vn(l,r.c.length),E(r.c[l],10)),v=l;v>0&&s.ue((Vn(v-1,r.c.length),E(r.c[v-1],10)),y)>0;)Kh(r,v,(Vn(v-1,r.c.length),E(r.c[v-1],10))),--v;Vn(v,r.c.length),r.c[v]=y}a.a=new jr,a.b=new jr}function Lxt(r,s,a){var l,v,y,x,T,O,A,F;for(F=(l=E(s.e&&s.e(),9),new qh(l,E(t1(l,l.length),9),0)),O=RT(a,"[\\[\\]\\s,]+"),y=O,x=0,T=y.length;x<T;++x)if(v=y[x],_T(v).length!=0){if(A=fLe(r,v),A==null)return null;a1(F,E(A,22))}return F}function Bxt(r){var s,a,l;for(a=new le(r.a.a.b);a.a<a.c.c.length;)s=E(ce(a),81),l=(Qn(0),0),l>0&&(!(Ey(r.a.c)&&s.n.d)&&!(KD(r.a.c)&&s.n.b)&&(s.g.d-=m.Math.max(0,l/2-.5)),!(Ey(r.a.c)&&s.n.a)&&!(KD(r.a.c)&&s.n.c)&&(s.g.a+=m.Math.max(0,l-1)))}function ZLe(r,s,a){var l,v;if((r.c-r.b&r.a.length-1)==2)s==(It(),Jn)||s==fr?(uW(E(IF(r),15),(Sh(),jm)),uW(E(IF(r),15),sE)):(uW(E(IF(r),15),(Sh(),sE)),uW(E(IF(r),15),jm));else for(v=new dF(r);v.a!=v.b;)l=E(jW(v),15),uW(l,a)}function zxt(r,s){var a,l,v,y,x,T,O;for(v=ZD(new WH(r)),T=new Oa(v,v.c.length),y=ZD(new WH(s)),O=new Oa(y,y.c.length),x=null;T.b>0&&O.b>0&&(a=(vr(T.b>0),E(T.a.Xb(T.c=--T.b),33)),l=(vr(O.b>0),E(O.a.Xb(O.c=--O.b),33)),a==l);)x=a;return x}function Dd(r,s){var a,l,v,y,x,T;return y=r.a*ooe+r.b*1502,T=r.b*ooe+11,a=m.Math.floor(T*OB),y+=a,T-=a*wve,y%=wve,r.a=y,r.b=T,s<=24?m.Math.floor(r.a*s2e[s]):(v=r.a*(1<<s-24),x=m.Math.floor(r.b*a2e[s]),l=v+x,l>=2147483648&&(l-=toe),l)}function eBe(r,s,a){var l,v,y,x;xAe(r,s)>xAe(r,a)?(l=Sc(a,(It(),fr)),r.d=l.dc()?0:vee(E(l.Xb(0),11)),x=Sc(s,nr),r.b=x.dc()?0:vee(E(x.Xb(0),11))):(v=Sc(a,(It(),nr)),r.d=v.dc()?0:vee(E(v.Xb(0),11)),y=Sc(s,fr),r.b=y.dc()?0:vee(E(y.Xb(0),11)))}function tBe(r){var s,a,l,v,y,x,T;if(r&&(s=r.Hh(Cp),s&&(x=ai(V1((!s.b&&(s.b=new Kd((kn(),pu),Fc,s)),s.b),"conversionDelegates")),x!=null))){for(T=new vt,l=RT(x,"\\w+"),v=0,y=l.length;v<y;++v)a=l[v],T.c[T.c.length]=a;return T}return In(),In(),wu}function nBe(r,s){var a,l,v,y;for(a=r.o.a,y=E(E(no(r.r,s),21),84).Kc();y.Ob();)v=E(y.Pb(),111),v.e.a=a*ot(Dt(v.b.We(gY))),v.e.b=(l=v.b,l.Xe((Mi(),Fd))?l.Hf()==(It(),Jn)?-l.rf().b-ot(Dt(l.We(Fd))):ot(Dt(l.We(Fd))):l.Hf()==(It(),Jn)?-l.rf().b:0)}function Hxt(r){var s,a,l,v,y,x,T,O;s=!0,v=null,y=null;e:for(O=new le(r.a);O.a<O.c.c.length;)for(T=E(ce(O),10),l=new Rr(Ar(fc(T).a.Kc(),new M));fi(l);){if(a=E(Zr(l),17),v&&v!=T){s=!1;break e}if(v=T,x=a.c.i,y&&y!=x){s=!1;break e}y=x}return s}function Uxt(r,s,a){var l,v,y,x,T,O;for(y=-1,T=-1,x=0;x<s.c.length&&(v=(Vn(x,s.c.length),E(s.c[x],329)),!(v.c>r.c));x++)v.a>=r.s&&(y<0&&(y=x),T=x);return O=(r.s+r.c)/2,y>=0&&(l=x3t(r,s,y,T),O=Ss((Vn(l,s.c.length),E(s.c[l],329))),PSt(s,l,a)),O}function zre(){zre=xe,Ftt=new bu((Mi(),bI),1.3),ETe=E3e,RTe=new pS(15),Htt=new bu(Z2,RTe),Vtt=new bu(e_,15),jtt=eQ,Ltt=J2,Btt=vR,ztt=oE,Ntt=mR,CTe=Uz,Utt=a3,kTe=(Kme(),Att),xTe=Itt,TTe=Dtt,OTe=$tt,_Te=Ott,STe=tQ,Mtt=S3e,Az=Rtt,yTe=ktt,ITe=Ptt}function ti(r,s,a){var l,v,y,x,T,O,A;for(x=(y=new ME,y),F1e(x,(Qn(s),s)),A=(!x.b&&(x.b=new Kd((kn(),pu),Fc,x)),x.b),O=1;O<a.length;O+=2)dG(A,a[O-1],a[O]);for(l=(!r.Ab&&(r.Ab=new St(xi,r,0,3)),r.Ab),T=0;T<0;++T)v=Glt(E(ke(l,l.i-1),590)),l=v;ei(l,x)}function rBe(r,s,a){var l,v,y;for(Fst.call(this,new vt),this.a=s,this.b=a,this.e=r,l=(r.b&&cie(r),r.a),this.d=c6e(l.a,this.a),this.c=c6e(l.b,this.b),v0t(this,this.d,this.c),lSt(this),y=this.e.e.a.ec().Kc();y.Ob();)v=E(y.Pb(),266),v.c.c.length>0&&mRt(this,v)}function t0e(r,s,a,l,v,y){var x,T,O;if(!v[s.b]){for(v[s.b]=!0,x=l,!x&&(x=new Uq),Et(x.e,s),O=y[s.b].Kc();O.Ob();)T=E(O.Pb(),282),!(T.d==a||T.c==a)&&(T.c!=s&&t0e(r,T.c,s,x,v,y),T.d!=s&&t0e(r,T.d,s,x,v,y),Et(x.c,T),Cs(x.d,T.b));return x}return null}function Vxt(r){var s,a,l,v,y,x,T;for(s=0,v=new le(r.e);v.a<v.c.c.length;)l=E(ce(v),17),a=p6(new Nn(null,new zn(l.b,16)),new Hl),a&&++s;for(x=new le(r.g);x.a<x.c.c.length;)y=E(ce(x),17),T=p6(new Nn(null,new zn(y.b,16)),new vE),T&&++s;return s>=2}function qxt(r,s){var a,l,v,y;for(Lr(s,"Self-Loop pre-processing",1),l=new le(r.a);l.a<l.c.c.length;)a=E(ce(l),10),k0t(a)&&(v=(y=new w7e(a),ct(a,(bt(),ZA),y),ckt(y),y),Bo(xf(Ec(new Nn(null,new zn(v.d,16)),new T3),new k3),new EE),iTt(v));Or(s)}function Wxt(r,s,a,l,v){var y,x,T,O,A,F;for(y=r.c.d.j,x=E(W1(a,0),8),F=1;F<a.b;F++)A=E(W1(a,F),8),os(l,x,l.c.b,l.c),T=mb(io(new Hu(x),A),.5),O=mb(new cte(dge(y)),v),io(T,O),os(l,T,l.c.b,l.c),x=A,y=s==0?LW(y):Fge(y);Ii(l,(vr(a.b!=0),E(a.c.b.c,8)))}function Gxt(r){CT();var s,a,l;return a=Ro(Ih,pe(he(Du,1),wt,93,0,[m1])),!(_L(Rq(a,r))>1||(s=Ro(g1,pe(he(Du,1),wt,93,0,[V0,b1])),_L(Rq(s,r))>1)||(l=Ro(w1,pe(he(Du,1),wt,93,0,[Mm,Dp])),_L(Rq(l,r))>1))}function Kxt(r,s){var a,l,v;return a=s.Hh(r.a),a&&(v=ai(V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),"affiliation")),v!=null)?(l=IV(v,Af(35)),l==-1?Rne(r,iF(r,yh(s.Hj())),v):l==0?Rne(r,null,v.substr(1)):Rne(r,v.substr(0,l),v.substr(l+1))):null}function Yxt(r){var s,a,l;try{return r==null?$f:dc(r)}catch(v){if(v=Mo(v),Ce(v,102))return s=v,l=v0(Od(r))+"@"+(a=(mg(),pbe(r)>>>0),a.toString(16)),Mvt(jbt(),(Gk(),"Exception during lenientFormat for "+l),s),"<"+l+" threw "+v0(s.gm)+">";throw de(v)}}function iBe(r){switch(r.g){case 0:return new c7;case 1:return new a7;case 2:return new ue;case 3:return new df;case 4:return new k5e;case 5:return new l7;default:throw de(new Yn("No implementation is available for the layerer "+(r.f!=null?r.f:""+r.g)))}}function n0e(r,s,a){var l,v,y;for(y=new le(r.t);y.a<y.c.c.length;)l=E(ce(y),268),l.b.s<0&&l.c>0&&(l.b.n-=l.c,l.b.n<=0&&l.b.u>0&&Ii(s,l.b));for(v=new le(r.i);v.a<v.c.c.length;)l=E(ce(v),268),l.a.s<0&&l.c>0&&(l.a.u-=l.c,l.a.u<=0&&l.a.n>0&&Ii(a,l.a))}function SG(r){var s,a,l,v,y;if(r.g==null&&(r.d=r.si(r.f),ei(r,r.d),r.c))return y=r.f,y;if(s=E(r.g[r.i-1],47),v=s.Pb(),r.e=s,a=r.si(v),a.Ob())r.d=a,ei(r,a);else for(r.d=null;!s.Ob()&&(qo(r.g,--r.i,null),r.i!=0);)l=E(r.g[r.i-1],47),s=l;return v}function Xxt(r,s){var a,l,v,y,x,T;if(l=s,v=l.ak(),j0(r.e,v)){if(v.hi()&&Lq(r,v,l.dd()))return!1}else for(T=tf(r.e.Tg(),v),a=E(r.g,119),y=0;y<r.i;++y)if(x=a[y],T.rl(x.ak()))return Ki(x,l)?!1:(E(E4(r,y,s),72),!0);return ei(r,s)}function Qxt(r,s,a,l){var v,y,x,T;for(v=new P0(r),cm(v,(dr(),th)),ct(v,(bt(),to),s),ct(v,vz,l),ct(v,(Ft(),Zo),(Sa(),Tl)),ct(v,Q1,s.c),ct(v,Rp,s.d),IBe(s,v),T=m.Math.floor(a/2),x=new le(v.j);x.a<x.c.c.length;)y=E(ce(x),11),y.n.b=T;return v}function Jxt(r,s){var a,l,v,y,x,T,O,A,F;for(O=bm(r.c-r.b&r.a.length-1),A=null,F=null,y=new dF(r);y.a!=y.b;)v=E(jW(y),10),a=(T=E(se(v,(bt(),Q1)),11),T?T.i:null),l=(x=E(se(v,Rp),11),x?x.i:null),(A!=a||F!=l)&&(qLe(O,s),A=a,F=l),O.c[O.c.length]=v;qLe(O,s)}function oBe(r){var s,a,l,v,y,x,T;for(s=0,l=new le(r.a);l.a<l.c.c.length;)for(a=E(ce(l),10),y=new Rr(Ar(ks(a).a.Kc(),new M));fi(y);)v=E(Zr(y),17),r==v.d.i.c&&v.c.j==(It(),nr)&&(x=xg(v.c).b,T=xg(v.d).b,s=m.Math.max(s,m.Math.abs(T-x)));return s}function Zxt(r,s,a){var l,v,y;Lr(a,"Remove overlaps",1),a.n&&s&&r1(a,i1(s),(Zd(),$h)),l=E(Xt(s,(J8(),_j)),33),r.f=l,r.a=Qne(E(Xt(s,(wT(),Dz)),293)),v=Dt(Xt(s,(Mi(),e_))),yk(r,(Qn(v),v)),y=kT(l),YHe(r,s,y,a),a.n&&s&&r1(a,i1(s),(Zd(),$h))}function r0e(r,s,a){switch(a.g){case 1:return new Kt(s.a,m.Math.min(r.d.b,s.b));case 2:return new Kt(m.Math.max(r.c.a,s.a),s.b);case 3:return new Kt(s.a,m.Math.max(r.c.b,s.b));case 4:return new Kt(m.Math.min(s.a,r.d.a),s.b)}return new Kt(s.a,s.b)}function eCt(r,s,a,l){var v,y,x,T,O,A,F,z,q;for(z=l?(It(),nr):(It(),fr),v=!1,O=s[a],A=0,F=O.length;A<F;++A)T=O[A],!u5(E(se(T,(Ft(),Zo)),98))&&(x=T.e,q=!Sc(T,z).dc()&&!!x,q&&(y=eme(x),r.b=new tme(y,l?0:y.length-1)),v=v|J3t(r,T,z,q));return v}function sB(r){var s,a,l;for(s=bm(1+(!r.c&&(r.c=new St(jd,r,9,9)),r.c).i),Et(s,(!r.d&&(r.d=new Bn(ra,r,8,5)),r.d)),l=new Tr((!r.c&&(r.c=new St(jd,r,9,9)),r.c));l.e!=l.i.gc();)a=E(Fr(l),118),Et(s,(!a.d&&(a.d=new Bn(ra,a,8,5)),a.d));return Jr(s),new q8(s)}function F0(r){var s,a,l;for(s=bm(1+(!r.c&&(r.c=new St(jd,r,9,9)),r.c).i),Et(s,(!r.e&&(r.e=new Bn(ra,r,7,4)),r.e)),l=new Tr((!r.c&&(r.c=new St(jd,r,9,9)),r.c));l.e!=l.i.gc();)a=E(Fr(l),118),Et(s,(!a.e&&(a.e=new Bn(ra,a,7,4)),a.e));return Jr(s),new q8(s)}function tCt(r){var s,a,l,v;if(r==null)return null;if(l=El(r,!0),v=XB.length,xn(l.substr(l.length-v,v),XB)){if(a=l.length,a==4){if(s=(ui(0,l.length),l.charCodeAt(0)),s==43)return e4e;if(s==45)return bit}else if(a==3)return e4e}return ST(l)}function nCt(r){var s,a,l,v;for(s=0,a=0,v=new le(r.j);v.a<v.c.c.length;)if(l=E(ce(v),11),s=Qr(Xa(s,vPe(So(new Nn(null,new zn(l.e,16)),new Hw)))),a=Qr(Xa(a,vPe(So(new Nn(null,new zn(l.g,16)),new w_)))),s>1||a>1)return 2;return s+a==1?2:0}function sBe(r,s,a){var l,v,y,x,T;for(Lr(a,"ELK Force",1),Wt(Gt(Xt(s,(G1(),Y2e))))||Tq((l=new TC((Ns(),new uy(s))),l)),T=j9e(s),Eyt(T),emt(r,E(se(T,K2e),424)),x=Yze(r.a,T),y=x.Kc();y.Ob();)v=E(y.Pb(),231),j3t(r.b,v,wl(a,1/x.gc()));T=uUe(x),oUe(T),Or(a)}function rCt(r,s){var a,l,v,y,x;if(Lr(s,"Breaking Point Processor",1),SOt(r),Wt(Gt(se(r,(Ft(),rCe))))){for(v=new le(r.b);v.a<v.c.c.length;)for(l=E(ce(v),29),a=0,x=new le(l.a);x.a<x.c.c.length;)y=E(ce(x),10),y.p=a++;C4t(r),OBe(r,!0),OBe(r,!1)}Or(s)}function iCt(r,s,a){var l,v,y,x,T,O;for(T=r.c,x=(a.q?a.q:(In(),In(),$m)).vc().Kc();x.Ob();)y=E(x.Pb(),42),l=!qO(So(new Nn(null,new zn(T,16)),new X_(new V4e(s,y)))).sd((Lv(),LA)),l&&(O=y.dd(),Ce(O,4)&&(v=abe(O),v!=null&&(O=v)),s.Ye(E(y.cd(),146),O))}function xG(r,s){var a,l,v,y,x;if(s){for(y=Ce(r.Cb,88)||Ce(r.Cb,99),x=!y&&Ce(r.Cb,322),l=new Tr((!s.a&&(s.a=new rF(s,Au,s)),s.a));l.e!=l.i.gc();)if(a=E(Fr(l),87),v=FG(a),y?Ce(v,88):x?Ce(v,148):v)return v;return y?(kn(),Mp):(kn(),qg)}else return null}function oCt(r,s){var a,l,v,y,x,T;for(Lr(s,"Constraints Postprocessor",1),x=0,y=new le(r.b);y.a<y.c.c.length;){for(v=E(ce(y),29),T=0,l=new le(v.a);l.a<l.c.c.length;)a=E(ce(l),10),a.k==(dr(),Os)&&(ct(a,(Ft(),mX),Ot(x)),ct(a,hX,Ot(T)),++T);++x}Or(s)}function sCt(r,s,a,l){var v,y,x,T,O,A,F;for(O=new Kt(a,l),pa(O,E(se(s,(Hc(),wj)),8)),F=Ti(s.b,0);F.b!=F.d.c;)A=E(Ci(F),86),io(A.e,O),Ii(r.b,A);for(T=Ti(s.a,0);T.b!=T.d.c;){for(x=E(Ci(T),188),y=Ti(x.a,0);y.b!=y.d.c;)v=E(Ci(y),8),io(v,O);Ii(r.a,x)}}function i0e(r,s,a){var l,v,y;if(y=F4((Qf(),Ba),r.Tg(),s),y){if(Wr(),!E(y,66).Oj()&&(y=v5(qu(Ba,y)),!y))throw de(new Yn(Ky+s.ne()+O9));v=(l=r.Yg(y),E(l>=0?r._g(l,!0,!0):YS(r,y,!0),153)),E(v,215).ml(s,a)}else throw de(new Yn(Ky+s.ne()+O9))}function aCt(r,s){var a,l,v,y,x;for(a=new vt,v=Ec(new Nn(null,new zn(r,16)),new Fh),y=Ec(new Nn(null,new zn(r,16)),new r0),x=P1t(Ypt(bq(BCt(pe(he(bIt,1),Ht,833,0,[v,y])),new Gx))),l=1;l<x.length;l++)x[l]-x[l-1]>=2*s&&Et(a,new hee(x[l-1]+s,x[l]-s));return a}function uCt(r,s,a){Lr(a,"Eades radial",1),a.n&&s&&r1(a,i1(s),(Zd(),$h)),r.d=E(Xt(s,(J8(),_j)),33),r.c=ot(Dt(Xt(s,(wT(),VX)))),r.e=Qne(E(Xt(s,Dz),293)),r.a=z0t(E(Xt(s,aTe),426)),r.b=cEt(E(Xt(s,sTe),340)),Uyt(r),a.n&&s&&r1(a,i1(s),(Zd(),$h))}function cCt(r,s,a){var l,v,y,x,T,O,A,F;if(a)for(y=a.a.length,l=new u2(y),T=(l.b-l.a)*l.c<0?(ec(),bE):new Sy(l);T.Ob();)x=E(T.Pb(),19),v=d6(a,x.a),v&&(O=apt(r,(A=(Pv(),F=new kD,F),s&&o0e(A,s),A),v),xF(O,x0(v,$b)),bG(v,O),Ome(v,O),fne(r,v,O))}function CG(r){var s,a,l,v,y,x;if(!r.j){if(x=new M_,s=Hj,y=s.a.zc(r,s),y==null){for(l=new Tr(tc(r));l.e!=l.i.gc();)a=E(Fr(l),26),v=CG(a),Yo(x,v),ei(x,a);s.a.Bc(r)!=null}pT(x),r.j=new Zk((E(ke(et((ky(),qn).o),11),18),x.i),x.g),kd(r).b&=-33}return r.j}function lCt(r){var s,a,l,v;if(r==null)return null;if(l=El(r,!0),v=XB.length,xn(l.substr(l.length-v,v),XB)){if(a=l.length,a==4){if(s=(ui(0,l.length),l.charCodeAt(0)),s==43)return t4e;if(s==45)return mit}else if(a==3)return t4e}return new CD(l)}function fCt(r){var s,a,l;return a=r.l,a&a-1||(l=r.m,l&l-1)||(s=r.h,s&s-1)||s==0&&l==0&&a==0?-1:s==0&&l==0&&a!=0?R1e(a):s==0&&l!=0&&a==0?R1e(l)+22:s!=0&&l==0&&a==0?R1e(s)+44:-1}function dCt(r,s){var a,l,v,y,x;for(Lr(s,"Edge joining",1),a=Wt(Gt(se(r,(Ft(),Kue)))),v=new le(r.b);v.a<v.c.c.length;)for(l=E(ce(v),29),x=new Oa(l.a,0);x.b<x.d.gc();)y=(vr(x.b<x.d.gc()),E(x.d.Xb(x.c=x.b++),10)),y.k==(dr(),ua)&&(wie(y,a),Qd(x));Or(s)}function hCt(r,s,a){var l,v;if(Fq(r.b),wm(r.b,(NL(),qX),(K(),$z)),wm(r.b,WX,s.g),wm(r.b,GX,s.a),r.a=zG(r.b,s),Lr(a,"Compaction by shrinking a tree",r.a.c.length),s.i.c.length>1)for(v=new le(r.a);v.a<v.c.c.length;)l=E(ce(v),51),l.pf(s,wl(a,1));Or(a)}function O4(r,s){var a,l,v,y,x;for(v=s.a&r.f,y=null,l=r.b[v];;l=l.b){if(l==s){y?y.b=s.b:r.b[v]=s.b;break}y=l}for(x=s.f&r.f,y=null,a=r.c[x];;a=a.d){if(a==s){y?y.d=s.d:r.c[x]=s.d;break}y=a}s.e?s.e.c=s.c:r.a=s.c,s.c?s.c.e=s.e:r.e=s.e,--r.i,++r.g}function pCt(r){var s,a,l,v,y,x,T,O,A,F;for(a=r.o,s=r.p,x=qi,v=qa,T=qi,y=qa,A=0;A<a;++A)for(F=0;F<s;++F)_4(r,A,F)&&(x=m.Math.min(x,A),v=m.Math.max(v,A),T=m.Math.min(T,F),y=m.Math.max(y,F));return O=v-x+1,l=y-T+1,new u6e(Ot(x),Ot(T),Ot(O),Ot(l))}function Hre(r,s){var a,l,v,y;for(y=new Oa(r,0),a=(vr(y.b<y.d.gc()),E(y.d.Xb(y.c=y.b++),140));y.b<y.d.gc();)l=(vr(y.b<y.d.gc()),E(y.d.Xb(y.c=y.b++),140)),v=new phe(l.c,a.d,s),vr(y.b>0),y.a.Xb(y.c=--y.b),QC(y,v),vr(y.b<y.d.gc()),y.d.Xb(y.c=y.b++),v.a=!1,a=l}function aBe(r){var s,a,l,v,y,x;for(v=E(se(r,(bt(),iX)),11),x=new le(r.j);x.a<x.c.c.length;){for(y=E(ce(x),11),l=new le(y.g);l.a<l.c.c.length;)return s=E(ce(l),17),ya(s,v),y;for(a=new le(y.e);a.a<a.c.c.length;)return s=E(ce(a),17),Ya(s,v),y}return null}function gCt(r,s,a){var l,v;l=Df(a.q.getTime()),tl(l,0)<0?(v=rw-Qr(BL(w6(l),rw)),v==rw&&(v=0)):v=Qr(BL(l,rw)),s==1?(v=m.Math.min((v+50)/100|0,9),Ty(r,48+v&ls)):s==2?(v=m.Math.min((v+5)/10|0,99),Sm(r,v,2)):(Sm(r,v,3),s>3&&Sm(r,0,s-3))}function bCt(r){var s,a,l,v;return Qe(se(r,(Ft(),JT)))===Qe((D0(),gw))?!r.e&&Qe(se(r,yz))!==Qe(($6(),hz)):(l=E(se(r,jue),292),v=Wt(Gt(se(r,Mue)))||Qe(se(r,oj))===Qe((C5(),dz)),s=E(se(r,yxe),19).a,a=r.a.c.length,!v&&l!=($6(),hz)&&(s==0||s>a))}function mCt(r){var s,a;for(a=0;a<r.c.length&&!(DIe((Vn(a,r.c.length),E(r.c[a],113)))>0);a++);if(a>0&&a<r.c.length-1)return a;for(s=0;s<r.c.length&&!(DIe((Vn(s,r.c.length),E(r.c[s],113)))>0);s++);return s>0&&a<r.c.length-1?s:r.c.length/2|0}function uBe(r,s){var a,l;if(s!=r.Cb||r.Db>>16!=6&&s){if(X6(r,s))throw de(new Yn(I9+TLe(r)));l=null,r.Cb&&(l=(a=r.Db>>16,a>=0?Dbe(r,l):r.Cb.ih(r,-1-a,null,l))),s&&(l=D5(s,r,6,l)),l=Ode(r,s,l),l&&l.Fi()}else r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,6,s,s))}function o0e(r,s){var a,l;if(s!=r.Cb||r.Db>>16!=9&&s){if(X6(r,s))throw de(new Yn(I9+uze(r)));l=null,r.Cb&&(l=(a=r.Db>>16,a>=0?$be(r,l):r.Cb.ih(r,-1-a,null,l))),s&&(l=D5(s,r,9,l)),l=Ide(r,s,l),l&&l.Fi()}else r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,9,s,s))}function Ure(r,s){var a,l;if(s!=r.Cb||r.Db>>16!=3&&s){if(X6(r,s))throw de(new Yn(I9+aHe(r)));l=null,r.Cb&&(l=(a=r.Db>>16,a>=0?Fbe(r,l):r.Cb.ih(r,-1-a,null,l))),s&&(l=D5(s,r,12,l)),l=Rde(r,s,l),l&&l.Fi()}else r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,3,s,s))}function oA(r){var s,a,l,v,y;if(l=wp(r),y=r.j,y==null&&l)return r.$j()?null:l.zj();if(Ce(l,148)){if(a=l.Aj(),a&&(v=a.Nh(),v!=r.i)){if(s=E(l,148),s.Ej())try{r.g=v.Kh(s,y)}catch(x){if(x=Mo(x),Ce(x,78))r.g=null;else throw de(x)}r.i=v}return r.g}return null}function cBe(r){var s;return s=new vt,Et(s,new e5(new Kt(r.c,r.d),new Kt(r.c+r.b,r.d))),Et(s,new e5(new Kt(r.c,r.d),new Kt(r.c,r.d+r.a))),Et(s,new e5(new Kt(r.c+r.b,r.d+r.a),new Kt(r.c+r.b,r.d))),Et(s,new e5(new Kt(r.c+r.b,r.d+r.a),new Kt(r.c,r.d+r.a))),s}function lBe(r,s,a,l){var v,y,x;if(x=Ube(s,a),l.c[l.c.length]=s,r.j[x.p]==-1||r.j[x.p]==2||r.a[s.p])return l;for(r.j[x.p]=-1,y=new Rr(Ar(A0(x).a.Kc(),new M));fi(y);)if(v=E(Zr(y),17),!(!(!uu(v)&&!(!uu(v)&&v.c.i.c==v.d.i.c))||v==s))return lBe(r,v,x,l);return l}function vCt(r,s,a){var l,v,y;for(y=s.a.ec().Kc();y.Ob();)v=E(y.Pb(),79),l=E(Cr(r.b,v),266),!l&&(Wo(Cm(v))==Wo(Ny(v))?$Tt(r,v,a):Cm(v)==Wo(Ny(v))?Cr(r.c,v)==null&&Cr(r.b,Ny(v))!=null&&UHe(r,v,a,!1):Cr(r.d,v)==null&&Cr(r.b,Cm(v))!=null&&UHe(r,v,a,!0))}function wCt(r,s){var a,l,v,y,x,T,O;for(v=r.Kc();v.Ob();)for(l=E(v.Pb(),10),T=new cl,yc(T,l),Hs(T,(It(),fr)),ct(T,(bt(),uX),(tr(),!0)),x=s.Kc();x.Ob();)y=E(x.Pb(),10),O=new cl,yc(O,y),Hs(O,nr),ct(O,uX,!0),a=new CS,ct(a,uX,!0),Ya(a,T),ya(a,O)}function yCt(r,s,a,l){var v,y,x,T;v=o7e(r,s,a),y=o7e(r,a,s),x=E(Cr(r.c,s),112),T=E(Cr(r.c,a),112),v<y?new f2((B1(),o3),x,T,y-v):y<v?new f2((B1(),o3),T,x,v-y):(v!=0||!(!s.i||!a.i)&&l[s.i.c][a.i.c])&&(new f2((B1(),o3),x,T,0),new f2(o3,T,x,0))}function fBe(r,s){var a,l,v,y,x,T,O;for(v=0,x=new le(s.a);x.a<x.c.c.length;)for(y=E(ce(x),10),v+=y.o.b+y.d.a+y.d.d+r.e,l=new Rr(Ar(fc(y).a.Kc(),new M));fi(l);)a=E(Zr(l),17),a.c.i.k==(dr(),xl)&&(O=a.c.i,T=E(se(O,(bt(),to)),10),v+=T.o.b+T.d.a+T.d.d);return v}function dBe(r,s,a){var l,v,y,x,T,O,A;for(y=new vt,A=new Po,x=new Po,c4t(r,A,x,s),wOt(r,A,x,s,a),O=new le(r);O.a<O.c.c.length;)for(T=E(ce(O),112),v=new le(T.k);v.a<v.c.c.length;)l=E(ce(v),129),(!s||l.c==(B1(),rE))&&T.g>l.b.g&&(y.c[y.c.length]=l);return y}function sA(){sA=xe,pR=new wN("CANDIDATE_POSITION_LAST_PLACED_RIGHT",0),pI=new wN("CANDIDATE_POSITION_LAST_PLACED_BELOW",1),xj=new wN("CANDIDATE_POSITION_WHOLE_DRAWING_RIGHT",2),Sj=new wN("CANDIDATE_POSITION_WHOLE_DRAWING_BELOW",3),Cj=new wN("WHOLE_DRAWING",4)}function ECt(r,s){if(Ce(s,239))return Qmt(r,E(s,33));if(Ce(s,186))return l0t(r,E(s,118));if(Ce(s,354))return Sft(r,E(s,137));if(Ce(s,352))return Gkt(r,E(s,79));if(s)return null;throw de(new Yn(iEe+Ly(new yf(pe(he(mr,1),Ht,1,5,[s])))))}function _Ct(r){var s,a,l,v,y,x,T;for(y=new Po,v=new le(r.d.a);v.a<v.c.c.length;)l=E(ce(v),121),l.b.a.c.length==0&&os(y,l,y.c.b,y.c);if(y.b>1)for(s=bS((a=new db,++r.b,a),r.d),T=Ti(y,0);T.b!=T.d.c;)x=E(Ci(T),121),c1(qf(Hh(Uh(zh(new Wd,1),0),s),x))}function s0e(r,s){var a,l;if(s!=r.Cb||r.Db>>16!=11&&s){if(X6(r,s))throw de(new Yn(I9+x0e(r)));l=null,r.Cb&&(l=(a=r.Db>>16,a>=0?jbe(r,l):r.Cb.ih(r,-1-a,null,l))),s&&(l=D5(s,r,10,l)),l=Nde(r,s,l),l&&l.Fi()}else r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,11,s,s))}function SCt(r){var s,a,l,v;for(l=new _2(new dg(r.b).a);l.b;)a=$S(l),v=E(a.cd(),11),s=E(a.dd(),10),ct(s,(bt(),to),v),ct(v,pd,s),ct(v,bz,(tr(),!0)),Hs(v,E(se(s,Pc),61)),se(s,Pc),ct(v.i,(Ft(),Zo),(Sa(),g$)),E(se(Za(v.i),Cl),21).Fc((Ru(),JA))}function xCt(r,s,a){var l,v,y,x,T,O;if(y=0,x=0,r.c)for(O=new le(r.d.i.j);O.a<O.c.c.length;)T=E(ce(O),11),y+=T.e.c.length;else y=1;if(r.d)for(O=new le(r.c.i.j);O.a<O.c.c.length;)T=E(ce(O),11),x+=T.g.c.length;else x=1;return v=ss(HN(x-y)),l=(a+s)/2+(a-s)*(.4*v),l}function CCt(r){T4();var s,a;if(r.Hc((It(),Tc)))throw de(new Yn("Port sides must not contain UNDEFINED"));switch(r.gc()){case 1:return WY;case 2:return s=r.Hc(fr)&&r.Hc(nr),a=r.Hc(Jn)&&r.Hc(Br),s||a?YY:KY;case 3:return GY;case 4:return qY;default:return null}}function TCt(r,s,a){var l,v,y,x,T;for(Lr(a,"Breaking Point Removing",1),r.a=E(se(s,(Ft(),z0)),218),y=new le(s.b);y.a<y.c.c.length;)for(v=E(ce(y),29),T=new le(RS(v.a));T.a<T.c.c.length;)x=E(ce(T),10),z8e(x)&&(l=E(se(x,(bt(),gx)),305),!l.d&&cUe(r,l));Or(a)}function Vre(r,s,a){return A4(),O6(r,s)&&O6(r,a)?!1:Eie(new Kt(r.c,r.d),new Kt(r.c+r.b,r.d),s,a)||Eie(new Kt(r.c+r.b,r.d),new Kt(r.c+r.b,r.d+r.a),s,a)||Eie(new Kt(r.c+r.b,r.d+r.a),new Kt(r.c,r.d+r.a),s,a)||Eie(new Kt(r.c,r.d+r.a),new Kt(r.c,r.d),s,a)}function a0e(r,s){var a,l,v,y;if(!r.dc()){for(a=0,l=r.gc();a<l;++a)if(y=ai(r.Xb(a)),y==null?s==null:xn(y.substr(0,3),"!##")?s!=null&&(v=s.length,!xn(y.substr(y.length-v,v),s)||y.length!=s.length+3)&&!xn(B2,s):xn(y,Xse)&&!xn(B2,s)||xn(y,s))return!0}return!1}function kCt(r,s,a,l){var v,y,x,T,O,A;for(x=r.j.c.length,O=Pe(wIt,Ive,306,x,0,1),T=0;T<x;T++)y=E(Vt(r.j,T),11),y.p=T,O[T]=$St(MLe(y),a,l);for(QCt(r,O,a,s,l),A=new jr,v=0;v<O.length;v++)O[v]&&Qi(A,E(Vt(r.j,v),11),O[v]);A.f.c+A.g.c!=0&&(ct(r,(bt(),tj),A),t_t(r,O))}function RCt(r,s,a){var l,v,y;for(v=new le(r.a.b);v.a<v.c.c.length;)if(l=E(ce(v),57),y=c4(l),y&&y.k==(dr(),ds))switch(E(se(y,(bt(),Pc)),61).g){case 4:y.n.a=s.a;break;case 2:y.n.a=a.a-(y.o.a+y.d.c);break;case 1:y.n.b=s.b;break;case 3:y.n.b=a.b-(y.o.b+y.d.a)}}function I4(){I4=xe,RX=new t5(L0,0),xz=new t5("NIKOLOV",1),Cz=new t5("NIKOLOV_PIXEL",2),pCe=new t5("NIKOLOV_IMPROVED",3),gCe=new t5("NIKOLOV_IMPROVED_PIXEL",4),hCe=new t5("DUMMYNODE_PERCENTAGE",5),bCe=new t5("NODECOUNT_PERCENTAGE",6),OX=new t5("NO_BOUNDARY",7)}function OCt(r,s,a){var l,v,y,x,T;return v=E(Xt(s,(vG(),f3e)),19),!v&&(v=Ot(0)),y=E(Xt(a,f3e),19),!y&&(y=Ot(0)),v.a>y.a?-1:v.a<y.a?1:r.a&&(l=Ts(s.j,a.j),l!=0||(l=Ts(s.i,a.i),l!=0))?l:(x=s.g*s.f,T=a.g*a.f,Ts(x,T))}function ICt(r,s){var a,l,v,y,x,T,O,A,F,z;if(++r.e,O=r.d==null?0:r.d.length,s>O){for(F=r.d,r.d=Pe(Tke,hEe,63,2*O+4,0,1),y=0;y<O;++y)if(A=F[y],A)for(l=A.g,z=A.i,T=0;T<z;++T)v=E(l[T],133),x=Dde(r,v.Sh()),a=r.d[x],!a&&(a=r.d[x]=r.uj()),a.Fc(v);return!0}else return!1}function DCt(r,s,a){var l,v,y,x,T,O;if(v=a,y=v.ak(),j0(r.e,y)){if(y.hi()){for(l=E(r.g,119),x=0;x<r.i;++x)if(T=l[x],Ki(T,v)&&x!=s)throw de(new Yn(VB))}}else for(O=tf(r.e.Tg(),y),l=E(r.g,119),x=0;x<r.i;++x)if(T=l[x],O.rl(T.ak()))throw de(new Yn(YB));FF(r,s,a)}function hBe(r,s){var a,l,v,y,x,T;for(a=E(se(s,(bt(),GT)),21),x=E(no((xie(),bo),a),21),T=E(no(Si,a),21),y=x.Kc();y.Ob();)if(l=E(y.Pb(),21),!E(no(r.b,l),15).dc())return!1;for(v=T.Kc();v.Ob();)if(l=E(v.Pb(),21),!E(no(r.b,l),15).dc())return!1;return!0}function ACt(r,s){var a,l,v,y,x,T;for(Lr(s,"Partition postprocessing",1),l=new le(r.b);l.a<l.c.c.length;)for(a=E(ce(l),29),y=new le(a.a);y.a<y.c.c.length;)for(v=E(ce(y),10),T=new le(v.j);T.a<T.c.c.length;)x=E(ce(T),11),Wt(Gt(se(x,(bt(),uX))))&&uF(T);Or(s)}function pBe(r,s){var a,l,v,y,x,T,O,A,F;if(r.a.c.length==1)return vNe(E(Vt(r.a,0),187),s);for(x=Fmt(r),O=0,A=r.d,y=x,F=r.d,T=(A-y)/2+y;y+1<A;){for(O=0,l=new le(r.a);l.a<l.c.c.length;)a=E(ce(l),187),O+=(v=o9(a,T,!1),v.a);O<s?(F=T,A=T):y=T,T=(A-y)/2+y}return F}function $Ct(r){var s,a,l,v,y;return isNaN(r)?(y6(),jEe):r<-9223372036854776e3?(y6(),oKe):r>=9223372036854776e3?(y6(),PEe):(v=!1,r<0&&(v=!0,r=-r),l=0,r>=A2&&(l=ss(r/A2),r-=l*A2),a=0,r>=H5&&(a=ss(r/H5),r-=a*H5),s=ss(r),y=Jl(s,a,l),v&&lne(y),y)}function PCt(r,s){var a,l,v,y;for(a=!s||!r.u.Hc((hd(),q0)),y=0,v=new le(r.e.Cf());v.a<v.c.c.length;){if(l=E(ce(v),838),l.Hf()==(It(),Tc))throw de(new Yn("Label and node size calculator can only be used with ports that have port sides assigned."));l.vf(y++),Amt(r,l,a)}}function FCt(r,s){var a,l,v,y,x;return v=s.Hh(r.a),v&&(l=(!v.b&&(v.b=new Kd((kn(),pu),Fc,v)),v.b),a=ai(V1(l,Wa)),a!=null&&(y=a.lastIndexOf("#"),x=y==-1?Ede(r,s.Aj(),a):y==0?cL(r,null,a.substr(1)):cL(r,a.substr(0,y),a.substr(y+1)),Ce(x,148)))?E(x,148):null}function jCt(r,s){var a,l,v,y,x;return l=s.Hh(r.a),l&&(a=(!l.b&&(l.b=new Kd((kn(),pu),Fc,l)),l.b),y=ai(V1(a,Yse)),y!=null&&(v=y.lastIndexOf("#"),x=v==-1?Ede(r,s.Aj(),y):v==0?cL(r,null,y.substr(1)):cL(r,y.substr(0,v),y.substr(v+1)),Ce(x,148)))?E(x,148):null}function u0e(r){var s,a,l,v,y;for(a=new le(r.a.a);a.a<a.c.c.length;){for(s=E(ce(a),307),s.j=null,y=s.a.a.ec().Kc();y.Ob();)l=E(y.Pb(),57),L1(l.b),(!s.j||l.d.c<s.j.d.c)&&(s.j=l);for(v=s.a.a.ec().Kc();v.Ob();)l=E(v.Pb(),57),l.b.a=l.d.c-s.j.d.c,l.b.b=l.d.d-s.j.d.d}return r}function TG(r){var s,a,l,v,y;for(a=new le(r.a.a);a.a<a.c.c.length;){for(s=E(ce(a),189),s.f=null,y=s.a.a.ec().Kc();y.Ob();)l=E(y.Pb(),81),L1(l.e),(!s.f||l.g.c<s.f.g.c)&&(s.f=l);for(v=s.a.a.ec().Kc();v.Ob();)l=E(v.Pb(),81),l.e.a=l.g.c-s.f.g.c,l.e.b=l.g.d-s.f.g.d}return r}function MCt(r){var s,a,l;return a=E(r.a,19).a,l=E(r.b,19).a,s=m.Math.max(m.Math.abs(a),m.Math.abs(l)),a<s&&l==-s?new Ra(Ot(a+1),Ot(l)):a==s&&l<s?new Ra(Ot(a),Ot(l+1)):a>=-s&&l==s?new Ra(Ot(a-1),Ot(l)):new Ra(Ot(a),Ot(l-1))}function gBe(){return vu(),pe(he(xIt,1),wt,77,0,[O_e,T_e,G9,Yae,K_e,DY,zY,UA,W_e,M_e,V_e,HA,G_e,P_e,Y_e,w_e,FY,Xae,OY,NY,Q_e,MY,y_e,q_e,J_e,LY,X_e,IY,D_e,H_e,z_e,HY,x_e,RY,$Y,S_e,zA,L_e,F_e,U_e,K9,k_e,C_e,B_e,j_e,PY,BY,E_e,jY,N_e,AY,A_e,I_e,lz,kY,$_e,R_e])}function NCt(r,s,a){r.d=0,r.b=0,s.k==(dr(),xl)&&a.k==xl&&E(se(s,(bt(),to)),10)==E(se(a,to),10)&&(Mte(s).j==(It(),Jn)?eBe(r,s,a):eBe(r,a,s)),s.k==xl&&a.k==ua?Mte(s).j==(It(),Jn)?r.d=1:r.b=1:a.k==xl&&s.k==ua&&(Mte(a).j==(It(),Jn)?r.b=1:r.d=1),Cwt(r,s,a)}function LCt(r){var s,a,l,v,y,x,T,O,A,F,z;return z=ome(r),s=r.a,O=s!=null,O&&t6(z,"category",r.a),v=zD(new WE(r.d)),x=!v,x&&(A=new ob,H1(z,"knownOptions",A),a=new wM(A),Na(new WE(r.d),a)),y=zD(r.g),T=!y,T&&(F=new ob,H1(z,"supportedFeatures",F),l=new pD(F),Na(r.g,l)),z}function BCt(r){var s,a,l,v,y,x,T,O,A;for(l=!1,s=336,a=0,y=new m5e(r.length),T=r,O=0,A=T.length;O<A;++O)x=T[O],l=l|(x2(x),!1),v=(Ry(x),x.a),Et(y.a,Jr(v)),s&=v.qd(),a=gmt(a,v.rd());return E(E(SDe(new Nn(null,Sre(new zn((rT(),Qge(y.a)),16),new me,s,a)),new bO(r)),670),833)}function zCt(r,s){var a;r.d&&(s.c!=r.e.c||Qgt(r.e.b,s.b))&&(Et(r.f,r.d),r.a=r.d.c+r.d.b,r.d=null,r.e=null),oot(s.b)?r.c=s:r.b=s,(s.b==(P6(),fx)&&!s.a||s.b==VT&&s.a||s.b==Q4&&s.a||s.b==qT&&!s.a)&&r.c&&r.b&&(a=new Wh(r.a,r.c.d,s.c-r.a,r.b.d-r.c.d),r.d=a,r.e=s)}function aB(r){var s;if(pU.call(this),this.i=new Ud,this.g=r,this.f=E(r.e&&r.e(),9).length,this.f==0)throw de(new Yn("There must be at least one phase in the phase enumeration."));this.c=(s=E(hp(this.g),9),new qh(s,E(t1(s,s.length),9),0)),this.a=new Ys,this.b=new jr}function c0e(r,s){var a,l;if(s!=r.Cb||r.Db>>16!=7&&s){if(X6(r,s))throw de(new Yn(I9+_Ne(r)));l=null,r.Cb&&(l=(a=r.Db>>16,a>=0?Abe(r,l):r.Cb.ih(r,-1-a,null,l))),s&&(l=E(s,49).gh(r,1,Zz,l)),l=Ihe(r,s,l),l&&l.Fi()}else r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,7,s,s))}function bBe(r,s){var a,l;if(s!=r.Cb||r.Db>>16!=3&&s){if(X6(r,s))throw de(new Yn(I9+Dje(r)));l=null,r.Cb&&(l=(a=r.Db>>16,a>=0?Pbe(r,l):r.Cb.ih(r,-1-a,null,l))),s&&(l=E(s,49).gh(r,0,tH,l)),l=Dhe(r,s,l),l&&l.Fi()}else r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,3,s,s))}function qre(r,s){nA();var a,l,v,y,x,T,O,A,F;return s.d>r.d&&(T=r,r=s,s=T),s.d<63?ITt(r,s):(x=(r.d&-2)<<4,A=Vpe(r,x),F=Vpe(s,x),l=aie(r,y5(A,x)),v=aie(s,y5(F,x)),O=qre(A,F),a=qre(l,v),y=qre(aie(A,l),aie(v,F)),y=gie(gie(y,O),a),y=y5(y,x),O=y5(O,x<<1),gie(gie(O,y),a))}function HCt(r,s,a){var l,v,y,x,T;for(x=$F(r,a),T=Pe(Pm,iw,10,s.length,0,1),l=0,y=x.Kc();y.Ob();)v=E(y.Pb(),11),Wt(Gt(se(v,(bt(),bz))))&&(T[l++]=E(se(v,pd),10));if(l<s.length)throw de(new zu("Expected "+s.length+" hierarchical ports, but found only "+l+"."));return T}function UCt(r,s){var a,l,v,y,x,T;if(!r.tb){for(y=(!r.rb&&(r.rb=new tT(r,Z1,r)),r.rb),T=new cS(y.i),v=new Tr(y);v.e!=v.i.gc();)l=E(Fr(v),138),x=l.ne(),a=E(x==null?ef(T.f,null,l):zS(T.g,x,l),138),a&&(x==null?ef(T.f,null,a):zS(T.g,x,a));r.tb=T}return E(ml(r.tb,s),138)}function uB(r,s){var a,l,v,y,x;if((r.i==null&&Sb(r),r.i).length,!r.p){for(x=new cS((3*r.g.i/2|0)+1),v=new s5(r.g);v.e!=v.i.gc();)l=E(Yne(v),170),y=l.ne(),a=E(y==null?ef(x.f,null,l):zS(x.g,y,l),170),a&&(y==null?ef(x.f,null,a):zS(x.g,y,a));r.p=x}return E(ml(r.p,s),170)}function l0e(r,s,a,l,v){var y,x,T,O,A;for(Tvt(l+tte(a,a.$d()),v),LDe(s,J0t(a)),y=a.f,y&&l0e(r,s,y,"Caused by: ",!1),T=(a.k==null&&(a.k=Pe(dae,ft,78,0,0,1)),a.k),O=0,A=T.length;O<A;++O)x=T[O],l0e(r,s,x,"Suppressed: ",!1);console.groupEnd!=null&&console.groupEnd.call(console)}function cB(r,s,a,l){var v,y,x,T,O;for(O=s.e,T=O.length,x=s.q._f(O,a?0:T-1,a),v=O[a?0:T-1],x=x|tze(r,v,a,l),y=a?1:T-2;a?y<T:y>=0;y+=a?1:-1)x=x|s.c.Sf(O,y,a,l&&!Wt(Gt(se(s.j,(bt(),bx))))&&!Wt(Gt(se(s.j,(bt(),sR))))),x=x|s.q._f(O,y,a),x=x|tze(r,O[y],a,l);return Bs(r.c,s),x}function kG(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(F=e$e(r.j),z=0,q=F.length;z<q;++z){if(A=F[z],a==(Tu(),gd)||a==dj)for(O=_b(A.g),v=O,y=0,x=v.length;y<x;++y)l=v[y],e_t(s,l)&&JS(l,!0);if(a==zl||a==dj)for(T=_b(A.e),v=T,y=0,x=v.length;y<x;++y)l=v[y],Z2t(s,l)&&JS(l,!0)}}function VCt(r){var s,a;switch(s=null,a=null,hEt(r).g){case 1:s=(It(),fr),a=nr;break;case 2:s=(It(),Br),a=Jn;break;case 3:s=(It(),nr),a=fr;break;case 4:s=(It(),Jn),a=Br}iP(r,E(mS(sq(E(no(r.k,s),15).Oc(),Z4)),113)),rP(r,E(mS(oq(E(no(r.k,a),15).Oc(),Z4)),113))}function qCt(r){var s,a,l,v,y,x;if(v=E(Vt(r.j,0),11),v.e.c.length+v.g.c.length==0)r.n.a=0;else{for(x=0,l=Cy(Og(pe(he(Mg,1),Ht,20,0,[new Pr(v),new vo(v)])));fi(l);)a=E(Zr(l),11),x+=a.i.n.a+a.n.a+a.a.a;s=E(se(r,(Ft(),Ex)),8),y=s?s.a:0,r.n.a=x/(v.e.c.length+v.g.c.length)-y}}function mBe(r,s){var a,l,v;for(l=new le(s.a);l.a<l.c.c.length;)a=E(ce(l),221),xee(E(a.b,65),pa(Oc(E(s.b,65).c),E(s.b,65).a)),v=Pze(E(s.b,65).b,E(a.b,65).b),v>1&&(r.a=!0),ilt(E(a.b,65),io(Oc(E(s.b,65).c),mb(pa(Oc(E(a.b,65).a),E(s.b,65).a),v))),pAe(r,s),mBe(r,a)}function vBe(r){var s,a,l,v,y,x,T;for(y=new le(r.a.a);y.a<y.c.c.length;)l=E(ce(y),189),l.e=0,l.d.a.$b();for(v=new le(r.a.a);v.a<v.c.c.length;)for(l=E(ce(v),189),a=l.a.a.ec().Kc();a.Ob();)for(s=E(a.Pb(),81),T=s.f.Kc();T.Ob();)x=E(T.Pb(),81),x.d!=l&&(Bs(l.d,x),++x.d.e)}function WCt(r){var s,a,l,v,y,x,T,O;for(O=r.j.c.length,a=0,s=O,v=2*O,T=new le(r.j);T.a<T.c.c.length;)switch(x=E(ce(T),11),x.j.g){case 2:case 4:x.p=-1;break;case 1:case 3:l=x.e.c.length,y=x.g.c.length,l>0&&y>0?x.p=s++:l>0?x.p=a++:y>0?x.p=v++:x.p=a++}In(),sa(r.j,new x1)}function GCt(r){var s,a;a=null,s=E(Vt(r.g,0),17);do{if(a=s.d.i,ta(a,(bt(),Rp)))return E(se(a,Rp),11).i;if(a.k!=(dr(),Os)&&fi(new Rr(Ar(ks(a).a.Kc(),new M))))s=E(Zr(new Rr(Ar(ks(a).a.Kc(),new M))),17);else if(a.k!=Os)return null}while(a&&a.k!=(dr(),Os));return a}function KCt(r,s){var a,l,v,y,x,T,O,A,F;for(T=s.j,x=s.g,O=E(Vt(T,T.c.length-1),113),F=(Vn(0,T.c.length),E(T.c[0],113)),A=lre(r,x,O,F),y=1;y<T.c.length;y++)a=(Vn(y-1,T.c.length),E(T.c[y-1],113)),v=(Vn(y,T.c.length),E(T.c[y],113)),l=lre(r,x,a,v),l>A&&(O=a,F=v,A=l);s.a=F,s.c=O}function YCt(r,s){var a,l;if(l=UN(r.b,s.b),!l)throw de(new zu("Invalid hitboxes for scanline constraint calculation."));(C9e(s.b,E(Yst(r.b,s.b),57))||C9e(s.b,E(Kst(r.b,s.b),57)))&&(mg(),s.b+""),r.a[s.b.f]=E(aee(r.b,s.b),57),a=E(see(r.b,s.b),57),a&&(r.a[a.f]=s.b)}function c1(r){if(!r.a.d||!r.a.e)throw de(new zu((y0($Ke),$Ke.k+" must have a source and target "+(y0(F2e),F2e.k)+" specified.")));if(r.a.d==r.a.e)throw de(new zu("Network simplex does not support self-loops: "+r.a+" "+r.a.d+" "+r.a.e));return AV(r.a.d.g,r.a),AV(r.a.e.b,r.a),r.a}function XCt(r,s,a){var l,v,y,x,T,O,A;for(A=new gm(new LQ(r)),x=pe(he(yXe,1),AVe,11,0,[s,a]),T=0,O=x.length;T<O;++T)for(y=x[T],AW(A.a,y,(tr(),H2))==null,v=new kg(y.b);wc(v.a)||wc(v.b);)l=E(wc(v.a)?ce(v.a):ce(v.b),17),l.c==l.d||UN(A,y==l.c?l.d:l.c);return Jr(A),new Kf(A)}function wBe(r,s,a){var l,v,y,x,T,O;if(l=0,s.b!=0&&a.b!=0){y=Ti(s,0),x=Ti(a,0),T=ot(Dt(Ci(y))),O=ot(Dt(Ci(x))),v=!0;do{if(T>O-r.b&&T<O+r.b)return-1;T>O-r.a&&T<O+r.a&&++l,T<=O&&y.b!=y.d.c?T=ot(Dt(Ci(y))):O<=T&&x.b!=x.d.c?O=ot(Dt(Ci(x))):v=!1}while(v)}return l}function QCt(r,s,a,l,v){var y,x,T,O;for(O=(y=E(hp(hu),9),new qh(y,E(t1(y,y.length),9),0)),T=new le(r.j);T.a<T.c.c.length;)x=E(ce(T),11),s[x.p]&&(l5t(x,s[x.p],l),a1(O,x.j));v?(wre(r,s,(It(),fr),2*a,l),wre(r,s,nr,2*a,l)):(wre(r,s,(It(),Jn),2*a,l),wre(r,s,Br,2*a,l))}function JCt(r){var s,a,l,v,y;if(y=new vt,Rf(r.b,new pP(y)),r.b.c=Pe(mr,Ht,1,0,5,1),y.c.length!=0){for(s=(Vn(0,y.c.length),E(y.c[0],78)),a=1,l=y.c.length;a<l;++a)v=(Vn(a,y.c.length),E(y.c[a],78)),v!=s&&l2t(s,v);if(Ce(s,60))throw de(E(s,60));if(Ce(s,289))throw de(E(s,289))}}function ZCt(r,s){var a,l,v,y;for(r=r==null?$f:(Qn(r),r),a=new fy,y=0,l=0;l<s.length&&(v=r.indexOf("%s",y),v!=-1);)gi(a,r.substr(y,v-y)),zc(a,s[l++]),y=v+2;if(gi(a,r.substr(y)),l<s.length){for(a.a+=" [",zc(a,s[l++]);l<s.length;)a.a+=fu,zc(a,s[l++]);a.a+="]"}return a.a}function eTt(r){var s,a,l,v;for(s=0,l=r.length,v=l-4,a=0;a<v;)s=(ui(a+3,r.length),r.charCodeAt(a+3)+(ui(a+2,r.length),31*(r.charCodeAt(a+2)+(ui(a+1,r.length),31*(r.charCodeAt(a+1)+(ui(a,r.length),31*(r.charCodeAt(a)+31*s))))))),s=s|0,a+=4;for(;a<l;)s=s*31+Ma(r,a++);return s=s|0,s}function tTt(r){var s,a;for(a=new Rr(Ar(ks(r).a.Kc(),new M));fi(a);)if(s=E(Zr(a),17),s.d.i.k!=(dr(),th))throw de(new cy(Ioe+WL(r)+"' has its layer constraint set to LAST, but has at least one outgoing edge that does not go to a LAST_SEPARATE node. That must not happen."))}function nTt(r,s,a,l){var v,y,x,T,O,A,F,z,q;for(O=0,F=new le(r.a);F.a<F.c.c.length;){for(A=E(ce(F),10),T=0,y=new Rr(Ar(fc(A).a.Kc(),new M));fi(y);)v=E(Zr(y),17),z=xg(v.c).b,q=xg(v.d).b,T=m.Math.max(T,m.Math.abs(q-z));O=m.Math.max(O,T)}return x=l*m.Math.min(1,s/a)*O,x}function f0e(r){var s;return s=new zC,r&256&&(s.a+="F"),r&128&&(s.a+="H"),r&512&&(s.a+="X"),r&2&&(s.a+="i"),r&8&&(s.a+="m"),r&4&&(s.a+="s"),r&32&&(s.a+="u"),r&64&&(s.a+="w"),r&16&&(s.a+="x"),r&l1&&(s.a+=","),EU(s.a)}function rTt(r,s){var a,l,v,y;for(Lr(s,"Resize child graph to fit parent.",1),l=new le(r.b);l.a<l.c.c.length;)a=E(ce(l),29),Cs(r.a,a.a),a.a.c=Pe(mr,Ht,1,0,5,1);for(y=new le(r.a);y.a<y.c.c.length;)v=E(ce(y),10),Vu(v,null);r.b.c=Pe(mr,Ht,1,0,5,1),TTt(r),r.e&&dkt(r.e,r),Or(s)}function iTt(r){var s,a,l,v,y,x,T,O,A;if(l=r.b,y=l.e,x=u5(E(se(l,(Ft(),Zo)),98)),a=!!y&&E(se(y,(bt(),Cl)),21).Hc((Ru(),ip)),!(x||a))for(A=(T=new Nh(r.e).a.vc().Kc(),new j1(T));A.a.Ob();)O=(s=E(A.a.Pb(),42),E(s.dd(),113)),O.a&&(v=O.d,yc(v,null),O.c=!0,r.a=!0)}function oTt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q;for(q=-1,Q=0,A=r,F=0,z=A.length;F<z;++F){for(O=A[F],y=O,x=0,T=y.length;x<T;++x)for(v=y[x],s=new P4e(q==-1?r[0]:r[q],yMe(v)),a=0;a<v.j.c.length;a++)for(l=a+1;l<v.j.c.length;l++)dDe(s,E(Vt(v.j,a),11),E(Vt(v.j,l),11))>0&&++Q;++q}return Q}function sTt(r,s){var a,l,v,y,x;for(x=E(se(s,(XS(),UCe)),425),y=Ti(s.b,0);y.b!=y.d.c;)if(v=E(Ci(y),86),r.b[v.g]==0){switch(x.g){case 0:W7e(r,v);break;case 1:uxt(r,v)}r.b[v.g]=2}for(l=Ti(r.a,0);l.b!=l.d.c;)a=E(Ci(l),188),bT(a.b.d,a,!0),bT(a.c.b,a,!0);ct(s,(Hc(),jCe),r.a)}function tf(r,s){Wr();var a,l,v,y;return s?s==(uo(),git)||(s==rit||s==r_||s==nit)&&r!=Zke?new nve(r,s):(l=E(s,677),a=l.pk(),a||(u6(qu((Qf(),Ba),s)),a=l.pk()),y=(!a.i&&(a.i=new jr),a.i),v=E(Rc(nc(y.f,r)),1942),!v&&Qi(y,r,v=new nve(r,s)),v):Zrt}function aTt(r,s){var a,l,v,y,x,T,O,A,F;for(O=E(se(r,(bt(),to)),11),A=_c(pe(he(na,1),ft,8,0,[O.i.n,O.n,O.a])).a,F=r.i.n.b,a=_b(r.e),v=a,y=0,x=v.length;y<x;++y)l=v[y],ya(l,O),o2(l.a,new Kt(A,F)),s&&(T=E(se(l,(Ft(),Ku)),74),T||(T=new Yl,ct(l,Ku,T)),Ii(T,new Kt(A,F)))}function uTt(r,s){var a,l,v,y,x,T,O,A,F;for(v=E(se(r,(bt(),to)),11),A=_c(pe(he(na,1),ft,8,0,[v.i.n,v.n,v.a])).a,F=r.i.n.b,a=_b(r.g),x=a,T=0,O=x.length;T<O;++T)y=x[T],Ya(y,v),TRe(y.a,new Kt(A,F)),s&&(l=E(se(y,(Ft(),Ku)),74),l||(l=new Yl,ct(y,Ku,l)),Ii(l,new Kt(A,F)))}function cTt(r,s){var a,l,v,y,x,T;for(r.b=new vt,r.d=E(se(s,(bt(),cI)),230),r.e=wht(r.d),y=new Po,v=Tg(pe(he(mXe,1),IVe,37,0,[s])),x=0;x<v.c.length;)l=(Vn(x,v.c.length),E(v.c[x],37)),l.p=x++,a=new AHe(l,r.a,r.b),Cs(v,a.b),Et(r.b,a),a.s&&(T=Ti(y,0),VN(T,a));return r.c=new vs,y}function lTt(r,s){var a,l,v,y,x,T;for(x=E(E(no(r.r,s),21),84).Kc();x.Ob();)y=E(x.Pb(),111),a=y.c?vhe(y.c):0,a>0?y.a?(T=y.b.rf().a,a>T&&(v=(a-T)/2,y.d.b=v,y.d.c=v)):y.d.c=r.s+a:sF(r.u)&&(l=sme(y.b),l.c<0&&(y.d.b=-l.c),l.c+l.b>y.b.rf().a&&(y.d.c=l.c+l.b-y.b.rf().a))}function fTt(r,s){var a,l,v,y;for(Lr(s,"Semi-Interactive Crossing Minimization Processor",1),a=!1,v=new le(r.b);v.a<v.c.c.length;)l=E(ce(v),29),y=jL(aW(So(So(new Nn(null,new zn(l.a,16)),new Lx),new Vb),new Aw),new l_),a=a|y.a!=null;a&&ct(r,(bt(),FSe),(tr(),!0)),Or(s)}function dTt(r,s,a){var l,v,y,x,T;if(v=a,!v&&(v=new Ak),Lr(v,"Layout",r.a.c.length),Wt(Gt(se(s,(XS(),BCe)))))for(mg(),l=0;l<r.a.c.length;l++)T=(l<10?"0":"")+l++,""+T+v0(Od(E(Vt(r.a,l),51)));for(x=new le(r.a);x.a<x.c.c.length;)y=E(ce(x),51),y.pf(s,wl(v,1));Or(v)}function hTt(r){var s,a;if(s=E(r.a,19).a,a=E(r.b,19).a,s>=0){if(s==a)return new Ra(Ot(-s-1),Ot(-s-1));if(s==-a)return new Ra(Ot(-s),Ot(a+1))}return m.Math.abs(s)>m.Math.abs(a)?s<0?new Ra(Ot(-s),Ot(a)):new Ra(Ot(-s),Ot(a+1)):new Ra(Ot(s+1),Ot(a))}function pTt(r){var s,a;a=E(se(r,(Ft(),rf)),163),s=E(se(r,(bt(),V2)),303),a==(Zh(),eE)?(ct(r,rf,wz),ct(r,V2,(R0(),iR))):a==YT?(ct(r,rf,wz),ct(r,V2,(R0(),iI))):s==(R0(),iR)?(ct(r,rf,eE),ct(r,V2,pz)):s==iI&&(ct(r,rf,YT),ct(r,V2,pz))}function RG(){RG=xe,Rz=new Wx,_et=Vi(new Ys,(lu(),nf),(vu(),OY)),Tet=ld(Vi(new Ys,nf,MY),oc,jY),ket=qS(qS(Kn(ld(Vi(new Ys,jb,zY),oc,BY),Sl),LY),HY),xet=ld(Vi(Vi(Vi(new Ys,Jy,DY),Sl,$Y),Sl,zA),oc,AY),Cet=ld(Vi(Vi(new Ys,Sl,zA),Sl,RY),oc,kY)}function JF(){JF=xe,Iet=Vi(ld(new Ys,(lu(),oc),(vu(),A_e)),nf,OY),Pet=qS(qS(Kn(ld(Vi(new Ys,jb,zY),oc,BY),Sl),LY),HY),Det=ld(Vi(Vi(Vi(new Ys,Jy,DY),Sl,$Y),Sl,zA),oc,AY),$et=Vi(Vi(new Ys,nf,MY),oc,jY),Aet=ld(Vi(Vi(new Ys,Sl,zA),Sl,RY),oc,kY)}function gTt(r,s,a,l,v){var y,x;(!uu(s)&&s.c.i.c==s.d.i.c||!$Fe(_c(pe(he(na,1),ft,8,0,[v.i.n,v.n,v.a])),a))&&!uu(s)&&(s.c==v?QD(s.a,0,new Hu(a)):Ii(s.a,new Hu(a)),l&&!vg(r.a,a)&&(x=E(se(s,(Ft(),Ku)),74),x||(x=new Yl,ct(s,Ku,x)),y=new Hu(a),os(x,y,x.c.b,x.c),Bs(r.a,y)))}function bTt(r){var s,a;for(a=new Rr(Ar(fc(r).a.Kc(),new M));fi(a);)if(s=E(Zr(a),17),s.c.i.k!=(dr(),th))throw de(new cy(Ioe+WL(r)+"' has its layer constraint set to FIRST, but has at least one incoming edge that does not come from a FIRST_SEPARATE node. That must not happen."))}function mTt(r,s,a){var l,v,y,x,T,O,A;if(v=Mje(r.Db&254),v==0)r.Eb=a;else{if(v==1)T=Pe(mr,Ht,1,2,5,1),y=cre(r,s),y==0?(T[0]=a,T[1]=r.Eb):(T[0]=r.Eb,T[1]=a);else for(T=Pe(mr,Ht,1,v+1,5,1),x=b2(r.Eb),l=2,O=0,A=0;l<=128;l<<=1)l==s?T[A++]=a:r.Db&l&&(T[A++]=x[O++]);r.Eb=T}r.Db|=s}function yBe(r,s,a){var l,v,y,x;for(this.b=new vt,v=0,l=0,x=new le(r);x.a<x.c.c.length;)y=E(ce(x),167),a&&b4t(y),Et(this.b,y),v+=y.o,l+=y.p;this.b.c.length>0&&(y=E(Vt(this.b,0),167),v+=y.o,l+=y.p),v*=2,l*=2,s>1?v=ss(m.Math.ceil(v*s)):l=ss(m.Math.ceil(l/s)),this.a=new Zge(v,l)}function EBe(r,s,a,l,v,y){var x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(F=l,s.j&&s.o?(Q=E(Cr(r.f,s.A),57),ie=Q.d.c+Q.d.b,--F):ie=s.a.c+s.a.b,z=v,a.q&&a.o?(Q=E(Cr(r.f,a.C),57),A=Q.d.c,++z):A=a.a.c,fe=A-ie,O=m.Math.max(2,z-F),T=fe/O,ee=ie+T,q=F;q<z;++q)x=E(y.Xb(q),128),be=x.a.b,x.a.c=ee-be/2,ee+=T}function d0e(r,s,a,l,v,y){var x,T,O,A,F,z;for(A=a.c.length,y&&(r.c=Pe(Gr,Ei,25,s.length,15,1)),x=v?0:s.length-1;v?x<s.length:x>=0;x+=v?1:-1){for(T=s[x],O=l==(It(),fr)?v?Sc(T,l):m2(Sc(T,l)):v?m2(Sc(T,l)):Sc(T,l),y&&(r.c[T.p]=O.gc()),z=O.Kc();z.Ob();)F=E(z.Pb(),11),r.d[F.p]=A++;Cs(a,O)}}function _Be(r,s,a){var l,v,y,x,T,O,A,F;for(y=ot(Dt(r.b.Kc().Pb())),A=ot(Dt(Tbt(s.b))),l=mb(Oc(r.a),A-a),v=mb(Oc(s.a),a-y),F=io(l,v),mb(F,1/(A-y)),this.a=F,this.b=new vt,T=!0,x=r.b.Kc(),x.Pb();x.Ob();)O=ot(Dt(x.Pb())),T&&O-a>lse&&(this.b.Fc(a),T=!1),this.b.Fc(O);T&&this.b.Fc(a)}function vTt(r){var s,a,l,v;if(O3t(r,r.n),r.d.c.length>0){for(Xl(r.c);qme(r,E(ce(new le(r.e.a)),121))<r.e.a.c.length;){for(s=cyt(r),v=s.e.e-s.d.e-s.a,s.e.j&&(v=-v),l=new le(r.e.a);l.a<l.c.c.length;)a=E(ce(l),121),a.j&&(a.e+=v);Xl(r.c)}Xl(r.c),Pme(r,E(ce(new le(r.e.a)),121)),OHe(r)}}function wTt(r,s){var a,l,v,y,x;for(v=E(no(r.a,(T4(),WY)),15).Kc();v.Ob();)switch(l=E(v.Pb(),101),a=E(Vt(l.j,0),113).d.j,y=new Kf(l.j),sa(y,new VR),s.g){case 1:vre(r,y,a,(NS(),Zy),1);break;case 0:x=mCt(y),vre(r,new Em(y,0,x),a,(NS(),Zy),0),vre(r,new Em(y,x,y.c.length),a,Zy,1)}}function yTt(r,s){k5();var a,l;if(a=Cte(k6(),s.tg()),a){if(l=a.j,Ce(r,239))return kdt(E(r,33))?Gf(l,(q1(),ca))||Gf(l,cr):Gf(l,(q1(),ca));if(Ce(r,352))return Gf(l,(q1(),Lb));if(Ce(r,186))return Gf(l,(q1(),Q2));if(Ce(r,354))return Gf(l,(q1(),hw))}return!0}function ETt(r,s,a){var l,v,y,x,T,O;if(v=a,y=v.ak(),j0(r.e,y)){if(y.hi()){for(l=E(r.g,119),x=0;x<r.i;++x)if(T=l[x],Ki(T,v)&&x!=s)throw de(new Yn(VB))}}else for(O=tf(r.e.Tg(),y),l=E(r.g,119),x=0;x<r.i;++x)if(T=l[x],O.rl(T.ak())&&x!=s)throw de(new Yn(YB));return E(E4(r,s,a),72)}function SBe(r,s){if(s instanceof Object)try{if(s.__java$exception=r,navigator.userAgent.toLowerCase().indexOf("msie")!=-1&&$doc.documentMode<9)return;var a=r;Object.defineProperties(s,{cause:{get:function(){var l=a.Zd();return l&&l.Xd()}},suppressed:{get:function(){return a.Yd()}}})}catch{}}function xBe(r,s){var a,l,v,y,x;if(l=s>>5,s&=31,l>=r.d)return r.e<0?(zy(),vae):(zy(),MA);if(y=r.d-l,v=Pe(Gr,Ei,25,y+1,15,1),f_t(v,y,r.a,l,s),r.e<0){for(a=0;a<l&&r.a[a]==0;a++);if(a<l||s>0&&r.a[a]<<32-s){for(a=0;a<y&&v[a]==-1;a++)v[a]=0;a==y&&++y,++v[a]}}return x=new o4(r.e,y,v),gF(x),x}function CBe(r){var s,a,l,v;return v=_g(r),a=new W(v),l=new te(v),s=new vt,Cs(s,(!r.d&&(r.d=new Bn(ra,r,8,5)),r.d)),Cs(s,(!r.e&&(r.e=new Bn(ra,r,7,4)),r.e)),E(wh(xf(So(new Nn(null,new zn(s,16)),a),l),uT(new jn,new ii,new pi,new Es,pe(he(Pd,1),wt,132,0,[(Dg(),HT),Rh]))),21)}function TBe(r,s,a,l){var v,y,x,T,O;if(T=(Wr(),E(s,66).Oj()),j0(r.e,s)){if(s.hi()&&jG(r,s,l,Ce(s,99)&&(E(s,18).Bb&du)!=0))throw de(new Yn(VB))}else for(O=tf(r.e.Tg(),s),v=E(r.g,119),x=0;x<r.i;++x)if(y=v[x],O.rl(y.ak()))throw de(new Yn(YB));FF(r,Eme(r,s,a),T?E(l,72):_m(s,l))}function j0(r,s){Wr();var a,l,v;return s.$j()?!0:s.Zj()==-2?s==(j5(),SI)||s==_I||s==_le||s==Sle?!0:(v=r.Tg(),Fo(v,s)>=0?!1:(a=F4((Qf(),Ba),v,s),a?(l=a.Zj(),(l>1||l==-1)&&xS(qu(Ba,a))!=3):!0)):!1}function _Tt(r,s,a,l){var v,y,x,T,O;return T=ic(E(ke((!s.b&&(s.b=new Bn(Nr,s,4,7)),s.b),0),82)),O=ic(E(ke((!s.c&&(s.c=new Bn(Nr,s,5,8)),s.c),0),82)),Wo(T)==Wo(O)||fT(O,T)?null:(x=QN(s),x==a?l:(y=E(Cr(r.a,x),10),y&&(v=y.e,v)?v:null))}function STt(r,s){var a;switch(a=E(se(r,(Ft(),gX)),276),Lr(s,"Label side selection ("+a+")",1),a.g){case 0:BLe(r,(Sh(),jm));break;case 1:BLe(r,(Sh(),sE));break;case 2:tHe(r,(Sh(),jm));break;case 3:tHe(r,(Sh(),sE));break;case 4:jBe(r,(Sh(),jm));break;case 5:jBe(r,(Sh(),sE))}Or(s)}function h0e(r,s,a){var l,v,y,x,T,O;if(l=kU(a,r.length),x=r[l],x[0].k==(dr(),ds))for(y=UO(a,x.length),O=s.j,v=0;v<O.c.length;v++)T=(Vn(v,O.c.length),E(O.c[v],11)),(a?T.j==(It(),fr):T.j==(It(),nr))&&Wt(Gt(se(T,(bt(),bz))))&&(Kh(O,v,E(se(x[y],(bt(),to)),11)),y+=a?1:-1)}function xTt(r,s){var a,l,v,y,x;x=new vt,a=s;do y=E(Cr(r.b,a),128),y.B=a.c,y.D=a.d,x.c[x.c.length]=y,a=E(Cr(r.k,a),17);while(a);return l=(Vn(0,x.c.length),E(x.c[0],128)),l.j=!0,l.A=E(l.d.a.ec().Kc().Pb(),17).c.i,v=E(Vt(x,x.c.length-1),128),v.q=!0,v.C=E(v.d.a.ec().Kc().Pb(),17).d.i,x}function kBe(r){if(r.g==null)switch(r.p){case 0:r.g=Rdt(r)?(tr(),FA):(tr(),H2);break;case 1:r.g=mL(upt(r));break;case 2:r.g=TL(ght(r));break;case 3:r.g=Jlt(r);break;case 4:r.g=new SC(Qlt(r));break;case 6:r.g=C2(Zlt(r));break;case 5:r.g=Ot(mdt(r));break;case 7:r.g=z6(fpt(r))}return r.g}function p0e(r){if(r.n==null)switch(r.p){case 0:r.n=Odt(r)?(tr(),FA):(tr(),H2);break;case 1:r.n=mL(cpt(r));break;case 2:r.n=TL(bht(r));break;case 3:r.n=tft(r);break;case 4:r.n=new SC(nft(r));break;case 6:r.n=C2(eft(r));break;case 5:r.n=Ot(vdt(r));break;case 7:r.n=z6(lpt(r))}return r.n}function RBe(r){var s,a,l,v,y,x,T;for(y=new le(r.a.a);y.a<y.c.c.length;)l=E(ce(y),307),l.g=0,l.i=0,l.e.a.$b();for(v=new le(r.a.a);v.a<v.c.c.length;)for(l=E(ce(v),307),a=l.a.a.ec().Kc();a.Ob();)for(s=E(a.Pb(),57),T=s.c.Kc();T.Ob();)x=E(T.Pb(),57),x.a!=l&&(Bs(l.e,x),++x.a.g,++x.a.i)}function CTt(r,s){var a,l,v,y,x,T;if(T=UN(r.a,s.b),!T)throw de(new zu("Invalid hitboxes for scanline overlap calculation."));for(x=!1,y=(l=new Z8(new X8(new xk(r.a.a).a).b),new Ck(l));Pl(y.a.a);)if(v=(a=FV(y.a),E(a.cd(),65)),Ubt(s.b,v))Gle(r.b.a,s.b,v),x=!0;else if(x)break}function TTt(r){var s,a,l,v,y;v=E(se(r,(Ft(),G2)),21),y=E(se(r,EX),21),a=new Kt(r.f.a+r.d.b+r.d.c,r.f.b+r.d.d+r.d.a),s=new Hu(a),v.Hc((eh(),c3))&&(l=E(se(r,t$),8),y.Hc((Ad(),b$))&&(l.a<=0&&(l.a=20),l.b<=0&&(l.b=20)),s.a=m.Math.max(a.a,l.a),s.b=m.Math.max(a.b,l.b)),w4t(r,a,s)}function OBe(r,s){var a,l,v,y,x,T,O,A,F,z,q;v=s?new Xm:new nv,y=!1;do for(y=!1,A=s?m2(r.b):r.b,O=A.Kc();O.Ob();)for(T=E(O.Pb(),29),q=RS(T.a),s||new ay(q),z=new le(q);z.a<z.c.c.length;)F=E(ce(z),10),v.Mb(F)&&(l=F,a=E(se(F,(bt(),gx)),305),x=s?a.b:a.k,y=XBe(l,x,s,!1));while(y)}function kTt(r,s,a){var l,v,y,x,T;for(Lr(a,"Longest path layering",1),r.a=s,T=r.a.a,r.b=Pe(Gr,Ei,25,T.c.length,15,1),l=0,x=new le(T);x.a<x.c.c.length;)v=E(ce(x),10),v.p=l,r.b[l]=-1,++l;for(y=new le(T);y.a<y.c.c.length;)v=E(ce(y),10),QLe(r,v);T.c=Pe(mr,Ht,1,0,5,1),r.a=null,r.b=null,Or(a)}function RTt(r,s){var a,l,v;s.a?(UN(r.b,s.b),r.a[s.b.i]=E(aee(r.b,s.b),81),a=E(see(r.b,s.b),81),a&&(r.a[a.i]=s.b)):(l=E(aee(r.b,s.b),81),l&&l==r.a[s.b.i]&&l.d&&l.d!=s.b.d&&l.f.Fc(s.b),v=E(see(r.b,s.b),81),v&&r.a[v.i]==s.b&&v.d&&v.d!=s.b.d&&s.b.f.Fc(v),KZ(r.b,s.b))}function IBe(r,s){var a,l,v,y,x,T;return y=r.d,T=ot(Dt(se(r,(Ft(),cw)))),T<0&&(T=0,ct(r,cw,T)),s.o.b=T,x=m.Math.floor(T/2),l=new cl,Hs(l,(It(),nr)),yc(l,s),l.n.b=x,v=new cl,Hs(v,fr),yc(v,s),v.n.b=x,ya(r,l),a=new CS,rc(a,r),ct(a,Ku,null),Ya(a,v),ya(a,y),Pkt(s,r,a),M_t(r,a),a}function OTt(r){var s,a;return a=E(se(r,(bt(),Cl)),21),s=new Ys,a.Hc((Ru(),Z9))&&(_h(s,vet),_h(s,PCe)),(a.Hc(JA)||Wt(Gt(se(r,(Ft(),zue)))))&&(_h(s,PCe),a.Hc(rR)&&_h(s,yet)),a.Hc(ip)&&_h(s,met),a.Hc(ej)&&_h(s,Eet),a.Hc(nX)&&_h(s,wet),a.Hc(XA)&&_h(s,pet),a.Hc(QA)&&_h(s,bet),s}function ITt(r,s){var a,l,v,y,x,T,O,A,F,z,q;return l=r.d,y=s.d,T=l+y,O=r.e!=s.e?-1:1,T==2?(F=Va(zs(r.a[0],Ou),zs(s.a[0],Ou)),q=Qr(F),z=Qr(eT(F,32)),z==0?new Wv(O,q):new o4(O,2,pe(he(Gr,1),Ei,25,15,[q,z]))):(a=r.a,v=s.a,x=Pe(Gr,Ei,25,T,15,1),Wmt(a,l,v,y,x),A=new o4(O,T,x),gF(A),A)}function DBe(r,s,a,l){var v,y;if(s){if(v=r.a.ue(a.d,s.d),v==0)return l.d=Pde(s,a.e),l.b=!0,s;y=v<0?0:1,s.a[y]=DBe(r,s.a[y],a,l),t2(s.a[y])&&(t2(s.a[1-y])?(s.b=!0,s.a[0].b=!1,s.a[1].b=!1):t2(s.a[y].a[y])?s=wW(s,1-y):t2(s.a[y].a[1-y])&&(s=GAe(s,1-y)))}else return a;return s}function ABe(r,s,a){var l,v,y,x;v=r.i,l=r.n,Wpe(r,(U1(),Ac),v.c+l.b,a),Wpe(r,$c,v.c+v.b-l.c-a[2],a),x=v.b-l.b-l.c,a[0]>0&&(a[0]+=r.d,x-=a[0]),a[2]>0&&(a[2]+=r.d,x-=a[2]),y=m.Math.max(0,x),a[1]=m.Math.max(a[1],x),Wpe(r,Bl,v.c+l.b+a[0]-(a[1]-x)/2,a),s==Bl&&(r.c.b=y,r.c.c=v.c+l.b+(y-x)/2)}function $Be(){this.c=Pe(ba,Lu,25,(It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr])).length,15,1),this.b=Pe(ba,Lu,25,pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr]).length,15,1),this.a=Pe(ba,Lu,25,pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr]).length,15,1),nfe(this.c,Qo),nfe(this.b,ws),nfe(this.a,ws)}function yl(r,s,a){var l,v,y,x;if(s<=a?(v=s,y=a):(v=a,y=s),l=0,r.b==null)r.b=Pe(Gr,Ei,25,2,15,1),r.b[0]=v,r.b[1]=y,r.c=!0;else{if(l=r.b.length,r.b[l-1]+1==v){r.b[l-1]=y;return}x=Pe(Gr,Ei,25,l+2,15,1),ll(r.b,0,x,0,l),r.b=x,r.b[l-1]>=v&&(r.c=!1,r.a=!1),r.b[l++]=v,r.b[l]=y,r.c||R4(r)}}function DTt(r,s,a){var l,v,y,x,T,O,A;for(A=s.d,r.a=new Fl(A.c.length),r.c=new jr,T=new le(A);T.a<T.c.c.length;)x=E(ce(T),101),y=new SL(null),Et(r.a,y),Qi(r.c,x,y);for(r.b=new jr,B_t(r,s),l=0;l<A.c.length-1;l++)for(O=E(Vt(s.d,l),101),v=l+1;v<A.c.length;v++)yCt(r,O,E(Vt(s.d,v),101),a)}function PBe(r,s,a){var l,v,y,x,T,O;if(!h6(s)){for(O=wl(a,(Ce(s,14)?E(s,14).gc():C0(s.Kc()))/r.a|0),Lr(O,pqe,1),T=new nb,x=0,y=s.Kc();y.Ob();)l=E(y.Pb(),86),T=Og(pe(he(Mg,1),Ht,20,0,[T,new g0(l)])),x<l.f.b&&(x=l.f.b);for(v=s.Kc();v.Ob();)l=E(v.Pb(),86),ct(l,(Hc(),NX),x);Or(O),PBe(r,T,a)}}function ATt(r,s){var a,l,v,y,x,T,O;for(a=ws,T=(dr(),Os),v=new le(s.a);v.a<v.c.c.length;)l=E(ce(v),10),y=l.k,y!=Os&&(x=Dt(se(l,(bt(),MSe))),x==null?(a=m.Math.max(a,0),l.n.b=a+fde(r.a,y,T)):l.n.b=(Qn(x),x)),O=fde(r.a,y,T),l.n.b<a+O+l.d.d&&(l.n.b=a+O+l.d.d),a=l.n.b+l.o.b+l.d.a,T=y}function $Tt(r,s,a){var l,v,y,x,T,O,A,F,z;for(y=D4(s,!1,!1),A=ZL(y),z=ot(Dt(Xt(s,(BF(),Aae)))),v=_Ue(A,z+r.a),F=new Nre(v),rc(F,s),Qi(r.b,s,F),a.c[a.c.length]=F,O=(!s.n&&(s.n=new St(pc,s,1,7)),s.n),T=new Tr(O);T.e!=T.i.gc();)x=E(Fr(T),137),l=lB(r,x,!0,0,0),a.c[a.c.length]=l;return F}function FBe(r,s,a,l,v){var y,x,T,O,A,F;if(r.d&&r.d.lg(v),y=E(v.Xb(0),33),H7e(r,a,y,!1)||(x=E(v.Xb(v.gc()-1),33),H7e(r,l,x,!0))||dme(r,v))return!0;for(F=v.Kc();F.Ob();)for(A=E(F.Pb(),33),O=s.Kc();O.Ob();)if(T=E(O.Pb(),33),IG(r,A,T))return!0;return!1}function PTt(r,s,a){var l,v,y,x,T,O,A,F,z,q;q=s.c.length,z=(A=r.Yg(a),E(A>=0?r._g(A,!1,!0):YS(r,a,!1),58));e:for(y=z.Kc();y.Ob();){for(v=E(y.Pb(),56),F=0;F<q;++F)if(x=(Vn(F,s.c.length),E(s.c[F],72)),O=x.dd(),T=x.ak(),l=v.bh(T,!1),O==null?l!=null:!Ki(O,l))continue e;return v}return null}function FTt(r,s,a,l){var v,y,x,T;for(v=E(tw(s,(It(),nr)).Kc().Pb(),11),y=E(tw(s,fr).Kc().Pb(),11),T=new le(r.j);T.a<T.c.c.length;){for(x=E(ce(T),11);x.e.c.length!=0;)ya(E(Vt(x.e,0),17),v);for(;x.g.c.length!=0;)Ya(E(Vt(x.g,0),17),y)}a||ct(s,(bt(),Q1),null),l||ct(s,(bt(),Rp),null)}function D4(r,s,a){var l,v;if((!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i==0)return Z1e(r);if(l=E(ke((!r.a&&(r.a=new St(Uo,r,6,6)),r.a),0),202),s&&(Vr((!l.a&&(l.a=new xs($p,l,5)),l.a)),S6(l,0),C6(l,0),_6(l,0),x6(l,0)),a)for(v=(!r.a&&(r.a=new St(Uo,r,6,6)),r.a);v.i>1;)TT(v,v.i-1);return l}function jTt(r,s){var a,l,v,y,x,T,O;for(Lr(s,"Comment post-processing",1),y=new le(r.b);y.a<y.c.c.length;){for(v=E(ce(y),29),l=new vt,T=new le(v.a);T.a<T.c.c.length;)x=E(ce(T),10),O=E(se(x,(bt(),lI)),15),a=E(se(x,oI),15),(O||a)&&(MOt(x,O,a),O&&Cs(l,O),a&&Cs(l,a));Cs(v.a,l)}Or(s)}function jBe(r,s){var a,l,v,y,x,T,O;for(a=new YE,y=new le(r.b);y.a<y.c.c.length;){for(v=E(ce(y),29),O=!0,l=0,T=new le(v.a);T.a<T.c.c.length;)switch(x=E(ce(T),10),x.k.g){case 4:++l;case 1:Ape(a,x);break;case 0:j_t(x,s);default:a.b==a.c||Cze(a,l,O,!1,s),O=!1,l=0}a.b==a.c||Cze(a,l,O,!0,s)}}function MTt(r,s){var a,l,v,y,x,T,O;for(v=new vt,a=0;a<=r.i;a++)l=new gp(s),l.p=r.i-a,v.c[v.c.length]=l;for(T=new le(r.o);T.a<T.c.c.length;)x=E(ce(T),10),Vu(x,E(Vt(v,r.i-r.f[x.p]),29));for(y=new le(v);y.a<y.c.c.length;)O=E(ce(y),29),O.a.c.length==0&&uF(y);s.b.c=Pe(mr,Ht,1,0,5,1),Cs(s.b,v)}function g0e(r,s){var a,l,v,y,x,T;for(a=0,T=new le(s);T.a<T.c.c.length;){for(x=E(ce(T),11),vge(r.b,r.d[x.p]),v=new kg(x.b);wc(v.a)||wc(v.b);)l=E(wc(v.a)?ce(v.a):ce(v.b),17),y=S8(r,x==l.c?l.d:l.c),y>r.d[x.p]&&(a+=Bpe(r.b,y),Iy(r.a,Ot(y)));for(;!NO(r.a);)m1e(r.b,E(d5(r.a),19).a)}return a}function MBe(r,s,a){var l,v,y,x;for(y=(!s.a&&(s.a=new St(Ko,s,10,11)),s.a).i,v=new Tr((!s.a&&(s.a=new St(Ko,s,10,11)),s.a));v.e!=v.i.gc();)l=E(Fr(v),33),(!l.a&&(l.a=new St(Ko,l,10,11)),l.a).i==0||(y+=MBe(r,l,!1));if(a)for(x=Wo(s);x;)y+=(!x.a&&(x.a=new St(Ko,x,10,11)),x.a).i,x=Wo(x);return y}function TT(r,s){var a,l,v,y;return r.ej()?(l=null,v=r.fj(),r.ij()&&(l=r.kj(r.pi(s),null)),a=r.Zi(4,y=$5(r,s),null,s,v),r.bj()&&y!=null&&(l=r.dj(y,l)),l?(l.Ei(a),l.Fi()):r.$i(a),y):(y=$5(r,s),r.bj()&&y!=null&&(l=r.dj(y,null),l&&l.Fi()),y)}function NTt(r){var s,a,l,v,y,x,T,O,A,F;for(A=r.a,s=new vs,O=0,l=new le(r.d);l.a<l.c.c.length;){for(a=E(ce(l),222),F=0,d4(a.b,new za),x=Ti(a.b,0);x.b!=x.d.c;)y=E(Ci(x),222),s.a._b(y)&&(v=a.c,T=y.c,F<T.d+T.a+A&&F+v.a+A>T.d&&(F=T.d+T.a+A));a.c.d=F,s.a.zc(a,s),O=m.Math.max(O,a.c.d+a.c.a)}return O}function Ru(){Ru=xe,tX=new qC("COMMENTS",0),ip=new qC("EXTERNAL_PORTS",1),Z9=new qC("HYPEREDGES",2),nX=new qC("HYPERNODES",3),JA=new qC("NON_FREE_PORTS",4),rR=new qC("NORTH_SOUTH_PORTS",5),ej=new qC(QVe,6),XA=new qC("CENTER_LABELS",7),QA=new qC("END_LABELS",8),rX=new qC("PARTITIONS",9)}function kT(r){var s,a,l,v,y;for(v=new vt,s=new nF((!r.a&&(r.a=new St(Ko,r,10,11)),r.a)),l=new Rr(Ar(F0(r).a.Kc(),new M));fi(l);)a=E(Zr(l),79),Ce(ke((!a.b&&(a.b=new Bn(Nr,a,4,7)),a.b),0),186)||(y=ic(E(ke((!a.c&&(a.c=new Bn(Nr,a,5,8)),a.c),0),82)),s.a._b(y)||(v.c[v.c.length]=y));return v}function LTt(r){var s,a,l,v,y,x;for(y=new vs,s=new nF((!r.a&&(r.a=new St(Ko,r,10,11)),r.a)),v=new Rr(Ar(F0(r).a.Kc(),new M));fi(v);)l=E(Zr(v),79),Ce(ke((!l.b&&(l.b=new Bn(Nr,l,4,7)),l.b),0),186)||(x=ic(E(ke((!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c),0),82)),s.a._b(x)||(a=y.a.zc(x,y),a==null));return y}function BTt(r,s,a,l,v){return l<0?(l=k4(r,v,pe(he(Bt,1),ft,2,6,[$ie,Pie,Fie,jie,B5,Mie,Nie,Lie,Bie,zie,Hie,Uie]),s),l<0&&(l=k4(r,v,pe(he(Bt,1),ft,2,6,["Jan","Feb","Mar","Apr",B5,"Jun","Jul","Aug","Sep","Oct","Nov","Dec"]),s)),l<0?!1:(a.k=l,!0)):l>0?(a.k=l-1,!0):!1}function zTt(r,s,a,l,v){return l<0?(l=k4(r,v,pe(he(Bt,1),ft,2,6,[$ie,Pie,Fie,jie,B5,Mie,Nie,Lie,Bie,zie,Hie,Uie]),s),l<0&&(l=k4(r,v,pe(he(Bt,1),ft,2,6,["Jan","Feb","Mar","Apr",B5,"Jun","Jul","Aug","Sep","Oct","Nov","Dec"]),s)),l<0?!1:(a.k=l,!0)):l>0?(a.k=l-1,!0):!1}function HTt(r,s,a,l,v,y){var x,T,O,A;if(T=32,l<0){if(s[0]>=r.length||(T=Ma(r,s[0]),T!=43&&T!=45)||(++s[0],l=yG(r,s),l<0))return!1;T==45&&(l=-l)}return T==32&&s[0]-a==2&&v.b==2&&(O=new T8,A=O.q.getFullYear()-Vy+Vy-80,x=A%100,y.a=l==x,l+=(A/100|0)*100+(l<x?100:0)),y.p=l,!0}function NBe(r,s){var a,l,v,y,x;Wo(r)&&(x=E(se(s,(Ft(),G2)),174),Qe(Xt(r,Zo))===Qe((Sa(),uE))&&Nu(r,Zo,Ug),l=(Ns(),new uy(Wo(r))),y=new XZ(Wo(r)?new uy(Wo(r)):null,r),v=KHe(l,y,!1,!0),a1(x,(eh(),c3)),a=E(se(s,t$),8),a.a=m.Math.max(v.a,a.a),a.b=m.Math.max(v.b,a.b))}function UTt(r,s,a){var l,v,y,x,T,O;for(x=E(se(r,(bt(),Tue)),15).Kc();x.Ob();){switch(y=E(x.Pb(),10),E(se(y,(Ft(),rf)),163).g){case 2:Vu(y,s);break;case 4:Vu(y,a)}for(v=new Rr(Ar(A0(y).a.Kc(),new M));fi(v);)l=E(Zr(v),17),!(l.c&&l.d)&&(T=!l.d,O=E(se(l,LSe),11),T?ya(l,O):Ya(l,O))}}function OG(){OG=xe,nue=new p5(tK,0,(It(),Jn),Jn),oue=new p5(poe,1,Br,Br),tue=new p5(hoe,2,fr,fr),uue=new p5(goe,3,nr,nr),iue=new p5("NORTH_WEST_CORNER",4,nr,Jn),rue=new p5("NORTH_EAST_CORNER",5,Jn,fr),aue=new p5("SOUTH_WEST_CORNER",6,Br,nr),sue=new p5("SOUTH_EAST_CORNER",7,fr,Br)}function A4(){A4=xe,r3e=pe(he(mE,1),Zie,25,14,[1,1,2,6,24,120,720,5040,40320,362880,3628800,39916800,479001600,6227020800,87178291200,1307674368e3,{l:3506176,m:794077,h:1},{l:884736,m:916411,h:20},{l:3342336,m:3912489,h:363},{l:589824,m:3034138,h:6914},{l:3407872,m:1962506,h:138294}]),m.Math.pow(2,-65)}function LBe(r,s){var a,l,v,y,x;if(r.c.length==0)return new Ra(Ot(0),Ot(0));for(a=(Vn(0,r.c.length),E(r.c[0],11)).j,x=0,y=s.g,l=s.g+1;x<r.c.length-1&&a.g<y;)++x,a=(Vn(x,r.c.length),E(r.c[x],11)).j;for(v=x;v<r.c.length-1&&a.g<l;)++v,a=(Vn(x,r.c.length),E(r.c[x],11)).j;return new Ra(Ot(x),Ot(v))}function VTt(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(y=s.c.length,x=(Vn(a,s.c.length),E(s.c[a],286)),T=x.a.o.a,z=x.c,q=0,A=x.c;A<=x.f;A++){if(T<=r.a[A])return A;for(F=r.a[A],O=null,v=a+1;v<y;v++)l=(Vn(v,s.c.length),E(s.c[v],286)),l.c<=A&&l.f>=A&&(O=l);O&&(F=m.Math.max(F,O.a.o.a)),F>q&&(z=A,q=F)}return z}function qTt(r,s,a){var l,v,y;if(r.e=a,r.d=0,r.b=0,r.f=1,r.i=s,(r.e&16)==16&&(r.i=D3t(r.i)),r.j=r.i.length,Li(r),y=VS(r),r.d!=r.j)throw de(new Hr(di((ni(),wWe))));if(r.g){for(l=0;l<r.g.a.c.length;l++)if(v=E(_S(r.g,l),584),r.f<=v.a)throw de(new Hr(di((ni(),yWe))));r.g.a.c=Pe(mr,Ht,1,0,5,1)}return y}function WTt(r,s){var a,l,v;if(s==null){for(l=(!r.a&&(r.a=new St(W0,r,9,5)),new Tr(r.a));l.e!=l.i.gc();)if(a=E(Fr(l),678),v=a.c,(v??a.zb)==null)return a}else for(l=(!r.a&&(r.a=new St(W0,r,9,5)),new Tr(r.a));l.e!=l.i.gc();)if(a=E(Fr(l),678),xn(s,(v=a.c,v??a.zb)))return a;return null}function Wre(r,s){var a;switch(a=null,s.g){case 1:r.e.Xe((Mi(),Zce))&&(a=E(r.e.We(Zce),249));break;case 3:r.e.Xe((Mi(),ele))&&(a=E(r.e.We(ele),249));break;case 2:r.e.Xe((Mi(),Jce))&&(a=E(r.e.We(Jce),249));break;case 4:r.e.Xe((Mi(),tle))&&(a=E(r.e.We(tle),249))}return!a&&(a=E(r.e.We((Mi(),P3e)),249)),a}function BBe(r,s,a){var l,v,y,x,T,O,A,F,z;for(s.p=1,y=s.c,z=US(s,(Tu(),zl)).Kc();z.Ob();)for(F=E(z.Pb(),11),v=new le(F.g);v.a<v.c.c.length;)l=E(ce(v),17),A=l.d.i,s!=A&&(x=A.c,x.p<=y.p&&(T=y.p+1,T==a.b.c.length?(O=new gp(a),O.p=T,Et(a.b,O),Vu(A,O)):(O=E(Vt(a.b,T),29),Vu(A,O)),BBe(r,A,a)))}function zBe(r,s,a){var l,v,y,x,T,O;for(v=a,y=0,T=new le(s);T.a<T.c.c.length;)x=E(ce(T),33),Nu(x,(wT(),UX),Ot(v++)),O=kT(x),l=m.Math.atan2(x.j+x.f/2,x.i+x.g/2),l+=l<0?U4:0,l<.7853981633974483||l>yqe?sa(O,r.b):l<=yqe&&l>Eqe?sa(O,r.d):l<=Eqe&&l>_qe?sa(O,r.c):l<=_qe&&sa(O,r.a),y=zBe(r,O,y);return v}function zy(){zy=xe;var r;for(aY=new Wv(1,1),wae=new Wv(1,10),MA=new Wv(0,0),vae=new Wv(-1,1),e2e=pe(he(Y4,1),ft,91,0,[MA,aY,new Wv(1,2),new Wv(1,3),new Wv(1,4),new Wv(1,5),new Wv(1,6),new Wv(1,7),new Wv(1,8),new Wv(1,9),wae]),uY=Pe(Y4,ft,91,32,0,1),r=0;r<uY.length;r++)uY[r]=HL(E0(1,r))}function GTt(r,s,a,l,v,y){var x,T,O,A;for(T=!qO(So(r.Oc(),new X_(new _3))).sd((Lv(),LA)),x=r,y==(ku(),U0)&&(x=Ce(x,152)?E5(E(x,152)):Ce(x,131)?E(x,131).a:Ce(x,54)?new ay(x):new Nv(x)),A=x.Kc();A.Ob();)O=E(A.Pb(),70),O.n.a=s.a,T?O.n.b=s.b+(l.b-O.o.b)/2:v?O.n.b=s.b:O.n.b=s.b+l.b-O.o.b,s.a+=O.o.a+a}function HBe(r,s,a,l){var v,y,x,T,O,A;for(v=(l.c+l.a)/2,bp(s.j),Ii(s.j,v),bp(a.e),Ii(a.e,v),A=new RJ,T=new le(r.f);T.a<T.c.c.length;)y=E(ce(T),129),O=y.a,bre(A,s,O),bre(A,a,O);for(x=new le(r.k);x.a<x.c.c.length;)y=E(ce(x),129),O=y.b,bre(A,s,O),bre(A,a,O);return A.b+=2,A.a+=_6e(s,r.q),A.a+=_6e(r.q,a),A}function UBe(r,s,a){var l,v,y,x,T;if(!h6(s)){for(T=wl(a,(Ce(s,14)?E(s,14).gc():C0(s.Kc()))/r.a|0),Lr(T,pqe,1),x=new Ww,y=null,v=s.Kc();v.Ob();)l=E(v.Pb(),86),x=Og(pe(he(Mg,1),Ht,20,0,[x,new g0(l)])),y&&(ct(y,(Hc(),zet),l),ct(l,wce,y),Pte(l)==Pte(y)&&(ct(y,yce,l),ct(l,MX,y))),y=l;Or(T),UBe(r,x,a)}}function VBe(r){var s,a,l,v,y,x,T;for(a=r.i,s=r.n,T=a.d,r.f==(kf(),Qy)?T+=(a.a-r.e.b)/2:r.f==d1&&(T+=a.a-r.e.b),v=new le(r.d);v.a<v.c.c.length;){switch(l=E(ce(v),181),x=l.rf(),y=new ka,y.b=T,T+=x.b+r.a,r.b.g){case 0:y.a=a.c+s.b;break;case 1:y.a=a.c+s.b+(a.b-x.a)/2;break;case 2:y.a=a.c+a.b-s.c-x.a}l.tf(y)}}function qBe(r){var s,a,l,v,y,x,T;for(a=r.i,s=r.n,T=a.c,r.b==(dd(),Xy)?T+=(a.b-r.e.a)/2:r.b==f1&&(T+=a.b-r.e.a),v=new le(r.d);v.a<v.c.c.length;){switch(l=E(ce(v),181),x=l.rf(),y=new ka,y.a=T,T+=x.a+r.a,r.f.g){case 0:y.b=a.d+s.d;break;case 1:y.b=a.d+s.d+(a.a-x.b)/2;break;case 2:y.b=a.d+a.a-s.a-x.b}l.tf(y)}}function KTt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee;F=a.a.c,x=a.a.c+a.a.b,y=E(Cr(a.c,s),459),Q=y.f,ee=y.a,O=new Kt(F,Q),z=new Kt(x,ee),v=F,a.p||(v+=r.c),v+=a.F+a.v*r.b,A=new Kt(v,Q),q=new Kt(v,ee),SF(s.a,pe(he(na,1),ft,8,0,[O,A])),T=a.d.a.gc()>1,T&&(l=new Kt(v,a.b),Ii(s.a,l)),SF(s.a,pe(he(na,1),ft,8,0,[q,z]))}function WBe(r){Oe(r,new O2(Av(hy(gy(py(new Pa,PK),"ELK Randomizer"),'Distributes the nodes randomly on the plane, leading to very obfuscating layouts. Can be useful to demonstrate the power of "real" layout algorithms.'),new a0))),At(r,PK,rx,fke),At(r,PK,FT,15),At(r,PK,sK,Ot(0)),At(r,PK,W5,SA)}function b0e(){b0e=xe;var r,s,a,l,v,y;for(Wj=Pe(nd,W4,25,255,15,1),TQ=Pe(ap,Cb,25,16,15,1),s=0;s<255;s++)Wj[s]=-1;for(a=57;a>=48;a--)Wj[a]=a-48<<24>>24;for(l=70;l>=65;l--)Wj[l]=l-65+10<<24>>24;for(v=102;v>=97;v--)Wj[v]=v-97+10<<24>>24;for(y=0;y<10;y++)TQ[y]=48+y&ls;for(r=10;r<=15;r++)TQ[r]=65+r-10&ls}function IG(r,s,a){var l,v,y,x,T,O,A,F;return T=s.i-r.g/2,O=a.i-r.g/2,A=s.j-r.g/2,F=a.j-r.g/2,y=s.g+r.g/2,x=a.g+r.g/2,l=s.f+r.g/2,v=a.f+r.g/2,T<O+x&&O<T&&A<F+v&&F<A||O<T+y&&T<O&&F<A+l&&A<F||T<O+x&&O<T&&A<F&&F<A+l?!0:O<T+y&&T<O&&A<F+v&&F<A}function YTt(r){var s,a,l,v,y;v=E(se(r,(Ft(),G2)),21),y=E(se(r,EX),21),a=new Kt(r.f.a+r.d.b+r.d.c,r.f.b+r.d.d+r.d.a),s=new Hu(a),v.Hc((eh(),c3))&&(l=E(se(r,t$),8),y.Hc((Ad(),b$))&&(l.a<=0&&(l.a=20),l.b<=0&&(l.b=20)),s.a=m.Math.max(a.a,l.a),s.b=m.Math.max(a.b,l.b)),Wt(Gt(se(r,Vue)))||v4t(r,a,s)}function XTt(r,s){var a,l,v,y;for(y=Sc(s,(It(),Br)).Kc();y.Ob();)l=E(y.Pb(),11),a=E(se(l,(bt(),pd)),10),a&&c1(qf(Hh(Uh(zh(new Wd,0),.1),r.i[s.p].d),r.i[a.p].a));for(v=Sc(s,Jn).Kc();v.Ob();)l=E(v.Pb(),11),a=E(se(l,(bt(),pd)),10),a&&c1(qf(Hh(Uh(zh(new Wd,0),.1),r.i[a.p].d),r.i[s.p].a))}function Gre(r){var s,a,l,v,y,x;if(!r.c){if(x=new l0,s=Hj,y=s.a.zc(r,s),y==null){for(l=new Tr(ul(r));l.e!=l.i.gc();)a=E(Fr(l),87),v=FG(a),Ce(v,88)&&Yo(x,Gre(E(v,26))),ei(x,a);s.a.Bc(r)!=null,s.a.gc()==0}Q0t(x),pT(x),r.c=new Zk((E(ke(et((ky(),qn).o),15),18),x.i),x.g),kd(r).b&=-33}return r.c}function m0e(r){var s;if(r.c!=10)throw de(new Hr(di((ni(),LK))));switch(s=r.a,s){case 110:s=10;break;case 114:s=13;break;case 116:s=9;break;case 92:case 124:case 46:case 94:case 45:case 63:case 42:case 43:case 123:case 125:case 40:case 41:case 91:case 93:break;default:throw de(new Hr(di((ni(),np))))}return s}function GBe(r){var s,a,l,v,y;if(r.l==0&&r.m==0&&r.h==0)return"0";if(r.h==CB&&r.m==0&&r.l==0)return"-9223372036854775808";if(r.h>>19)return"-"+GBe(F6(r));for(a=r,l="";!(a.l==0&&a.m==0&&a.h==0);){if(v=Tte(QG),a=K0e(a,v,!0),s=""+$J(Yy),!(a.l==0&&a.m==0&&a.h==0))for(y=9-s.length;y>0;y--)s="0"+s;l=s+l}return l}function QTt(){if(!Object.create||!Object.getOwnPropertyNames)return!1;var r="__proto__",s=Object.create(null);if(s[r]!==void 0)return!1;var a=Object.getOwnPropertyNames(s);return!(a.length!=0||(s[r]=42,s[r]!==42)||Object.getOwnPropertyNames(s).length==0)}function JTt(r){var s,a,l,v,y,x,T;for(s=!1,a=0,v=new le(r.d.b);v.a<v.c.c.length;)for(l=E(ce(v),29),l.p=a++,x=new le(l.a);x.a<x.c.c.length;)y=E(ce(x),10),!s&&!h6(A0(y))&&(s=!0);T=Ro((ku(),Fm),pe(he(Oj,1),wt,103,0,[Op,p1])),s||(a1(T,U0),a1(T,H0)),r.a=new G8e(T),fd(r.f),fd(r.b),fd(r.e),fd(r.g)}function ZTt(r,s,a){var l,v,y,x,T,O,A,F,z;for(l=a.c,v=a.d,T=xg(s.c),O=xg(s.d),l==s.c?(T=r0e(r,T,v),O=eNe(s.d)):(T=eNe(s.c),O=r0e(r,O,v)),A=new ND(s.a),os(A,T,A.a,A.a.a),os(A,O,A.c.b,A.c),x=s.c==l,z=new Dk,y=0;y<A.b-1;++y)F=new Ra(E(W1(A,y),8),E(W1(A,y+1),8)),x&&y==0||!x&&y==A.b-2?z.b=F:Et(z.a,F);return z}function e3t(r,s){var a,l,v,y;if(y=r.j.g-s.j.g,y!=0)return y;if(a=E(se(r,(Ft(),lw)),19),l=E(se(s,lw),19),a&&l&&(v=a.a-l.a,v!=0))return v;switch(r.j.g){case 1:return Ts(r.n.a,s.n.a);case 2:return Ts(r.n.b,s.n.b);case 3:return Ts(s.n.a,r.n.a);case 4:return Ts(s.n.b,r.n.b);default:throw de(new zu(Jve))}}function v0e(r,s,a,l){var v,y,x,T,O;if(C0((NN(),new Rr(Ar(A0(s).a.Kc(),new M))))>=r.a||!rme(s,a))return-1;if(h6(E(l.Kb(s),20)))return 1;for(v=0,x=E(l.Kb(s),20).Kc();x.Ob();)if(y=E(x.Pb(),17),O=y.c.i==s?y.d.i:y.c.i,T=v0e(r,O,a,l),T==-1||(v=m.Math.max(v,T),v>r.c-1))return-1;return v+1}function KBe(r,s){var a,l,v,y,x,T;if(Qe(s)===Qe(r))return!0;if(!Ce(s,15)||(l=E(s,15),T=r.gc(),l.gc()!=T))return!1;if(x=l.Kc(),r.ni()){for(a=0;a<T;++a)if(v=r.ki(a),y=x.Pb(),v==null?y!=null:!Ki(v,y))return!1}else for(a=0;a<T;++a)if(v=r.ki(a),y=x.Pb(),Qe(v)!==Qe(y))return!1;return!0}function YBe(r,s){var a,l,v,y,x,T;if(r.f>0){if(r.qj(),s!=null){for(y=0;y<r.d.length;++y)if(a=r.d[y],a){for(l=E(a.g,367),T=a.i,x=0;x<T;++x)if(v=l[x],Ki(s,v.dd()))return!0}}else for(y=0;y<r.d.length;++y)if(a=r.d[y],a){for(l=E(a.g,367),T=a.i,x=0;x<T;++x)if(v=l[x],Qe(s)===Qe(v.dd()))return!0}}return!1}function t3t(r,s,a){var l,v,y,x;Lr(a,"Orthogonally routing hierarchical port edges",1),r.a=0,l=U4t(s),GRt(s,l),RRt(r,s,l),WOt(s),v=E(se(s,(Ft(),Zo)),98),y=s.b,WHe((Vn(0,y.c.length),E(y.c[0],29)),v,s),WHe(E(Vt(y,y.c.length-1),29),v,s),x=s.b,iHe((Vn(0,x.c.length),E(x.c[0],29))),iHe(E(Vt(x,x.c.length-1),29)),Or(a)}function w0e(r){switch(r){case 48:case 49:case 50:case 51:case 52:case 53:case 54:case 55:case 56:case 57:return r-48<<24>>24;case 97:case 98:case 99:case 100:case 101:case 102:return r-97+10<<24>>24;case 65:case 66:case 67:case 68:case 69:case 70:return r-65+10<<24>>24;default:throw de(new Bh("Invalid hexadecimal"))}}function n3t(r,s,a){var l,v,y,x;for(Lr(a,"Processor order nodes",2),r.a=ot(Dt(se(s,(XS(),VCe)))),v=new Po,x=Ti(s.b,0);x.b!=x.d.c;)y=E(Ci(x),86),Wt(Gt(se(y,(Hc(),s3))))&&os(v,y,v.c.b,v.c);l=(vr(v.b!=0),E(v.a.a.c,86)),pHe(r,l),!a.b&&Qte(a,1),S0e(r,l,0-ot(Dt(se(l,(Hc(),NX))))/2,0),!a.b&&Qte(a,1),Or(a)}function DG(){DG=xe,$2e=new Xk("SPIRAL",0),O2e=new Xk("LINE_BY_LINE",1),I2e=new Xk("MANHATTAN",2),R2e=new Xk("JITTER",3),Cae=new Xk("QUADRANTS_LINE_BY_LINE",4),A2e=new Xk("QUADRANTS_MANHATTAN",5),D2e=new Xk("QUADRANTS_JITTER",6),k2e=new Xk("COMBINE_LINE_BY_LINE_MANHATTAN",7),T2e=new Xk("COMBINE_JITTER_MANHATTAN",8)}function XBe(r,s,a,l){var v,y,x,T,O,A;for(O=gre(r,a),A=gre(s,a),v=!1;O&&A&&(l||Jwt(O,A,a));)x=gre(O,a),T=gre(A,a),fL(s),fL(r),y=O.c,wie(O,!1),wie(A,!1),a?(yT(s,A.p,y),s.p=A.p,yT(r,O.p+1,y),r.p=O.p):(yT(r,O.p,y),r.p=O.p,yT(s,A.p+1,y),s.p=A.p),Vu(O,null),Vu(A,null),O=x,A=T,v=!0;return v}function r3t(r,s,a,l){var v,y,x,T,O;for(v=!1,y=!1,T=new le(l.j);T.a<T.c.c.length;)x=E(ce(T),11),Qe(se(x,(bt(),to)))===Qe(a)&&(x.g.c.length==0?x.e.c.length==0||(v=!0):y=!0);return O=0,v&&v^y?O=a.j==(It(),Jn)?-r.e[l.c.p][l.p]:s-r.e[l.c.p][l.p]:y&&v^y?O=r.e[l.c.p][l.p]+1:v&&y&&(O=a.j==(It(),Jn)?0:s/2),O}function Kre(r,s,a,l,v,y,x,T){var O,A,F;for(O=0,s!=null&&(O^=ew(s.toLowerCase())),a!=null&&(O^=ew(a)),l!=null&&(O^=ew(l)),x!=null&&(O^=ew(x)),T!=null&&(O^=ew(T)),A=0,F=y.length;A<F;A++)O^=ew(y[A]);r?O|=256:O&=-257,v?O|=16:O&=-17,this.f=O,this.i=s==null?null:(Qn(s),s),this.a=a,this.d=l,this.j=y,this.g=x,this.e=T}function y0e(r,s,a){var l,v;switch(v=null,s.g){case 1:v=(Xf(),p_e);break;case 2:v=(Xf(),b_e)}switch(l=null,a.g){case 1:l=(Xf(),g_e);break;case 2:l=(Xf(),h_e);break;case 3:l=(Xf(),m_e);break;case 4:l=(Xf(),v_e)}return v&&l?c5(r.j,new q$(new yf(pe(he(uIt,1),Ht,169,0,[E(Jr(v),169),E(Jr(l),169)])))):(In(),In(),wu)}function i3t(r){var s,a,l;switch(s=E(se(r,(Ft(),t$)),8),ct(r,t$,new Kt(s.b,s.a)),E(se(r,Mb),248).g){case 1:ct(r,Mb,(xm(),ZX));break;case 2:ct(r,Mb,(xm(),QX));break;case 3:ct(r,Mb,(xm(),Pz));break;case 4:ct(r,Mb,(xm(),Fz))}(r.q?r.q:(In(),In(),$m))._b(n3)&&(a=E(se(r,n3),8),l=a.a,a.a=a.b,a.b=l)}function QBe(r,s,a,l,v,y){if(this.b=a,this.d=v,r>=s.length)throw de(new xu("Greedy SwitchDecider: Free layer not in graph."));this.c=s[r],this.e=new MN(l),tne(this.e,this.c,(It(),nr)),this.i=new MN(l),tne(this.i,this.c,fr),this.f=new KIe(this.c),this.a=!y&&v.i&&!v.s&&this.c[0].k==(dr(),ds),this.a&&y_t(this,r,s.length)}function JBe(r,s){var a,l,v,y,x,T;y=!r.B.Hc((Ad(),Qz)),x=r.B.Hc(cle),r.a=new Gje(x,y,r.c),r.n&&upe(r.a.n,r.n),HM(r.g,(U1(),Bl),r.a),s||(l=new LF(1,y,r.c),l.n.a=r.k,l5(r.p,(It(),Jn),l),v=new LF(1,y,r.c),v.n.d=r.k,l5(r.p,Br,v),T=new LF(0,y,r.c),T.n.c=r.k,l5(r.p,nr,T),a=new LF(0,y,r.c),a.n.b=r.k,l5(r.p,fr,a))}function o3t(r){var s,a,l;switch(s=E(se(r.d,(Ft(),z0)),218),s.g){case 2:a=F5t(r);break;case 3:a=(l=new vt,Bo(So(xf(Ec(Ec(new Nn(null,new zn(r.d.b,16)),new Ps),new J0),new Jc),new Jg),new Y7(l)),l);break;default:throw de(new zu("Compaction not supported for "+s+" edges."))}rRt(r,a),Na(new WE(r.g),new wP(r))}function s3t(r,s){var a;return a=new To,s&&rc(a,E(Cr(r.a,Zz),94)),Ce(s,470)&&rc(a,E(Cr(r.a,eH),94)),Ce(s,354)?(rc(a,E(Cr(r.a,pc),94)),a):(Ce(s,82)&&rc(a,E(Cr(r.a,Nr),94)),Ce(s,239)?(rc(a,E(Cr(r.a,Ko),94)),a):Ce(s,186)?(rc(a,E(Cr(r.a,jd),94)),a):(Ce(s,352)&&rc(a,E(Cr(r.a,ra),94)),a))}function G1(){G1=xe,BA=new bu((Mi(),iQ),Ot(1)),_Y=new bu(e_,80),UYe=new bu(H3e,5),PYe=new bu(bI,SA),zYe=new bu(ile,Ot(1)),HYe=new bu(ole,(tr(),!0)),X2e=new pS(50),LYe=new bu(Z2,X2e),G2e=tQ,Q2e=Rj,FYe=new bu(Yce,!1),Y2e=Uz,NYe=oE,MYe=J2,jYe=mR,BYe=a3,K2e=(bme(),kYe),Mae=DYe,EY=TYe,jae=RYe,J2e=IYe}function a3t(r){var s,a,l,v,y,x,T,O;for(O=new ePe,T=new le(r.a);T.a<T.c.c.length;)if(x=E(ce(T),10),x.k!=(dr(),ds)){for(axt(O,x,new ka),y=new Rr(Ar(ks(x).a.Kc(),new M));fi(y);)if(v=E(Zr(y),17),!(v.c.i.k==ds||v.d.i.k==ds))for(l=Ti(v.a,0);l.b!=l.d.c;)a=E(Ci(l),8),s=a,WF(O,new WD(s.a,s.b))}return O}function Yre(){Yre=xe,GTe=new ko(vse),WTe=(K(),$z),qTe=new Dn(Ese,WTe),VTe=(RL(),XX),dnt=new Dn(jye,VTe),UTe=(JL(),Mce),fnt=new Dn(Mye,UTe),unt=new Dn(wse,null),HTe=(oL(),KX),lnt=new Dn(yse,HTe),zTe=(D(),Pce),rnt=new Dn(Nye,zTe),ont=new Dn(Lye,(tr(),!1)),snt=new Dn(Bye,Ot(64)),ant=new Dn(zye,!0),cnt=jce}function ZBe(r){var s,a,l,v,y,x;if(r.a==null)if(r.a=Pe(Md,Dm,25,r.c.b.c.length,16,1),r.a[0]=!1,ta(r.c,(Ft(),Xue)))for(l=E(se(r.c,Xue),15),a=l.Kc();a.Ob();)s=E(a.Pb(),19).a,s>0&&s<r.a.length&&(r.a[s]=!1);else for(x=new le(r.c.b),x.a<x.c.c.length&&ce(x),v=1;x.a<x.c.c.length;)y=E(ce(x),29),r.a[v++]=Hxt(y)}function eze(r,s){var a,l,v,y;switch(v=r.b,s){case 1:{r.b|=1,r.b|=4,r.b|=8;break}case 2:{r.b|=2,r.b|=4,r.b|=8;break}case 4:{r.b|=1,r.b|=2,r.b|=4,r.b|=8;break}case 3:{r.b|=16,r.b|=8;break}case 0:{r.b|=32,r.b|=16,r.b|=8,r.b|=1,r.b|=2,r.b|=4;break}}if(r.b!=v&&r.c)for(l=new Tr(r.c);l.e!=l.i.gc();)y=E(Fr(l),473),a=kd(y),xT(a,s)}function tze(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee;for(v=!1,x=s,T=0,O=x.length;T<O;++T)y=x[T],Wt((tr(),!!y.e))&&!E(Vt(r.b,y.e.p),214).s&&(v=v|(A=y.e,F=E(Vt(r.b,A.p),214),z=F.e,q=UO(a,z.length),Q=z[q][0],Q.k==(dr(),ds)?z[q]=HCt(y,z[q],a?(It(),nr):(It(),fr)):F.c.Tf(z,a),ee=cB(r,F,a,l),h0e(F.e,F.o,a),ee));return v}function nze(r,s){var a,l,v,y,x;for(y=(!s.a&&(s.a=new St(Ko,s,10,11)),s.a).i,v=new Tr((!s.a&&(s.a=new St(Ko,s,10,11)),s.a));v.e!=v.i.gc();)l=E(Fr(v),33),Qe(Xt(l,(Mi(),gR)))!==Qe((D0(),Dj))&&(x=E(Xt(s,f$),149),a=E(Xt(l,f$),149),(x==a||x&&Hpe(x,a))&&(!l.a&&(l.a=new St(Ko,l,10,11)),l.a).i!=0&&(y+=nze(r,l)));return y}function u3t(r){var s,a,l,v,y,x,T;for(l=0,T=0,x=new le(r.d);x.a<x.c.c.length;)y=E(ce(x),101),v=E(wh(So(new Nn(null,new zn(y.j,16)),new HR),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),a=null,l<=T?(a=(It(),Jn),l+=v.gc()):T<l&&(a=(It(),Br),T+=v.gc()),s=a,Bo(xf(v.Oc(),new I3),new X7(s))}function c3t(r){var s,a,l,v,y,x,T,O;for(r.b=new vLe(new yf((It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr]))),new yf((NS(),pe(he(eue,1),wt,361,0,[hx,Zy,dx])))),x=pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr]),T=0,O=x.length;T<O;++T)for(y=x[T],a=pe(he(eue,1),wt,361,0,[hx,Zy,dx]),l=0,v=a.length;l<v;++l)s=a[l],lEt(r.b,y,s,new vt)}function rze(r,s){var a,l,v,y,x,T,O,A,F,z;if(x=E(E(no(r.r,s),21),84),T=r.u.Hc((hd(),cE)),a=r.u.Hc(Fj),l=r.u.Hc(Pj),A=r.u.Hc(yI),z=r.B.Hc((Ad(),fQ)),F=!a&&!l&&(A||x.gc()==2),lTt(r,s),v=null,O=null,T){for(y=x.Kc(),v=E(y.Pb(),111),O=v;y.Ob();)O=E(y.Pb(),111);v.d.b=0,O.d.c=0,F&&!v.a&&(v.d.c=0)}z&&(u2t(x),T&&(v.d.b=0,O.d.c=0))}function ize(r,s){var a,l,v,y,x,T,O,A,F,z;if(x=E(E(no(r.r,s),21),84),T=r.u.Hc((hd(),cE)),a=r.u.Hc(Fj),l=r.u.Hc(Pj),O=r.u.Hc(yI),z=r.B.Hc((Ad(),fQ)),A=!a&&!l&&(O||x.gc()==2),Ckt(r,s),F=null,v=null,T){for(y=x.Kc(),F=E(y.Pb(),111),v=F;y.Ob();)v=E(y.Pb(),111);F.d.d=0,v.d.a=0,A&&!F.a&&(F.d.a=0)}z&&(c2t(x),T&&(F.d.d=0,v.d.a=0))}function oze(r,s,a){var l,v,y,x,T,O,A,F;if(v=s.k,s.p>=0)return!1;if(s.p=a.b,Et(a.e,s),v==(dr(),ua)||v==xl){for(x=new le(s.j);x.a<x.c.c.length;)for(y=E(ce(x),11),F=(l=new le(new vo(y).a.g),new bs(l));wc(F.a);)if(A=E(ce(F.a),17).d,T=A.i,O=T.k,s.c!=T.c&&(O==ua||O==xl)&&oze(r,T,a))return!0}return!0}function AG(r){var s;return r.Db&64?Bme(r):(s=new pp(Bme(r)),s.a+=" (changeable: ",gb(s,(r.Bb&l1)!=0),s.a+=", volatile: ",gb(s,(r.Bb&zT)!=0),s.a+=", transient: ",gb(s,(r.Bb&$T)!=0),s.a+=", defaultValueLiteral: ",Fu(s,r.j),s.a+=", unsettable: ",gb(s,(r.Bb&ed)!=0),s.a+=", derived: ",gb(s,(r.Bb&xb)!=0),s.a+=")",s.a)}function l3t(r){var s,a,l,v,y,x,T,O,A,F,z,q;for(v=pCt(r.d),x=E(se(r.b,(BF(),U2e)),116),T=x.b+x.c,O=x.d+x.a,F=v.d.a*r.e+T,A=v.b.a*r.f+O,tP(r.b,new Kt(F,A)),q=new le(r.g);q.a<q.c.c.length;)z=E(ce(q),562),s=z.g-v.a.a,a=z.i-v.c.a,l=io(xst(new Kt(s,a),z.a,z.b),mb(DN(Oc(Bfe(z.e)),z.d*z.a,z.c*z.b),-.5)),y=zfe(z.e),Dv(z.e,pa(l,y))}function f3t(r,s,a,l){var v,y,x,T,O;for(O=Pe(ba,ft,104,(It(),pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr])).length,0,2),y=pe(he(hu,1),nl,61,0,[Tc,Jn,fr,Br,nr]),x=0,T=y.length;x<T;++x)v=y[x],O[v.g]=Pe(ba,Lu,25,r.c[v.g],15,1);return TMe(O,r,Jn),TMe(O,r,Br),ure(O,r,Jn,s,a,l),ure(O,r,fr,s,a,l),ure(O,r,Br,s,a,l),ure(O,r,nr,s,a,l),O}function d3t(r,s,a){if(Xd(r.a,s)){if(vg(E(Cr(r.a,s),53),a))return 1}else Qi(r.a,s,new vs);if(Xd(r.a,a)){if(vg(E(Cr(r.a,a),53),s))return-1}else Qi(r.a,a,new vs);if(Xd(r.b,s)){if(vg(E(Cr(r.b,s),53),a))return-1}else Qi(r.b,s,new vs);if(Xd(r.b,a)){if(vg(E(Cr(r.b,a),53),s))return 1}else Qi(r.b,a,new vs);return 0}function E0e(r,s,a,l){var v,y,x,T,O,A;if(a==null){for(v=E(r.g,119),T=0;T<r.i;++T)if(x=v[T],x.ak()==s)return eu(r,x,l)}return y=(Wr(),E(s,66).Oj()?E(a,72):_m(s,a)),Gd(r.e)?(A=!LL(r,s),l=Ml(r,y,l),O=s.$j()?Oy(r,3,s,null,a,cA(r,s,a,Ce(s,99)&&(E(s,18).Bb&du)!=0),A):Oy(r,1,s,s.zj(),a,-1,A),l?l.Ei(O):l=O):l=Ml(r,y,l),l}function h3t(r){var s,a,l,v,y,x;r.q==(Sa(),Nm)||r.q==Tl||(v=r.f.n.d+WV(E(ju(r.b,(It(),Jn)),124))+r.c,s=r.f.n.a+WV(E(ju(r.b,Br),124))+r.c,l=E(ju(r.b,fr),124),x=E(ju(r.b,nr),124),y=m.Math.max(0,l.n.d-v),y=m.Math.max(y,x.n.d-v),a=m.Math.max(0,l.n.a-s),a=m.Math.max(a,x.n.a-s),l.n.d=y,x.n.d=y,l.n.a=a,x.n.a=a)}function p3t(r,s){var a,l,v,y,x,T,O,A,F,z,q;for(Lr(s,"Restoring reversed edges",1),O=new le(r.b);O.a<O.c.c.length;)for(T=E(ce(O),29),F=new le(T.a);F.a<F.c.c.length;)for(A=E(ce(F),10),q=new le(A.j);q.a<q.c.c.length;)for(z=E(ce(q),11),x=_b(z.g),l=x,v=0,y=l.length;v<y;++v)a=l[v],Wt(Gt(se(a,(bt(),Bg))))&&JS(a,!1);Or(s)}function sze(){this.b=new h2,this.d=new h2,this.e=new h2,this.c=new h2,this.a=new jr,this.f=new jr,u4(na,new Jx,new Vp),u4(i3e,new V3,new I_),u4(f_e,new q3,new D_),u4(d_e,new nC,new $E),u4(drt,new W3,new rC),u4(cIt,new k_,new Xw),u4(dIt,new KR,new Zx),u4(lIt,new tm,new R_),u4(fIt,new YR,new eC),u4(gIt,new tC,new O_)}function aze(r){var s,a,l,v,y,x;return y=0,s=wp(r),s.Bj()&&(y|=4),r.Bb&ed&&(y|=2),Ce(r,99)?(a=E(r,18),v=mu(a),a.Bb&Uc&&(y|=32),v&&(_r(iT(v)),y|=8,x=v.t,(x>1||x==-1)&&(y|=16),v.Bb&Uc&&(y|=64)),a.Bb&du&&(y|=zT),y|=l1):Ce(s,457)?y|=512:(l=s.Bj(),l&&l.i&1&&(y|=256)),r.Bb&512&&(y|=128),y}function ZF(r,s){var a,l,v,y,x;for(r=r==null?$f:(Qn(r),r),v=0;v<s.length;v++)s[v]=Yxt(s[v]);for(a=new fy,x=0,l=0;l<s.length&&(y=r.indexOf("%s",x),y!=-1);)a.a+=""+bh(r==null?$f:(Qn(r),r),x,y),zc(a,s[l++]),x=y+2;if(UAe(a,r,x,r.length),l<s.length){for(a.a+=" [",zc(a,s[l++]);l<s.length;)a.a+=fu,zc(a,s[l++]);a.a+="]"}return a.a}function g3t(r){var s,a,l,v,y;for(y=new Fl(r.a.c.length),v=new le(r.a);v.a<v.c.c.length;){switch(l=E(ce(v),10),a=E(se(l,(Ft(),rf)),163),s=null,a.g){case 1:case 2:s=(y2(),nR);break;case 3:case 4:s=(y2(),YA)}s?(ct(l,(bt(),sX),(y2(),nR)),s==YA?kG(l,a,(Tu(),gd)):s==nR&&kG(l,a,(Tu(),zl))):y.c[y.c.length]=l}return y}function _0e(r,s){var a,l,v,y,x,T,O;for(a=0,O=new le(s);O.a<O.c.c.length;){for(T=E(ce(O),11),vge(r.b,r.d[T.p]),x=0,v=new kg(T.b);wc(v.a)||wc(v.b);)l=E(wc(v.a)?ce(v.a):ce(v.b),17),qDe(l)?(y=S8(r,T==l.c?l.d:l.c),y>r.d[T.p]&&(a+=Bpe(r.b,y),Iy(r.a,Ot(y)))):++x;for(a+=r.b.d*x;!NO(r.a);)m1e(r.b,E(d5(r.a),19).a)}return a}function b3t(r,s){var a;return r.f==Ele?(a=xS(qu((Qf(),Ba),s)),r.e?a==4&&s!=(j5(),SI)&&s!=(j5(),_I)&&s!=(j5(),_le)&&s!=(j5(),Sle):a==2):r.d&&(r.d.Hc(s)||r.d.Hc(v5(qu((Qf(),Ba),s)))||r.d.Hc(F4((Qf(),Ba),r.b,s)))?!0:r.f&&a0e((Qf(),r.f),WN(qu(Ba,s)))?(a=xS(qu(Ba,s)),r.e?a==4:a==2):!1}function m3t(r,s,a,l){var v,y,x,T,O,A,F,z;return x=E(Xt(a,(Mi(),mI)),8),O=x.a,F=x.b+r,v=m.Math.atan2(F,O),v<0&&(v+=U4),v+=s,v>U4&&(v-=U4),T=E(Xt(l,mI),8),A=T.a,z=T.b+r,y=m.Math.atan2(z,A),y<0&&(y+=U4),y+=s,y>U4&&(y-=U4),yg(),s1(1e-10),m.Math.abs(v-y)<=1e-10||v==y||isNaN(v)&&isNaN(y)?0:v<y?-1:v>y?1:hS(isNaN(v),isNaN(y))}function Xre(r){var s,a,l,v,y,x,T;for(T=new jr,l=new le(r.a.b);l.a<l.c.c.length;)s=E(ce(l),57),Qi(T,s,new vt);for(v=new le(r.a.b);v.a<v.c.c.length;)for(s=E(ce(v),57),s.i=ws,x=s.c.Kc();x.Ob();)y=E(x.Pb(),57),E(Rc(nc(T.f,y)),15).Fc(s);for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),57),s.c.$b(),s.c=E(Rc(nc(T.f,s)),15);RBe(r)}function Qre(r){var s,a,l,v,y,x,T;for(T=new jr,l=new le(r.a.b);l.a<l.c.c.length;)s=E(ce(l),81),Qi(T,s,new vt);for(v=new le(r.a.b);v.a<v.c.c.length;)for(s=E(ce(v),81),s.o=ws,x=s.f.Kc();x.Ob();)y=E(x.Pb(),81),E(Rc(nc(T.f,y)),15).Fc(s);for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),81),s.f.$b(),s.f=E(Rc(nc(T.f,s)),15);vBe(r)}function v3t(r,s,a,l){var v,y;for(Ayt(r,s,a,l),mH(s,r.j-s.j+a),vH(s,r.k-s.k+l),y=new le(s.f);y.a<y.c.c.length;)switch(v=E(ce(y),324),v.a.g){case 0:j6(r,s.g+v.b.a,0,s.g+v.c.a,s.i-1);break;case 1:j6(r,s.g+s.o,s.i+v.b.a,r.o-1,s.i+v.c.a);break;case 2:j6(r,s.g+v.b.a,s.i+s.p,s.g+v.c.a,r.p-1);break;default:j6(r,0,s.i+v.b.a,s.g-1,s.i+v.c.a)}}function $G(r,s,a,l,v){var y,x,T;try{if(s>=r.o)throw de(new SD);T=s>>5,x=s&31,y=E0(1,Qr(E0(x,1))),v?r.n[a][T]=Cg(r.n[a][T],y):r.n[a][T]=zs(r.n[a][T],dhe(y)),y=E0(y,1),l?r.n[a][T]=Cg(r.n[a][T],y):r.n[a][T]=zs(r.n[a][T],dhe(y))}catch(O){throw O=Mo(O),Ce(O,320)?de(new xu(boe+r.o+"*"+r.p+moe+s+fu+a+voe)):de(O)}}function S0e(r,s,a,l){var v,y,x;s&&(y=ot(Dt(se(s,(Hc(),dw))))+l,x=a+ot(Dt(se(s,NX)))/2,ct(s,Ece,Ot(Qr(Df(m.Math.round(y))))),ct(s,MCe,Ot(Qr(Df(m.Math.round(x))))),s.d.b==0||S0e(r,E(kV((v=Ti(new g0(s).a.d,0),new Tv(v))),86),a+ot(Dt(se(s,NX)))+r.a,l+ot(Dt(se(s,u$)))),se(s,yce)!=null&&S0e(r,E(se(s,yce),86),a,l))}function w3t(r,s){var a,l,v,y,x,T,O,A,F,z,q;for(O=Za(s.a),v=ot(Dt(se(O,(Ft(),Y2))))*2,F=ot(Dt(se(O,lR))),A=m.Math.max(v,F),y=Pe(ba,Lu,25,s.f-s.c+1,15,1),l=-A,a=0,T=s.b.Kc();T.Ob();)x=E(T.Pb(),10),l+=r.a[x.c.p]+A,y[a++]=l;for(l+=r.a[s.a.c.p]+A,y[a++]=l,q=new le(s.e);q.a<q.c.c.length;)z=E(ce(q),10),l+=r.a[z.c.p]+A,y[a++]=l;return y}function y3t(r,s,a,l){var v,y,x,T,O,A,F,z,q;for(q=new gm(new NQ(r)),T=pe(he(Pm,1),iw,10,0,[s,a]),O=0,A=T.length;O<A;++O)for(x=T[O],z=$F(x,l).Kc();z.Ob();)for(F=E(z.Pb(),11),y=new kg(F.b);wc(y.a)||wc(y.b);)v=E(wc(y.a)?ce(y.a):ce(y.b),17),uu(v)||(AW(q.a,F,(tr(),H2))==null,qDe(v)&&UN(q,F==v.c?v.d:v.c));return Jr(q),new Kf(q)}function E3t(r,s){var a,l,v,y;if(y=E(Xt(r,(Mi(),wR)),61).g-E(Xt(s,wR),61).g,y!=0)return y;if(a=E(Xt(r,nle),19),l=E(Xt(s,nle),19),a&&l&&(v=a.a-l.a,v!=0))return v;switch(E(Xt(r,wR),61).g){case 1:return Ts(r.i,s.i);case 2:return Ts(r.j,s.j);case 3:return Ts(s.i,r.i);case 4:return Ts(s.j,r.j);default:throw de(new zu(Jve))}}function x0e(r){var s,a,l;return r.Db&64?Tre(r):(s=new gh(Kye),a=r.k,a?gi(gi((s.a+=' "',s),a),'"'):(!r.n&&(r.n=new St(pc,r,1,7)),r.n.i>0&&(l=(!r.n&&(r.n=new St(pc,r,1,7)),E(ke(r.n,0),137)).a,!l||gi(gi((s.a+=' "',s),l),'"'))),gi(my(gi(my(gi(my(gi(my((s.a+=" (",s),r.i),","),r.j)," | "),r.g),","),r.f),")"),s.a)}function uze(r){var s,a,l;return r.Db&64?Tre(r):(s=new gh(Yye),a=r.k,a?gi(gi((s.a+=' "',s),a),'"'):(!r.n&&(r.n=new St(pc,r,1,7)),r.n.i>0&&(l=(!r.n&&(r.n=new St(pc,r,1,7)),E(ke(r.n,0),137)).a,!l||gi(gi((s.a+=' "',s),l),'"'))),gi(my(gi(my(gi(my(gi(my((s.a+=" (",s),r.i),","),r.j)," | "),r.g),","),r.f),")"),s.a)}function Jre(r,s){var a,l,v,y,x,T,O;if(s==null||s.length==0)return null;if(v=E(ml(r.a,s),149),!v){for(l=(T=new Nh(r.b).a.vc().Kc(),new j1(T));l.a.Ob();)if(a=(y=E(l.a.Pb(),42),E(y.dd(),149)),x=a.c,O=s.length,xn(x.substr(x.length-O,O),s)&&(s.length==x.length||Ma(x,x.length-s.length-1)==46)){if(v)return null;v=a}v&&Uu(r.a,s,v)}return v}function _3t(r,s){var a,l,v,y;return a=new hr,l=E(wh(xf(new Nn(null,new zn(r.f,16)),a),uT(new jn,new ii,new pi,new Es,pe(he(Pd,1),wt,132,0,[(Dg(),HT),Rh]))),21),v=l.gc(),l=E(wh(xf(new Nn(null,new zn(s.f,16)),a),uT(new jn,new ii,new pi,new Es,pe(he(Pd,1),wt,132,0,[HT,Rh]))),21),y=l.gc(),v<y?-1:v==y?0:1}function cze(r){var s,a,l;ta(r,(Ft(),wx))&&(l=E(se(r,wx),21),!l.dc()&&(a=(s=E(hp(Du),9),new qh(s,E(t1(s,s.length),9),0)),l.Hc((CT(),Ih))?a1(a,Ih):a1(a,m1),l.Hc(Ip)||a1(a,Ip),l.Hc(g1)?a1(a,w1):l.Hc(V0)?a1(a,Mm):l.Hc(b1)&&a1(a,Dp),l.Hc(w1)?a1(a,g1):l.Hc(Mm)?a1(a,V0):l.Hc(Dp)&&a1(a,b1),ct(r,wx,a)))}function S3t(r){var s,a,l,v,y,x,T;for(v=E(se(r,(bt(),mx)),10),l=r.j,a=(Vn(0,l.c.length),E(l.c[0],11)),x=new le(v.j);x.a<x.c.c.length;)if(y=E(ce(x),11),Qe(y)===Qe(se(a,to))){y.j==(It(),Jn)&&r.p>v.p?(Hs(y,Br),y.d&&(T=y.o.b,s=y.a.b,y.a.b=T-s)):y.j==Br&&v.p>r.p&&(Hs(y,Jn),y.d&&(T=y.o.b,s=y.a.b,y.a.b=-(T-s)));break}return v}function x3t(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee;if(y=a,a<l)for(q=(Q=new SL(r.p),ee=new SL(r.p),cu(Q.e,r.e),Q.q=r.q,Q.r=ee,fq(Q),cu(ee.j,r.j),ee.r=Q,fq(ee),new Ra(Q,ee)),z=E(q.a,112),F=E(q.b,112),v=(Vn(y,s.c.length),E(s.c[y],329)),x=HBe(r,z,F,v),A=a+1;A<=l;A++)T=(Vn(A,s.c.length),E(s.c[A],329)),O=HBe(r,z,F,T),iwt(T,O,v,x)&&(v=T,x=O);return y}function lB(r,s,a,l,v){var y,x,T,O,A,F,z;if(!(Ce(s,239)||Ce(s,354)||Ce(s,186)))throw de(new Yn("Method only works for ElkNode-, ElkLabel and ElkPort-objects."));return x=r.a/2,O=s.i+l-x,F=s.j+v-x,A=O+s.g+r.a,z=F+s.f+r.a,y=new Yl,Ii(y,new Kt(O,F)),Ii(y,new Kt(O,z)),Ii(y,new Kt(A,z)),Ii(y,new Kt(A,F)),T=new Nre(y),rc(T,s),a&&Qi(r.b,s,T),T}function e9(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(y=new Kt(s,a),F=new le(r.a);F.a<F.c.c.length;)for(A=E(ce(F),10),io(A.n,y),q=new le(A.j);q.a<q.c.c.length;)for(z=E(ce(q),11),v=new le(z.g);v.a<v.c.c.length;)for(l=E(ce(v),17),dT(l.a,y),x=E(se(l,(Ft(),Ku)),74),x&&dT(x,y),O=new le(l.b);O.a<O.c.c.length;)T=E(ce(O),70),io(T.n,y)}function C3t(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(y=new Kt(s,a),F=new le(r.a);F.a<F.c.c.length;)for(A=E(ce(F),10),io(A.n,y),q=new le(A.j);q.a<q.c.c.length;)for(z=E(ce(q),11),v=new le(z.g);v.a<v.c.c.length;)for(l=E(ce(v),17),dT(l.a,y),x=E(se(l,(Ft(),Ku)),74),x&&dT(x,y),O=new le(l.b);O.a<O.c.c.length;)T=E(ce(O),70),io(T.n,y)}function lze(r){if((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b).i==0)throw de(new Zp("Edges must have a source."));if((!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c).i==0)throw de(new Zp("Edges must have a target."));if(!r.b&&(r.b=new Bn(Nr,r,4,7)),!(r.b.i<=1&&(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c.i<=1)))throw de(new Zp("Hyperedges are not supported."))}function fze(r,s){var a,l,v,y,x,T,O,A,F,z;for(z=0,y=new YE,Iy(y,s);y.b!=y.c;)for(O=E(d5(y),214),A=0,F=E(se(s.j,(Ft(),tE)),339),x=ot(Dt(se(s.j,dX))),T=ot(Dt(se(s.j,vxe))),F!=(I0(),nE)&&(A+=x*Pxt(O.e,F),A+=T*oTt(O.e)),z+=lMe(O.d,O.e)+A,v=new le(O.b);v.a<v.c.c.length;)l=E(ce(v),37),a=E(Vt(r.b,l.p),214),a.s||(z+=Dre(r,a));return z}function T3t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(Q=s.length,O=Q,ui(0,s.length),s.charCodeAt(0)==45?(z=-1,q=1,--Q):(z=1,q=0),y=(fie(),lKe)[10],v=Q/y|0,fe=Q%y,fe!=0&&++v,T=Pe(Gr,Ei,25,v,15,1),a=cKe[8],x=0,ee=q+(fe==0?y:fe),ie=q;ie<O;ie=ee,ee=ie+y)l=xh(s.substr(ie,ee-ie),qa,qi),A=(nA(),bbe(T,T,x,a)),A+=nvt(T,x,l),T[x++]=A;F=x,r.e=z,r.d=F,r.a=T,gF(r)}function dze(r,s,a,l,v,y,x){if(r.c=l.qf().a,r.d=l.qf().b,v&&(r.c+=v.qf().a,r.d+=v.qf().b),r.b=s.rf().a,r.a=s.rf().b,!v)a?r.c-=x+s.rf().a:r.c+=l.rf().a+x;else switch(v.Hf().g){case 0:case 2:r.c+=v.rf().a+x+y.a+x;break;case 4:r.c-=x+y.a+x+s.rf().a;break;case 1:r.c+=v.rf().a+x,r.d-=x+y.b+x+s.rf().b;break;case 3:r.c+=v.rf().a+x,r.d+=v.rf().b+x+y.b+x}}function hze(r,s){var a,l;for(this.b=new vt,this.e=new vt,this.a=r,this.d=s,ewt(this),cvt(this),this.b.dc()?this.c=r.c.p:this.c=E(this.b.Xb(0),10).c.p,this.e.c.length==0?this.f=r.c.p:this.f=E(Vt(this.e,this.e.c.length-1),10).c.p,l=E(se(r,(bt(),vz)),15).Kc();l.Ob();)if(a=E(l.Pb(),70),ta(a,(Ft(),pX))){this.d=E(se(a,pX),227);break}}function aA(r,s,a){var l,v,y,x,T,O,A,F;for(l=E(Cr(r.a,s),53),y=E(Cr(r.a,a),53),v=E(Cr(r.e,s),53),x=E(Cr(r.e,a),53),l.a.zc(a,l),x.a.zc(s,x),F=y.a.ec().Kc();F.Ob();)A=E(F.Pb(),10),l.a.zc(A,l),Bs(E(Cr(r.e,A),53),s),cu(E(Cr(r.e,A),53),v);for(O=v.a.ec().Kc();O.Ob();)T=E(O.Pb(),10),x.a.zc(T,x),Bs(E(Cr(r.a,T),53),a),cu(E(Cr(r.a,T),53),y)}function fB(r,s,a){var l,v,y,x,T,O,A,F;for(l=E(Cr(r.a,s),53),y=E(Cr(r.a,a),53),v=E(Cr(r.b,s),53),x=E(Cr(r.b,a),53),l.a.zc(a,l),x.a.zc(s,x),F=y.a.ec().Kc();F.Ob();)A=E(F.Pb(),10),l.a.zc(A,l),Bs(E(Cr(r.b,A),53),s),cu(E(Cr(r.b,A),53),v);for(O=v.a.ec().Kc();O.Ob();)T=E(O.Pb(),10),x.a.zc(T,x),Bs(E(Cr(r.a,T),53),a),cu(E(Cr(r.a,T),53),y)}function k3t(r,s){var a,l,v;switch(Lr(s,"Breaking Point Insertion",1),l=new Gme(r),E(se(r,(Ft(),Yue)),337).g){case 2:v=new Qm;case 0:v=new Gb;break;default:v=new zp}if(a=v.Vf(r,l),Wt(Gt(se(r,nCe)))&&(a=vRt(r,a)),!v.Wf()&&ta(r,SX))switch(E(se(r,SX),338).g){case 2:a=JNe(l,a);break;case 1:a=QMe(l,a)}if(a.dc()){Or(s);return}v5t(r,a),Or(s)}function R3t(r,s,a){var l,v,y,x,T,O,A,F,z,q;if(F=null,q=s,z=w$e(r,g$e(a),q),xF(z,x0(q,$b)),x=IS(q,Qye),l=new eRe(r,z),tSt(l.a,l.b,x),T=IS(q,Mse),v=new tRe(r,z),nSt(v.a,v.b,T),(!z.b&&(z.b=new Bn(Nr,z,4,7)),z.b).i==0||(!z.c&&(z.c=new Bn(Nr,z,5,8)),z.c).i==0)throw y=x0(q,$b),O=fWe+y,A=O+DA,de(new N1(A));return bG(q,z),x5t(r,q,z),F=fne(r,q,z),F}function O3t(r,s){var a,l,v,y,x,T,O;for(v=Pe(Gr,Ei,25,r.e.a.c.length,15,1),x=new le(r.e.a);x.a<x.c.c.length;)y=E(ce(x),121),v[y.d]+=y.b.a.c.length;for(T=BN(s);T.b!=0;)for(y=E(T.b==0?null:(vr(T.b!=0),Xh(T,T.a.a)),121),l=x5(new le(y.g.a));l.Ob();)a=E(l.Pb(),213),O=a.e,O.e=m.Math.max(O.e,y.e+a.a),--v[O.d],v[O.d]==0&&os(T,O,T.c.b,T.c)}function pze(r){var s,a,l,v,y,x,T,O,A,F,z;for(a=qa,v=qi,T=new le(r.e.a);T.a<T.c.c.length;)y=E(ce(T),121),v=m.Math.min(v,y.e),a=m.Math.max(a,y.e);for(s=Pe(Gr,Ei,25,a-v+1,15,1),x=new le(r.e.a);x.a<x.c.c.length;)y=E(ce(x),121),y.e-=v,++s[y.e];if(l=0,r.k!=null)for(A=r.k,F=0,z=A.length;F<z&&(O=A[F],s[l++]+=O,s.length!=l);++F);return s}function gze(r){switch(r.d){case 9:case 8:return!0;case 3:case 5:case 4:case 6:return!1;case 7:return E(p0e(r),19).a==r.o;case 1:case 2:{if(r.o==-2)return!1;switch(r.p){case 0:case 1:case 2:case 6:case 5:case 7:return dS(r.k,r.f);case 3:case 4:return r.j==r.e;default:return r.n==null?r.g==null:Ki(r.n,r.g)}}default:return!1}}function bze(r){Oe(r,new O2(Av(hy(gy(py(new Pa,k9),"ELK Fixed"),"Keeps the current layout as it is, without any automatic modification. Optional coordinates can be given for nodes and edge bend points."),new qp))),At(r,k9,rx,ske),At(r,k9,TK,Ut(Ij)),At(r,k9,Vye,Ut(nke)),At(r,k9,z4,Ut(rke)),At(r,k9,K5,Ut(oke)),At(r,k9,ise,Ut(ike))}function PG(r,s,a){var l,v,y,x,T;if(l=Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))),T=Qr(Va(Rm,ym(Qr(Va(a==null?0:$o(a),Om)),15))),y=CF(r,s,l),y&&T==y.f&&yb(a,y.i))return a;if(x=TF(r,a,T),x)throw de(new Yn("value already present: "+a));return v=new hq(s,l,a,T),y?(O4(r,y),tB(r,v,y),y.e=null,y.c=null,y.i):(tB(r,v,null),kMe(r),null)}function I3t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee;F=a.a.c,x=a.a.c+a.a.b,y=E(Cr(a.c,s),459),Q=y.f,ee=y.a,y.b?O=new Kt(x,Q):O=new Kt(F,Q),y.c?z=new Kt(F,ee):z=new Kt(x,ee),v=F,a.p||(v+=r.c),v+=a.F+a.v*r.b,A=new Kt(v,Q),q=new Kt(v,ee),SF(s.a,pe(he(na,1),ft,8,0,[O,A])),T=a.d.a.gc()>1,T&&(l=new Kt(v,a.b),Ii(s.a,l)),SF(s.a,pe(he(na,1),ft,8,0,[q,z]))}function Zre(r,s,a){var l,v,y,x,T,O;if(s)if(a<=-1){if(l=Fn(s.Tg(),-1-a),Ce(l,99))return E(l,18);for(x=E(s.ah(l),153),T=0,O=x.gc();T<O;++T)if(Qe(x.jl(T))===Qe(r)&&(v=x.il(T),Ce(v,99)&&(y=E(v,18),y.Bb&Uc)))return y;throw de(new zu("The containment feature could not be located"))}else return mu(E(Fn(r.Tg(),a),18));else return null}function D3t(r){var s,a,l,v,y;for(l=r.length,s=new zC,y=0;y<l;)if(a=Ma(r,y++),!(a==9||a==10||a==12||a==13||a==32)){if(a==35){for(;y<l&&(a=Ma(r,y++),!(a==13||a==10)););continue}a==92&&y<l?(v=(ui(y,r.length),r.charCodeAt(y)))==35||v==9||v==10||v==12||v==13||v==32?(o6(s,v&ls),++y):(s.a+="\\",o6(s,v&ls),++y):o6(s,a&ls)}return s.a}function A3t(r,s){var a,l,v;for(l=new le(s);l.a<l.c.c.length;)if(a=E(ce(l),33),_n(r.a,a,a),_n(r.b,a,a),v=kT(a),v.c.length!=0)for(r.d&&r.d.lg(v),_n(r.a,a,(Vn(0,v.c.length),E(v.c[0],33))),_n(r.b,a,E(Vt(v,v.c.length-1),33));ane(v).c.length!=0;)v=ane(v),r.d&&r.d.lg(v),_n(r.a,a,(Vn(0,v.c.length),E(v.c[0],33))),_n(r.b,a,E(Vt(v,v.c.length-1),33))}function $3t(r){var s,a,l,v,y,x,T,O,A,F;for(a=0,T=new le(r.d);T.a<T.c.c.length;)x=E(ce(T),101),x.i&&(x.i.c=a++);for(s=a2(Md,[ft,Dm],[177,25],16,[a,a],2),F=r.d,v=0;v<F.c.length;v++)if(O=(Vn(v,F.c.length),E(F.c[v],101)),O.i)for(y=v+1;y<F.c.length;y++)A=(Vn(y,F.c.length),E(F.c[y],101)),A.i&&(l=v2t(O,A),s[O.i.c][A.i.c]=l,s[A.i.c][O.i.c]=l);return s}function C0e(r,s,a,l){var v,y,x;return x=new YJ(s,a),r.a?l?(v=E(Cr(r.b,s),283),++v.a,x.d=l.d,x.e=l.e,x.b=l,x.c=l,l.e?l.e.c=x:E(Cr(r.b,s),283).b=x,l.d?l.d.b=x:r.a=x,l.d=x,l.e=x):(r.e.b=x,x.d=r.e,r.e=x,v=E(Cr(r.b,s),283),v?(++v.a,y=v.c,y.c=x,x.e=y,v.c=x):(Qi(r.b,s,v=new dpe(x)),++r.c)):(r.a=r.e=x,Qi(r.b,s,new dpe(x)),++r.c),++r.d,x}function RT(r,s){var a,l,v,y,x,T,O,A;for(a=new RegExp(s,"g"),O=Pe(Bt,ft,2,0,6,1),l=0,A=r,y=null;;)if(T=a.exec(A),T==null||A==""){O[l]=A;break}else x=T.index,O[l]=A.substr(0,x),A=bh(A,x+T[0].length,A.length),a.lastIndex=0,y==A&&(O[l]=A.substr(0,1),A=A.substr(1)),y=A,++l;if(r.length>0){for(v=O.length;v>0&&O[v-1]=="";)--v;v<O.length&&(O.length=v)}return O}function T0e(r,s){var a,l,v,y,x,T,O,A,F,z;for(z=tc(s),A=null,v=!1,T=0,F=ul(z.a).i;T<F;++T)x=E(mB(z,T,(y=E(ke(ul(z.a),T),87),O=y.c,Ce(O,88)?E(O,26):(kn(),Mp))),26),a=T0e(r,x),a.dc()||(A?(v||(v=!0,A=new QV(A)),A.Gc(a)):A=a);return l=vSt(r,s),l.dc()?A||(In(),In(),wu):A?(v||(A=new QV(A)),A.Gc(l),A):l}function eie(r,s){var a,l,v,y,x,T,O,A,F,z;for(z=tc(s),A=null,l=!1,T=0,F=ul(z.a).i;T<F;++T)y=E(mB(z,T,(v=E(ke(ul(z.a),T),87),O=v.c,Ce(O,88)?E(O,26):(kn(),Mp))),26),a=eie(r,y),a.dc()||(A?(l||(l=!0,A=new QV(A)),A.Gc(a)):A=a);return x=GSt(r,s),x.dc()?A||(In(),In(),wu):A?(l||(A=new QV(A)),A.Gc(x),A):x}function dB(r,s,a){var l,v,y,x,T,O;if(Ce(s,72))return eu(r,s,a);for(T=null,y=null,l=E(r.g,119),x=0;x<r.i;++x)if(v=l[x],Ki(s,v.dd())&&(y=v.ak(),Ce(y,99)&&E(y,18).Bb&Uc)){T=v;break}return T&&(Gd(r.e)&&(O=y.$j()?Oy(r,4,y,s,null,cA(r,y,s,Ce(y,99)&&(E(y,18).Bb&du)!=0),!0):Oy(r,y.Kj()?2:1,y,s,y.zj(),-1,!0),a?a.Ei(O):a=O),a=dB(r,T,a)),a}function P3t(r){var s,a,l,v;l=r.o,XC(),r.A.dc()||Ki(r.A,j2e)?v=l.a:(v=rB(r.f),r.A.Hc((eh(),Yz))&&!r.B.Hc((Ad(),Mj))&&(v=m.Math.max(v,rB(E(ju(r.p,(It(),Jn)),244))),v=m.Math.max(v,rB(E(ju(r.p,Br),244)))),s=d9e(r),s&&(v=m.Math.max(v,s.a))),Wt(Gt(r.e.yf().We((Mi(),nQ))))?l.a=m.Math.max(l.a,v):l.a=v,a=r.f.i,a.c=0,a.b=v,oie(r.f)}function F3t(r,s){var a,l,v,y,x,T,O,A,F;if(a=s.Hh(r.a),a&&(O=ai(V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),"memberTypes")),O!=null)){for(A=new vt,y=RT(O,"\\w"),x=0,T=y.length;x<T;++x)v=y[x],l=v.lastIndexOf("#"),F=l==-1?Ede(r,s.Aj(),v):l==0?cL(r,null,v.substr(1)):cL(r,v.substr(0,l),v.substr(l+1)),Ce(F,148)&&Et(A,E(F,148));return A}return In(),In(),wu}function j3t(r,s,a){var l,v,y,x,T,O,A,F;for(Lr(a,xVe,1),r.bf(s),y=0;r.df(y);){for(F=new le(s.e);F.a<F.c.c.length;)for(O=E(ce(F),144),T=Cy(Og(pe(he(Mg,1),Ht,20,0,[s.e,s.d,s.b])));fi(T);)x=E(Zr(T),357),x!=O&&(v=r.af(x,O),v&&io(O.a,v));for(A=new le(s.e);A.a<A.c.c.length;)O=E(ce(A),144),l=O.a,wNe(l,-r.d,-r.d,r.d,r.d),io(O.d,l),L1(l);r.cf(),++y}Or(a)}function M3t(r,s,a){var l,v,y,x;if(x=tf(r.e.Tg(),s),l=E(r.g,119),Wr(),E(s,66).Oj()){for(y=0;y<r.i;++y)if(v=l[y],x.rl(v.ak())&&Ki(v,a))return TT(r,y),!0}else if(a!=null){for(y=0;y<r.i;++y)if(v=l[y],x.rl(v.ak())&&Ki(a,v.dd()))return TT(r,y),!0}else for(y=0;y<r.i;++y)if(v=l[y],x.rl(v.ak())&&v.dd()==null)return TT(r,y),!0;return!1}function N3t(r,s){var a,l,v,y,x;for(r.c==null||r.c.length<s.c.length?r.c=Pe(Md,Dm,25,s.c.length,16,1):Xl(r.c),r.a=new vt,l=0,x=new le(s);x.a<x.c.c.length;)v=E(ce(x),10),v.p=l++;for(a=new Po,y=new le(s);y.a<y.c.c.length;)v=E(ce(y),10),r.c[v.p]||(iLe(r,v),a.b==0||(vr(a.b!=0),E(a.a.a.c,15)).gc()<r.a.c.length?TRe(a,r.a):o2(a,r.a),r.a=new vt);return a}function L3t(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee;for(x=E(ke(s,0),33),Of(x,0),If(x,0),q=new vt,q.c[q.c.length]=x,T=x,y=new mee(r.a,x.g,x.f,(sA(),Cj)),Q=1;Q<s.i;Q++)ee=E(ke(s,Q),33),O=lie(r,pR,ee,T,y,q,a),A=lie(r,pI,ee,T,y,q,a),F=lie(r,xj,ee,T,y,q,a),z=lie(r,Sj,ee,T,y,q,a),v=J4t(r,O,A,F,z,ee,T,l),Of(ee,v.d),If(ee,v.e),N7(v,Cj),y=v,T=ee,q.c[q.c.length]=ee;return y}function mze(r){Oe(r,new O2(Av(hy(gy(py(new Pa,TA),"ELK SPOrE Overlap Removal"),'A node overlap removal algorithm proposed by Nachmanson et al. in "Node overlap removal by growing a tree".'),new Up))),At(r,TA,vse,Ut(QTe)),At(r,TA,rx,XTe),At(r,TA,FT,8),At(r,TA,Ese,Ut(pnt)),At(r,TA,Bye,Ut(KTe)),At(r,TA,zye,Ut(YTe)),At(r,TA,HB,(tr(),!1))}function vze(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q;for(x=YC(s.c,a,l),z=new le(s.a);z.a<z.c.c.length;){for(F=E(ce(z),10),io(F.n,x),Q=new le(F.j);Q.a<Q.c.c.length;)for(q=E(ce(Q),11),y=new le(q.g);y.a<y.c.c.length;)for(v=E(ce(y),17),dT(v.a,x),T=E(se(v,(Ft(),Ku)),74),T&&dT(T,x),A=new le(v.b);A.a<A.c.c.length;)O=E(ce(A),70),io(O.n,x);Et(r.a,F),F.a=r}}function B3t(r,s){var a,l,v,y,x;if(Lr(s,"Node and Port Label Placement and Node Sizing",1),eOe((JO(),new Gee(r,!0,!0,new yE))),E(se(r,(bt(),Cl)),21).Hc((Ru(),ip)))for(y=E(se(r,(Ft(),t3)),21),v=y.Hc((hd(),Kz)),x=Wt(Gt(se(r,Gxe))),l=new le(r.b);l.a<l.c.c.length;)a=E(ce(l),29),Bo(So(new Nn(null,new zn(a.a,16)),new IR),new nIe(y,v,x));Or(s)}function z3t(r,s){var a,l,v,y,x,T;if(a=s.Hh(r.a),a&&(T=ai(V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),jK)),T!=null))switch(v=IV(T,Af(35)),l=s.Hj(),v==-1?(x=iF(r,yh(l)),y=T):v==0?(x=null,y=T.substr(1)):(x=T.substr(0,v),y=T.substr(v+1)),xS(qu(r,s))){case 2:case 3:return Ybt(r,l,x,y);case 0:case 4:case 5:case 6:return Xbt(r,l,x,y)}return null}function k0e(r,s,a){var l,v,y,x,T;if(x=(Wr(),E(s,66).Oj()),j0(r.e,s)){if(s.hi()&&jG(r,s,a,Ce(s,99)&&(E(s,18).Bb&du)!=0))return!1}else for(T=tf(r.e.Tg(),s),l=E(r.g,119),y=0;y<r.i;++y)if(v=l[y],T.rl(v.ak()))return(x?Ki(v,a):a==null?v.dd()==null:Ki(a,v.dd()))?!1:(E(E4(r,y,x?E(a,72):_m(s,a)),72),!0);return ei(r,x?E(a,72):_m(s,a))}function hB(r){var s,a,l,v,y,x,T,O;if(r.d)throw de(new zu((y0(Vae),uoe+Vae.k+coe)));for(r.c==(ku(),Fm)&&j4(r,Op),a=new le(r.a.a);a.a<a.c.c.length;)s=E(ce(a),189),s.e=0;for(x=new le(r.a.b);x.a<x.c.c.length;)for(y=E(ce(x),81),y.o=ws,v=y.f.Kc();v.Ob();)l=E(v.Pb(),81),++l.d.e;for(POt(r),O=new le(r.a.b);O.a<O.c.c.length;)T=E(ce(O),81),T.k=!0;return r}function H3t(r,s){var a,l,v,y,x,T,O,A;for(T=new RNe(r),a=new Po,os(a,s,a.c.b,a.c);a.b!=0;){for(l=E(a.b==0?null:(vr(a.b!=0),Xh(a,a.a.a)),113),l.d.p=1,x=new le(l.e);x.a<x.c.c.length;)v=E(ce(x),409),YMe(T,v),A=v.d,A.d.p==0&&os(a,A,a.c.b,a.c);for(y=new le(l.b);y.a<y.c.c.length;)v=E(ce(y),409),YMe(T,v),O=v.c,O.d.p==0&&os(a,O,a.c.b,a.c)}return T}function wze(r){var s,a,l,v,y;if(l=ot(Dt(Xt(r,(Mi(),Bnt)))),l!=1)for(_V(r,l*r.g,l*r.f),a=tot(pct((!r.c&&(r.c=new St(jd,r,9,9)),r.c),new G3)),y=Cy(Og(pe(he(Mg,1),Ht,20,0,[(!r.n&&(r.n=new St(pc,r,1,7)),r.n),(!r.c&&(r.c=new St(jd,r,9,9)),r.c),a])));fi(y);)v=E(Zr(y),470),v.Gg(l*v.Dg(),l*v.Eg()),v.Fg(l*v.Cg(),l*v.Bg()),s=E(v.We(j3e),8),s&&(s.a*=l,s.b*=l)}function U3t(r,s,a,l,v){var y,x,T,O,A,F,z,q;for(x=new le(r.b);x.a<x.c.c.length;)for(y=E(ce(x),29),q=ZN(y.a),A=q,F=0,z=A.length;F<z;++F)switch(O=A[F],E(se(O,(Ft(),rf)),163).g){case 1:bTt(O),Vu(O,s),B7e(O,!0,l);break;case 3:tTt(O),Vu(O,a),B7e(O,!1,v)}for(T=new Oa(r.b,0);T.b<T.d.gc();)(vr(T.b<T.d.gc()),E(T.d.Xb(T.c=T.b++),29)).a.c.length==0&&Qd(T)}function V3t(r,s){var a,l,v,y,x,T,O;if(a=s.Hh(r.a),a&&(O=ai(V1((!a.b&&(a.b=new Kd((kn(),pu),Fc,a)),a.b),wEe)),O!=null)){for(l=new vt,y=RT(O,"\\w"),x=0,T=y.length;x<T;++x)v=y[x],xn(v,"##other")?Et(l,"!##"+iF(r,yh(s.Hj()))):xn(v,"##local")?l.c[l.c.length]=null:xn(v,KB)?Et(l,iF(r,yh(s.Hj()))):l.c[l.c.length]=v;return l}return In(),In(),wu}function q3t(r,s){var a,l,v,y;return a=new Sn,l=E(wh(xf(new Nn(null,new zn(r.f,16)),a),uT(new jn,new ii,new pi,new Es,pe(he(Pd,1),wt,132,0,[(Dg(),HT),Rh]))),21),v=l.gc(),l=E(wh(xf(new Nn(null,new zn(s.f,16)),a),uT(new jn,new ii,new pi,new Es,pe(he(Pd,1),wt,132,0,[HT,Rh]))),21),y=l.gc(),v=v==1?1:0,y=y==1?1:0,v<y?-1:v==y?0:1}function W3t(r){var s,a,l,v,y,x,T,O,A,F,z,q;for(T=r.i,v=Wt(Gt(se(T,(Ft(),ZT)))),F=0,l=0,A=new le(r.g);A.a<A.c.c.length;)O=E(ce(A),17),x=uu(O),y=x&&v&&Wt(Gt(se(O,W2))),q=O.d.i,x&&y?++l:x&&!y?++F:Za(q).e==T?++l:++F;for(a=new le(r.e);a.a<a.c.c.length;)s=E(ce(a),17),x=uu(s),y=x&&v&&Wt(Gt(se(s,W2))),z=s.c.i,x&&y?++F:x&&!y?++l:Za(z).e==T?++F:++l;return F-l}function $4(r,s,a,l){this.e=r,this.k=E(se(r,(bt(),aR)),304),this.g=Pe(Pm,iw,10,s,0,1),this.b=Pe(xa,ft,333,s,7,1),this.a=Pe(Pm,iw,10,s,0,1),this.d=Pe(xa,ft,333,s,7,1),this.j=Pe(Pm,iw,10,s,0,1),this.i=Pe(xa,ft,333,s,7,1),this.p=Pe(xa,ft,333,s,7,1),this.n=Pe(Us,ft,476,s,8,1),hN(this.n,(tr(),!1)),this.f=Pe(Us,ft,476,s,8,1),hN(this.f,!0),this.o=a,this.c=l}function yze(r,s){var a,l,v,y,x,T;if(!s.dc())if(E(s.Xb(0),286).d==(P5(),WT))xyt(r,s);else for(l=s.Kc();l.Ob();){switch(a=E(l.Pb(),286),a.d.g){case 5:tA(r,a,P0t(r,a));break;case 0:tA(r,a,(x=a.f-a.c+1,T=(x-1)/2|0,a.c+T));break;case 4:tA(r,a,K1t(r,a));break;case 2:Wje(a),tA(r,a,(y=Qbe(a),y?a.c:a.f));break;case 1:Wje(a),tA(r,a,(v=Qbe(a),v?a.f:a.c))}E2t(a.a)}}function G3t(r,s){var a,l,v,y,x,T,O;if(!s.e){for(s.e=!0,l=s.d.a.ec().Kc();l.Ob();){if(a=E(l.Pb(),17),s.o&&s.d.a.gc()<=1){x=s.a.c,T=s.a.c+s.a.b,O=new Kt(x+(T-x)/2,s.b),Ii(E(s.d.a.ec().Kc().Pb(),17).a,O);continue}if(v=E(Cr(s.c,a),459),v.b||v.c){I3t(r,a,s);continue}y=r.d==(B6(),hj)&&(v.d||v.e)&&zSt(r,s)&&s.d.a.gc()<=1,y?hOt(a,s):KTt(r,a,s)}s.k&&Na(s.d,new wE)}}function R0e(r,s,a,l,v,y){var x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(q=y,T=(l+v)/2+q,fe=a*m.Math.cos(T),be=a*m.Math.sin(T),Ie=fe-s.g/2,Te=be-s.f/2,Of(s,Ie),If(s,Te),z=r.a.jg(s),ie=2*m.Math.acos(a/a+r.c),ie<v-l?(Q=ie/z,x=(l+v-ie)/2):(Q=(v-l)/z,x=l),ee=kT(s),r.e&&(r.e.kg(r.d),r.e.lg(ee)),A=new le(ee);A.a<A.c.c.length;)O=E(ce(A),33),F=r.a.jg(O),R0e(r,O,a+r.c,x,x+Q*F,y),x+=Q*F}function K3t(r,s,a){var l;switch(l=a.q.getMonth(),s){case 5:gi(r,pe(he(Bt,1),ft,2,6,["J","F","M","A","M","J","J","A","S","O","N","D"])[l]);break;case 4:gi(r,pe(he(Bt,1),ft,2,6,[$ie,Pie,Fie,jie,B5,Mie,Nie,Lie,Bie,zie,Hie,Uie])[l]);break;case 3:gi(r,pe(he(Bt,1),ft,2,6,["Jan","Feb","Mar","Apr",B5,"Jun","Jul","Aug","Sep","Oct","Nov","Dec"])[l]);break;default:Sm(r,l+1,s)}}function tie(r,s){var a,l,v,y,x;if(Lr(s,"Network simplex",1),r.e.a.c.length<1){Or(s);return}for(y=new le(r.e.a);y.a<y.c.c.length;)v=E(ce(y),121),v.e=0;for(x=r.e.a.c.length>=40,x&&Fkt(r),L4t(r),vTt(r),a=$je(r),l=0;a&&l<r.f;)Q3t(r,a,mxt(r,a)),a=$je(r),++l;x&&zEt(r),r.a?Dxt(r,pze(r)):pze(r),r.b=null,r.d=null,r.p=null,r.c=null,r.g=null,r.i=null,r.n=null,r.o=null,Or(s)}function Y3t(r,s,a,l){var v,y,x,T,O,A,F,z,q;for(O=new Kt(a,l),pa(O,E(se(s,(Ay(),W9)),8)),q=new le(s.e);q.a<q.c.c.length;)z=E(ce(q),144),io(z.d,O),Et(r.e,z);for(T=new le(s.c);T.a<T.c.c.length;){for(x=E(ce(T),282),y=new le(x.a);y.a<y.c.c.length;)v=E(ce(y),559),io(v.d,O);Et(r.c,x)}for(F=new le(s.d);F.a<F.c.c.length;)A=E(ce(F),447),io(A.d,O),Et(r.d,A)}function O0e(r,s){var a,l,v,y,x,T,O,A;for(O=new le(s.j);O.a<O.c.c.length;)for(T=E(ce(O),11),v=new kg(T.b);wc(v.a)||wc(v.b);)l=E(wc(v.a)?ce(v.a):ce(v.b),17),a=l.c==T?l.d:l.c,y=a.i,s!=y&&(A=E(se(l,(Ft(),i$)),19).a,A<0&&(A=0),x=y.p,r.b[x]==0&&(l.d==a?(r.a[x]-=A+1,r.a[x]<=0&&r.c[x]>0&&Ii(r.f,y)):(r.c[x]-=A+1,r.c[x]<=0&&r.a[x]>0&&Ii(r.e,y))))}function X3t(r){var s,a,l,v,y,x,T,O,A;for(T=new gm(E(Jr(new Do),62)),A=ws,a=new le(r.d);a.a<a.c.c.length;){for(s=E(ce(a),222),A=s.c.c;T.a.c!=0&&(O=E(xlt(R1t(T.a)),222),O.c.c+O.c.b<A);)hF(T.a,O)!=null;for(x=(v=new Z8(new X8(new xk(T.a).a).b),new Ck(v));Pl(x.a.a);)y=(l=FV(x.a),E(l.cd(),222)),Ii(y.b,s),Ii(s.b,y);AW(T.a,s,(tr(),H2))==null}}function Eze(r,s,a){var l,v,y,x,T,O,A,F,z;for(y=new Fl(s.c.length),A=new le(s);A.a<A.c.c.length;)x=E(ce(A),10),Et(y,r.b[x.c.p][x.p]);for(oRt(r,y,a),z=null;z=sOt(y);)Xkt(r,E(z.a,233),E(z.b,233),y);for(s.c=Pe(mr,Ht,1,0,5,1),v=new le(y);v.a<v.c.c.length;)for(l=E(ce(v),233),T=l.d,O=0,F=T.length;O<F;++O)x=T[O],s.c[s.c.length]=x,r.a[x.c.p][x.p].a=Eg(l.g,l.d[0]).a}function I0e(r,s){var a,l,v,y;if(0<(Ce(r,14)?E(r,14).gc():C0(r.Kc()))){if(v=s,1<v){for(--v,y=new Vw,l=r.Kc();l.Ob();)a=E(l.Pb(),86),y=Og(pe(he(Mg,1),Ht,20,0,[y,new g0(a)]));return I0e(y,v)}if(v<0){for(y=new hl,l=r.Kc();l.Ob();)a=E(l.Pb(),86),y=Og(pe(he(Mg,1),Ht,20,0,[y,new g0(a)]));if(0<(Ce(y,14)?E(y,14).gc():C0(y.Kc())))return I0e(y,v)}}return E(kV(r.Kc()),86)}function Ad(){Ad=xe,b$=new Jk("DEFAULT_MINIMUM_SIZE",0),Jz=new Jk("MINIMUM_SIZE_ACCOUNTS_FOR_PADDING",1),uQ=new Jk("COMPUTE_PADDING",2),Mj=new Jk("OUTSIDE_NODE_LABELS_OVERHANG",3),cQ=new Jk("PORTS_OVERHANG",4),fQ=new Jk("UNIFORM_PORT_SPACING",5),lQ=new Jk("SPACE_EFFICIENT_PORT_LABELS",6),cle=new Jk("FORCE_TABULAR_NODE_LABELS",7),Qz=new Jk("ASYMMETRICAL",8)}function nie(r,s){var a,l,v,y,x,T,O,A;if(s){if(a=(y=s.Tg(),y?yh(y).Nh().Jh(y):null),a){for(T2(r,s,a),v=s.Tg(),O=0,A=(v.i==null&&Sb(v),v.i).length;O<A;++O)T=(l=(v.i==null&&Sb(v),v.i),O>=0&&O<l.length?l[O]:null),T.Ij()&&!T.Jj()&&(Ce(T,322)?swt(r,E(T,34),s,a):(x=E(T,18),x.Bb&Uc&&bEt(r,x,s,a)));s.kh()&&E(a,49).vh(E(s,49).qh())}return a}else return null}function Q3t(r,s,a){var l,v,y;if(!s.f)throw de(new Yn("Given leave edge is no tree edge."));if(a.f)throw de(new Yn("Given enter edge is a tree edge already."));for(s.f=!1,Gfe(r.p,s),a.f=!0,Bs(r.p,a),l=a.e.e-a.d.e-a.a,$re(r,a.e,s)||(l=-l),y=new le(r.e.a);y.a<y.c.c.length;)v=E(ce(y),121),$re(r,v,s)||(v.e+=l);r.j=1,Xl(r.c),Pme(r,E(ce(new le(r.e.a)),121)),OHe(r)}function _ze(r,s){var a,l,v,y,x,T;if(T=E(se(s,(Ft(),Zo)),98),T==(Sa(),Nm)||T==Tl)for(v=new Kt(s.f.a+s.d.b+s.d.c,s.f.b+s.d.d+s.d.a).b,x=new le(r.a);x.a<x.c.c.length;)y=E(ce(x),10),y.k==(dr(),ds)&&(a=E(se(y,(bt(),Pc)),61),!(a!=(It(),fr)&&a!=nr)&&(l=ot(Dt(se(y,vx))),T==Nm&&(l*=v),y.n.b=l-E(se(y,Ex),8).b,OW(y,!1,!0)))}function Sze(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q;if(bgt(r,s,a),y=s[a],Q=l?(It(),nr):(It(),fr),Xot(s.length,a,l)){for(v=s[l?a-1:a+1],e1e(r,v,l?(Tu(),zl):(Tu(),gd)),O=y,F=0,q=O.length;F<q;++F)x=O[F],wbe(r,x,Q);for(e1e(r,y,l?(Tu(),gd):(Tu(),zl)),T=v,A=0,z=T.length;A<z;++A)x=T[A],x.e||wbe(r,x,ML(Q))}else for(T=y,A=0,z=T.length;A<z;++A)x=T[A],wbe(r,x,Q);return!1}function J3t(r,s,a,l){var v,y,x,T,O,A,F;O=Sc(s,a),(a==(It(),Br)||a==nr)&&(O=Ce(O,152)?E5(E(O,152)):Ce(O,131)?E(O,131).a:Ce(O,54)?new ay(O):new Nv(O)),x=!1;do for(v=!1,y=0;y<O.gc()-1;y++)A=E(O.Xb(y),11),T=E(O.Xb(y+1),11),O2t(r,A,T,l)&&(x=!0,pte(r.a,E(O.Xb(y),11),E(O.Xb(y+1),11)),F=E(O.Xb(y+1),11),O._c(y+1,E(O.Xb(y),11)),O._c(y,F),v=!0);while(v);return x}function Z3t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee;if(Gd(r.e)){if(s!=a&&(v=E(r.g,119),Q=v[a],x=Q.ak(),j0(r.e,x))){for(ee=tf(r.e.Tg(),x),O=-1,T=-1,l=0,A=0,z=s>a?s:a;A<=z;++A)A==a?T=l++:(y=v[A],F=ee.rl(y.ak()),A==s&&(O=A==z&&!F?l-1:l),F&&++l);return q=E(jF(r,s,a),72),T!=O&&QE(r,new uL(r.e,7,x,Ot(T),Q.dd(),O)),q}}else return E(Fre(r,s,a),72);return E(jF(r,s,a),72)}function ekt(r,s){var a,l,v,y,x,T,O;for(Lr(s,"Port order processing",1),O=E(se(r,(Ft(),Kxe)),421),l=new le(r.b);l.a<l.c.c.length;)for(a=E(ce(l),29),y=new le(a.a);y.a<y.c.c.length;)v=E(ce(y),10),x=E(se(v,Zo),98),T=v.j,x==(Sa(),t_)||x==Nm||x==Tl?(In(),sa(T,eSe)):x!=Ug&&x!=uE&&(In(),sa(T,DXe),gwt(T),O==(pL(),sce)&&sa(T,IXe)),v.i=!0,Dme(v);Or(s)}function tkt(r){var s,a,l,v,y,x,T,O;for(O=new jr,s=new HP,x=r.Kc();x.Ob();)v=E(x.Pb(),10),T=bS(QO(new db,v),s),ef(O.f,v,T);for(y=r.Kc();y.Ob();)for(v=E(y.Pb(),10),l=new Rr(Ar(ks(v).a.Kc(),new M));fi(l);)a=E(Zr(l),17),!uu(a)&&c1(qf(Hh(zh(Uh(new Wd,m.Math.max(1,E(se(a,(Ft(),Yxe)),19).a)),1),E(Cr(O,a.c.i),121)),E(Cr(O,a.d.i),121)));return s}function xze(){xze=xe,vet=Vi(new Ys,(lu(),Sl),(vu(),L_e)),PCe=Vi(new Ys,nf,OY),yet=ld(Vi(new Ys,nf,MY),oc,jY),met=ld(Vi(Vi(new Ys,nf,P_e),Sl,F_e),oc,j_e),Eet=qS(qS(Kn(ld(Vi(new Ys,jb,zY),oc,BY),Sl),LY),HY),wet=ld(new Ys,oc,B_e),pet=ld(Vi(Vi(Vi(new Ys,Jy,DY),Sl,$Y),Sl,zA),oc,AY),bet=ld(Vi(Vi(new Ys,Sl,zA),Sl,RY),oc,kY)}function nkt(r,s,a,l,v,y){var x,T,O,A,F,z,q;for(A=L9e(s)-L9e(r),x=pNe(s,A),O=Jl(0,0,0);A>=0&&(T=ryt(r,x),!(T&&(A<22?O.l|=1<<A:A<44?O.m|=1<<A-22:O.h|=1<<A-44,r.l==0&&r.m==0&&r.h==0)));)F=x.m,z=x.h,q=x.l,x.h=z>>>1,x.m=F>>>1|(z&1)<<21,x.l=q>>>1|(F&1)<<21,--A;return a&&lne(O),y&&(l?(Yy=F6(r),v&&(Yy=E9e(Yy,(y6(),FEe)))):Yy=Jl(r.l,r.m,r.h)),O}function rkt(r,s){var a,l,v,y,x,T,O,A,F,z;for(A=r.e[s.c.p][s.p]+1,O=s.c.a.c.length+1,T=new le(r.a);T.a<T.c.c.length;){for(x=E(ce(T),11),z=0,y=0,v=Cy(Og(pe(he(Mg,1),Ht,20,0,[new Pr(x),new vo(x)])));fi(v);)l=E(Zr(v),11),l.i.c==s.c&&(z+=Vot(r,l.i)+1,++y);a=z/y,F=x.j,F==(It(),fr)?a<A?r.f[x.p]=r.c-a:r.f[x.p]=r.b+(O-a):F==nr&&(a<A?r.f[x.p]=r.b+a:r.f[x.p]=r.c-(O-a))}}function xh(r,s,a){var l,v,y,x,T;if(r==null)throw de(new Bh($f));for(y=r.length,x=y>0&&(ui(0,r.length),r.charCodeAt(0)==45||(ui(0,r.length),r.charCodeAt(0)==43))?1:0,l=x;l<y;l++)if(p7e((ui(l,r.length),r.charCodeAt(l)))==-1)throw de(new Bh(nx+r+'"'));if(T=parseInt(r,10),v=T<s,isNaN(T))throw de(new Bh(nx+r+'"'));if(v||T>a)throw de(new Bh(nx+r+'"'));return T}function ikt(r){var s,a,l,v,y,x,T;for(x=new Po,y=new le(r.a);y.a<y.c.c.length;)v=E(ce(y),112),wO(v,v.f.c.length),HE(v,v.k.c.length),v.i==0&&(v.o=0,os(x,v,x.c.b,x.c));for(;x.b!=0;)for(v=E(x.b==0?null:(vr(x.b!=0),Xh(x,x.a.a)),112),l=v.o+1,a=new le(v.f);a.a<a.c.c.length;)s=E(ce(a),129),T=s.a,QI(T,m.Math.max(T.o,l)),HE(T,T.i-1),T.i==0&&os(x,T,x.c.b,x.c)}function okt(r){var s,a,l,v,y,x,T,O;for(x=new le(r);x.a<x.c.c.length;){for(y=E(ce(x),79),l=ic(E(ke((!y.b&&(y.b=new Bn(Nr,y,4,7)),y.b),0),82)),T=l.i,O=l.j,v=E(ke((!y.a&&(y.a=new St(Uo,y,6,6)),y.a),0),202),xV(v,v.j+T,v.k+O),SV(v,v.b+T,v.c+O),a=new Tr((!v.a&&(v.a=new xs($p,v,5)),v.a));a.e!=a.i.gc();)s=E(Fr(a),469),Mfe(s,s.a+T,s.b+O);z1e(E(Xt(y,(Mi(),bR)),74),T,O)}}function uA(r){var s;switch(r){case 100:return M4(B9,!0);case 68:return M4(B9,!1);case 119:return M4(Zse,!0);case 87:return M4(Zse,!1);case 115:return M4(eae,!0);case 83:return M4(eae,!1);case 99:return M4(tae,!0);case 67:return M4(tae,!1);case 105:return M4(nae,!0);case 73:return M4(nae,!1);default:throw de(new Zu((s=r,NGe+s.toString(16))))}}function skt(r){var s,a,l,v,y;switch(v=E(Vt(r.a,0),10),s=new P0(r),Et(r.a,s),s.o.a=m.Math.max(1,v.o.a),s.o.b=m.Math.max(1,v.o.b),s.n.a=v.n.a,s.n.b=v.n.b,E(se(v,(bt(),Pc)),61).g){case 4:s.n.a+=2;break;case 1:s.n.b+=2;break;case 2:s.n.a-=2;break;case 3:s.n.b-=2}return l=new cl,yc(l,s),a=new CS,y=E(Vt(v.j,0),11),Ya(a,y),ya(a,l),io(L1(l.n),y.n),io(L1(l.a),y.a),s}function Cze(r,s,a,l,v){a&&(!l||(r.c-r.b&r.a.length-1)>1)&&s==1&&E(r.a[r.b],10).k==(dr(),th)?N5(E(r.a[r.b],10),(Sh(),jm)):l&&(!a||(r.c-r.b&r.a.length-1)>1)&&s==1&&E(r.a[r.c-1&r.a.length-1],10).k==(dr(),th)?N5(E(r.a[r.c-1&r.a.length-1],10),(Sh(),sE)):(r.c-r.b&r.a.length-1)==2?(N5(E(IF(r),10),(Sh(),jm)),N5(E(IF(r),10),sE)):Jxt(r,v),Npe(r)}function akt(r,s,a){var l,v,y,x,T;for(y=0,v=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));v.e!=v.i.gc();)l=E(Fr(v),33),x="",(!l.n&&(l.n=new St(pc,l,1,7)),l.n).i==0||(x=E(ke((!l.n&&(l.n=new St(pc,l,1,7)),l.n),0),137).a),T=new hne(y++,s,x),rc(T,l),ct(T,(Hc(),Ej),l),T.e.b=l.j+l.f/2,T.f.a=m.Math.max(l.g,1),T.e.a=l.i+l.g/2,T.f.b=m.Math.max(l.f,1),Ii(s.b,T),ef(a.f,l,T)}function ukt(r){var s,a,l,v,y;l=E(se(r,(bt(),to)),33),y=E(Xt(l,(Ft(),G2)),174).Hc((eh(),n_)),r.e||(v=E(se(r,Cl),21),s=new Kt(r.f.a+r.d.b+r.d.c,r.f.b+r.d.d+r.d.a),v.Hc((Ru(),ip))?(Nu(l,Zo,(Sa(),Tl)),ZS(l,s.a,s.b,!1,!0)):Wt(Gt(Xt(l,Vue)))||ZS(l,s.a,s.b,!0,!0)),y?Nu(l,G2,yn(n_)):Nu(l,G2,(a=E(hp(jj),9),new qh(a,E(t1(a,a.length),9),0)))}function D0e(r,s,a){var l,v,y,x;if(s[0]>=r.length)return a.o=0,!0;switch(Ma(r,s[0])){case 43:v=1;break;case 45:v=-1;break;default:return a.o=0,!0}if(++s[0],y=s[0],x=yG(r,s),x==0&&s[0]==y)return!1;if(s[0]<r.length&&Ma(r,s[0])==58){if(l=x*60,++s[0],y=s[0],x=yG(r,s),x==0&&s[0]==y)return!1;l+=x}else l=x,l<24&&s[0]-y<=2?l*=60:l=l%100+(l/100|0)*60;return l*=v,a.o=-l,!0}function ckt(r){var s,a,l,v,y,x,T,O,A;for(x=new vt,l=new Rr(Ar(ks(r.b).a.Kc(),new M));fi(l);)a=E(Zr(l),17),uu(a)&&Et(x,new dPe(a,QPe(r,a.c),QPe(r,a.d)));for(A=(y=new Nh(r.e).a.vc().Kc(),new j1(y));A.a.Ob();)T=(s=E(A.a.Pb(),42),E(s.dd(),113)),T.d.p=0;for(O=(v=new Nh(r.e).a.vc().Kc(),new j1(v));O.a.Ob();)T=(s=E(O.a.Pb(),42),E(s.dd(),113)),T.d.p==0&&Et(r.d,H3t(r,T))}function lkt(r){var s,a,l,v,y,x,T;for(y=_g(r),v=new Tr((!r.e&&(r.e=new Bn(ra,r,7,4)),r.e));v.e!=v.i.gc();)if(l=E(Fr(v),79),T=ic(E(ke((!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c),0),82)),!fT(T,y))return!0;for(a=new Tr((!r.d&&(r.d=new Bn(ra,r,8,5)),r.d));a.e!=a.i.gc();)if(s=E(Fr(a),79),x=ic(E(ke((!s.b&&(s.b=new Bn(Nr,s,4,7)),s.b),0),82)),!fT(x,y))return!0;return!1}function fkt(r){var s,a,l,v,y,x,T,O;for(O=new Yl,s=Ti(r,0),T=null,a=E(Ci(s),8),v=E(Ci(s),8);s.b!=s.d.c;)T=a,a=v,v=E(Ci(s),8),y=V8e(pa(new Kt(T.a,T.b),a)),x=V8e(pa(new Kt(v.a,v.b),a)),l=10,l=m.Math.min(l,m.Math.abs(y.a+y.b)/2),l=m.Math.min(l,m.Math.abs(x.a+x.b)/2),y.a=HN(y.a)*l,y.b=HN(y.b)*l,x.a=HN(x.a)*l,x.b=HN(x.b)*l,Ii(O,io(y,a)),Ii(O,io(x,a));return O}function Ch(r,s,a,l){var v,y,x,T,O;return x=r.eh(),O=r.Zg(),v=null,O?s&&!(Zre(r,s,a).Bb&du)?(l=eu(O.Vk(),r,l),r.uh(null),v=s.fh()):O=null:(x&&(O=x.fh()),s&&(v=s.fh())),O!=v&&O&&O.Zk(r),T=r.Vg(),r.Rg(s,a),O!=v&&v&&v.Yk(r),r.Lg()&&r.Mg()&&(x&&T>=0&&T!=a&&(y=new aa(r,1,T,x,null),l?l.Ei(y):l=y),a>=0&&(y=new aa(r,1,a,T==a?x:null,s),l?l.Ei(y):l=y)),l}function Tze(r){var s,a,l;if(r.b==null){if(l=new bg,r.i!=null&&(Fu(l,r.i),l.a+=":"),r.f&256){for(r.f&256&&r.a!=null&&(xft(r.i)||(l.a+="//"),Fu(l,r.a)),r.d!=null&&(l.a+="/",Fu(l,r.d)),r.f&16&&(l.a+="/"),s=0,a=r.j.length;s<a;s++)s!=0&&(l.a+="/"),Fu(l,r.j[s]);r.g!=null&&(l.a+="?",Fu(l,r.g))}else Fu(l,r.a);r.e!=null&&(l.a+="#",Fu(l,r.e)),r.b=l.a}return r.b}function dkt(r,s){var a,l,v,y,x,T;for(v=new le(s.a);v.a<v.c.c.length;)l=E(ce(v),10),y=se(l,(bt(),to)),Ce(y,11)&&(x=E(y,11),T=qze(s,l,x.o.a,x.o.b),x.n.a=T.a,x.n.b=T.b,Hs(x,E(se(l,Pc),61)));a=new Kt(s.f.a+s.d.b+s.d.c,s.f.b+s.d.d+s.d.a),E(se(s,(bt(),Cl)),21).Hc((Ru(),ip))?(ct(r,(Ft(),Zo),(Sa(),Tl)),E(se(Za(r),Cl),21).Fc(JA),RHe(r,a,!1)):RHe(r,a,!0)}function hkt(r,s,a){var l,v,y,x,T,O;if(Lr(a,"Minimize Crossings "+r.a,1),l=s.b.c.length==0||!qO(So(new Nn(null,new zn(s.b,16)),new X_(new F3))).sd((Lv(),LA)),O=s.b.c.length==1&&E(Vt(s.b,0),29).a.c.length==1,y=Qe(se(s,(Ft(),JT)))===Qe((D0(),gw)),l||O&&!y){Or(a);return}v=cTt(r,s),x=(T=E(W1(v,0),214),T.c.Rf()?T.c.Lf()?new AH(r):new $H(r):new jQ(r)),lmt(v,x),jmt(r),Or(a)}function pkt(r,s,a,l){var v,y,x,T,O;if(O=Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))),v=Qr(Va(Rm,ym(Qr(Va(a==null?0:$o(a),Om)),15))),T=TF(r,s,O),x=CF(r,a,v),T&&v==T.a&&yb(a,T.g))return a;if(x&&!l)throw de(new Yn("key already present: "+a));return T&&O4(r,T),x&&O4(r,x),y=new hq(a,v,s,O),tB(r,y,x),x&&(x.e=null,x.c=null),T&&(T.e=null,T.c=null),kMe(r),T?T.g:null}function kze(r,s,a){var l,v,y,x,T;for(y=0;y<s;y++){for(l=0,T=y+1;T<s;T++)l=Xa(Xa(Va(zs(r[y],Ou),zs(r[T],Ou)),zs(a[y+T],Ou)),zs(Qr(l),Ou)),a[y+T]=Qr(l),l=eT(l,32);a[y+s]=Qr(l)}for(qgt(a,a,s<<1),l=0,v=0,x=0;v<s;++v,x++)l=Xa(Xa(Va(zs(r[v],Ou),zs(r[v],Ou)),zs(a[x],Ou)),zs(Qr(l),Ou)),a[x]=Qr(l),l=eT(l,32),++x,l=Xa(l,zs(a[x],Ou)),a[x]=Qr(l),l=eT(l,32);return a}function Rze(r,s,a){var l,v,y,x,T,O,A,F;if(!h6(s)){for(O=ot(Dt(mT(a.c,(Ft(),uj)))),A=E(mT(a.c,Sz),142),!A&&(A=new jC),l=a.a,v=null,T=s.Kc();T.Ob();)x=E(T.Pb(),11),F=0,v?(F=O,F+=v.o.b):F=A.d,y=bS(QO(new db,x),r.f),Qi(r.k,x,y),c1(qf(Hh(zh(Uh(new Wd,0),ss(m.Math.ceil(F))),l),y)),v=x,l=y;c1(qf(Hh(zh(Uh(new Wd,0),ss(m.Math.ceil(A.a+v.o.b))),l),a.d))}}function gkt(r,s,a,l,v,y,x,T){var O,A,F,z,q,Q;return Q=!1,q=y-a.s,F=a.t-s.f+(A=o9(a,q,!1),A.a),l.g+T>q?!1:(z=(O=o9(l,q,!1),O.a),F+T+z<=s.b&&(aL(a,y-a.s),a.c=!0,aL(l,y-a.s),UL(l,a.s,a.t+a.d+T),l.k=!0,U1e(a.q,l),Q=!0,v&&(dW(s,l),l.j=s,r.c.length>x&&(KL((Vn(x,r.c.length),E(r.c[x],200)),l),(Vn(x,r.c.length),E(r.c[x],200)).a.c.length==0&&qv(r,x)))),Q)}function bkt(r,s){var a,l,v,y,x,T;if(Lr(s,"Partition midprocessing",1),v=new kS,Bo(So(new Nn(null,new zn(r.a,16)),new zb),new bP(v)),v.d!=0){for(T=E(wh(wAe((y=v.i,new Nn(null,(y||(v.i=new i4(v,v.c))).Nc()))),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),l=T.Kc(),a=E(l.Pb(),19);l.Ob();)x=E(l.Pb(),19),wCt(E(no(v,a),21),E(no(v,x),21)),a=x;Or(s)}}function Oze(r,s,a){var l,v,y,x,T,O,A,F;if(s.p==0){for(s.p=1,x=a,x||(v=new vt,y=(l=E(hp(hu),9),new qh(l,E(t1(l,l.length),9),0)),x=new Ra(v,y)),E(x.a,15).Fc(s),s.k==(dr(),ds)&&E(x.b,21).Fc(E(se(s,(bt(),Pc)),61)),O=new le(s.j);O.a<O.c.c.length;)for(T=E(ce(O),11),F=Cy(Og(pe(he(Mg,1),Ht,20,0,[new Pr(T),new vo(T)])));fi(F);)A=E(Zr(F),11),Oze(r,A.i,x);return x}return null}function t9(r,s){var a,l,v,y,x;if(r.Ab){if(r.Ab){if(x=r.Ab.i,x>0){if(v=E(r.Ab.g,1934),s==null){for(y=0;y<x;++y)if(a=v[y],a.d==null)return a}else for(y=0;y<x;++y)if(a=v[y],xn(s,a.d))return a}}else if(s==null){for(l=new Tr(r.Ab);l.e!=l.i.gc();)if(a=E(Fr(l),590),a.d==null)return a}else for(l=new Tr(r.Ab);l.e!=l.i.gc();)if(a=E(Fr(l),590),xn(s,a.d))return a}return null}function mkt(r,s){var a,l,v,y,x,T,O,A;if(A=Gt(se(s,(XS(),Qet))),A==null||(Qn(A),A)){for(USt(r,s),v=new vt,O=Ti(s.b,0);O.b!=O.d.c;)x=E(Ci(O),86),a=Sme(r,x,null),a&&(rc(a,s),v.c[v.c.length]=a);if(r.a=null,r.b=null,v.c.length>1)for(l=new le(v);l.a<l.c.c.length;)for(a=E(ce(l),135),y=0,T=Ti(a.b,0);T.b!=T.d.c;)x=E(Ci(T),86),x.g=y++;return v}return Tg(pe(he(RIt,1),Bve,135,0,[s]))}function vkt(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;Q=spt(r,Z1e(s),v),M1e(Q,x0(v,$b)),w=null,ee=v,ie=mF(ee,lWe),fe=new HQ(Q),L2t(fe.a,ie),be=mF(ee,"endPoint"),Ie=new OP(Q),N2t(Ie.a,be),Te=IS(ee,FK),Ne=new OO(Q),TEt(Ne.a,Te),z=x0(v,eEe),y=new nRe(r,Q),Qst(y.a,y.b,z),q=x0(v,Zye),x=new rRe(r,Q),Jst(x.a,x.b,q),A=IS(v,nEe),T=new iRe(a,Q),lyt(T.b,T.a,A),F=IS(v,tEe),O=new oRe(l,Q),fyt(O.b,O.a,F)}function A0e(r,s,a){var l,v,y,x,T;switch(T=null,s.g){case 1:for(v=new le(r.j);v.a<v.c.c.length;)if(l=E(ce(v),11),Wt(Gt(se(l,(bt(),kue)))))return l;T=new cl,ct(T,(bt(),kue),(tr(),!0));break;case 2:for(x=new le(r.j);x.a<x.c.c.length;)if(y=E(ce(x),11),Wt(Gt(se(y,(bt(),Oue)))))return y;T=new cl,ct(T,(bt(),Oue),(tr(),!0))}return T&&(yc(T,r),Hs(T,a),fwt(T.n,r.o,a)),T}function Ize(r,s){var a,l,v,y,x,T;for(T=-1,x=new Po,l=new kg(r.b);wc(l.a)||wc(l.b);){for(a=E(wc(l.a)?ce(l.a):ce(l.b),17),T=m.Math.max(T,ot(Dt(se(a,(Ft(),cw))))),a.c==r?Bo(So(new Nn(null,new zn(a.b,16)),new Bd),new hg(x)):Bo(So(new Nn(null,new zn(a.b,16)),new S1),new Cv(x)),y=Ti(x,0);y.b!=y.d.c;)v=E(Ci(y),70),ta(v,(bt(),sI))||ct(v,sI,a);Cs(s,x),bp(x)}return T}function wkt(r,s,a,l,v){var y,x,T,O;y=new P0(r),cm(y,(dr(),xl)),ct(y,(Ft(),Zo),(Sa(),Tl)),ct(y,(bt(),to),s.c.i),x=new cl,ct(x,to,s.c),Hs(x,v),yc(x,y),ct(s.c,pd,y),T=new P0(r),cm(T,xl),ct(T,Zo,Tl),ct(T,to,s.d.i),O=new cl,ct(O,to,s.d),Hs(O,v),yc(O,T),ct(s.d,pd,T),Ya(s,x),ya(s,O),oT(0,a.c.length),O8(a.c,0,y),l.c[l.c.length]=T,ct(y,oX,Ot(1)),ct(T,oX,Ot(1))}function QS(r,s,a,l,v){var y,x,T,O,A;T=v?l.b:l.a,!vg(r.a,l)&&(A=T>a.s&&T<a.c,O=!1,a.e.b!=0&&a.j.b!=0&&(O=O|(m.Math.abs(T-ot(Dt(ZZ(a.e))))<Rb&&m.Math.abs(T-ot(Dt(ZZ(a.j))))<Rb),O=O|(m.Math.abs(T-ot(Dt(PV(a.e))))<Rb&&m.Math.abs(T-ot(Dt(PV(a.j))))<Rb)),(A||O)&&(x=E(se(s,(Ft(),Ku)),74),x||(x=new Yl,ct(s,Ku,x)),y=new Hu(l),os(x,y,x.c.b,x.c),Bs(r.a,y)))}function ykt(r,s,a,l){var v,y,x,T,O,A,F;if(TSt(r,s,a,l))return!0;for(x=new le(s.f);x.a<x.c.c.length;){switch(y=E(ce(x),324),T=!1,O=r.j-s.j+a,A=O+s.o,F=r.k-s.k+l,v=F+s.p,y.a.g){case 0:T=vne(r,O+y.b.a,0,O+y.c.a,F-1);break;case 1:T=vne(r,A,F+y.b.a,r.o-1,F+y.c.a);break;case 2:T=vne(r,O+y.b.a,v,O+y.c.a,r.p-1);break;default:T=vne(r,0,F+y.b.a,O-1,F+y.c.a)}if(T)return!0}return!1}function Ekt(r,s){var a,l,v,y,x,T,O,A,F;for(x=new le(s.b);x.a<x.c.c.length;)for(y=E(ce(x),29),A=new le(y.a);A.a<A.c.c.length;){for(O=E(ce(A),10),F=new vt,T=0,l=new Rr(Ar(fc(O).a.Kc(),new M));fi(l);)a=E(Zr(l),17),!(uu(a)||!uu(a)&&a.c.i.c==a.d.i.c)&&(v=E(se(a,(Ft(),dI)),19).a,v>T&&(T=v,F.c=Pe(mr,Ht,1,0,5,1)),v==T&&Et(F,new Ra(a.c.i,a)));In(),sa(F,r.c),ZC(r.b,O.p,F)}}function _kt(r,s){var a,l,v,y,x,T,O,A,F;for(x=new le(s.b);x.a<x.c.c.length;)for(y=E(ce(x),29),A=new le(y.a);A.a<A.c.c.length;){for(O=E(ce(A),10),F=new vt,T=0,l=new Rr(Ar(ks(O).a.Kc(),new M));fi(l);)a=E(Zr(l),17),!(uu(a)||!uu(a)&&a.c.i.c==a.d.i.c)&&(v=E(se(a,(Ft(),dI)),19).a,v>T&&(T=v,F.c=Pe(mr,Ht,1,0,5,1)),v==T&&Et(F,new Ra(a.d.i,a)));In(),sa(F,r.c),ZC(r.f,O.p,F)}}function Dze(r){Oe(r,new O2(Av(hy(gy(py(new Pa,sx),"ELK Box"),"Algorithm for packing of unconnected boxes, i.e. graphs without edges."),new $I))),At(r,sx,rx,l3e),At(r,sx,FT,15),At(r,sx,$B,Ot(0)),At(r,sx,DK,Ut(a3e)),At(r,sx,z4,Ut(knt)),At(r,sx,G5,Ut(Rnt)),At(r,sx,W5,Oqe),At(r,sx,PB,Ut(u3e)),At(r,sx,K5,Ut(c3e)),At(r,sx,Uye,Ut(qce)),At(r,sx,CK,Ut(Tnt))}function Aze(r,s){var a,l,v,y,x,T,O,A,F;if(v=r.i,x=v.o.a,y=v.o.b,x<=0&&y<=0)return It(),Tc;switch(A=r.n.a,F=r.n.b,T=r.o.a,a=r.o.b,s.g){case 2:case 1:if(A<0)return It(),nr;if(A+T>x)return It(),fr;break;case 4:case 3:if(F<0)return It(),Jn;if(F+a>y)return It(),Br}return O=(A+T/2)/x,l=(F+a/2)/y,O+l<=1&&O-l<=0?(It(),nr):O+l>=1&&O-l>=0?(It(),fr):l<.5?(It(),Jn):(It(),Br)}function Skt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(a=!1,F=ot(Dt(se(s,(Ft(),Sx)))),ee=Uy*F,v=new le(s.b);v.a<v.c.c.length;)for(l=E(ce(v),29),A=new le(l.a),y=E(ce(A),10),z=Bhe(r.a[y.p]);A.a<A.c.c.length;)T=E(ce(A),10),q=Bhe(r.a[T.p]),z!=q&&(Q=n4(r.b,y,T),x=y.n.b+y.o.b+y.d.a+z.a+Q,O=T.n.b-T.d.d+q.a,x>O+ee&&(ie=z.g+q.g,q.a=(q.g*q.a+z.g*z.a)/ie,q.g=ie,z.f=q,a=!0)),y=T,z=q;return a}function $ze(r,s,a,l,v,y,x){var T,O,A,F,z,q;for(q=new i5,A=s.Kc();A.Ob();)for(T=E(A.Pb(),839),z=new le(T.wf());z.a<z.c.c.length;)F=E(ce(z),181),Qe(F.We((Mi(),Xce)))===Qe((Rg(),h$))&&(dze(q,F,!1,l,v,y,x),GF(r,q));for(O=a.Kc();O.Ob();)for(T=E(O.Pb(),839),z=new le(T.wf());z.a<z.c.c.length;)F=E(ce(z),181),Qe(F.We((Mi(),Xce)))===Qe((Rg(),u3))&&(dze(q,F,!0,l,v,y,x),GF(r,q))}function xkt(r,s,a){var l,v,y,x,T,O,A;for(x=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));x.e!=x.i.gc();)for(y=E(Fr(x),33),v=new Rr(Ar(F0(y).a.Kc(),new M));fi(v);)l=E(Zr(v),79),!XF(l)&&!XF(l)&&!KS(l)&&(O=E(Rc(nc(a.f,y)),86),A=E(Cr(a,ic(E(ke((!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c),0),82))),86),O&&A&&(T=new lpe(O,A),ct(T,(Hc(),Ej),l),rc(T,l),Ii(O.d,T),Ii(A.b,T),Ii(s.a,T)))}function Ckt(r,s){var a,l,v,y,x,T,O,A;for(O=E(E(no(r.r,s),21),84).Kc();O.Ob();)T=E(O.Pb(),111),v=T.c?TIe(T.c):0,v>0?T.a?(A=T.b.rf().b,v>A&&(r.v||T.c.d.c.length==1?(x=(v-A)/2,T.d.d=x,T.d.a=x):(a=E(Vt(T.c.d,0),181).rf().b,l=(a-A)/2,T.d.d=m.Math.max(0,l),T.d.a=v-l-A))):T.d.a=r.t+v:sF(r.u)&&(y=sme(T.b),y.d<0&&(T.d.d=-y.d),y.d+y.a>T.b.rf().b&&(T.d.a=y.d+y.a-T.b.rf().b))}function Tkt(r,s){var a;switch(gL(r)){case 6:return ha(s);case 7:return GC(s);case 8:return WC(s);case 3:return Array.isArray(s)&&(a=gL(s),!(a>=14&&a<=16));case 11:return s!=null&&typeof s===kie;case 12:return s!=null&&(typeof s===wB||typeof s==kie);case 0:return Xne(s,r.__elementTypeId$);case 2:return Pee(s)&&s.im!==Xe;case 1:return Pee(s)&&s.im!==Xe||Xne(s,r.__elementTypeId$);default:return!0}}function Pze(r,s){var a,l,v,y;return l=m.Math.min(m.Math.abs(r.c-(s.c+s.b)),m.Math.abs(r.c+r.b-s.c)),y=m.Math.min(m.Math.abs(r.d-(s.d+s.a)),m.Math.abs(r.d+r.a-s.d)),a=m.Math.abs(r.c+r.b/2-(s.c+s.b/2)),a>r.b/2+s.b/2||(v=m.Math.abs(r.d+r.a/2-(s.d+s.a/2)),v>r.a/2+s.a/2)?1:a==0&&v==0?0:a==0?y/v+1:v==0?l/a+1:m.Math.min(l/a,y/v)+1}function Fze(r,s){var a,l,v,y,x,T;return v=k1e(r),T=k1e(s),v==T?r.e==s.e&&r.a<54&&s.a<54?r.f<s.f?-1:r.f>s.f?1:0:(l=r.e-s.e,a=(r.d>0?r.d:m.Math.floor((r.a-1)*WUe)+1)-(s.d>0?s.d:m.Math.floor((s.a-1)*WUe)+1),a>l+1?v:a<l-1?-v:(y=(!r.c&&(r.c=$L(r.f)),r.c),x=(!s.c&&(s.c=$L(s.f)),s.c),l<0?y=l4(y,rHe(-l)):l>0&&(x=l4(x,rHe(l))),h7e(y,x))):v<T?-1:1}function kkt(r,s){var a,l,v,y,x,T,O;for(y=0,T=0,O=0,v=new le(r.f.e);v.a<v.c.c.length;)l=E(ce(v),144),s!=l&&(x=r.i[s.b][l.b],y+=x,a=Dy(s.d,l.d),a>0&&r.d!=(EF(),Bae)&&(T+=x*(l.d.a+r.a[s.b][l.b]*(s.d.a-l.d.a)/a)),a>0&&r.d!=(EF(),Nae)&&(O+=x*(l.d.b+r.a[s.b][l.b]*(s.d.b-l.d.b)/a)));switch(r.d.g){case 1:return new Kt(T/y,s.d.b);case 2:return new Kt(s.d.a,O/y);default:return new Kt(T/y,O/y)}}function jze(r,s){L6();var a,l,v,y,x;if(x=E(se(r.i,(Ft(),Zo)),98),y=r.j.g-s.j.g,y!=0||!(x==(Sa(),t_)||x==Nm||x==Tl))return 0;if(x==(Sa(),t_)&&(a=E(se(r,lw),19),l=E(se(s,lw),19),a&&l&&(v=a.a-l.a,v!=0)))return v;switch(r.j.g){case 1:return Ts(r.n.a,s.n.a);case 2:return Ts(r.n.b,s.n.b);case 3:return Ts(s.n.a,r.n.a);case 4:return Ts(s.n.b,r.n.b);default:throw de(new zu(Jve))}}function Mze(r){var s,a,l,v,y,x;for(a=(!r.a&&(r.a=new xs($p,r,5)),r.a).i+2,x=new Fl(a),Et(x,new Kt(r.j,r.k)),Bo(new Nn(null,(!r.a&&(r.a=new xs($p,r,5)),new zn(r.a,16))),new sy(x)),Et(x,new Kt(r.b,r.c)),s=1;s<x.c.length-1;)l=(Vn(s-1,x.c.length),E(x.c[s-1],8)),v=(Vn(s,x.c.length),E(x.c[s],8)),y=(Vn(s+1,x.c.length),E(x.c[s+1],8)),l.a==v.a&&v.a==y.a||l.b==v.b&&v.b==y.b?qv(x,s):++s;return x}function Nze(r,s){var a,l,v,y,x,T,O;for(a=BOe(fN(rZ(iZ(new jO,s),new xq(s.e)),PXe),r.a),s.j.c.length==0||t8e(E(Vt(s.j,0),57).a,a),O=new SM,Qi(r.e,a,O),x=new vs,T=new vs,y=new le(s.k);y.a<y.c.c.length;)v=E(ce(y),17),Bs(x,v.c),Bs(T,v.d);l=x.a.gc()-T.a.gc(),l<0?(OL(O,!0,(ku(),Op)),OL(O,!1,p1)):l>0&&(OL(O,!1,(ku(),Op)),OL(O,!0,p1)),Rf(s.g,new R4e(r,a)),Qi(r.g,s,a)}function Lze(){Lze=xe;var r;for(UEe=pe(he(Gr,1),Ei,25,15,[-1,-1,30,19,15,13,11,11,10,9,9,8,8,8,8,7,7,7,7,7,7,7,6,6,6,6,6,6,6,6,6,6,6,6,6,6,5]),bae=Pe(Gr,Ei,25,37,15,1),aKe=pe(he(Gr,1),Ei,25,15,[-1,-1,63,40,32,28,25,23,21,20,19,19,18,18,17,17,16,16,16,15,15,15,15,14,14,14,14,14,14,13,13,13,13,13,13,13,13]),VEe=Pe(mE,Zie,25,37,14,1),r=2;r<=36;r++)bae[r]=ss(m.Math.pow(r,UEe[r])),VEe[r]=YL(KG,bae[r])}function Rkt(r){var s;if((!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i!=1)throw de(new Yn(Kqe+(!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i));return s=new Yl,kL(E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82))&&cu(s,EUe(r,kL(E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82)),!1)),kL(E(ke((!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c),0),82))&&cu(s,EUe(r,kL(E(ke((!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c),0),82)),!0)),s}function Bze(r,s){var a,l,v,y,x;for(s.d?v=r.a.c==(Eb(),xx)?fc(s.b):ks(s.b):v=r.a.c==(Eb(),fw)?fc(s.b):ks(s.b),y=!1,l=new Rr(Ar(v.a.Kc(),new M));fi(l);)if(a=E(Zr(l),17),x=Wt(r.a.f[r.a.g[s.b.p].p]),!(!x&&!uu(a)&&a.c.i.c==a.d.i.c)&&!(Wt(r.a.n[r.a.g[s.b.p].p])||Wt(r.a.n[r.a.g[s.b.p].p]))&&(y=!0,vg(r.b,r.a.g[Nwt(a,s.b).p])))return s.c=!0,s.a=a,s;return s.c=y,s.a=null,s}function Okt(r,s,a,l,v){var y,x,T,O,A,F,z;for(In(),sa(r,new PI),T=new Oa(r,0),z=new vt,y=0;T.b<T.d.gc();)x=(vr(T.b<T.d.gc()),E(T.d.Xb(T.c=T.b++),157)),z.c.length!=0&&Yf(x)*Yd(x)>y*2?(F=new cW(z),A=Yf(x)/Yd(x),O=Sie(F,s,new nS,a,l,v,A),io(L1(F.e),O),z.c=Pe(mr,Ht,1,0,5,1),y=0,z.c[z.c.length]=F,z.c[z.c.length]=x,y=Yf(F)*Yd(F)+Yf(x)*Yd(x)):(z.c[z.c.length]=x,y+=Yf(x)*Yd(x));return z}function $0e(r,s,a){var l,v,y,x,T,O,A;if(l=a.gc(),l==0)return!1;if(r.ej())if(O=r.fj(),Kge(r,s,a),x=l==1?r.Zi(3,null,a.Kc().Pb(),s,O):r.Zi(5,null,a,s,O),r.bj()){for(T=l<100?null:new m0(l),y=s+l,v=s;v<y;++v)A=r.Oi(v),T=r.cj(A,T),T=T;T?(T.Ei(x),T.Fi()):r.$i(x)}else r.$i(x);else if(Kge(r,s,a),r.bj()){for(T=l<100?null:new m0(l),y=s+l,v=s;v<y;++v)T=r.cj(r.Oi(v),T);T&&T.Fi()}return!0}function zze(r,s,a){var l,v,y,x,T;return r.ej()?(v=null,y=r.fj(),l=r.Zi(1,T=(x=r.Ui(s,r.oi(s,a)),x),a,s,y),r.bj()&&!(r.ni()&&T?Ki(T,a):Qe(T)===Qe(a))&&(T&&(v=r.dj(T,v)),v=r.cj(a,v)),v?(v.Ei(l),v.Fi()):r.$i(l),T):(T=(x=r.Ui(s,r.oi(s,a)),x),r.bj()&&!(r.ni()&&T?Ki(T,a):Qe(T)===Qe(a))&&(v=null,T&&(v=r.dj(T,null)),v=r.cj(a,v),v&&v.Fi()),T)}function P0e(r,s){var a,l,v,y,x,T,O,A,F;if(r.e=s,r.f=E(se(s,(Ay(),SY)),230),d2t(s),r.d=m.Math.max(s.e.c.length*16+s.c.c.length,256),!Wt(Gt(se(s,(G1(),G2e)))))for(F=r.e.e.c.length,O=new le(s.e);O.a<O.c.c.length;)T=E(ce(O),144),A=T.d,A.a=The(r.f)*F,A.b=The(r.f)*F;for(a=s.b,y=new le(s.c);y.a<y.c.c.length;)if(v=E(ce(y),282),l=E(se(v,J2e),19).a,l>0){for(x=0;x<l;x++)Et(a,new kDe(v));XNe(v)}}function N5(r,s){var a,l,v,y,x,T;if(r.k==(dr(),th)&&(a=qO(So(E(se(r,(bt(),vz)),15).Oc(),new X_(new S3))).sd((Lv(),LA))?s:(Sh(),qz),ct(r,uI,a),a!=(Sh(),sE)))for(l=E(se(r,to),17),T=ot(Dt(se(l,(Ft(),cw)))),x=0,a==jm?x=r.o.b-m.Math.ceil(T/2):a==qz&&(r.o.b-=ot(Dt(se(Za(r),hI))),x=(r.o.b-m.Math.ceil(T))/2),y=new le(r.j);y.a<y.c.c.length;)v=E(ce(y),11),v.n.b=x}function F0e(){F0e=xe,ro(),kit=new aO,pe(he(EI,2),ft,368,0,[pe(he(EI,1),ZK,592,0,[new Bk(RGe)])]),pe(he(EI,2),ft,368,0,[pe(he(EI,1),ZK,592,0,[new Bk(SEe)])]),pe(he(EI,2),ft,368,0,[pe(he(EI,1),ZK,592,0,[new Bk(OGe)]),pe(he(EI,1),ZK,592,0,[new Bk(SEe)])]),new _y("-1"),pe(he(EI,2),ft,368,0,[pe(he(EI,1),ZK,592,0,[new Bk("\\c+")])]),new _y("0"),new _y("0"),new _y("1"),new _y("0"),new _y(FGe)}function FG(r){var s,a;return r.c&&r.c.kh()&&(a=E(r.c,49),r.c=E(jy(r,a),138),r.c!=a&&(r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,9,2,a,r.c)),Ce(r.Cb,399)?r.Db>>16==-15&&r.Cb.nh()&&Lte(new Fte(r.Cb,9,13,a,r.c,Zv(Rd(E(r.Cb,59)),r))):Ce(r.Cb,88)&&r.Db>>16==-23&&r.Cb.nh()&&(s=r.c,Ce(s,88)||(s=(kn(),Mp)),Ce(a,88)||(a=(kn(),Mp)),Lte(new Fte(r.Cb,9,10,a,s,Zv(ul(E(r.Cb,26)),r)))))),r.c}function Ikt(r,s){var a,l,v,y,x,T,O,A,F,z;for(Lr(s,"Hypernodes processing",1),v=new le(r.b);v.a<v.c.c.length;)for(l=E(ce(v),29),T=new le(l.a);T.a<T.c.c.length;)if(x=E(ce(T),10),Wt(Gt(se(x,(Ft(),bX))))&&x.j.c.length<=2){for(z=0,F=0,a=0,y=0,A=new le(x.j);A.a<A.c.c.length;)switch(O=E(ce(A),11),O.j.g){case 1:++z;break;case 2:++F;break;case 3:++a;break;case 4:++y}z==0&&a==0&&$5t(r,x,y<=F)}Or(s)}function Dkt(r,s){var a,l,v,y,x,T,O,A,F;for(Lr(s,"Layer constraint edge reversal",1),x=new le(r.b);x.a<x.c.c.length;){for(y=E(ce(x),29),F=-1,a=new vt,A=ZN(y.a),v=0;v<A.length;v++)l=E(se(A[v],(bt(),V2)),303),F==-1?l!=(R0(),iR)&&(F=v):l==(R0(),iR)&&(Vu(A[v],null),yT(A[v],F++,y)),l==(R0(),iI)&&Et(a,A[v]);for(O=new le(a);O.a<O.c.c.length;)T=E(ce(O),10),Vu(T,null),Vu(T,y)}Or(s)}function Akt(r,s,a){var l,v,y,x,T,O,A,F,z;for(Lr(a,"Hyperedge merging",1),sxt(r,s),O=new Oa(s.b,0);O.b<O.d.gc();)if(T=(vr(O.b<O.d.gc()),E(O.d.Xb(O.c=O.b++),29)),F=T.a,F.c.length!=0)for(l=null,v=null,y=null,x=null,A=0;A<F.c.length;A++)l=(Vn(A,F.c.length),E(F.c[A],10)),v=l.k,v==(dr(),ua)&&x==ua&&(z=T4t(l,y),z.a&&(FTt(l,y,z.b,z.c),Vn(A,F.c.length),eN(F.c,A,1),--A,l=y,v=x)),y=l,x=v;Or(a)}function $kt(r,s){var a,l,v;l=Dd(r.d,1)!=0,!Wt(Gt(se(s.j,(bt(),bx))))&&!Wt(Gt(se(s.j,sR)))||Qe(se(s.j,(Ft(),tE)))===Qe((I0(),nE))?s.c.Tf(s.e,l):l=Wt(Gt(se(s.j,bx))),cB(r,s,l,!0),Wt(Gt(se(s.j,sR)))&&ct(s.j,sR,(tr(),!1)),Wt(Gt(se(s.j,bx)))&&(ct(s.j,bx,(tr(),!1)),ct(s.j,sR,!0)),a=fze(r,s);do{if(L1e(r),a==0)return 0;l=!l,v=a,cB(r,s,l,!1),a=fze(r,s)}while(v>a);return v}function Hze(r,s){var a,l,v;l=Dd(r.d,1)!=0,!Wt(Gt(se(s.j,(bt(),bx))))&&!Wt(Gt(se(s.j,sR)))||Qe(se(s.j,(Ft(),tE)))===Qe((I0(),nE))?s.c.Tf(s.e,l):l=Wt(Gt(se(s.j,bx))),cB(r,s,l,!0),Wt(Gt(se(s.j,sR)))&&ct(s.j,sR,(tr(),!1)),Wt(Gt(se(s.j,bx)))&&(ct(s.j,bx,(tr(),!1)),ct(s.j,sR,!0)),a=Dre(r,s);do{if(L1e(r),a==0)return 0;l=!l,v=a,cB(r,s,l,!1),a=Dre(r,s)}while(v>a);return v}function Uze(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee;if(s==a)return!0;if(s=Ume(r,s),a=Ume(r,a),l=rre(s),l){if(F=rre(a),F!=l)return F?(O=l.Dj(),ee=F.Dj(),O==ee&&O!=null):!1;if(x=(!s.d&&(s.d=new xs(Au,s,1)),s.d),y=x.i,q=(!a.d&&(a.d=new xs(Au,a,1)),a.d),y==q.i){for(A=0;A<y;++A)if(v=E(ke(x,A),87),z=E(ke(q,A),87),!Uze(r,v,z))return!1}return!0}else return T=s.e,Q=a.e,T==Q}function Vze(r,s,a,l){var v,y,x,T,O,A,F,z;if(j0(r.e,s)){for(z=tf(r.e.Tg(),s),y=E(r.g,119),F=null,O=-1,T=-1,v=0,A=0;A<r.i;++A)x=y[A],z.rl(x.ak())&&(v==a&&(O=A),v==l&&(T=A,F=x.dd()),++v);if(O==-1)throw de(new xu(Lse+a+N2+v));if(T==-1)throw de(new xu(Bse+l+N2+v));return jF(r,O,T),Gd(r.e)&&QE(r,Oy(r,7,s,Ot(l),F,a,!0)),F}else throw de(new Yn("The feature must be many-valued to support move"))}function qze(r,s,a,l){var v,y,x,T,O;switch(O=new Hu(s.n),O.a+=s.o.a/2,O.b+=s.o.b/2,T=ot(Dt(se(s,(Ft(),e3)))),y=r.f,x=r.d,v=r.c,E(se(s,(bt(),Pc)),61).g){case 1:O.a+=x.b+v.a-a/2,O.b=-l-T,s.n.b=-(x.d+T+v.b);break;case 2:O.a=y.a+x.b+x.c+T,O.b+=x.d+v.b-l/2,s.n.a=y.a+x.c+T-v.a;break;case 3:O.a+=x.b+v.a-a/2,O.b=y.b+x.d+x.a+T,s.n.b=y.b+x.a+T-v.b;break;case 4:O.a=-a-T,O.b+=x.d+v.b-l/2,s.n.a=-(x.b+T+v.a)}return O}function Wze(r){var s,a,l,v,y,x;return l=new O1e,rc(l,r),Qe(se(l,(Ft(),Oh)))===Qe((ku(),Fm))&&ct(l,Oh,BW(l)),se(l,(Wq(),Tj))==null&&(x=E(aNe(r),160),ct(l,Tj,wV(x.We(Tj)))),ct(l,(bt(),to),r),ct(l,Cl,(s=E(hp(yue),9),new qh(s,E(t1(s,s.length),9),0))),v=EOt((Wo(r)&&(Ns(),new uy(Wo(r))),Ns(),new XZ(Wo(r)?new uy(Wo(r)):null,r)),p1),y=E(se(l,Uxe),116),a=l.d,Z6e(a,y),Z6e(a,v),l}function Pkt(r,s,a){var l,v;l=s.c.i,v=a.d.i,l.k==(dr(),ua)?(ct(r,(bt(),Q1),E(se(l,Q1),11)),ct(r,Rp,E(se(l,Rp),11)),ct(r,KT,Gt(se(l,KT)))):l.k==th?(ct(r,(bt(),Q1),E(se(l,Q1),11)),ct(r,Rp,E(se(l,Rp),11)),ct(r,KT,(tr(),!0))):v.k==th?(ct(r,(bt(),Q1),E(se(v,Q1),11)),ct(r,Rp,E(se(v,Rp),11)),ct(r,KT,(tr(),!0))):(ct(r,(bt(),Q1),s.c),ct(r,Rp,a.d))}function Fkt(r){var s,a,l,v,y,x,T;for(r.o=new YE,l=new Po,x=new le(r.e.a);x.a<x.c.c.length;)y=E(ce(x),121),w4(y).c.length==1&&os(l,y,l.c.b,l.c);for(;l.b!=0;)y=E(l.b==0?null:(vr(l.b!=0),Xh(l,l.a.a)),121),w4(y).c.length!=0&&(s=E(Vt(w4(y),0),213),a=y.g.a.c.length>0,T=UW(s,y),lde(a?T.b:T.g,s),w4(T).c.length==1&&os(l,T,l.c.b,l.c),v=new Ra(y,s),Iy(r.o,v),Tf(r.e.a,y))}function Gze(r,s){var a,l,v,y,x,T,O;return l=m.Math.abs(aq(r.b).a-aq(s.b).a),T=m.Math.abs(aq(r.b).b-aq(s.b).b),v=0,O=0,a=1,x=1,l>r.b.b/2+s.b.b/2&&(v=m.Math.min(m.Math.abs(r.b.c-(s.b.c+s.b.b)),m.Math.abs(r.b.c+r.b.b-s.b.c)),a=1-v/l),T>r.b.a/2+s.b.a/2&&(O=m.Math.min(m.Math.abs(r.b.d-(s.b.d+s.b.a)),m.Math.abs(r.b.d+r.b.a-s.b.d)),x=1-O/T),y=m.Math.min(a,x),(1-y)*m.Math.sqrt(l*l+T*T)}function jkt(r){var s,a,l,v;for(_ie(r,r.e,r.f,(TS(),iE),!0,r.c,r.i),_ie(r,r.e,r.f,iE,!1,r.c,r.i),_ie(r,r.e,r.f,hR,!0,r.c,r.i),_ie(r,r.e,r.f,hR,!1,r.c,r.i),Nkt(r,r.c,r.e,r.f,r.i),l=new Oa(r.i,0);l.b<l.d.gc();)for(s=(vr(l.b<l.d.gc()),E(l.d.Xb(l.c=l.b++),128)),v=new Oa(r.i,l.b);v.b<v.d.gc();)a=(vr(v.b<v.d.gc()),E(v.d.Xb(v.c=v.b++),128)),bRt(s,a);N5t(r.i,E(se(r.d,(bt(),cI)),230)),ZRt(r.i)}function rie(r,s){var a,l;if(s!=null){if(l=GS(r),l)if(l.i&1){if(l==Md)return WC(s);if(l==Gr)return Ce(s,19);if(l==b3)return Ce(s,155);if(l==nd)return Ce(s,217);if(l==ap)return Ce(s,172);if(l==ba)return GC(s);if(l==xR)return Ce(s,184);if(l==mE)return Ce(s,162)}else return Cu(),a=E(Cr(wQ,l),55),!a||a.wj(s);else if(Ce(s,56))return r.uk(E(s,56))}return!1}function j0e(){j0e=xe;var r,s,a,l,v,y,x,T,O;for(Wg=Pe(nd,W4,25,255,15,1),yw=Pe(ap,Cb,25,64,15,1),s=0;s<255;s++)Wg[s]=-1;for(a=90;a>=65;a--)Wg[a]=a-65<<24>>24;for(l=122;l>=97;l--)Wg[l]=l-97+26<<24>>24;for(v=57;v>=48;v--)Wg[v]=v-48+52<<24>>24;for(Wg[43]=62,Wg[47]=63,y=0;y<=25;y++)yw[y]=65+y&ls;for(x=26,O=0;x<=51;++x,O++)yw[x]=97+O&ls;for(r=52,T=0;r<=61;++r,T++)yw[r]=48+T&ls;yw[62]=43,yw[63]=47}function Mkt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q;if(r.dc())return new ka;for(A=0,z=0,v=r.Kc();v.Ob();)l=E(v.Pb(),37),y=l.f,A=m.Math.max(A,y.a),z+=y.a*y.b;for(A=m.Math.max(A,m.Math.sqrt(z)*ot(Dt(se(E(r.Kc().Pb(),37),(Ft(),cX))))),q=0,Q=0,O=0,a=s,T=r.Kc();T.Ob();)x=E(T.Pb(),37),F=x.f,q+F.a>A&&(q=0,Q+=O+s,O=0),e9(x,q,Q),a=m.Math.max(a,q+F.a),O=m.Math.max(O,F.b),q+=F.a+s;return new Kt(a+s,Q+O+s)}function Nkt(r,s,a,l,v){var y,x,T,O,A,F,z;for(x=new le(s);x.a<x.c.c.length;){if(y=E(ce(x),17),O=y.c,a.a._b(O))A=(TS(),iE);else if(l.a._b(O))A=(TS(),hR);else throw de(new Yn("Source port must be in one of the port sets."));if(F=y.d,a.a._b(F))z=(TS(),iE);else if(l.a._b(F))z=(TS(),hR);else throw de(new Yn("Target port must be in one of the port sets."));T=new LNe(y,A,z),Qi(r.b,y,T),v.c[v.c.length]=T}}function M0e(r,s){var a,l,v,y,x,T,O;if(!_g(r))throw de(new zu(Gqe));if(l=_g(r),y=l.g,v=l.f,y<=0&&v<=0)return It(),Tc;switch(T=r.i,O=r.j,s.g){case 2:case 1:if(T<0)return It(),nr;if(T+r.g>y)return It(),fr;break;case 4:case 3:if(O<0)return It(),Jn;if(O+r.f>v)return It(),Br}return x=(T+r.g/2)/y,a=(O+r.f/2)/v,x+a<=1&&x-a<=0?(It(),nr):x+a>=1&&x-a>=0?(It(),fr):a<.5?(It(),Jn):(It(),Br)}function Lkt(r,s,a,l,v){var y,x;if(y=Xa(zs(s[0],Ou),zs(l[0],Ou)),r[0]=Qr(y),y=xy(y,32),a>=v){for(x=1;x<v;x++)y=Xa(y,Xa(zs(s[x],Ou),zs(l[x],Ou))),r[x]=Qr(y),y=xy(y,32);for(;x<a;x++)y=Xa(y,zs(s[x],Ou)),r[x]=Qr(y),y=xy(y,32)}else{for(x=1;x<a;x++)y=Xa(y,Xa(zs(s[x],Ou),zs(l[x],Ou))),r[x]=Qr(y),y=xy(y,32);for(;x<v;x++)y=Xa(y,zs(l[x],Ou)),r[x]=Qr(y),y=xy(y,32)}tl(y,0)!=0&&(r[x]=Qr(y))}function OT(r){zi();var s,a,l,v,y,x;if(r.e!=4&&r.e!=5)throw de(new Yn("Token#complementRanges(): must be RANGE: "+r.e));for(y=r,R4(y),s9(y),l=y.b.length+2,y.b[0]==0&&(l-=2),a=y.b[y.b.length-1],a==$A&&(l-=2),v=new vh(4),v.b=Pe(Gr,Ei,25,l,15,1),x=0,y.b[0]>0&&(v.b[x++]=0,v.b[x++]=y.b[0]-1),s=1;s<y.b.length-2;s+=2)v.b[x++]=y.b[s]+1,v.b[x++]=y.b[s+1]-1;return a!=$A&&(v.b[x++]=a+1,v.b[x]=$A),v.a=!0,v}function iie(r,s,a){var l,v,y,x,T,O,A,F;if(l=a.gc(),l==0)return!1;if(r.ej())if(A=r.fj(),_re(r,s,a),x=l==1?r.Zi(3,null,a.Kc().Pb(),s,A):r.Zi(5,null,a,s,A),r.bj()){for(T=l<100?null:new m0(l),y=s+l,v=s;v<y;++v)F=r.g[v],T=r.cj(F,T),T=r.jj(F,T);T?(T.Ei(x),T.Fi()):r.$i(x)}else r.$i(x);else if(_re(r,s,a),r.bj()){for(T=l<100?null:new m0(l),y=s+l,v=s;v<y;++v)O=r.g[v],T=r.cj(O,T);T&&T.Fi()}return!0}function N0e(r,s,a,l){var v,y,x,T,O;for(x=new le(r.k);x.a<x.c.c.length;)v=E(ce(x),129),(!l||v.c==(B1(),rE))&&(O=v.b,O.g<0&&v.d>0&&(wO(O,O.d-v.d),v.c==(B1(),rE)&&F7(O,O.a-v.d),O.d<=0&&O.i>0&&os(s,O,s.c.b,s.c)));for(y=new le(r.f);y.a<y.c.c.length;)v=E(ce(y),129),(!l||v.c==(B1(),rE))&&(T=v.a,T.g<0&&v.d>0&&(HE(T,T.i-v.d),v.c==(B1(),rE)&&vO(T,T.b-v.d),T.i<=0&&T.d>0&&os(a,T,a.c.b,a.c)))}function Bkt(r,s,a){var l,v,y,x,T,O,A,F;for(Lr(a,"Processor compute fanout",1),fd(r.b),fd(r.a),T=null,y=Ti(s.b,0);!T&&y.b!=y.d.c;)A=E(Ci(y),86),Wt(Gt(se(A,(Hc(),s3))))&&(T=A);for(O=new Po,os(O,T,O.c.b,O.c),iUe(r,O),F=Ti(s.b,0);F.b!=F.d.c;)A=E(Ci(F),86),x=ai(se(A,(Hc(),yj))),v=ml(r.b,x)!=null?E(ml(r.b,x),19).a:0,ct(A,jX,Ot(v)),l=1+(ml(r.a,x)!=null?E(ml(r.a,x),19).a:0),ct(A,Bet,Ot(l));Or(a)}function zkt(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee;for(q=xEt(r,a),O=0;O<s;O++){for(QC(v,a),Q=new vt,ee=(vr(l.b<l.d.gc()),E(l.d.Xb(l.c=l.b++),407)),F=q+O;F<r.b;F++)T=ee,ee=(vr(l.b<l.d.gc()),E(l.d.Xb(l.c=l.b++),407)),Et(Q,new _Be(T,ee,a));for(z=q+O;z<r.b;z++)vr(l.b>0),l.a.Xb(l.c=--l.b),z>q+O&&Qd(l);for(x=new le(Q);x.a<x.c.c.length;)y=E(ce(x),407),QC(l,y);if(O<s-1)for(A=q+O;A<r.b;A++)vr(l.b>0),l.a.Xb(l.c=--l.b)}}function Hkt(){zi();var r,s,a,l,v,y;if(Cle)return Cle;for(r=new vh(4),IT(r,Hy(rae,!0)),u9(r,Hy("M",!0)),u9(r,Hy("C",!0)),y=new vh(4),l=0;l<11;l++)yl(y,l,l);return s=new vh(4),IT(s,Hy("M",!0)),yl(s,4448,4607),yl(s,65438,65439),v=new W8(2),I2(v,r),I2(v,Kj),a=new W8(2),a.$l(eq(y,Hy("L",!0))),a.$l(s),a=new sT(3,a),a=new Ghe(v,a),Cle=a,Cle}function Ukt(r){var s,a;if(s=ai(Xt(r,(Mi(),kj))),!c9e(s,r)&&!p2(r,f$)&&((!r.a&&(r.a=new St(Ko,r,10,11)),r.a).i!=0||Wt(Gt(Xt(r,zz)))))if(s==null||_T(s).length==0){if(!c9e(pr,r))throw a=gi(gi(new gh("Unable to load default layout algorithm "),pr)," for unconfigured node "),HG(r,a),de(new cy(a.a))}else throw a=gi(gi(new gh("Layout algorithm '"),s),"' not found for "),HG(r,a),de(new cy(a.a))}function oie(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q;if(a=r.i,s=r.n,r.b==0)for(Q=a.c+s.b,q=a.b-s.b-s.c,x=r.a,O=0,F=x.length;O<F;++O)v=x[O],nq(v,Q,q);else l=q7e(r,!1),nq(r.a[0],a.c+s.b,l[0]),nq(r.a[2],a.c+a.b-s.c-l[2],l[2]),z=a.b-s.b-s.c,l[0]>0&&(z-=l[0]+r.c,l[0]+=r.c),l[2]>0&&(z-=l[2]+r.c),l[1]=m.Math.max(l[1],z),nq(r.a[1],a.c+s.b+l[0]-(l[1]-z)/2,l[1]);for(y=r.a,T=0,A=y.length;T<A;++T)v=y[T],Ce(v,326)&&E(v,326).Te()}function Vkt(r){var s,a,l,v,y,x,T,O,A,F,z;for(z=new Qb,z.d=0,x=new le(r.b);x.a<x.c.c.length;)y=E(ce(x),29),z.d+=y.a.c.length;for(l=0,v=0,z.a=Pe(Gr,Ei,25,r.b.c.length,15,1),A=0,F=0,z.e=Pe(Gr,Ei,25,z.d,15,1),a=new le(r.b);a.a<a.c.c.length;)for(s=E(ce(a),29),s.p=l++,z.a[s.p]=v++,F=0,O=new le(s.a);O.a<O.c.c.length;)T=E(ce(O),10),T.p=A++,z.e[T.p]=F++;return z.c=new MH(z),z.b=bm(z.d),Ekt(z,r),z.f=bm(z.d),_kt(z,r),z}function Kze(r,s){var a,l,v,y;for(y=E(Vt(r.n,r.n.c.length-1),211).d,r.p=m.Math.min(r.p,s.g),r.r=m.Math.max(r.r,y),r.g=m.Math.max(r.g,s.g+(r.b.c.length==1?0:r.i)),r.o=m.Math.min(r.o,s.f),r.e+=s.f+(r.b.c.length==1?0:r.i),r.f=m.Math.max(r.f,s.f),v=r.n.c.length>0?(r.n.c.length-1)*r.i:0,l=new le(r.n);l.a<l.c.c.length;)a=E(ce(l),211),v+=a.a;r.d=v,r.a=r.e/r.b.c.length-r.i*((r.b.c.length-1)/r.b.c.length),Cbe(r.j)}function Yze(r,s){var a,l,v,y,x,T,O,A,F,z;if(F=Gt(se(s,(G1(),HYe))),F==null||(Qn(F),F)){for(z=Pe(Md,Dm,25,s.e.c.length,16,1),x=jSt(s),v=new Po,A=new le(s.e);A.a<A.c.c.length;)T=E(ce(A),144),a=t0e(r,T,null,null,z,x),a&&(rc(a,s),os(v,a,v.c.b,v.c));if(v.b>1)for(l=Ti(v,0);l.b!=l.d.c;)for(a=E(Ci(l),231),y=0,O=new le(a.e);O.a<O.c.c.length;)T=E(ce(O),144),T.b=y++;return v}return Tg(pe(he(EIt,1),Bve,231,0,[s]))}function Sb(r){var s,a,l,v,y,x,T;if(!r.g){if(T=new Qw,s=Hj,x=s.a.zc(r,s),x==null){for(l=new Tr(tc(r));l.e!=l.i.gc();)a=E(Fr(l),26),Yo(T,Sb(a));s.a.Bc(r)!=null,s.a.gc()==0}for(v=T.i,y=(!r.s&&(r.s=new St(Mf,r,21,17)),new Tr(r.s));y.e!=y.i.gc();++v)L7(E(Fr(y),449),v);Yo(T,(!r.s&&(r.s=new St(Mf,r,21,17)),r.s)),pT(T),r.g=new N9e(r,T),r.i=E(T.g,247),r.i==null&&(r.i=vle),r.p=null,kd(r).b&=-5}return r.g}function sie(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee;if(l=r.i,a=r.n,r.b==0)s=V7e(r,!1),rq(r.a[0],l.d+a.d,s[0]),rq(r.a[2],l.d+l.a-a.a-s[2],s[2]),q=l.a-a.d-a.a,z=q,s[0]>0&&(s[0]+=r.c,z-=s[0]),s[2]>0&&(z-=s[2]+r.c),s[1]=m.Math.max(s[1],z),rq(r.a[1],l.d+a.d+s[0]-(s[1]-z)/2,s[1]);else for(ee=l.d+a.d,Q=l.a-a.d-a.a,x=r.a,O=0,F=x.length;O<F;++O)v=x[O],rq(v,ee,Q);for(y=r.a,T=0,A=y.length;T<A;++T)v=y[T],Ce(v,326)&&E(v,326).Ue()}function qkt(r){var s,a,l,v,y,x,T,O,A,F;for(F=Pe(Gr,Ei,25,r.b.c.length+1,15,1),A=new vs,l=0,y=new le(r.b);y.a<y.c.c.length;){for(v=E(ce(y),29),F[l++]=A.a.gc(),O=new le(v.a);O.a<O.c.c.length;)for(x=E(ce(O),10),a=new Rr(Ar(ks(x).a.Kc(),new M));fi(a);)s=E(Zr(a),17),A.a.zc(s,A);for(T=new le(v.a);T.a<T.c.c.length;)for(x=E(ce(T),10),a=new Rr(Ar(fc(x).a.Kc(),new M));fi(a);)s=E(Zr(a),17),A.a.Bc(s)!=null}return F}function jG(r,s,a,l){var v,y,x,T,O;if(O=tf(r.e.Tg(),s),v=E(r.g,119),Wr(),E(s,66).Oj()){for(x=0;x<r.i;++x)if(y=v[x],O.rl(y.ak())&&Ki(y,a))return!0}else if(a!=null){for(T=0;T<r.i;++T)if(y=v[T],O.rl(y.ak())&&Ki(a,y.dd()))return!0;if(l){for(x=0;x<r.i;++x)if(y=v[x],O.rl(y.ak())&&Qe(a)===Qe(tee(r,E(y.dd(),56))))return!0}}else for(x=0;x<r.i;++x)if(y=v[x],O.rl(y.ak())&&y.dd()==null)return!1;return!1}function Xze(r,s,a,l){var v,y,x,T,O,A;if(A=tf(r.e.Tg(),s),x=E(r.g,119),j0(r.e,s)){if(s.hi()&&(y=cA(r,s,l,Ce(s,99)&&(E(s,18).Bb&du)!=0),y>=0&&y!=a))throw de(new Yn(VB));for(v=0,O=0;O<r.i;++O)if(T=x[O],A.rl(T.ak())){if(v==a)return E(E4(r,O,(Wr(),E(s,66).Oj()?E(l,72):_m(s,l))),72);++v}throw de(new xu(A9+a+N2+v))}else{for(O=0;O<r.i;++O)if(T=x[O],A.rl(T.ak()))return Wr(),E(s,66).Oj()?T:T.dd();return null}}function Qze(r,s,a,l){var v,y,x,T;for(T=a,x=new le(s.a);x.a<x.c.c.length;){if(y=E(ce(x),221),v=E(y.b,65),HS(r.b.c,v.b.c+v.b.b)<=0&&HS(v.b.c,r.b.c+r.b.b)<=0&&HS(r.b.d,v.b.d+v.b.a)<=0&&HS(v.b.d,r.b.d+r.b.a)<=0){if(HS(v.b.c,r.b.c+r.b.b)==0&&l.a<0||HS(v.b.c+v.b.b,r.b.c)==0&&l.a>0||HS(v.b.d,r.b.d+r.b.a)==0&&l.b<0||HS(v.b.d+v.b.a,r.b.d)==0&&l.b>0){T=0;break}}else T=m.Math.min(T,QNe(r,v,l));T=m.Math.min(T,Qze(r,y,T,l))}return T}function pB(r,s){var a,l,v,y,x,T,O;if(r.b<2)throw de(new Yn("The vector chain must contain at least a source and a target point."));for(v=(vr(r.b!=0),E(r.a.a.c,8)),xV(s,v.a,v.b),O=new o5((!s.a&&(s.a=new xs($p,s,5)),s.a)),x=Ti(r,1);x.a<r.b-1;)T=E(Ci(x),8),O.e!=O.i.gc()?a=E(Fr(O),469):(a=(Pv(),l=new pl,l),Jje(O,a)),Mfe(a,T.a,T.b);for(;O.e!=O.i.gc();)Fr(O),qF(O);y=(vr(r.b!=0),E(r.c.b.c,8)),SV(s,y.a,y.b)}function Jze(r,s){var a,l,v,y,x,T,O,A,F;for(a=0,v=new le((Vn(0,r.c.length),E(r.c[0],101)).g.b.j);v.a<v.c.c.length;)l=E(ce(v),11),l.p=a++;for(s==(It(),Jn)?sa(r,new A3):sa(r,new eb),T=0,F=r.c.length-1;T<F;)x=(Vn(T,r.c.length),E(r.c[T],101)),A=(Vn(F,r.c.length),E(r.c[F],101)),y=s==Jn?x.c:x.a,O=s==Jn?A.a:A.c,Uv(x,s,(Ig(),qA),y),Uv(A,s,VA,O),++T,--F;T==F&&Uv((Vn(T,r.c.length),E(r.c[T],101)),s,(Ig(),nI),null)}function Wkt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;return z=r.a.i+r.a.g/2,q=r.a.i+r.a.g/2,ee=s.i+s.g/2,fe=s.j+s.f/2,T=new Kt(ee,fe),A=E(Xt(s,(Mi(),mI)),8),A.a=A.a+z,A.b=A.b+q,y=(T.b-A.b)/(T.a-A.a),l=T.b-y*T.a,ie=a.i+a.g/2,be=a.j+a.f/2,O=new Kt(ie,be),F=E(Xt(a,mI),8),F.a=F.a+z,F.b=F.b+q,x=(O.b-F.b)/(O.a-F.a),v=O.b-x*O.a,Q=(l-v)/(x-y),A.a<Q&&T.a<Q||Q<A.a&&Q<T.a?!1:!(F.a<Q&&O.a<Q||Q<F.a&&Q<O.a)}function Gkt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q;if(q=E(Cr(r.c,s),183),!q)throw de(new N1("Edge did not exist in input."));return A=G6(q),y=zD((!s.a&&(s.a=new St(Uo,s,6,6)),s.a)),T=!y,T&&(Q=new ob,a=new iIe(r,A,Q),Xit((!s.a&&(s.a=new St(Uo,s,6,6)),s.a),a),H1(q,Jye,Q)),v=p2(s,(Mi(),bR)),v&&(F=E(Xt(s,bR),74),x=!F||UDe(F),O=!x,O&&(z=new ob,l=new qQ(z),Na(F,l),H1(q,"junctionPoints",z))),t6(q,"container",QN(s).k),null}function L0e(r,s,a){var l,v,y,x,T,O,A,F;this.a=r,this.b=s,this.c=a,this.e=Tg(pe(he(vIt,1),Ht,168,0,[new e5(r,s),new e5(s,a),new e5(a,r)])),this.f=Tg(pe(he(na,1),ft,8,0,[r,s,a])),this.d=(l=pa(Oc(this.b),this.a),v=pa(Oc(this.c),this.a),y=pa(Oc(this.c),this.b),x=l.a*(this.a.a+this.b.a)+l.b*(this.a.b+this.b.b),T=v.a*(this.a.a+this.c.a)+v.b*(this.a.b+this.c.b),O=2*(l.a*y.b-l.b*y.a),A=(v.b*x-l.b*T)/O,F=(l.a*T-v.a*x)/O,new Kt(A,F))}function Zze(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee;if(q=new nT(r.p),H1(s,ji,q),a&&!(r.f?GN(r.f):null).a.dc())for(F=new ob,H1(s,"logs",F),T=0,ee=new K_((r.f?GN(r.f):null).b.Kc());ee.b.Ob();)Q=ai(ee.b.Pb()),z=new nT(Q),cT(F,T),wte(F,T,z),++T;if(l&&(A=new mO(r.q),H1(s,"executionTime",A)),!GN(r.a).a.dc())for(x=new ob,H1(s,jse,x),T=0,y=new K_(GN(r.a).b.Kc());y.b.Ob();)v=E(y.b.Pb(),1949),O=new NC,cT(x,T),wte(x,T,O),Zze(v,O,a,l),++T}function JS(r,s){var a,l,v,y,x,T;for(y=r.c,x=r.d,Ya(r,null),ya(r,null),s&&Wt(Gt(se(x,(bt(),kue))))?Ya(r,A0e(x.i,(Tu(),zl),(It(),fr))):Ya(r,x),s&&Wt(Gt(se(y,(bt(),Oue))))?ya(r,A0e(y.i,(Tu(),gd),(It(),nr))):ya(r,y),l=new le(r.b);l.a<l.c.c.length;)a=E(ce(l),70),v=E(se(a,(Ft(),Nb)),272),v==(Rg(),h$)?ct(a,Nb,u3):v==u3&&ct(a,Nb,h$);T=Wt(Gt(se(r,(bt(),Bg)))),ct(r,Bg,(tr(),!T)),r.a=DL(r.a)}function Kkt(r,s,a){var l,v,y,x,T,O;for(l=0,y=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));y.e!=y.i.gc();)v=E(Fr(y),33),x="",(!v.n&&(v.n=new St(pc,v,1,7)),v.n).i==0||(x=E(ke((!v.n&&(v.n=new St(pc,v,1,7)),v.n),0),137).a),T=new FDe(x),rc(T,v),ct(T,(Ay(),tI),v),T.b=l++,T.d.a=v.i+v.g/2,T.d.b=v.j+v.f/2,T.e.a=m.Math.max(v.g,1),T.e.b=m.Math.max(v.f,1),Et(s.e,T),ef(a.f,v,T),O=E(Xt(v,(G1(),Q2e)),98),O==(Sa(),uE)&&(O=Ug)}function Ykt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;a=bS(new db,r.f),A=r.i[s.c.i.p],Q=r.i[s.d.i.p],O=s.c,q=s.d,T=O.a.b,z=q.a.b,A.b||(T+=O.n.b),Q.b||(z+=q.n.b),F=ss(m.Math.max(0,T-z)),x=ss(m.Math.max(0,z-T)),ee=(ie=m.Math.max(1,E(se(s,(Ft(),dI)),19).a),fe=Fpe(s.c.i.k,s.d.i.k),ie*fe),v=c1(qf(Hh(zh(Uh(new Wd,ee),x),a),E(Cr(r.k,s.c),121))),y=c1(qf(Hh(zh(Uh(new Wd,ee),F),a),E(Cr(r.k,s.d),121))),l=new M4e(v,y),r.c[s.p]=l}function Xkt(r,s,a,l){var v,y,x,T,O,A;for(x=new THe(r,s,a),O=new Oa(l,0),v=!1;O.b<O.d.gc();)T=(vr(O.b<O.d.gc()),E(O.d.Xb(O.c=O.b++),233)),T==s||T==a?Qd(O):!v&&ot(Eg(T.g,T.d[0]).a)>ot(Eg(x.g,x.d[0]).a)?(vr(O.b>0),O.a.Xb(O.c=--O.b),QC(O,x),v=!0):T.e&&T.e.gc()>0&&(y=(!T.e&&(T.e=new vt),T.e).Mc(s),A=(!T.e&&(T.e=new vt),T.e).Mc(a),(y||A)&&((!T.e&&(T.e=new vt),T.e).Fc(x),++x.c));v||(l.c[l.c.length]=x)}function eHe(r){var s,a,l;if(e4(E(se(r,(Ft(),Zo)),98)))for(a=new le(r.j);a.a<a.c.c.length;)s=E(ce(a),11),s.j==(It(),Tc)&&(l=E(se(s,(bt(),pd)),10),l?Hs(s,E(se(l,Pc),61)):s.e.c.length-s.g.c.length<0?Hs(s,fr):Hs(s,nr));else{for(a=new le(r.j);a.a<a.c.c.length;)s=E(ce(a),11),l=E(se(s,(bt(),pd)),10),l?Hs(s,E(se(l,Pc),61)):s.e.c.length-s.g.c.length<0?Hs(s,(It(),fr)):Hs(s,(It(),nr));ct(r,Zo,(Sa(),g$))}}function gB(r){var s,a,l;switch(r){case 91:case 93:case 45:case 94:case 44:case 92:l="\\"+String.fromCharCode(r&ls);break;case 12:l="\\f";break;case 10:l="\\n";break;case 13:l="\\r";break;case 9:l="\\t";break;case 27:l="\\e";break;default:r<32?(a=(s=r>>>0,"0"+s.toString(16)),l="\\x"+bh(a,a.length-2,a.length)):r>=du?(a=(s=r>>>0,"0"+s.toString(16)),l="\\v"+bh(a,a.length-6,a.length)):l=""+String.fromCharCode(r&ls)}return l}function aie(r,s){var a,l,v,y,x,T,O,A,F,z;if(x=r.e,O=s.e,O==0)return r;if(x==0)return s.e==0?s:new o4(-s.e,s.d,s.a);if(y=r.d,T=s.d,y+T==2)return a=zs(r.a[0],Ou),l=zs(s.a[0],Ou),x<0&&(a=w6(a)),O<0&&(l=w6(l)),HL(My(a,l));if(v=y!=T?y>T?1:-1:bge(r.a,s.a,y),v==-1)z=-O,F=x==O?Ote(s.a,T,r.a,y):Dte(s.a,T,r.a,y);else if(z=x,x==O){if(v==0)return zy(),MA;F=Ote(r.a,y,s.a,T)}else F=Dte(r.a,y,s.a,T);return A=new o4(z,F.length,F),gF(A),A}function B0e(r){var s,a,l,v,y,x;for(this.e=new vt,this.a=new vt,a=r.b-1;a<3;a++)QD(r,0,E(W1(r,0),8));if(r.b<4)throw de(new Yn("At (least dimension + 1) control points are necessary!"));for(this.b=3,this.d=!0,this.c=!1,Fxt(this,r.b+this.b-1),x=new vt,y=new le(this.e),s=0;s<this.b-1;s++)Et(x,Dt(ce(y)));for(v=Ti(r,0);v.b!=v.d.c;)l=E(Ci(v),8),Et(x,Dt(ce(y))),Et(this.a,new z6e(l,x)),Vn(0,x.c.length),x.c.splice(0,1)}function tHe(r,s){var a,l,v,y,x,T,O,A,F;for(y=new le(r.b);y.a<y.c.c.length;)for(v=E(ce(y),29),T=new le(v.a);T.a<T.c.c.length;)for(x=E(ce(T),10),x.k==(dr(),th)&&(O=(A=E(Zr(new Rr(Ar(fc(x).a.Kc(),new M))),17),F=E(Zr(new Rr(Ar(ks(x).a.Kc(),new M))),17),!Wt(Gt(se(A,(bt(),Bg))))||!Wt(Gt(se(F,Bg)))?s:I9e(s)),N5(x,O)),l=new Rr(Ar(ks(x).a.Kc(),new M));fi(l);)a=E(Zr(l),17),O=Wt(Gt(se(a,(bt(),Bg))))?I9e(s):s,S9e(a,O)}function Qkt(r,s,a,l,v){var y,x,T;if(a.f>=s.o&&a.f<=s.f||s.a*.5<=a.f&&s.a*1.5>=a.f){if(x=E(Vt(s.n,s.n.c.length-1),211),x.e+x.d+a.g+v<=l&&(y=E(Vt(s.n,s.n.c.length-1),211),y.f-r.f+a.f<=r.b||r.a.c.length==1))return Lge(s,a),!0;if(s.s+a.g<=l&&(s.t+s.d+a.f+v<=r.b||r.a.c.length==1))return Et(s.b,a),T=E(Vt(s.n,s.n.c.length-1),211),Et(s.n,new Oq(s.s,T.f+T.a+s.i,s.i)),Ebe(E(Vt(s.n,s.n.c.length-1),211),a),Kze(s,a),!0}return!1}function nHe(r,s,a){var l,v,y,x;return r.ej()?(v=null,y=r.fj(),l=r.Zi(1,x=zte(r,s,a),a,s,y),r.bj()&&!(r.ni()&&x!=null?Ki(x,a):Qe(x)===Qe(a))?(x!=null&&(v=r.dj(x,v)),v=r.cj(a,v),r.ij()&&(v=r.lj(x,a,v)),v?(v.Ei(l),v.Fi()):r.$i(l)):(r.ij()&&(v=r.lj(x,a,v)),v?(v.Ei(l),v.Fi()):r.$i(l)),x):(x=zte(r,s,a),r.bj()&&!(r.ni()&&x!=null?Ki(x,a):Qe(x)===Qe(a))&&(v=null,x!=null&&(v=r.dj(x,null)),v=r.cj(a,v),v&&v.Fi()),x)}function n9(r,s){var a,l,v,y,x,T,O,A;s%=24,r.q.getHours()!=s&&(l=new m.Date(r.q.getTime()),l.setDate(l.getDate()+1),T=r.q.getTimezoneOffset()-l.getTimezoneOffset(),T>0&&(O=T/60|0,A=T%60,v=r.q.getDate(),a=r.q.getHours(),a+O>=24&&++v,y=new m.Date(r.q.getFullYear(),r.q.getMonth(),v,s+O,r.q.getMinutes()+A,r.q.getSeconds(),r.q.getMilliseconds()),r.q.setTime(y.getTime()))),x=r.q.getTime(),r.q.setTime(x+36e5),r.q.getHours()!=s&&r.q.setTime(x)}function Jkt(r,s){var a,l,v,y,x;if(Lr(s,"Path-Like Graph Wrapping",1),r.b.c.length==0){Or(s);return}if(v=new Gme(r),x=(v.i==null&&(v.i=B1e(v,new rv)),ot(v.i)*v.f),a=x/(v.i==null&&(v.i=B1e(v,new rv)),ot(v.i)),v.b>a){Or(s);return}switch(E(se(r,(Ft(),Yue)),337).g){case 2:y=new Qm;break;case 0:y=new Gb;break;default:y=new zp}if(l=y.Vf(r,v),!y.Wf())switch(E(se(r,SX),338).g){case 2:l=JNe(v,l);break;case 1:l=QMe(v,l)}Y4t(r,v,l),Or(s)}function Zkt(r,s){var a,l,v,y;if(Mdt(r.d,r.e),r.c.a.$b(),ot(Dt(se(s.j,(Ft(),dX))))!=0||ot(Dt(se(s.j,dX)))!=0)for(a=_A,Qe(se(s.j,tE))!==Qe((I0(),nE))&&ct(s.j,(bt(),bx),(tr(),!0)),y=E(se(s.j,cj),19).a,v=0;v<y&&(l=$kt(r,s),!(l<a&&(a=l,HFe(r),a==0)));v++);else for(a=qi,Qe(se(s.j,tE))!==Qe((I0(),nE))&&ct(s.j,(bt(),bx),(tr(),!0)),y=E(se(s.j,cj),19).a,v=0;v<y&&(l=Hze(r,s),!(l<a&&(a=l,HFe(r),a==0)));v++);}function e4t(r,s){var a,l,v,y,x,T,O,A;for(x=new vt,T=0,a=0,O=0;T<s.c.length-1&&a<r.gc();){for(l=E(r.Xb(a),19).a+O;(Vn(T+1,s.c.length),E(s.c[T+1],19)).a<l;)++T;for(A=0,y=l-(Vn(T,s.c.length),E(s.c[T],19)).a,v=(Vn(T+1,s.c.length),E(s.c[T+1],19)).a-l,y>v&&++A,Et(x,(Vn(T+A,s.c.length),E(s.c[T+A],19))),O+=(Vn(T+A,s.c.length),E(s.c[T+A],19)).a-l,++a;a<r.gc()&&E(r.Xb(a),19).a+O<=(Vn(T+A,s.c.length),E(s.c[T+A],19)).a;)++a;T+=1+A}return x}function uie(r){var s,a,l,v,y,x,T;if(!r.d){if(T=new im,s=Hj,y=s.a.zc(r,s),y==null){for(l=new Tr(tc(r));l.e!=l.i.gc();)a=E(Fr(l),26),Yo(T,uie(a));s.a.Bc(r)!=null,s.a.gc()==0}for(x=T.i,v=(!r.q&&(r.q=new St(Fp,r,11,10)),new Tr(r.q));v.e!=v.i.gc();++x)E(Fr(v),399);Yo(T,(!r.q&&(r.q=new St(Fp,r,11,10)),r.q)),pT(T),r.d=new Zk((E(ke(et((ky(),qn).o),9),18),T.i),T.g),r.e=E(T.g,673),r.e==null&&(r.e=Krt),kd(r).b&=-17}return r.d}function cA(r,s,a,l){var v,y,x,T,O,A;if(A=tf(r.e.Tg(),s),O=0,v=E(r.g,119),Wr(),E(s,66).Oj()){for(x=0;x<r.i;++x)if(y=v[x],A.rl(y.ak())){if(Ki(y,a))return O;++O}}else if(a!=null){for(T=0;T<r.i;++T)if(y=v[T],A.rl(y.ak())){if(Ki(a,y.dd()))return O;++O}if(l){for(O=0,x=0;x<r.i;++x)if(y=v[x],A.rl(y.ak())){if(Qe(a)===Qe(tee(r,E(y.dd(),56))))return O;++O}}}else for(x=0;x<r.i;++x)if(y=v[x],A.rl(y.ak())){if(y.dd()==null)return O;++O}return-1}function t4t(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q;for(In(),sa(r,new Y3),x=BN(r),Q=new vt,q=new vt,T=null,O=0;x.b!=0;)y=E(x.b==0?null:(vr(x.b!=0),Xh(x,x.a.a)),157),!T||Yf(T)*Yd(T)/2<Yf(y)*Yd(y)?(T=y,Q.c[Q.c.length]=y):(O+=Yf(y)*Yd(y),q.c[q.c.length]=y,q.c.length>1&&(O>Yf(T)*Yd(T)/2||x.b==0)&&(z=new cW(q),F=Yf(T)/Yd(T),A=Sie(z,s,new nS,a,l,v,F),io(L1(z.e),A),T=z,Q.c[Q.c.length]=z,O=0,q.c=Pe(mr,Ht,1,0,5,1)));return Cs(Q,q),Q}function n4t(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie;if(a.mh(s)&&(F=(Q=s,Q?E(l,49).xh(Q):null),F))if(ie=a.bh(s,r.a),ee=s.t,ee>1||ee==-1)if(z=E(ie,69),q=E(F,69),z.dc())q.$b();else for(x=!!mu(s),y=0,T=r.a?z.Kc():z.Zh();T.Ob();)A=E(T.Pb(),56),v=E(DS(r,A),56),v?(x?(O=q.Xc(v),O==-1?q.Xh(y,v):y!=O&&q.ji(y,v)):q.Xh(y,v),++y):r.b&&!x&&(q.Xh(y,A),++y);else ie==null?F.Wb(null):(v=DS(r,ie),v==null?r.b&&!mu(s)&&F.Wb(ie):F.Wb(v))}function r4t(r,s){var a,l,v,y,x,T,O,A;for(a=new kR,v=new Rr(Ar(fc(s).a.Kc(),new M));fi(v);)if(l=E(Zr(v),17),!uu(l)&&(T=l.c.i,rme(T,TY))){if(A=v0e(r,T,TY,CY),A==-1)continue;a.b=m.Math.max(a.b,A),!a.a&&(a.a=new vt),Et(a.a,T)}for(x=new Rr(Ar(ks(s).a.Kc(),new M));fi(x);)if(y=E(Zr(x),17),!uu(y)&&(O=y.d.i,rme(O,CY))){if(A=v0e(r,O,CY,TY),A==-1)continue;a.d=m.Math.max(a.d,A),!a.c&&(a.c=new vt),Et(a.c,O)}return a}function rHe(r){nA();var s,a,l,v;if(s=ss(r),r<U9.length)return U9[s];if(r<=50)return oB((zy(),wae),s);if(r<=rw)return y5(oB(eI[1],s),s);if(r>1e6)throw de(new ID("power of ten too big"));if(r<=qi)return y5(oB(eI[1],s),s);for(l=oB(eI[1],qi),v=l,a=Df(r-qi),s=ss(r%qi);tl(a,qi)>0;)v=l4(v,l),a=My(a,qi);for(v=l4(v,oB(eI[1],s)),v=y5(v,qi),a=Df(r-qi);tl(a,qi)>0;)v=y5(v,qi),a=My(a,qi);return v=y5(v,s),v}function i4t(r,s){var a,l,v,y,x,T,O,A,F;for(Lr(s,"Hierarchical port dummy size processing",1),O=new vt,F=new vt,l=ot(Dt(se(r,(Ft(),cR)))),a=l*2,y=new le(r.b);y.a<y.c.c.length;){for(v=E(ce(y),29),O.c=Pe(mr,Ht,1,0,5,1),F.c=Pe(mr,Ht,1,0,5,1),T=new le(v.a);T.a<T.c.c.length;)x=E(ce(T),10),x.k==(dr(),ds)&&(A=E(se(x,(bt(),Pc)),61),A==(It(),Jn)?O.c[O.c.length]=x:A==Br&&(F.c[F.c.length]=x));OLe(O,!0,a),OLe(F,!1,a)}Or(s)}function o4t(r,s){var a,l,v,y,x,T,O;Lr(s,"Layer constraint postprocessing",1),O=r.b,O.c.length!=0&&(l=(Vn(0,O.c.length),E(O.c[0],29)),x=E(Vt(O,O.c.length-1),29),a=new gp(r),y=new gp(r),U3t(r,l,x,a,y),a.a.c.length==0||(oT(0,O.c.length),O8(O.c,0,a)),y.a.c.length==0||(O.c[O.c.length]=y)),ta(r,(bt(),Tue))&&(v=new gp(r),T=new gp(r),UTt(r,v,T),v.a.c.length==0||(oT(0,O.c.length),O8(O.c,0,v)),T.a.c.length==0||(O.c[O.c.length]=T)),Or(s)}function iHe(r){var s,a,l,v,y,x,T,O,A,F;for(O=new le(r.a);O.a<O.c.c.length;)if(T=E(ce(O),10),T.k==(dr(),ds)&&(v=E(se(T,(bt(),Pc)),61),v==(It(),fr)||v==nr))for(l=new Rr(Ar(A0(T).a.Kc(),new M));fi(l);)a=E(Zr(l),17),s=a.a,s.b!=0&&(A=a.c,A.i==T&&(y=(vr(s.b!=0),E(s.a.a.c,8)),y.b=_c(pe(he(na,1),ft,8,0,[A.i.n,A.n,A.a])).b),F=a.d,F.i==T&&(x=(vr(s.b!=0),E(s.c.b.c,8)),x.b=_c(pe(he(na,1),ft,8,0,[F.i.n,F.n,F.a])).b))}function s4t(r,s){var a,l,v,y,x,T,O;for(Lr(s,"Sort By Input Model "+se(r,(Ft(),tE)),1),v=0,l=new le(r.b);l.a<l.c.c.length;){for(a=E(ce(l),29),O=v==0?0:v-1,T=E(Vt(r.b,O),29),x=new le(a.a);x.a<x.c.c.length;)y=E(ce(x),10),Qe(se(y,Zo))!==Qe((Sa(),t_))&&Qe(se(y,Zo))!==Qe(Tl)&&(In(),sa(y.j,new _8e(T,yMe(y))),s2(s,"Node "+y+" ports: "+y.j));In(),sa(a.a,new qFe(T,E(se(r,tE),339),E(se(r,wxe),378))),s2(s,"Layer "+v+": "+a),++v}Or(s)}function a4t(r,s){var a,l,v,y;if(y=Wze(s),Bo(new Nn(null,(!s.c&&(s.c=new St(jd,s,9,9)),new zn(s.c,16))),new Ms(y)),v=E(se(y,(bt(),Cl)),21),uOt(s,v),v.Hc((Ru(),ip)))for(l=new Tr((!s.c&&(s.c=new St(jd,s,9,9)),s.c));l.e!=l.i.gc();)a=E(Fr(l),118),LOt(r,s,y,a);return E(Xt(s,(Ft(),G2)),174).gc()!=0&&NBe(s,y),Wt(Gt(se(y,qxe)))&&v.Fc(rX),ta(y,Ez)&&EJ(new qge(ot(Dt(se(y,Ez)))),y),Qe(Xt(s,JT))===Qe((D0(),gw))?J5t(r,s,y):w5t(r,s,y),y}function r9(r,s,a,l){var v,y,x;if(this.j=new vt,this.k=new vt,this.b=new vt,this.c=new vt,this.e=new i5,this.i=new Yl,this.f=new SM,this.d=new vt,this.g=new vt,Et(this.b,r),Et(this.b,s),this.e.c=m.Math.min(r.a,s.a),this.e.d=m.Math.min(r.b,s.b),this.e.b=m.Math.abs(r.a-s.a),this.e.a=m.Math.abs(r.b-s.b),v=E(se(l,(Ft(),Ku)),74),v)for(x=Ti(v,0);x.b!=x.d.c;)y=E(Ci(x),8),y1e(y.a,r.a)&&Ii(this.i,y);a&&Et(this.j,a),Et(this.k,l)}function u4t(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(F=new uq(new Me(a)),T=Pe(Md,Dm,25,r.f.e.c.length,16,1),zhe(T,T.length),a[s.b]=0,A=new le(r.f.e);A.a<A.c.c.length;)O=E(ce(A),144),O.b!=s.b&&(a[O.b]=qi),b6(Z6(F,O));for(;F.b.c.length!=0;)for(z=E(Vte(F),144),T[z.b]=!0,y=NOe(new aN(r.b,z),0);y.c;)v=E(vpe(y),282),q=Mwt(v,z),!T[q.b]&&(ta(v,(GL(),xY))?x=ot(Dt(se(v,xY))):x=r.c,l=a[z.b]+x,l<a[q.b]&&(a[q.b]=l,FFe(F,q),b6(Z6(F,q))))}function oHe(r,s,a){var l,v,y,x,T,O,A,F,z;for(v=!0,x=new le(r.b);x.a<x.c.c.length;){for(y=E(ce(x),29),A=ws,F=null,O=new le(y.a);O.a<O.c.c.length;)if(T=E(ce(O),10),z=ot(s.p[T.p])+ot(s.d[T.p])-T.d.d,l=ot(s.p[T.p])+ot(s.d[T.p])+T.o.b+T.d.a,z>A&&l>A)F=T,A=ot(s.p[T.p])+ot(s.d[T.p])+T.o.b+T.d.a;else{v=!1,a.n&&s2(a,"bk node placement breaks on "+T+" which should have been after "+F);break}if(!v)break}return a.n&&s2(a,s+" is feasible: "+v),v}function c4t(r,s,a,l){var v,y,x,T,O,A,F;for(T=-1,F=new le(r);F.a<F.c.c.length;)A=E(ce(F),112),A.g=T--,v=Qr(jq(mq(So(new Nn(null,new zn(A.f,16)),new t0),new E_)).d),y=Qr(jq(mq(So(new Nn(null,new zn(A.k,16)),new __),new RE)).d),x=v,O=y,l||(x=Qr(jq(mq(new Nn(null,new zn(A.f,16)),new lv)).d),O=Qr(jq(mq(new Nn(null,new zn(A.k,16)),new Jb)).d)),A.d=x,A.a=v,A.i=O,A.b=y,O==0?os(a,A,a.c.b,a.c):x==0&&os(s,A,s.c.b,s.c)}function l4t(r,s,a,l){var v,y,x,T,O,A,F;if(a.d.i!=s.i){for(v=new P0(r),cm(v,(dr(),ua)),ct(v,(bt(),to),a),ct(v,(Ft(),Zo),(Sa(),Tl)),l.c[l.c.length]=v,x=new cl,yc(x,v),Hs(x,(It(),nr)),T=new cl,yc(T,v),Hs(T,fr),F=a.d,ya(a,x),y=new CS,rc(y,a),ct(y,Ku,null),Ya(y,T),ya(y,F),A=new Oa(a.b,0);A.b<A.d.gc();)O=(vr(A.b<A.d.gc()),E(A.d.Xb(A.c=A.b++),70)),Qe(se(O,Nb))===Qe((Rg(),u3))&&(ct(O,sI,a),Qd(A),Et(y.b,O));NLe(v,x,T)}}function f4t(r,s,a,l){var v,y,x,T,O,A,F;if(a.c.i!=s.i)for(v=new P0(r),cm(v,(dr(),ua)),ct(v,(bt(),to),a),ct(v,(Ft(),Zo),(Sa(),Tl)),l.c[l.c.length]=v,x=new cl,yc(x,v),Hs(x,(It(),nr)),T=new cl,yc(T,v),Hs(T,fr),ya(a,x),y=new CS,rc(y,a),ct(y,Ku,null),Ya(y,T),ya(y,s),NLe(v,x,T),A=new Oa(a.b,0);A.b<A.d.gc();)O=(vr(A.b<A.d.gc()),E(A.d.Xb(A.c=A.b++),70)),F=E(se(O,Nb),272),F==(Rg(),u3)&&(ta(O,sI)||ct(O,sI,a),Qd(A),Et(y.b,O))}function d4t(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(q=new vt,be=Bq(l),fe=s*r.a,z=0,ee=0,y=new vs,x=new vs,T=new vt,Ie=0,Te=0,Q=0,ie=0,A=0,F=0;be.a.gc()!=0;)O=b0t(be,v,x),O&&(be.a.Bc(O)!=null,T.c[T.c.length]=O,y.a.zc(O,y),ee=r.f[O.p],Ie+=r.e[O.p]-ee*r.b,z=r.c[O.p],Te+=z*r.b,F+=ee*r.b,ie+=r.e[O.p]),(!O||be.a.gc()==0||Ie>=fe&&r.e[O.p]>ee*r.b||Te>=a*fe)&&(q.c[q.c.length]=T,T=new vt,cu(x,y),y.a.$b(),A-=F,Q=m.Math.max(Q,A*r.b+ie),A+=Te,Ie=Te,Te=0,F=0,ie=0);return new Ra(Q,q)}function h4t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q;for(a=(A=new Nh(r.c.b).a.vc().Kc(),new j1(A));a.a.Ob();)s=(T=E(a.a.Pb(),42),E(T.dd(),149)),v=s.a,v==null&&(v=""),l=Lst(r.c,v),!l&&v.length==0&&(l=Bmt(r)),l&&!bT(l.c,s,!1)&&Ii(l.c,s);for(x=Ti(r.a,0);x.b!=x.d.c;)y=E(Ci(x),478),F=Cte(r.c,y.a),Q=Cte(r.c,y.b),F&&Q&&Ii(F.c,new Ra(Q,y.c));for(bp(r.a),q=Ti(r.b,0);q.b!=q.d.c;)z=E(Ci(q),478),s=Nst(r.c,z.a),O=Cte(r.c,z.b),s&&O&&kt(s,O,z.c);bp(r.b)}function p4t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q;y=new vk(r),x=new SMe,v=(nL(x.g),nL(x.j),fd(x.b),nL(x.d),nL(x.i),fd(x.k),fd(x.c),fd(x.e),Q=sLe(x,y,null),YLe(x,y),Q),s&&(A=new vk(s),T=x4t(A),gme(v,pe(he(t3e,1),Ht,527,0,[T]))),q=!1,z=!1,a&&(A=new vk(a),NK in A.a&&(q=S0(A,NK).ge().a),vWe in A.a&&(z=S0(A,vWe).ge().a)),F=xJ(bFe(new Ak,q),z),a_t(new GR,v,F),NK in y.a&&H1(y,NK,null),(q||z)&&(O=new NC,Zze(F,O,q,z),H1(y,NK,O)),l=new HH(x),tmt(new Nfe(v),l)}function g4t(r,s,a){var l,v,y,x,T,O,A,F,z;for(x=new RMe,A=pe(he(Gr,1),Ei,25,15,[0]),v=-1,y=0,l=0,O=0;O<r.b.c.length;++O)if(F=E(Vt(r.b,O),434),F.b>0){if(v<0&&F.a&&(v=O,y=A[0],l=0),v>=0){if(T=F.b,O==v&&(T-=l++,T==0))return 0;if(!sUe(s,A,F,T,x)){O=v-1,A[0]=y;continue}}else if(v=-1,!sUe(s,A,F,0,x))return 0}else{if(v=-1,Ma(F.c,0)==32){if(z=A[0],k8e(s,A),A[0]>z)continue}else if(Yft(s,F.c,A[0])){A[0]+=F.c.length;continue}return 0}return YOt(x,a)?A[0]:0}function i9(r){var s,a,l,v,y,x,T,O;if(!r.f){if(O=new f0,T=new f0,s=Hj,x=s.a.zc(r,s),x==null){for(y=new Tr(tc(r));y.e!=y.i.gc();)v=E(Fr(y),26),Yo(O,i9(v));s.a.Bc(r)!=null,s.a.gc()==0}for(l=(!r.s&&(r.s=new St(Mf,r,21,17)),new Tr(r.s));l.e!=l.i.gc();)a=E(Fr(l),170),Ce(a,99)&&ei(T,E(a,18));pT(T),r.r=new wIe(r,(E(ke(et((ky(),qn).o),6),18),T.i),T.g),Yo(O,r.r),pT(O),r.f=new Zk((E(ke(et(qn.o),5),18),O.i),O.g),kd(r).b&=-3}return r.f}function b4t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee;for(x=r.o,l=Pe(Gr,Ei,25,x,15,1),v=Pe(Gr,Ei,25,x,15,1),a=r.p,s=Pe(Gr,Ei,25,a,15,1),y=Pe(Gr,Ei,25,a,15,1),A=0;A<x;A++){for(z=0;z<a&&!_4(r,A,z);)++z;l[A]=z}for(F=0;F<x;F++){for(z=a-1;z>=0&&!_4(r,F,z);)--z;v[F]=z}for(Q=0;Q<a;Q++){for(T=0;T<x&&!_4(r,T,Q);)++T;s[Q]=T}for(ee=0;ee<a;ee++){for(T=x-1;T>=0&&!_4(r,T,ee);)--T;y[ee]=T}for(O=0;O<x;O++)for(q=0;q<a;q++)O<y[q]&&O>s[q]&&q<v[O]&&q>l[O]&&$G(r,O,q,!1,!0)}function z0e(r){var s,a,l,v,y,x,T,O;a=Wt(Gt(se(r,(G1(),FYe)))),y=r.a.c.d,T=r.a.d.d,a?(x=mb(pa(new Kt(T.a,T.b),y),.5),O=mb(Oc(r.e),.5),s=pa(io(new Kt(y.a,y.b),x),O),mde(r.d,s)):(v=ot(Dt(se(r.a,UYe))),l=r.d,y.a>=T.a?y.b>=T.b?(l.a=T.a+(y.a-T.a)/2+v,l.b=T.b+(y.b-T.b)/2-v-r.e.b):(l.a=T.a+(y.a-T.a)/2+v,l.b=y.b+(T.b-y.b)/2+v):y.b>=T.b?(l.a=y.a+(T.a-y.a)/2+v,l.b=T.b+(y.b-T.b)/2+v):(l.a=y.a+(T.a-y.a)/2+v,l.b=y.b+(T.b-y.b)/2-v-r.e.b))}function El(r,s){var a,l,v,y,x,T,O;if(r==null)return null;if(y=r.length,y==0)return"";for(O=Pe(ap,Cb,25,y,15,1),r1e(0,y,r.length),r1e(0,y,O.length),CDe(r,0,y,O,0),a=null,T=s,v=0,x=0;v<y;v++)l=O[v],TUe(),l<=32&&ye[l]&2?T?(!a&&(a=new pp(r)),Uft(a,v-x++)):(T=s,l!=32&&(!a&&(a=new pp(r)),lft(a,v-x,v-x+1,String.fromCharCode(32)))):T=!1;return T?a?(y=a.a.length,y>0?bh(a.a,0,y-1):""):r.substr(0,y-1):a?a.a:r}function sHe(r){Oe(r,new O2(Av(hy(gy(py(new Pa,F2),"ELK DisCo"),"Layouter for arranging unconnected subgraphs. The subgraphs themselves are, by default, not laid out."),new Da))),At(r,F2,yoe,Ut(V2e)),At(r,F2,Eoe,Ut(Aae)),At(r,F2,W5,Ut(yYe)),At(r,F2,rx,Ut(U2e)),At(r,F2,kve,Ut(xYe)),At(r,F2,Rve,Ut(SYe)),At(r,F2,Tve,Ut(CYe)),At(r,F2,Ove,Ut(_Ye)),At(r,F2,jve,Ut(EYe)),At(r,F2,Mve,Ut(Dae)),At(r,F2,Nve,Ut(H2e)),At(r,F2,Lve,Ut(vY))}function H0e(r,s,a,l){var v,y,x,T,O,A,F,z,q;if(y=new P0(r),cm(y,(dr(),xl)),ct(y,(Ft(),Zo),(Sa(),Tl)),v=0,s){for(x=new cl,ct(x,(bt(),to),s),ct(y,to,s.i),Hs(x,(It(),nr)),yc(x,y),q=_b(s.e),A=q,F=0,z=A.length;F<z;++F)O=A[F],ya(O,x);ct(s,pd,y),++v}if(a){for(T=new cl,ct(y,(bt(),to),a.i),ct(T,to,a),Hs(T,(It(),fr)),yc(T,y),q=_b(a.g),A=q,F=0,z=A.length;F<z;++F)O=A[F],Ya(O,T);ct(a,pd,y),++v}return ct(y,(bt(),oX),Ot(v)),l.c[l.c.length]=y,y}function MG(){MG=xe,xke=pe(he(ap,1),Cb,25,15,[48,49,50,51,52,53,54,55,56,57,65,66,67,68,69,70]),xrt=new RegExp(`[
\r\f]+`);try{Lj=pe(he(FIt,1),Ht,2015,0,[new AC((Hfe(),GW("yyyy-MM-dd'T'HH:mm:ss'.'SSSZ",FN((jk(),jk(),z9))))),new AC(GW("yyyy-MM-dd'T'HH:mm:ss'.'SSS",FN(z9))),new AC(GW("yyyy-MM-dd'T'HH:mm:ss",FN(z9))),new AC(GW("yyyy-MM-dd'T'HH:mm",FN(z9))),new AC(GW("yyyy-MM-dd",FN(z9)))])}catch(r){if(r=Mo(r),!Ce(r,78))throw de(r)}}function m4t(r){var s,a,l,v;if(l=Cie((!r.c&&(r.c=$L(r.f)),r.c),0),r.e==0||r.a==0&&r.f!=-1&&r.e<0)return l;if(s=k1e(r)<0?1:0,a=r.e,v=(l.length+1+m.Math.abs(ss(r.e)),new fy),s==1&&(v.a+="-"),r.e>0)if(a-=l.length-s,a>=0){for(v.a+="0.";a>U2.length;a-=U2.length)NIe(v,U2);y5e(v,U2,ss(a)),gi(v,l.substr(s))}else a=s-a,gi(v,bh(l,s,ss(a))),v.a+=".",gi(v,kN(l,ss(a)));else{for(gi(v,l.substr(s));a<-U2.length;a+=U2.length)NIe(v,U2);y5e(v,U2,ss(-a))}return v.a}function U0e(r,s,a,l){var v,y,x,T,O,A,F,z,q;return O=pa(new Kt(a.a,a.b),r),A=O.a*s.b-O.b*s.a,F=s.a*l.b-s.b*l.a,z=(O.a*l.b-O.b*l.a)/F,q=A/F,F==0?A==0?(v=io(new Kt(a.a,a.b),mb(new Kt(l.a,l.b),.5)),y=Dy(r,v),x=Dy(io(new Kt(r.a,r.b),s),v),T=m.Math.sqrt(l.a*l.a+l.b*l.b)*.5,y<x&&y<=T?new Kt(r.a,r.b):x<=T?io(new Kt(r.a,r.b),s):null):null:z>=0&&z<=1&&q>=0&&q<=1?io(new Kt(r.a,r.b),mb(new Kt(s.a,s.b),z)):null}function v4t(r,s,a){var l,v,y,x,T;if(l=E(se(r,(Ft(),Fue)),21),a.a>s.a&&(l.Hc((ET(),jz))?r.c.a+=(a.a-s.a)/2:l.Hc(Mz)&&(r.c.a+=a.a-s.a)),a.b>s.b&&(l.Hc((ET(),Lz))?r.c.b+=(a.b-s.b)/2:l.Hc(Nz)&&(r.c.b+=a.b-s.b)),E(se(r,(bt(),Cl)),21).Hc((Ru(),ip))&&(a.a>s.a||a.b>s.b))for(T=new le(r.a);T.a<T.c.c.length;)x=E(ce(T),10),x.k==(dr(),ds)&&(v=E(se(x,Pc),61),v==(It(),fr)?x.n.a+=a.a-s.a:v==Br&&(x.n.b+=a.b-s.b));y=r.d,r.f.a=a.a-y.b-y.c,r.f.b=a.b-y.d-y.a}function w4t(r,s,a){var l,v,y,x,T;if(l=E(se(r,(Ft(),Fue)),21),a.a>s.a&&(l.Hc((ET(),jz))?r.c.a+=(a.a-s.a)/2:l.Hc(Mz)&&(r.c.a+=a.a-s.a)),a.b>s.b&&(l.Hc((ET(),Lz))?r.c.b+=(a.b-s.b)/2:l.Hc(Nz)&&(r.c.b+=a.b-s.b)),E(se(r,(bt(),Cl)),21).Hc((Ru(),ip))&&(a.a>s.a||a.b>s.b))for(x=new le(r.a);x.a<x.c.c.length;)y=E(ce(x),10),y.k==(dr(),ds)&&(v=E(se(y,Pc),61),v==(It(),fr)?y.n.a+=a.a-s.a:v==Br&&(y.n.b+=a.b-s.b));T=r.d,r.f.a=a.a-T.b-T.c,r.f.b=a.b-T.d-T.a}function y4t(r){var s,a,l,v,y,x,T,O,A,F,z,q;for(s=CLe(r),F=(T=new WE(s).a.vc().Kc(),new eD(T));F.a.Ob();){for(A=(v=E(F.a.Pb(),42),E(v.cd(),10)),z=0,q=0,z=A.d.d,q=A.o.b+A.d.a,r.d[A.p]=0,a=A;(y=r.a[a.p])!=A;)l=Avt(a,y),O=0,r.c==(Eb(),fw)?O=l.d.n.b+l.d.a.b-l.c.n.b-l.c.a.b:O=l.c.n.b+l.c.a.b-l.d.n.b-l.d.a.b,x=ot(r.d[a.p])+O,r.d[y.p]=x,z=m.Math.max(z,y.d.d-x),q=m.Math.max(q,x+y.o.b+y.d.a),a=y;a=A;do r.d[a.p]=ot(r.d[a.p])+z,a=r.a[a.p];while(a!=A);r.b[A.p]=z+q}}function cie(r){var s,a,l,v,y,x,T,O,A,F,z,q;for(r.b=!1,z=Qo,O=ws,q=Qo,A=ws,l=r.e.a.ec().Kc();l.Ob();)for(a=E(l.Pb(),266),v=a.a,z=m.Math.min(z,v.c),O=m.Math.max(O,v.c+v.b),q=m.Math.min(q,v.d),A=m.Math.max(A,v.d+v.a),x=new le(a.c);x.a<x.c.c.length;)y=E(ce(x),395),s=y.a,s.a?(F=v.d+y.b.b,T=F+y.c,q=m.Math.min(q,F),A=m.Math.max(A,T)):(F=v.c+y.b.a,T=F+y.c,z=m.Math.min(z,F),O=m.Math.max(O,T));r.a=new Kt(O-z,A-q),r.c=new Kt(z+r.d.a,q+r.d.b)}function E4t(r,s,a){var l,v,y,x,T,O,A,F,z;for(z=new vt,F=new Tpe(0,a),y=0,dW(F,new pne(0,0,F,a)),v=0,A=new Tr(r);A.e!=A.i.gc();)O=E(Fr(A),33),l=E(Vt(F.a,F.a.c.length-1),187),T=v+O.g+(E(Vt(F.a,0),187).b.c.length==0?0:a),T>s&&(v=0,y+=F.b+a,z.c[z.c.length]=F,F=new Tpe(y,a),l=new pne(0,F.f,F,a),dW(F,l),v=0),l.b.c.length==0||O.f>=l.o&&O.f<=l.f||l.a*.5<=O.f&&l.a*1.5>=O.f?Lge(l,O):(x=new pne(l.s+l.r+a,F.f,F,a),dW(F,x),Lge(x,O)),v=O.i+O.g;return z.c[z.c.length]=F,z}function P4(r){var s,a,l,v,y,x,T,O;if(!r.a){if(r.o=null,O=new pg(r),s=new j_,a=Hj,T=a.a.zc(r,a),T==null){for(x=new Tr(tc(r));x.e!=x.i.gc();)y=E(Fr(x),26),Yo(O,P4(y));a.a.Bc(r)!=null,a.a.gc()==0}for(v=(!r.s&&(r.s=new St(Mf,r,21,17)),new Tr(r.s));v.e!=v.i.gc();)l=E(Fr(v),170),Ce(l,322)&&ei(s,E(l,34));pT(s),r.k=new vIe(r,(E(ke(et((ky(),qn).o),7),18),s.i),s.g),Yo(O,r.k),pT(O),r.a=new Zk((E(ke(et(qn.o),4),18),O.i),O.g),kd(r).b&=-2}return r.a}function _4t(r,s,a,l,v,y,x){var T,O,A,F,z,q;return z=!1,O=pBe(a.q,s.f+s.b-a.q.f),q=v-(a.q.e+O-x),q<l.g||(A=y==r.c.length-1&&q>=(Vn(y,r.c.length),E(r.c[y],200)).e,F=(T=o9(l,q,!1),T.a),F>s.b&&!A)?!1:((A||F<=s.b)&&(A&&F>s.b?(a.d=F,aL(a,vNe(a,F))):(MMe(a.q,O),a.c=!0),aL(l,v-(a.s+a.r)),UL(l,a.q.e+a.q.d,s.f),dW(s,l),r.c.length>y&&(KL((Vn(y,r.c.length),E(r.c[y],200)),l),(Vn(y,r.c.length),E(r.c[y],200)).a.c.length==0&&qv(r,y)),z=!0),z)}function V0e(r,s,a,l){var v,y,x,T,O,A,F;if(F=tf(r.e.Tg(),s),v=0,y=E(r.g,119),O=null,Wr(),E(s,66).Oj()){for(T=0;T<r.i;++T)if(x=y[T],F.rl(x.ak())){if(Ki(x,a)){O=x;break}++v}}else if(a!=null){for(T=0;T<r.i;++T)if(x=y[T],F.rl(x.ak())){if(Ki(a,x.dd())){O=x;break}++v}}else for(T=0;T<r.i;++T)if(x=y[T],F.rl(x.ak())){if(x.dd()==null){O=x;break}++v}return O&&(Gd(r.e)&&(A=s.$j()?new Ete(r.e,4,s,a,null,v,!0):Oy(r,s.Kj()?2:1,s,a,s.zj(),-1,!0),l?l.Ei(A):l=A),l=dB(r,O,l)),l}function lie(r,s,a,l,v,y,x){var T,O,A,F,z,q,Q,ee,ie;switch(ee=0,ie=0,O=v.c,T=v.b,F=a.f,Q=a.g,s.g){case 0:ee=l.i+l.g+x,r.c?ie=QEt(ee,y,l,x):ie=l.j,q=m.Math.max(O,ee+Q),A=m.Math.max(T,ie+F);break;case 1:ie=l.j+l.f+x,r.c?ee=XEt(ie,y,l,x):ee=l.i,q=m.Math.max(O,ee+Q),A=m.Math.max(T,ie+F);break;case 2:ee=O+x,ie=0,q=O+x+Q,A=m.Math.max(T,F);break;case 3:ee=0,ie=T+x,q=m.Math.max(O,Q),A=T+x+F;break;default:throw de(new Yn("IllegalPlacementOption."))}return z=new Vge(r.a,q,A,s,ee,ie),z}function S4t(r){var s,a,l,v,y,x,T,O,A,F,z,q;if(T=r.d,z=E(se(r,(bt(),lI)),15),s=E(se(r,oI),15),!(!z&&!s)){if(y=ot(Dt(mT(r,(Ft(),que)))),x=ot(Dt(mT(r,Xxe))),q=0,z){for(A=0,v=z.Kc();v.Ob();)l=E(v.Pb(),10),A=m.Math.max(A,l.o.b),q+=l.o.a;q+=y*(z.gc()-1),T.d+=A+x}if(a=0,s){for(A=0,v=s.Kc();v.Ob();)l=E(v.Pb(),10),A=m.Math.max(A,l.o.b),a+=l.o.a;a+=y*(s.gc()-1),T.a+=A+x}O=m.Math.max(q,a),O>r.o.a&&(F=(O-r.o.a)/2,T.b=m.Math.max(T.b,F),T.c=m.Math.max(T.c,F))}}function x4t(r){var s,a,l,v,y,x,T,O;for(y=new LAe,aot(y,(k5(),mnt)),l=(v=nne(r,Pe(Bt,ft,2,0,6,1)),new ry(new yf(new cN(r,v).b)));l.b<l.d.gc();)a=(vr(l.b<l.d.gc()),ai(l.d.Xb(l.c=l.b++))),x=Q0e(dE,a),x&&(s=S0(r,a),s.je()?T=s.je().a:s.ge()?T=""+s.ge().a:s.he()?T=""+s.he().a:T=s.Ib(),O=Y0e(x,T),O!=null&&((Gf(x.j,(q1(),ca))||Gf(x.j,cr))&&IL(qte(y,Ko),x,O),Gf(x.j,Lb)&&IL(qte(y,ra),x,O),Gf(x.j,Q2)&&IL(qte(y,jd),x,O),Gf(x.j,hw)&&IL(qte(y,pc),x,O)));return y}function NG(r,s,a,l){var v,y,x,T,O,A;if(O=tf(r.e.Tg(),s),y=E(r.g,119),j0(r.e,s)){for(v=0,T=0;T<r.i;++T)if(x=y[T],O.rl(x.ak())){if(v==a)return Wr(),E(s,66).Oj()?x:(A=x.dd(),A!=null&&l&&Ce(s,99)&&E(s,18).Bb&du&&(A=YF(r,s,T,v,A)),A);++v}throw de(new xu(A9+a+N2+v))}else{for(v=0,T=0;T<r.i;++T){if(x=y[T],O.rl(x.ak()))return Wr(),E(s,66).Oj()?x:(A=x.dd(),A!=null&&l&&Ce(s,99)&&E(s,18).Bb&du&&(A=YF(r,s,T,v,A)),A);++v}return s.zj()}}function bB(r,s,a){var l,v,y,x,T,O,A,F;if(v=E(r.g,119),j0(r.e,s))return Wr(),E(s,66).Oj()?new KV(s,r):new TN(s,r);for(A=tf(r.e.Tg(),s),l=0,T=0;T<r.i;++T){if(y=v[T],x=y.ak(),A.rl(x)){if(Wr(),E(s,66).Oj())return y;if(x==(j5(),SI)||x==_I){for(O=new gh(dc(y.dd()));++T<r.i;)y=v[T],x=y.ak(),(x==SI||x==_I)&&gi(O,dc(y.dd()));return Hde(E(s.Yj(),148),O.a)}else return F=y.dd(),F!=null&&a&&Ce(s,99)&&E(s,18).Bb&du&&(F=YF(r,s,T,l,F)),F}++l}return s.zj()}function o9(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(y=0,x=r.t,v=0,l=0,O=0,q=0,z=0,a&&(r.n.c=Pe(mr,Ht,1,0,5,1),Et(r.n,new Oq(r.s,r.t,r.i))),T=0,F=new le(r.b);F.a<F.c.c.length;)A=E(ce(F),33),y+A.g+(T>0?r.i:0)>s&&O>0&&(y=0,x+=O+r.i,v=m.Math.max(v,q),l+=O+r.i,O=0,q=0,a&&(++z,Et(r.n,new Oq(r.s,x,r.i))),T=0),q+=A.g+(T>0?r.i:0),O=m.Math.max(O,A.f),a&&Ebe(E(Vt(r.n,z),211),A),y+=A.g+(T>0?r.i:0),++T;return v=m.Math.max(v,q),l+=O,a&&(r.r=v,r.d=l,Cbe(r.j)),new Wh(r.s,r.t,v,l)}function ll(r,s,a,l,v){mg();var y,x,T,O,A,F,z,q,Q;if(Vhe(r,"src"),Vhe(a,"dest"),q=Od(r),O=Od(a),hhe((q.i&4)!=0,"srcType is not an array"),hhe((O.i&4)!=0,"destType is not an array"),z=q.c,x=O.c,hhe(z.i&1?z==x:(x.i&1)==0,"Array types don't match"),Q=r.length,A=a.length,s<0||l<0||v<0||s+v>Q||l+v>A)throw de(new yD);if(!(z.i&1)&&q!=O)if(F=b2(r),y=b2(a),Qe(r)===Qe(a)&&s<l)for(s+=v,T=l+v;T-- >l;)qo(y,T,F[--s]);else for(T=l+v;l<T;)qo(y,l++,F[s++]);else v>0&&Ime(r,s,a,l,v,!0)}function fie(){fie=xe,cKe=pe(he(Gr,1),Ei,25,15,[qa,1162261467,l9,1220703125,362797056,1977326743,l9,387420489,QG,214358881,429981696,815730721,1475789056,170859375,268435456,410338673,612220032,893871739,128e7,1801088541,113379904,148035889,191102976,244140625,308915776,387420489,481890304,594823321,729e6,887503681,l9,1291467969,1544804416,1838265625,60466176]),lKe=pe(he(Gr,1),Ei,25,15,[-1,-1,31,19,15,13,11,11,10,9,9,8,8,8,8,7,7,7,7,7,7,7,6,6,6,6,6,6,6,6,6,6,6,6,6,6,5])}function C4t(r){var s,a,l,v,y,x,T,O;for(v=new le(r.b);v.a<v.c.c.length;)for(l=E(ce(v),29),x=new le(RS(l.a));x.a<x.c.c.length;)if(y=E(ce(x),10),H8e(y)&&(a=E(se(y,(bt(),gx)),305),!a.g&&a.d))for(s=a,O=a.d;O;)XBe(O.i,O.k,!1,!0),fL(s.a),fL(O.i),fL(O.k),fL(O.b),ya(O.c,s.c.d),ya(s.c,null),Vu(s.a,null),Vu(O.i,null),Vu(O.k,null),Vu(O.b,null),T=new $pe(s.i,O.a,s.e,O.j,O.f),T.k=s.k,T.n=s.n,T.b=s.b,T.c=O.c,T.g=s.g,T.d=O.d,ct(s.i,gx,T),ct(O.a,gx,T),O=O.d,s=T}function IT(r,s){var a,l,v,y,x;if(x=E(s,136),R4(r),R4(x),x.b!=null){if(r.c=!0,r.b==null){r.b=Pe(Gr,Ei,25,x.b.length,15,1),ll(x.b,0,r.b,0,x.b.length);return}for(y=Pe(Gr,Ei,25,r.b.length+x.b.length,15,1),a=0,l=0,v=0;a<r.b.length||l<x.b.length;)a>=r.b.length?(y[v++]=x.b[l++],y[v++]=x.b[l++]):l>=x.b.length?(y[v++]=r.b[a++],y[v++]=r.b[a++]):x.b[l]<r.b[a]||x.b[l]===r.b[a]&&x.b[l+1]<r.b[a+1]?(y[v++]=x.b[l++],y[v++]=x.b[l++]):(y[v++]=r.b[a++],y[v++]=r.b[a++]);r.b=y}}function T4t(r,s){var a,l,v,y,x,T,O,A,F,z;return a=Wt(Gt(se(r,(bt(),KT)))),T=Wt(Gt(se(s,KT))),l=E(se(r,Q1),11),O=E(se(s,Q1),11),v=E(se(r,Rp),11),A=E(se(s,Rp),11),F=!!l&&l==O,z=!!v&&v==A,!a&&!T?new Zde(E(ce(new le(r.j)),11).p==E(ce(new le(s.j)),11).p,F,z):(y=(!Wt(Gt(se(r,KT)))||Wt(Gt(se(r,mz))))&&(!Wt(Gt(se(s,KT)))||Wt(Gt(se(s,mz)))),x=(!Wt(Gt(se(r,KT)))||!Wt(Gt(se(r,mz))))&&(!Wt(Gt(se(s,KT)))||!Wt(Gt(se(s,mz)))),new Zde(F&&y||z&&x,F,z))}function k4t(r){var s,a,l,v,y,x,T,O;for(l=0,a=0,O=new Po,s=0,T=new le(r.n);T.a<T.c.c.length;)x=E(ce(T),211),x.c.c.length==0?os(O,x,O.c.b,O.c):(l=m.Math.max(l,x.d),a+=x.a+(s>0?r.i:0)),++s;for(M0t(r.n,O),r.d=a,r.r=l,r.g=0,r.f=0,r.e=0,r.o=Qo,r.p=Qo,y=new le(r.b);y.a<y.c.c.length;)v=E(ce(y),33),r.p=m.Math.min(r.p,v.g),r.g=m.Math.max(r.g,v.g),r.f=m.Math.max(r.f,v.f),r.o=m.Math.min(r.o,v.f),r.e+=v.f+r.i;r.a=r.e/r.b.c.length-r.i*((r.b.c.length-1)/r.b.c.length),Cbe(r.j)}function aHe(r){var s,a,l,v;return r.Db&64?Ane(r):(s=new gh(Wye),l=r.k,l?gi(gi((s.a+=' "',s),l),'"'):(!r.n&&(r.n=new St(pc,r,1,7)),r.n.i>0&&(v=(!r.n&&(r.n=new St(pc,r,1,7)),E(ke(r.n,0),137)).a,!v||gi(gi((s.a+=' "',s),v),'"'))),a=(!r.b&&(r.b=new Bn(Nr,r,4,7)),!(r.b.i<=1&&(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c.i<=1))),a?s.a+=" [":s.a+=" ",gi(s,ede(new FD,new Tr(r.b))),a&&(s.a+="]"),s.a+=koe,a&&(s.a+="["),gi(s,ede(new FD,new Tr(r.c))),a&&(s.a+="]"),s.a)}function die(r,s){var a,l,v,y,x,T,O;if(r.a){if(T=r.a.ne(),O=null,T!=null?s.a+=""+T:(x=r.a.Dj(),x!=null&&(y=bb(x,Af(91)),y!=-1?(O=x.substr(y),s.a+=""+bh(x==null?$f:(Qn(x),x),0,y)):s.a+=""+x)),r.d&&r.d.i!=0){for(v=!0,s.a+="<",l=new Tr(r.d);l.e!=l.i.gc();)a=E(Fr(l),87),v?v=!1:s.a+=fu,die(a,s);s.a+=">"}O!=null&&(s.a+=""+O)}else r.e?(T=r.e.zb,T!=null&&(s.a+=""+T)):(s.a+="?",r.b?(s.a+=" super ",die(r.b,s)):r.f&&(s.a+=" extends ",die(r.f,s)))}function R4t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr;for(nt=r.c,yt=s.c,a=lc(nt.a,r,0),l=lc(yt.a,s,0),Te=E(US(r,(Tu(),gd)).Kc().Pb(),11),bn=E(US(r,zl).Kc().Pb(),11),Ne=E(US(s,gd).Kc().Pb(),11),rr=E(US(s,zl).Kc().Pb(),11),be=_b(Te.e),Lt=_b(bn.g),Ie=_b(Ne.e),nn=_b(rr.g),yT(r,l,yt),x=Ie,F=0,ee=x.length;F<ee;++F)v=x[F],ya(v,Te);for(T=nn,z=0,ie=T.length;z<ie;++z)v=T[z],Ya(v,bn);for(yT(s,a,nt),O=be,q=0,fe=O.length;q<fe;++q)v=O[q],ya(v,Ne);for(y=Lt,A=0,Q=y.length;A<Q;++A)v=y[A],Ya(v,rr)}function uHe(r,s,a,l){var v,y,x,T,O,A,F;if(y=BW(l),T=Wt(Gt(se(l,(Ft(),Lxe)))),(T||Wt(Gt(se(r,bX))))&&!e4(E(se(r,Zo),98)))v=O5(y),O=A0e(r,a,a==(Tu(),zl)?v:ML(v));else switch(O=new cl,yc(O,r),s?(F=O.n,F.a=s.a-r.n.a,F.b=s.b-r.n.b,wNe(F,0,0,r.o.a,r.o.b),Hs(O,Aze(O,y))):(v=O5(y),Hs(O,a==(Tu(),zl)?v:ML(v))),x=E(se(l,(bt(),Cl)),21),A=O.j,y.g){case 2:case 1:(A==(It(),Jn)||A==Br)&&x.Fc((Ru(),rR));break;case 4:case 3:(A==(It(),fr)||A==nr)&&x.Fc((Ru(),rR))}return O}function q0e(r,s,a){var l,v,y,x,T,O,A,F;return m.Math.abs(s.s-s.c)<Rb||m.Math.abs(a.s-a.c)<Rb?0:(l=wBe(r,s.j,a.e),v=wBe(r,a.j,s.e),y=l==-1||v==-1,x=0,y?(l==-1&&(new f2((B1(),rE),a,s,1),++x),v==-1&&(new f2((B1(),rE),s,a,1),++x)):(T=m4(s.j,a.s,a.c),T+=m4(a.e,s.s,s.c),O=m4(a.j,s.s,s.c),O+=m4(s.e,a.s,a.c),A=l+16*T,F=v+16*O,A<F?new f2((B1(),o3),s,a,F-A):A>F?new f2((B1(),o3),a,s,A-F):A>0&&F>0&&(new f2((B1(),o3),s,a,0),new f2(o3,a,s,0))),x)}function cHe(r,s){var a,l,v,y,x,T;for(x=new _2(new dg(r.f.b).a);x.b;){if(y=$S(x),v=E(y.cd(),594),s==1){if(v.gf()!=(ku(),U0)&&v.gf()!=H0)continue}else if(v.gf()!=(ku(),Op)&&v.gf()!=p1)continue;switch(l=E(E(y.dd(),46).b,81),T=E(E(y.dd(),46).a,189),a=T.c,v.gf().g){case 2:l.g.c=r.e.a,l.g.b=m.Math.max(1,l.g.b+a);break;case 1:l.g.c=l.g.c+a,l.g.b=m.Math.max(1,l.g.b-a);break;case 4:l.g.d=r.e.b,l.g.a=m.Math.max(1,l.g.a+a);break;case 3:l.g.d=l.g.d+a,l.g.a=m.Math.max(1,l.g.a-a)}}}function O4t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(T=Pe(Gr,Ei,25,s.b.c.length,15,1),A=Pe(Gae,wt,267,s.b.c.length,0,1),O=Pe(Pm,iw,10,s.b.c.length,0,1),z=r.a,q=0,Q=z.length;q<Q;++q){for(F=z[q],ie=0,x=new le(F.e);x.a<x.c.c.length;)v=E(ce(x),10),l=Ffe(v.c),++T[l],ee=ot(Dt(se(s,(Ft(),h1)))),T[l]>0&&O[l]&&(ee=n4(r.b,O[l],v)),ie=m.Math.max(ie,v.c.c.b+ee);for(y=new le(F.e);y.a<y.c.c.length;)v=E(ce(y),10),v.n.b=ie+v.d.d,a=v.c,a.c.b=ie+v.d.d+v.o.b+v.d.a,A[lc(a.b.b,a,0)]=v.k,O[lc(a.b.b,a,0)]=v}}function lHe(r,s){var a,l,v,y,x,T,O,A,F,z,q;for(l=new Rr(Ar(F0(s).a.Kc(),new M));fi(l);)a=E(Zr(l),79),Ce(ke((!a.b&&(a.b=new Bn(Nr,a,4,7)),a.b),0),186)||(O=ic(E(ke((!a.c&&(a.c=new Bn(Nr,a,5,8)),a.c),0),82)),XF(a)||(x=s.i+s.g/2,T=s.j+s.f/2,F=O.i+O.g/2,z=O.j+O.f/2,q=new ka,q.a=F-x,q.b=z-T,y=new Kt(q.a,q.b),Q6(y,s.g,s.f),q.a-=y.a,q.b-=y.b,x=F-q.a,T=z-q.b,A=new Kt(q.a,q.b),Q6(A,O.g,O.f),q.a-=A.a,q.b-=A.b,F=x+q.a,z=T+q.b,v=D4(a,!0,!0),S6(v,x),C6(v,T),_6(v,F),x6(v,z),lHe(r,O)))}function fHe(r){Oe(r,new O2(Av(hy(gy(py(new Pa,ix),"ELK SPOrE Compaction"),"ShrinkTree is a compaction algorithm that maintains the topology of a layout. The relocation of diagram elements is based on contracting a spanning tree."),new xd))),At(r,ix,vse,Ut(YX)),At(r,ix,jye,Ut(zce)),At(r,ix,Mye,Ut(Bce)),At(r,ix,wse,Ut(BTe)),At(r,ix,yse,Ut(Lce)),At(r,ix,rx,LTe),At(r,ix,FT,8),At(r,ix,Ese,Ut(nnt)),At(r,ix,Nye,Ut(MTe)),At(r,ix,Lye,Ut(NTe)),At(r,ix,HB,(tr(),!1))}function I4t(r,s){var a,l,v,y,x,T,O,A,F,z;for(Lr(s,"Simple node placement",1),z=E(se(r,(bt(),aR)),304),T=0,y=new le(r.b);y.a<y.c.c.length;){for(l=E(ce(y),29),x=l.c,x.b=0,a=null,A=new le(l.a);A.a<A.c.c.length;)O=E(ce(A),10),a&&(x.b+=ibe(O,a,z.c)),x.b+=O.d.d+O.o.b+O.d.a,a=O;T=m.Math.max(T,x.b)}for(v=new le(r.b);v.a<v.c.c.length;)for(l=E(ce(v),29),x=l.c,F=(T-x.b)/2,a=null,A=new le(l.a);A.a<A.c.c.length;)O=E(ce(A),10),a&&(F+=ibe(O,a,z.c)),F+=O.d.d,O.n.b=F,F+=O.o.b+O.d.a,a=O;Or(s)}function D4t(r,s,a,l){var v,y,x,T,O,A,F,z;if(l.gc()==0)return!1;if(O=(Wr(),E(s,66).Oj()),x=O?l:new AS(l.gc()),j0(r.e,s)){if(s.hi())for(F=l.Kc();F.Ob();)A=F.Pb(),jG(r,s,A,Ce(s,99)&&(E(s,18).Bb&du)!=0)||(y=_m(s,A),x.Fc(y));else if(!O)for(F=l.Kc();F.Ob();)A=F.Pb(),y=_m(s,A),x.Fc(y)}else{for(z=tf(r.e.Tg(),s),v=E(r.g,119),T=0;T<r.i;++T)if(y=v[T],z.rl(y.ak()))throw de(new Yn(YB));if(l.gc()>1)throw de(new Yn(YB));O||(y=_m(s,l.Kc().Pb()),x.Fc(y))}return tge(r,Eme(r,s,a),x)}function A4t(r,s){var a,l,v,y;for(ggt(s.b.j),Bo(xf(new Nn(null,new zn(s.d,16)),new qx),new p_),y=new le(s.d);y.a<y.c.c.length;){switch(v=E(ce(y),101),v.e.g){case 0:a=E(Vt(v.j,0),113).d.j,iP(v,E(mS(sq(E(no(v.k,a),15).Oc(),Z4)),113)),rP(v,E(mS(oq(E(no(v.k,a),15).Oc(),Z4)),113));break;case 1:l=Rbe(v),iP(v,E(mS(sq(E(no(v.k,l[0]),15).Oc(),Z4)),113)),rP(v,E(mS(oq(E(no(v.k,l[1]),15).Oc(),Z4)),113));break;case 2:R_t(r,v);break;case 3:VCt(v);break;case 4:KCt(r,v)}pgt(v)}r.a=null}function hie(r,s,a){var l,v,y,x,T,O,A,F;return l=r.a.o==(Sg(),zg)?Qo:ws,T=Bze(r,new z4e(s,a)),!T.a&&T.c?(Ii(r.d,T),l):T.a?(v=T.a.c,O=T.a.d,a?(A=r.a.c==(Eb(),xx)?O:v,y=r.a.c==xx?v:O,x=r.a.g[y.i.p],F=ot(r.a.p[x.p])+ot(r.a.d[y.i.p])+y.n.b+y.a.b-ot(r.a.d[A.i.p])-A.n.b-A.a.b):(A=r.a.c==(Eb(),fw)?O:v,y=r.a.c==fw?v:O,F=ot(r.a.p[r.a.g[y.i.p].p])+ot(r.a.d[y.i.p])+y.n.b+y.a.b-ot(r.a.d[A.i.p])-A.n.b-A.a.b),r.a.n[r.a.g[v.i.p].p]=(tr(),!0),r.a.n[r.a.g[O.i.p].p]=!0,F):l}function LG(r,s,a){var l,v,y,x,T,O,A,F;if(j0(r.e,s))O=(Wr(),E(s,66).Oj()?new KV(s,r):new TN(s,r)),EG(O.c,O.b),G8(O,E(a,14));else{for(F=tf(r.e.Tg(),s),l=E(r.g,119),x=0;x<r.i;++x)if(v=l[x],y=v.ak(),F.rl(y)){if(y==(j5(),SI)||y==_I){for(A=vbe(r,s,a),T=x,A?TT(r,x):++x;x<r.i;)v=l[x],y=v.ak(),y==SI||y==_I?TT(r,x):++x;A||E(E4(r,T,_m(s,a)),72)}else vbe(r,s,a)?TT(r,x):E(E4(r,x,(Wr(),E(s,66).Oj()?E(a,72):_m(s,a))),72);return}vbe(r,s,a)||ei(r,(Wr(),E(s,66).Oj()?E(a,72):_m(s,a)))}}function dHe(r,s,a){var l,v,y,x,T,O,A,F;return Ki(a,r.b)||(r.b=a,y=new Ui,x=E(wh(xf(new Nn(null,new zn(a.f,16)),y),uT(new jn,new ii,new pi,new Es,pe(he(Pd,1),wt,132,0,[(Dg(),HT),Rh]))),21),r.e=!0,r.f=!0,r.c=!0,r.d=!0,v=x.Hc((A5(),nz)),l=x.Hc(rz),v&&!l&&(r.f=!1),!v&&l&&(r.d=!1),v=x.Hc(tz),l=x.Hc(iz),v&&!l&&(r.c=!1),!v&&l&&(r.e=!1)),F=E(r.a.Ce(s,a),46),O=E(F.a,19).a,A=E(F.b,19).a,T=!1,O<0?r.c||(T=!0):r.e||(T=!0),A<0?r.d||(T=!0):r.f||(T=!0),T?dHe(r,F,a):F}function $4t(r){var s,a,l,v;v=r.o,XC(),r.A.dc()||Ki(r.A,j2e)?s=v.b:(s=nB(r.f),r.A.Hc((eh(),Yz))&&!r.B.Hc((Ad(),Mj))&&(s=m.Math.max(s,nB(E(ju(r.p,(It(),fr)),244))),s=m.Math.max(s,nB(E(ju(r.p,nr),244)))),a=d9e(r),a&&(s=m.Math.max(s,a.b)),r.A.Hc(Xz)&&(r.q==(Sa(),Nm)||r.q==Tl)&&(s=m.Math.max(s,WV(E(ju(r.b,(It(),fr)),124))),s=m.Math.max(s,WV(E(ju(r.b,nr),124))))),Wt(Gt(r.e.yf().We((Mi(),nQ))))?v.b=m.Math.max(v.b,s):v.b=s,l=r.f.i,l.d=0,l.a=s,sie(r.f)}function hHe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(z=0;z<s.length;z++){for(T=r.Kc();T.Ob();)y=E(T.Pb(),225),y.Of(z,s);for(q=0;q<s[z].length;q++){for(O=r.Kc();O.Ob();)y=E(O.Pb(),225),y.Pf(z,q,s);for(ie=s[z][q].j,Q=0;Q<ie.c.length;Q++){for(A=r.Kc();A.Ob();)y=E(A.Pb(),225),y.Qf(z,q,Q,s);for(ee=(Vn(Q,ie.c.length),E(ie.c[Q],11)),a=0,v=new kg(ee.b);wc(v.a)||wc(v.b);)for(l=E(wc(v.a)?ce(v.a):ce(v.b),17),F=r.Kc();F.Ob();)y=E(F.Pb(),225),y.Nf(z,q,Q,a++,l,s)}}}for(x=r.Kc();x.Ob();)y=E(x.Pb(),225),y.Mf()}function P4t(r,s){var a,l,v,y,x,T,O;for(r.b=ot(Dt(se(s,(Ft(),cR)))),r.c=ot(Dt(se(s,Y2))),r.d=E(se(s,Bue),336),r.a=E(se(s,fX),275),kwt(s),T=E(wh(So(So(Ec(Ec(new Nn(null,new zn(s.b,16)),new v3),new i_),new tg),new Bb),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),v=T.Kc();v.Ob();)a=E(v.Pb(),17),x=E(se(a,(bt(),q2)),15),x.Jc(new uD(r)),ct(a,q2,null);for(l=T.Kc();l.Ob();)a=E(l.Pb(),17),O=E(se(a,(bt(),zSe)),17),y=E(se(a,uR),15),H5t(r,y,O),ct(a,uR,null)}function F4t(r){r.b=null,r.a=null,r.o=null,r.q=null,r.v=null,r.w=null,r.B=null,r.p=null,r.Q=null,r.R=null,r.S=null,r.T=null,r.U=null,r.V=null,r.W=null,r.bb=null,r.eb=null,r.ab=null,r.H=null,r.db=null,r.c=null,r.d=null,r.f=null,r.n=null,r.r=null,r.s=null,r.u=null,r.G=null,r.J=null,r.e=null,r.j=null,r.i=null,r.g=null,r.k=null,r.t=null,r.F=null,r.I=null,r.L=null,r.M=null,r.O=null,r.P=null,r.$=null,r.N=null,r.Z=null,r.cb=null,r.K=null,r.D=null,r.A=null,r.C=null,r._=null,r.fb=null,r.X=null,r.Y=null,r.gb=!1,r.hb=!1}function pie(r){var s,a,l,v,y,x,T,O,A;return!(r.k!=(dr(),Os)||r.j.c.length<=1||(y=E(se(r,(Ft(),Zo)),98),y==(Sa(),Tl))||(v=(vT(),(r.q?r.q:(In(),In(),$m))._b(yx)?l=E(se(r,yx),197):l=E(se(Za(r),aj),197),l),v==kX)||!(v==dR||v==fR)&&(x=ot(Dt(mT(r,uj))),s=E(se(r,Sz),142),!s&&(s=new Mde(x,x,x,x)),A=Sc(r,(It(),nr)),O=s.d+s.a+(A.gc()-1)*x,O>r.o.b||(a=Sc(r,fr),T=s.d+s.a+(a.gc()-1)*x,T>r.o.b)))}function gie(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;if(x=r.e,O=s.e,x==0)return s;if(O==0)return r;if(y=r.d,T=s.d,y+T==2)return a=zs(r.a[0],Ou),l=zs(s.a[0],Ou),x==O?(F=Xa(a,l),ee=Qr(F),Q=Qr(eT(F,32)),Q==0?new Wv(x,ee):new o4(x,2,pe(he(Gr,1),Ei,25,15,[ee,Q]))):HL(x<0?My(l,a):My(a,l));if(x==O)q=x,z=y>=T?Dte(r.a,y,s.a,T):Dte(s.a,T,r.a,y);else{if(v=y!=T?y>T?1:-1:bge(r.a,s.a,y),v==0)return zy(),MA;v==1?(q=x,z=Ote(r.a,y,s.a,T)):(q=O,z=Ote(s.a,T,r.a,y))}return A=new o4(q,z.length,z),gF(A),A}function bie(r,s,a,l,v,y,x){var T,O,A,F,z,q,Q;return z=Wt(Gt(se(s,(Ft(),Bxe)))),q=null,y==(Tu(),gd)&&l.c.i==a?q=l.c:y==zl&&l.d.i==a&&(q=l.d),A=x,!A||!z||q?(F=(It(),Tc),q?F=q.j:e4(E(se(a,Zo),98))&&(F=y==gd?nr:fr),O=j4t(r,s,a,y,F,l),T=kte((Za(a),l)),y==gd?(Ya(T,E(Vt(O.j,0),11)),ya(T,v)):(Ya(T,v),ya(T,E(Vt(O.j,0),11))),A=new Rje(l,T,O,E(se(O,(bt(),to)),11),y,!q)):(Et(A.e,l),Q=m.Math.max(ot(Dt(se(A.d,cw))),ot(Dt(se(l,cw)))),ct(A.d,cw,Q)),_n(r.a,l,new zV(A.d,s,y)),A}function BG(r,s){var a,l,v,y,x,T,O,A,F,z;if(F=null,r.d&&(F=E(ml(r.d,s),138)),!F){if(y=r.a.Mh(),z=y.i,!r.d||YO(r.d)!=z){for(O=new jr,r.d&&kF(O,r.d),A=O.f.c+O.g.c,T=A;T<z;++T)l=E(ke(y,T),138),v=Xv(r.e,l).ne(),a=E(v==null?ef(O.f,null,l):zS(O.g,v,l),138),a&&a!=l&&(v==null?ef(O.f,null,a):zS(O.g,v,a));if(O.f.c+O.g.c!=z)for(x=0;x<A;++x)l=E(ke(y,x),138),v=Xv(r.e,l).ne(),a=E(v==null?ef(O.f,null,l):zS(O.g,v,l),138),a&&a!=l&&(v==null?ef(O.f,null,a):zS(O.g,v,a));r.d=O}F=E(ml(r.d,s),138)}return F}function j4t(r,s,a,l,v,y){var x,T,O,A,F,z;return x=null,A=l==(Tu(),gd)?y.c:y.d,O=BW(s),A.i==a?(x=E(Cr(r.b,A),10),x||(x=vB(A,E(se(a,(Ft(),Zo)),98),v,W3t(A),null,A.n,A.o,O,s),ct(x,(bt(),to),A),Qi(r.b,A,x))):(x=vB((F=new To,z=ot(Dt(se(s,(Ft(),h1))))/2,IL(F,e3,z),F),E(se(a,Zo),98),v,l==gd?-1:1,null,new ka,new Kt(0,0),O,s),T=IEt(x,a,l),ct(x,(bt(),to),T),Qi(r.b,T,x)),E(se(s,(bt(),Cl)),21).Fc((Ru(),ip)),e4(E(se(s,(Ft(),Zo)),98))?ct(s,Zo,(Sa(),g$)):ct(s,Zo,(Sa(),Ug)),x}function M4t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;Lr(s,"Orthogonal edge routing",1),A=ot(Dt(se(r,(Ft(),lR)))),a=ot(Dt(se(r,cR))),l=ot(Dt(se(r,Y2))),q=new Mee(0,a),fe=0,x=new Oa(r.b,0),T=null,F=null,O=null,z=null;do F=x.b<x.d.gc()?(vr(x.b<x.d.gc()),E(x.d.Xb(x.c=x.b++),29)):null,z=F?F.a:null,T&&(G0e(T,fe),fe+=T.c.a),ie=T?fe+l:fe,ee=J0e(q,r,O,z,ie),v=!T||vV(O,(RG(),Rz)),y=!F||vV(z,(RG(),Rz)),ee>0?(Q=(ee-1)*a,T&&(Q+=l),F&&(Q+=l),Q<A&&!v&&!y&&(Q=A),fe+=Q):!v&&!y&&(fe+=A),T=F,O=z;while(F);r.f.a=fe,Or(s)}function mie(){mie=xe;var r;Pke=new lJ,$rt=Pe(Bt,ft,2,0,6,1),Drt=Cg(R5(33,58),R5(1,26)),Art=Cg(R5(97,122),R5(65,90)),Oke=R5(48,57),Ort=Cg(Drt,0),Irt=Cg(Art,Oke),Ike=Cg(Cg(0,R5(1,6)),R5(33,38)),Dke=Cg(Cg(Oke,R5(65,70)),R5(97,102)),Prt=Cg(Ort,JW("-_.!~*'()")),Frt=Cg(Irt,WW("-_.!~*'()")),JW(GWe),WW(GWe),Cg(Prt,JW(";:@&=+$,")),Cg(Frt,WW(";:@&=+$,")),Ake=JW(":/?#"),$ke=WW(":/?#"),Bj=JW("/?#"),zj=WW("/?#"),r=new vs,r.a.zc("jar",r),r.a.zc("zip",r),r.a.zc("archive",r),yQ=(In(),new Ov(r))}function pHe(r,s){var a,l,v,y,x,T,O,A,F,z;if(ct(s,(Hc(),u$),0),O=E(se(s,MX),86),s.d.b==0)O?(F=ot(Dt(se(O,dw)))+r.a+Upe(O,s),ct(s,dw,F)):ct(s,dw,0);else{for(l=(y=Ti(new g0(s).a.d,0),new Tv(y));LD(l.a);)a=E(Ci(l.a),188).c,pHe(r,a);T=E(kV((x=Ti(new g0(s).a.d,0),new Tv(x))),86),z=E(rst((v=Ti(new g0(s).a.d,0),new Tv(v))),86),A=(ot(Dt(se(z,dw)))+ot(Dt(se(T,dw))))/2,O?(F=ot(Dt(se(O,dw)))+r.a+Upe(O,s),ct(s,dw,F),ct(s,u$,ot(Dt(se(s,dw)))-A),qRt(r,s)):ct(s,dw,A)}}function lA(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;T=0,ee=0,O=kq(r.f,r.f.length),y=r.d,x=r.i,l=r.a,v=r.b;do{for(Q=0,F=new le(r.p);F.a<F.c.c.length;)A=E(ce(F),10),q=$He(r,A),a=!0,(r.q==(I4(),xz)||r.q==Cz)&&(a=Wt(Gt(q.b))),E(q.a,19).a<0&&a?(++Q,O=kq(r.f,r.f.length),r.d=r.d+E(q.a,19).a,ee+=y-r.d,y=r.d+E(q.a,19).a,x=r.i,l=RS(r.a),v=RS(r.b)):(r.f=kq(O,O.length),r.d=y,r.a=(Jr(l),l?new Kf(l):ZD(new le(l))),r.b=(Jr(v),v?new Kf(v):ZD(new le(v))),r.i=x);++T,z=Q!=0&&Wt(Gt(s.Kb(new Ra(Ot(ee),Ot(T)))))}while(z)}function N4t(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn;return x=r.f,q=s.f,T=x==(sA(),pI)||x==Sj,Q=q==pI||q==Sj,O=x==pR||x==xj,ee=q==pR||q==xj,A=x==pR||x==pI,ie=q==pR||q==pI,T&&Q?r.f==Sj?r:s:O&&ee?r.f==xj?r:s:A&&ie?(x==pR?(z=r,F=s):(z=s,F=r),y=(fe=a.j+a.f,be=z.e+l.f,Ie=m.Math.max(fe,be),Te=Ie-m.Math.min(a.j,z.e),Ne=z.d+l.g-a.i,Ne*Te),v=(nt=a.i+a.g,yt=F.d+l.g,Lt=m.Math.max(nt,yt),nn=Lt-m.Math.min(a.i,F.d),bn=F.e+l.f-a.j,nn*bn),y<=v?r.f==pR?r:s:r.f==pI?r:s):r}function L4t(r){var s,a,l,v,y,x,T,O,A,F,z;for(F=r.e.a.c.length,x=new le(r.e.a);x.a<x.c.c.length;)y=E(ce(x),121),y.j=!1;for(r.i=Pe(Gr,Ei,25,F,15,1),r.g=Pe(Gr,Ei,25,F,15,1),r.n=new vt,v=0,z=new vt,O=new le(r.e.a);O.a<O.c.c.length;)T=E(ce(O),121),T.d=v++,T.b.a.c.length==0&&Et(r.n,T),Cs(z,T.g);for(s=0,l=new le(z);l.a<l.c.c.length;)a=E(ce(l),213),a.c=s++,a.f=!1;A=z.c.length,r.b==null||r.b.length<A?(r.b=Pe(ba,Lu,25,A,15,1),r.c=Pe(Md,Dm,25,A,16,1)):Xl(r.c),r.d=z,r.p=new YZ(lT(r.d.c.length)),r.j=1}function B4t(r,s){var a,l,v,y,x,T,O,A,F;if(!(s.e.c.length<=1)){for(r.f=s,r.d=E(se(r.f,(GL(),e_e)),379),r.g=E(se(r.f,i_e),19).a,r.e=ot(Dt(se(r.f,t_e))),r.c=ot(Dt(se(r.f,xY))),TDe(r.b),v=new le(r.f.c);v.a<v.c.c.length;)l=E(ce(v),282),C0e(r.b,l.c,l,null),C0e(r.b,l.d,l,null);for(T=r.f.e.c.length,r.a=a2(ba,[ft,Lu],[104,25],15,[T,T],2),A=new le(r.f.e);A.a<A.c.c.length;)O=E(ce(A),144),u4t(r,O,r.a[O.b]);for(r.i=a2(ba,[ft,Lu],[104,25],15,[T,T],2),y=0;y<T;++y)for(x=0;x<T;++x)a=r.a[y][x],F=1/(a*a),r.i[y][x]=F}}function s9(r){var s,a,l,v;if(!(r.b==null||r.b.length<=2)&&!r.a){for(s=0,v=0;v<r.b.length;){for(s!=v?(r.b[s]=r.b[v++],r.b[s+1]=r.b[v++]):v+=2,a=r.b[s+1];v<r.b.length&&!(a+1<r.b[v]);)if(a+1==r.b[v])r.b[s+1]=r.b[v+1],a=r.b[s+1],v+=2;else if(a>=r.b[v+1])v+=2;else if(a<r.b[v+1])r.b[s+1]=r.b[v+1],a=r.b[s+1],v+=2;else throw de(new Zu("Token#compactRanges(): Internel Error: ["+r.b[s]+","+r.b[s+1]+"] ["+r.b[v]+","+r.b[v+1]+"]"));s+=2}s!=r.b.length&&(l=Pe(Gr,Ei,25,s,15,1),ll(r.b,0,l,0,s),r.b=l),r.a=!0}}function z4t(r,s){var a,l,v,y,x,T,O;for(x=f5(r.a).Kc();x.Ob();){if(y=E(x.Pb(),17),y.b.c.length>0)for(l=new Kf(E(no(r.a,y),21)),In(),sa(l,new Cn(s)),v=new Oa(y.b,0);v.b<v.d.gc();){switch(a=(vr(v.b<v.d.gc()),E(v.d.Xb(v.c=v.b++),70)),T=-1,E(se(a,(Ft(),Nb)),272).g){case 1:T=l.c.length-1;break;case 0:T=fEt(l);break;case 2:T=0}T!=-1&&(O=(Vn(T,l.c.length),E(l.c[T],243)),Et(O.b.b,a),E(se(Za(O.b.c.i),(bt(),Cl)),21).Fc((Ru(),QA)),E(se(Za(O.b.c.i),Cl),21).Fc(XA),Qd(v),ct(a,NSe,y))}Ya(y,null),ya(y,null)}}function H4t(r,s){var a,l,v,y;return a=new eo,l=E(wh(xf(new Nn(null,new zn(r.f,16)),a),uT(new jn,new ii,new pi,new Es,pe(he(Pd,1),wt,132,0,[(Dg(),HT),Rh]))),21),v=l.gc(),v=v==2?1:0,v==1&&dS(BL(E(wh(So(l.Lc(),new As),u9e(C2(0),new Xs)),162).a,2),0)&&(v=0),l=E(wh(xf(new Nn(null,new zn(s.f,16)),a),uT(new jn,new ii,new pi,new Es,pe(he(Pd,1),wt,132,0,[HT,Rh]))),21),y=l.gc(),y=y==2?1:0,y==1&&dS(BL(E(wh(So(l.Lc(),new ps),u9e(C2(0),new Xs)),162).a,2),0)&&(y=0),v<y?-1:v==y?0:1}function U4t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q;if(A=new vt,!ta(r,(bt(),Cue)))return A;for(l=E(se(r,Cue),15).Kc();l.Ob();)s=E(l.Pb(),10),nRt(s,r),A.c[A.c.length]=s;for(y=new le(r.b);y.a<y.c.c.length;)for(v=E(ce(y),29),T=new le(v.a);T.a<T.c.c.length;)x=E(ce(T),10),x.k==(dr(),ds)&&(O=E(se(x,aX),10),O&&(F=new cl,yc(F,x),z=E(se(x,Pc),61),Hs(F,z),q=E(Vt(O.j,0),11),Q=new CS,Ya(Q,F),ya(Q,q)));for(a=new le(A);a.a<a.c.c.length;)s=E(ce(a),10),Vu(s,E(Vt(r.b,r.b.c.length-1),29));return A}function gHe(r){var s,a,l,v,y,x,T,O,A,F,z,q;for(s=_g(r),y=Wt(Gt(Xt(s,(Ft(),ZT)))),F=0,v=0,A=new Tr((!r.e&&(r.e=new Bn(ra,r,7,4)),r.e));A.e!=A.i.gc();)O=E(Fr(A),79),T=KS(O),x=T&&y&&Wt(Gt(Xt(O,W2))),q=ic(E(ke((!O.c&&(O.c=new Bn(Nr,O,5,8)),O.c),0),82)),T&&x?++v:T&&!x?++F:Wo(q)==s||q==s?++v:++F;for(l=new Tr((!r.d&&(r.d=new Bn(ra,r,8,5)),r.d));l.e!=l.i.gc();)a=E(Fr(l),79),T=KS(a),x=T&&y&&Wt(Gt(Xt(a,W2))),z=ic(E(ke((!a.b&&(a.b=new Bn(Nr,a,4,7)),a.b),0),82)),T&&x?++F:T&&!x?++v:Wo(z)==s||z==s?++F:++v;return F-v}function V4t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q;if(Lr(s,"Edge splitting",1),r.b.c.length<=2){Or(s);return}for(y=new Oa(r.b,0),x=(vr(y.b<y.d.gc()),E(y.d.Xb(y.c=y.b++),29));y.b<y.d.gc();)for(v=x,x=(vr(y.b<y.d.gc()),E(y.d.Xb(y.c=y.b++),29)),O=new le(v.a);O.a<O.c.c.length;)for(T=E(ce(O),10),F=new le(T.j);F.a<F.c.c.length;)for(A=E(ce(F),11),l=new le(A.g);l.a<l.c.c.length;)a=E(ce(l),17),q=a.d,z=q.i.c,z!=v&&z!=x&&IBe(a,(Q=new P0(r),cm(Q,(dr(),ua)),ct(Q,(bt(),to),a),ct(Q,(Ft(),Zo),(Sa(),Tl)),Vu(Q,x),Q));Or(s)}function bHe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q;if(T=s.p!=null&&!s.b,T||Lr(s,xVe,1),a=E(se(r,(bt(),Iue)),15),x=1/a.gc(),s.n)for(s2(s,"ELK Layered uses the following "+a.gc()+" modules:"),Q=0,q=a.Kc();q.Ob();)F=E(q.Pb(),51),l=(Q<10?"0":"")+Q++,s2(s," Slot "+l+": "+v0(Od(F)));for(z=a.Kc();z.Ob();)F=E(z.Pb(),51),F.pf(r,wl(s,x));for(y=new le(r.b);y.a<y.c.c.length;)v=E(ce(y),29),Cs(r.a,v.a),v.a.c=Pe(mr,Ht,1,0,5,1);for(A=new le(r.a);A.a<A.c.c.length;)O=E(ce(A),10),Vu(O,null);r.b.c=Pe(mr,Ht,1,0,5,1),T||Or(s)}function q4t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt;l=ot(Dt(se(s,(Ft(),Hxe)))),nt=E(se(s,cj),19).a,q=4,v=3,yt=20/nt,Q=!1,O=0,x=qi;do{for(y=O!=1,z=O!=0,Lt=0,fe=r.a,Ie=0,Ne=fe.length;Ie<Ne;++Ie)ee=fe[Ie],ee.f=null,AOt(r,ee,y,z,l),Lt+=m.Math.abs(ee.a);do T=Skt(r,s);while(T);for(ie=r.a,be=0,Te=ie.length;be<Te;++be)if(ee=ie[be],a=Bhe(ee).a,a!=0)for(F=new le(ee.e);F.a<F.c.c.length;)A=E(ce(F),10),A.n.b+=a;O==0||O==1?(--q,q<=0&&(Lt<x||-q>nt)?(O=2,x=qi):O==0?(O=1,x=Lt):(O=0,x=Lt)):(Q=Lt>=x||x-Lt<yt,x=Lt,Q&&--v)}while(!(Q&&v<=0))}function vie(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee;for(ee=new jr,y=r.a.ec().Kc();y.Ob();)l=E(y.Pb(),168),Qi(ee,l,a.Je(l));for(x=(Jr(r),r?new Kf(r):ZD(r.a.ec().Kc())),sa(x,new gP(ee)),T=Bq(x),O=new CV(s),Q=new jr,ef(Q.f,s,O);T.a.gc()!=0;){for(A=null,F=null,z=null,v=T.a.ec().Kc();v.Ob();)if(l=E(v.Pb(),168),ot(Dt(Rc(nc(ee.f,l))))<=Qo){if(Xd(Q,l.a)&&!Xd(Q,l.b)){F=l.b,z=l.a,A=l;break}if(Xd(Q,l.b)&&!Xd(Q,l.a)){F=l.a,z=l.b,A=l;break}}if(!A)break;q=new CV(F),Et(E(Rc(nc(Q.f,z)),221).a,q),ef(Q.f,F,q),T.a.Bc(A)!=null}return O}function W4t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q;for(Lr(a,"Depth-first cycle removal",1),z=s.a,F=z.c.length,r.c=new vt,r.d=Pe(Md,Dm,25,F,16,1),r.a=Pe(Md,Dm,25,F,16,1),r.b=new vt,x=0,A=new le(z);A.a<A.c.c.length;)O=E(ce(A),10),O.p=x,h6(fc(O))&&Et(r.c,O),++x;for(Q=new le(r.c);Q.a<Q.c.c.length;)q=E(ce(Q),10),xme(r,q);for(y=0;y<F;y++)r.d[y]||(T=(Vn(y,z.c.length),E(z.c[y],10)),xme(r,T));for(v=new le(r.b);v.a<v.c.c.length;)l=E(ce(v),17),JS(l,!0),ct(s,(bt(),gz),(tr(),!0));r.c=null,r.d=null,r.a=null,r.b=null,Or(a)}function G4t(r,s){var a,l,v,y,x,T,O;for(r.a.c=Pe(mr,Ht,1,0,5,1),l=Ti(s.b,0);l.b!=l.d.c;)a=E(Ci(l),86),a.b.b==0&&(ct(a,(Hc(),s3),(tr(),!0)),Et(r.a,a));switch(r.a.c.length){case 0:v=new hne(0,s,"DUMMY_ROOT"),ct(v,(Hc(),s3),(tr(),!0)),ct(v,vce,!0),Ii(s.b,v);break;case 1:break;default:for(y=new hne(0,s,"SUPER_ROOT"),T=new le(r.a);T.a<T.c.c.length;)x=E(ce(T),86),O=new lpe(y,x),ct(O,(Hc(),vce),(tr(),!0)),Ii(y.a.a,O),Ii(y.d,O),Ii(x.b,O),ct(x,s3,!1);ct(y,(Hc(),s3),(tr(),!0)),ct(y,vce,!0),Ii(s.b,y)}}function K4t(r,s){A4();var a,l,v,y,x,T;return y=s.c-(r.c+r.b),v=r.c-(s.c+s.b),x=r.d-(s.d+s.a),a=s.d-(r.d+r.a),l=m.Math.max(v,y),T=m.Math.max(x,a),yg(),s1(Db),(m.Math.abs(l)<=Db||l==0||isNaN(l)&&isNaN(0)?0:l<0?-1:l>0?1:hS(isNaN(l),isNaN(0)))>=0^(s1(Db),(m.Math.abs(T)<=Db||T==0||isNaN(T)&&isNaN(0)?0:T<0?-1:T>0?1:hS(isNaN(T),isNaN(0)))>=0)?m.Math.max(T,l):(s1(Db),(m.Math.abs(l)<=Db||l==0||isNaN(l)&&isNaN(0)?0:l<0?-1:l>0?1:hS(isNaN(l),isNaN(0)))>0?m.Math.sqrt(T*T+l*l):-m.Math.sqrt(T*T+l*l))}function I2(r,s){var a,l,v,y,x,T;if(s){if(!r.a&&(r.a=new zP),r.e==2){xD(r.a,s);return}if(s.e==1){for(v=0;v<s.em();v++)I2(r,s.am(v));return}if(T=r.a.a.c.length,T==0){xD(r.a,s);return}if(x=E(_S(r.a,T-1),117),!((x.e==0||x.e==10)&&(s.e==0||s.e==10))){xD(r.a,s);return}y=s.e==0?2:s.bm().length,x.e==0?(a=new zC,l=x._l(),l>=du?Fu(a,Nge(l)):o6(a,l&ls),x=new ite(10,null,0),Slt(r.a,x,T-1)):(a=(x.bm().length+y,new zC),Fu(a,x.bm())),s.e==0?(l=s._l(),l>=du?Fu(a,Nge(l)):o6(a,l&ls)):Fu(a,s.bm()),E(x,521).b=a.a}}function mHe(r){var s,a,l,v,y;return r.g!=null?r.g:r.a<32?(r.g=a5t(Df(r.f),ss(r.e)),r.g):(v=Cie((!r.c&&(r.c=$L(r.f)),r.c),0),r.e==0?v:(s=(!r.c&&(r.c=$L(r.f)),r.c).e<0?2:1,a=v.length,l=-r.e+a-s,y=new pm,y.a+=""+v,r.e>0&&l>=-6?l>=0?JN(y,a-ss(r.e),String.fromCharCode(46)):(y.a=bh(y.a,0,s-1)+"0."+kN(y.a,s-1),JN(y,s+1,vp(U2,0,-ss(l)-1))):(a-s>=1&&(JN(y,s,String.fromCharCode(46)),++a),JN(y,a,String.fromCharCode(69)),l>0&&JN(y,++a,String.fromCharCode(43)),JN(y,++a,""+oF(Df(l)))),r.g=y.a,r.g))}function Y4t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(!a.dc()){for(T=0,q=0,l=a.Kc(),ee=E(l.Pb(),19).a;T<s.f;){if(T==ee&&(q=0,l.Ob()?ee=E(l.Pb(),19).a:ee=s.f+1),T!=q){for(fe=E(Vt(r.b,T),29),Q=E(Vt(r.b,q),29),ie=RS(fe.a),z=new le(ie);z.a<z.c.c.length;)if(F=E(ce(z),10),yT(F,Q.a.c.length,Q),q==0)for(x=RS(fc(F)),y=new le(x);y.a<y.c.c.length;)v=E(ce(y),17),JS(v,!0),ct(r,(bt(),gz),(tr(),!0)),SHe(r,v,1)}++q,++T}for(O=new Oa(r.b,0);O.b<O.d.gc();)A=(vr(O.b<O.d.gc()),E(O.d.Xb(O.c=O.b++),29)),A.a.c.length==0&&Qd(O)}}function X4t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(x=s.b,F=x.o,O=x.d,l=ot(Dt(ZW(x,(Ft(),h1)))),v=ot(Dt(ZW(x,hI))),A=ot(Dt(ZW(x,Gue))),T=new KP,che(T,O.d,O.c,O.a,O.b),q=f3t(s,l,v,A),be=new le(s.d);be.a<be.c.c.length;){for(fe=E(ce(be),101),ee=fe.f.a.ec().Kc();ee.Ob();)Q=E(ee.Pb(),409),y=Q.a,z=n2t(Q),a=(Ie=new Yl,KMe(Q,Q.c,q,Ie),R2t(Q,z,q,Ie),KMe(Q,Q.d,q,Ie),Ie),a=r.Uf(Q,z,a),bp(y.a),cu(y.a,a),Bo(new Nn(null,new zn(a,16)),new A4e(F,T));ie=fe.i,ie&&(VEt(fe,ie,q,v),Te=new Hu(ie.g),cbe(F,T,Te),io(Te,ie.j),cbe(F,T,Te))}che(O,T.d,T.c,T.a,T.b)}function Q4t(r,s,a){var l,v,y;if(v=E(se(s,(Ft(),fX)),275),v!=(eA(),J9)){switch(Lr(a,"Horizontal Compaction",1),r.a=s,y=new E8e,l=new yLe((y.d=s,y.c=E(se(y.d,z0),218),JTt(y),URt(y),o3t(y),y.a)),zO(l,r.b),E(se(s,mxe),422).g){case 1:g8(l,new jFe(r.a));break;default:g8(l,(cpe(),RKe))}switch(v.g){case 1:QF(l);break;case 2:QF(UG(l,(ku(),p1)));break;case 3:QF(KM(UG(QF(l),(ku(),p1)),new Pw));break;case 4:QF(KM(UG(QF(l),(ku(),p1)),new CH(y)));break;case 5:QF(zle(l,AXe))}UG(l,(ku(),Op)),l.e=!0,TOt(y),Or(a)}}function J4t(r,s,a,l,v,y,x,T){var O,A,F,z;switch(O=Tg(pe(he(IIt,1),Ht,220,0,[s,a,l,v])),z=null,r.b.g){case 1:z=Tg(pe(he(gTe,1),Ht,526,0,[new Xx,new Kw,new o0]));break;case 0:z=Tg(pe(he(gTe,1),Ht,526,0,[new o0,new Kw,new Xx]));break;case 2:z=Tg(pe(he(gTe,1),Ht,526,0,[new Kw,new Xx,new o0]))}for(F=new le(z);F.a<F.c.c.length;)A=E(ce(F),526),O.c.length>1&&(O=A.mg(O,r.a,T));return O.c.length==1?E(Vt(O,O.c.length-1),220):O.c.length==2?N4t((Vn(0,O.c.length),E(O.c[0],220)),(Vn(1,O.c.length),E(O.c[1],220)),x,y):null}function vHe(r){var s,a,l,v,y,x;for(Rf(r.a,new $s),a=new le(r.a);a.a<a.c.c.length;)s=E(ce(a),221),l=pa(Oc(E(r.b,65).c),E(s.b,65).c),hYe?(x=E(r.b,65).b,y=E(s.b,65).b,m.Math.abs(l.a)>=m.Math.abs(l.b)?(l.b=0,y.d+y.a>x.d&&y.d<x.d+x.a&&qV(l,m.Math.max(x.c-(y.c+y.b),y.c-(x.c+x.b)))):(l.a=0,y.c+y.b>x.c&&y.c<x.c+x.b&&qV(l,m.Math.max(x.d-(y.d+y.a),y.d-(x.d+x.a))))):qV(l,Gze(E(r.b,65),E(s.b,65))),v=m.Math.sqrt(l.a*l.a+l.b*l.b),v=UMe(V9,s,v,l),qV(l,v),xee(E(s.b,65),l),Rf(s.a,new N(l)),E(V9.b,65),n1e(V9,M2e,s)}function Z4t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee;for(r.f=new HP,A=0,v=0,x=new le(r.e.b);x.a<x.c.c.length;)for(y=E(ce(x),29),O=new le(y.a);O.a<O.c.c.length;){for(T=E(ce(O),10),T.p=A++,l=new Rr(Ar(ks(T).a.Kc(),new M));fi(l);)a=E(Zr(l),17),a.p=v++;for(s=pie(T),q=new le(T.j);q.a<q.c.c.length;)z=E(ce(q),11),s&&(ee=z.a.b,ee!=m.Math.floor(ee)&&(F=ee-OS(Df(m.Math.round(ee))),z.a.b-=F)),Q=z.n.b+z.a.b,Q!=m.Math.floor(Q)&&(F=Q-OS(Df(m.Math.round(Q))),z.n.b-=F)}r.g=A,r.b=v,r.i=Pe(kIt,Ht,401,A,0,1),r.c=Pe(TIt,Ht,649,v,0,1),r.d.a.$b()}function Vr(r){var s,a,l,v,y,x,T,O,A;if(r.ej())if(O=r.fj(),r.i>0){if(s=new Ife(r.i,r.g),a=r.i,y=a<100?null:new m0(a),r.ij())for(l=0;l<r.i;++l)x=r.g[l],y=r.kj(x,y);if(yF(r),v=a==1?r.Zi(4,ke(s,0),null,0,O):r.Zi(6,s,null,-1,O),r.bj()){for(l=new s5(s);l.e!=l.i.gc();)y=r.dj(Yne(l),y);y?(y.Ei(v),y.Fi()):r.$i(v)}else y?(y.Ei(v),y.Fi()):r.$i(v)}else yF(r),r.$i(r.Zi(6,(In(),wu),null,-1,O));else if(r.bj())if(r.i>0){for(T=r.g,A=r.i,yF(r),y=A<100?null:new m0(A),l=0;l<A;++l)x=T[l],y=r.dj(x,y);y&&y.Fi()}else yF(r);else yF(r)}function W0e(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(m9e(this),a==(TS(),iE)?Bs(this.r,r):Bs(this.w,r),F=Qo,A=ws,x=s.a.ec().Kc();x.Ob();)v=E(x.Pb(),46),T=E(v.a,455),l=E(v.b,17),O=l.c,O==r&&(O=l.d),T==iE?Bs(this.r,O):Bs(this.w,O),q=(It(),Ff).Hc(O.j)?ot(Dt(se(O,(bt(),e$)))):_c(pe(he(na,1),ft,8,0,[O.i.n,O.n,O.a])).b,F=m.Math.min(F,q),A=m.Math.max(A,q);for(z=(It(),Ff).Hc(r.j)?ot(Dt(se(r,(bt(),e$)))):_c(pe(he(na,1),ft,8,0,[r.i.n,r.n,r.a])).b,fNe(this,z,F,A),y=s.a.ec().Kc();y.Ob();)v=E(y.Pb(),46),ENe(this,E(v.b,17));this.o=!1}function eRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r;return a=r.l&8191,l=r.l>>13|(r.m&15)<<9,v=r.m>>4&8191,y=r.m>>17|(r.h&255)<<5,x=(r.h&1048320)>>8,T=s.l&8191,O=s.l>>13|(s.m&15)<<9,A=s.m>>4&8191,F=s.m>>17|(s.h&255)<<5,z=(s.h&1048320)>>8,nn=a*T,bn=l*T,rr=v*T,ar=y*T,$r=x*T,O!=0&&(bn+=a*O,rr+=l*O,ar+=v*O,$r+=y*O),A!=0&&(rr+=a*A,ar+=l*A,$r+=v*A),F!=0&&(ar+=a*F,$r+=l*F),z!=0&&($r+=a*z),Q=nn&$d,ee=(bn&511)<<13,q=Q+ee,fe=nn>>22,be=bn>>9,Ie=(rr&262143)<<4,Te=(ar&31)<<17,ie=fe+be+Ie+Te,nt=rr>>18,yt=ar>>5,Lt=($r&4095)<<8,Ne=nt+yt+Lt,ie+=q>>22,q&=$d,Ne+=ie>>22,ie&=$d,Ne&=N0,Jl(q,ie,Ne)}function wHe(r){var s,a,l,v,y,x,T;if(T=E(Vt(r.j,0),11),T.g.c.length!=0&&T.e.c.length!=0)throw de(new zu("Interactive layout does not support NORTH/SOUTH ports with incoming _and_ outgoing edges."));if(T.g.c.length!=0){for(y=Qo,a=new le(T.g);a.a<a.c.c.length;)s=E(ce(a),17),x=s.d.i,l=E(se(x,(Ft(),vX)),142),y=m.Math.min(y,x.n.a-l.b);return new dO(Jr(y))}if(T.e.c.length!=0){for(v=ws,a=new le(T.e);a.a<a.c.c.length;)s=E(ce(a),17),x=s.c.i,l=E(se(x,(Ft(),vX)),142),v=m.Math.max(v,x.n.a+x.o.a+l.c);return new dO(Jr(v))}return Pk(),Pk(),sae}function yHe(r,s){var a,l,v,y,x,T,O;if(r.Fk()){if(r.i>4)if(r.wj(s)){if(r.rk()){if(v=E(s,49),l=v.Ug(),O=l==r.e&&(r.Dk()?v.Og(v.Vg(),r.zk())==r.Ak():-1-v.Vg()==r.aj()),r.Ek()&&!O&&!l&&v.Zg()){for(y=0;y<r.i;++y)if(a=r.Gk(E(r.g[y],56)),Qe(a)===Qe(s))return!0}return O}else if(r.Dk()&&!r.Ck()){if(x=E(s,56).ah(mu(E(r.ak(),18))),Qe(x)===Qe(r.e))return!0;if(x==null||!E(x,56).kh())return!1}}else return!1;if(T=J6(r,s),r.Ek()&&!T){for(y=0;y<r.i;++y)if(v=r.Gk(E(r.g[y],56)),Qe(v)===Qe(s))return!0}return T}else return J6(r,s)}function tRt(r,s){var a,l,v,y,x,T,O,A,F,z,q;for(F=new vt,q=new vs,x=s.b,v=0;v<x.c.length;v++){for(A=(Vn(v,x.c.length),E(x.c[v],29)).a,F.c=Pe(mr,Ht,1,0,5,1),y=0;y<A.c.length;y++)T=r.a[v][y],T.p=y,T.k==(dr(),xl)&&(F.c[F.c.length]=T),Kh(E(Vt(s.b,v),29).a,y,T),T.j.c=Pe(mr,Ht,1,0,5,1),Cs(T.j,E(E(Vt(r.b,v),15).Xb(y),14)),u5(E(se(T,(Ft(),Zo)),98))||ct(T,Zo,(Sa(),t_));for(l=new le(F);l.a<l.c.c.length;)a=E(ce(l),10),z=S3t(a),q.a.zc(z,q),q.a.zc(a,q)}for(O=q.a.ec().Kc();O.Ob();)T=E(O.Pb(),10),In(),sa(T.j,(L6(),eSe)),T.i=!0,Dme(T)}function nRt(r,s){var a,l,v,y,x,T,O,A,F,z;if(F=E(se(r,(bt(),Pc)),61),l=E(Vt(r.j,0),11),F==(It(),Jn)?Hs(l,Br):F==Br&&Hs(l,Jn),E(se(s,(Ft(),G2)),174).Hc((eh(),n_))){if(O=ot(Dt(se(r,o$))),A=ot(Dt(se(r,s$))),x=ot(Dt(se(r,r3))),T=E(se(s,t3),21),T.Hc((hd(),q0)))for(a=A,z=r.o.a/2-l.n.a,y=new le(l.f);y.a<y.c.c.length;)v=E(ce(y),70),v.n.b=a,v.n.a=z-v.o.a/2,a+=v.o.b+x;else if(T.Hc(cE))for(y=new le(l.f);y.a<y.c.c.length;)v=E(ce(y),70),v.n.a=O+r.o.a-l.n.a;xht(new dp((JO(),new Gee(s,!1,!1,new yi))),new HV(null,r,!1))}}function rRt(r,s){var a,l,v,y,x,T,O,A,F;if(s.c.length!=0){for(In(),_ee(s.c,s.c.length,null),v=new le(s),l=E(ce(v),145);v.a<v.c.c.length;)a=E(ce(v),145),y1e(l.e.c,a.e.c)&&!(sbe(c5e(l.e).b,a.e.d)||sbe(c5e(a.e).b,l.e.d))?l=(Cs(l.k,a.k),Cs(l.b,a.b),Cs(l.c,a.c),cu(l.i,a.i),Cs(l.d,a.d),Cs(l.j,a.j),y=m.Math.min(l.e.c,a.e.c),x=m.Math.min(l.e.d,a.e.d),T=m.Math.max(l.e.c+l.e.b,a.e.c+a.e.b),O=T-y,A=m.Math.max(l.e.d+l.e.a,a.e.d+a.e.a),F=A-x,_Ie(l.e,y,x,O,F),vht(l.f,a.f),!l.a&&(l.a=a.a),Cs(l.g,a.g),Et(l.g,a),l):(Nze(r,l),l=a);Nze(r,l)}}function iRt(r,s,a,l){var v,y,x,T,O,A;if(T=r.j,T==(It(),Tc)&&s!=(Sa(),Ug)&&s!=(Sa(),uE)&&(T=Aze(r,a),Hs(r,T),!(r.q?r.q:(In(),In(),$m))._b((Ft(),e3))&&T!=Tc&&(r.n.a!=0||r.n.b!=0)&&ct(r,e3,_yt(r,T))),s==(Sa(),Nm)){switch(A=0,T.g){case 1:case 3:y=r.i.o.a,y>0&&(A=r.n.a/y);break;case 2:case 4:v=r.i.o.b,v>0&&(A=r.n.b/v)}ct(r,(bt(),vx),A)}if(O=r.o,x=r.a,l)x.a=l.a,x.b=l.b,r.d=!0;else if(s!=Ug&&s!=uE&&T!=Tc)switch(T.g){case 1:x.a=O.a/2;break;case 2:x.a=O.a,x.b=O.b/2;break;case 3:x.a=O.a/2,x.b=O.b;break;case 4:x.b=O.b/2}else x.a=O.a/2,x.b=O.b/2}function a9(r){var s,a,l,v,y,x,T,O,A,F;if(r.ej())if(F=r.Vi(),O=r.fj(),F>0)if(s=new H1e(r.Gi()),a=F,y=a<100?null:new m0(a),$N(r,a,s.g),v=a==1?r.Zi(4,ke(s,0),null,0,O):r.Zi(6,s,null,-1,O),r.bj()){for(l=new Tr(s);l.e!=l.i.gc();)y=r.dj(Fr(l),y);y?(y.Ei(v),y.Fi()):r.$i(v)}else y?(y.Ei(v),y.Fi()):r.$i(v);else $N(r,r.Vi(),r.Wi()),r.$i(r.Zi(6,(In(),wu),null,-1,O));else if(r.bj())if(F=r.Vi(),F>0){for(T=r.Wi(),A=F,$N(r,F,T),y=A<100?null:new m0(A),l=0;l<A;++l)x=T[l],y=r.dj(x,y);y&&y.Fi()}else $N(r,r.Vi(),r.Wi());else $N(r,r.Vi(),r.Wi())}function oRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q;for(T=new le(s);T.a<T.c.c.length;)y=E(ce(T),233),y.e=null,y.c=0;for(O=null,x=new le(s);x.a<x.c.c.length;)if(y=E(ce(x),233),z=y.d[0],!(a&&z.k!=(dr(),Os))){for(Q=E(se(z,(bt(),aI)),15).Kc();Q.Ob();)q=E(Q.Pb(),10),(!a||q.k==(dr(),Os))&&((!y.e&&(y.e=new vt),y.e).Fc(r.b[q.c.p][q.p]),++r.b[q.c.p][q.p].c);if(!a&&z.k==(dr(),Os)){if(O)for(F=E(no(r.d,O),21).Kc();F.Ob();)for(A=E(F.Pb(),10),v=E(no(r.d,z),21).Kc();v.Ob();)l=E(v.Pb(),10),mct(r.b[A.c.p][A.p]).Fc(r.b[l.c.p][l.p]),++r.b[l.c.p][l.p].c;O=z}}}function sRt(r,s){var a,l,v,y,x,T,O,A,F;for(a=0,F=new vt,T=new le(s);T.a<T.c.c.length;){switch(x=E(ce(T),11),vge(r.b,r.d[x.p]),F.c=Pe(mr,Ht,1,0,5,1),x.i.k.g){case 0:l=E(se(x,(bt(),pd)),10),Rf(l.j,new sM(F));break;case 1:Oot(dne(So(new Nn(null,new zn(x.i.j,16)),new aM(x))),new uM(F));break;case 3:v=E(se(x,(bt(),to)),11),Et(F,new Ra(v,Ot(x.e.c.length+x.g.c.length)))}for(A=new le(F);A.a<A.c.c.length;)O=E(ce(A),46),y=S8(r,E(O.a,11)),y>r.d[x.p]&&(a+=Bpe(r.b,y)*E(O.b,19).a,Iy(r.a,Ot(y)));for(;!NO(r.a);)m1e(r.b,E(d5(r.a),19).a)}return a}function aRt(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(z=new Hu(E(Xt(r,(vG(),c3e)),8)),z.a=m.Math.max(z.a-a.b-a.c,0),z.b=m.Math.max(z.b-a.d-a.a,0),v=Dt(Xt(r,s3e)),(v==null||(Qn(v),v<=0))&&(v=1.3),T=new vt,ee=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));ee.e!=ee.i.gc();)Q=E(Fr(ee),33),x=new XOe(Q),T.c[T.c.length]=x;switch(q=E(Xt(r,qce),311),q.g){case 3:fe=Okt(T,s,z.a,z.b,(A=l,Qn(v),A));break;case 1:fe=t4t(T,s,z.a,z.b,(F=l,Qn(v),F));break;default:fe=lRt(T,s,z.a,z.b,(O=l,Qn(v),O))}y=new cW(fe),ie=Sie(y,s,a,z.a,z.b,l,(Qn(v),v)),ZS(r,ie.a,ie.b,!1,!0)}function uRt(r,s){var a,l,v,y;a=s.b,y=new Kf(a.j),v=0,l=a.j,l.c=Pe(mr,Ht,1,0,5,1),ES(E(v2(r.b,(It(),Jn),(NS(),hx)),15),a),v=qL(y,v,new Ke,l),ES(E(v2(r.b,Jn,Zy),15),a),v=qL(y,v,new Ym,l),ES(E(v2(r.b,Jn,dx),15),a),ES(E(v2(r.b,fr,hx),15),a),ES(E(v2(r.b,fr,Zy),15),a),v=qL(y,v,new ff,l),ES(E(v2(r.b,fr,dx),15),a),ES(E(v2(r.b,Br,hx),15),a),v=qL(y,v,new k1,l),ES(E(v2(r.b,Br,Zy),15),a),v=qL(y,v,new uh,l),ES(E(v2(r.b,Br,dx),15),a),ES(E(v2(r.b,nr,hx),15),a),v=qL(y,v,new UR,l),ES(E(v2(r.b,nr,Zy),15),a),ES(E(v2(r.b,nr,dx),15),a)}function cRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(Lr(s,"Layer size calculation",1),F=Qo,A=ws,v=!1,T=new le(r.b);T.a<T.c.c.length;)if(x=E(ce(T),29),O=x.c,O.a=0,O.b=0,x.a.c.length!=0){for(v=!0,q=new le(x.a);q.a<q.c.c.length;)z=E(ce(q),10),ee=z.o,Q=z.d,O.a=m.Math.max(O.a,ee.a+Q.b+Q.c);l=E(Vt(x.a,0),10),ie=l.n.b-l.d.d,l.k==(dr(),ds)&&(ie-=E(se(r,(Ft(),Sz)),142).d),y=E(Vt(x.a,x.a.c.length-1),10),a=y.n.b+y.o.b+y.d.a,y.k==ds&&(a+=E(se(r,(Ft(),Sz)),142).a),O.b=a-ie,F=m.Math.min(F,ie),A=m.Math.max(A,a)}v||(F=0,A=0),r.f.b=A-F,r.c.b-=F,Or(s)}function G0e(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(y=0,x=0,A=new le(r.a);A.a<A.c.c.length;)T=E(ce(A),10),y=m.Math.max(y,T.d.b),x=m.Math.max(x,T.d.c);for(O=new le(r.a);O.a<O.c.c.length;){switch(T=E(ce(O),10),a=E(se(T,(Ft(),Mb)),248),a.g){case 1:ee=0;break;case 2:ee=1;break;case 5:ee=.5;break;default:for(l=0,z=0,Q=new le(T.j);Q.a<Q.c.c.length;)q=E(ce(Q),11),q.e.c.length==0||++l,q.g.c.length==0||++z;l+z==0?ee=.5:ee=z/(l+z)}fe=r.c,F=T.o.a,be=(fe.a-F)*ee,ee>.5?be-=x*2*(ee-.5):ee<.5&&(be+=y*2*(.5-ee)),v=T.d.b,be<v&&(be=v),ie=T.d.c,be>fe.a-ie-F&&(be=fe.a-ie-F),T.n.a=s+be}}function lRt(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(T=Pe(ba,Lu,25,r.c.length,15,1),q=new uq(new X3),Obe(q,r),A=0,ie=new vt;q.b.c.length!=0;)if(x=E(q.b.c.length==0?null:Vt(q.b,0),157),A>1&&Yf(x)*Yd(x)/2>T[0]){for(y=0;y<ie.c.length-1&&Yf(x)*Yd(x)/2>T[y];)++y;ee=new Em(ie,0,y+1),z=new cW(ee),F=Yf(x)/Yd(x),O=Sie(z,s,new nS,a,l,v,F),io(L1(z.e),O),b6(Z6(q,z)),Q=new Em(ie,y+1,ie.c.length),Obe(q,Q),ie.c=Pe(mr,Ht,1,0,5,1),A=0,YIe(T,T.length,0)}else fe=q.b.c.length==0?null:Vt(q.b,0),fe!=null&&ene(q,0),A>0&&(T[A]=T[A-1]),T[A]+=Yf(x)*Yd(x),++A,ie.c[ie.c.length]=x;return ie}function fRt(r){var s,a,l,v,y;if(l=E(se(r,(Ft(),rf)),163),l==(Zh(),eE)){for(a=new Rr(Ar(fc(r).a.Kc(),new M));fi(a);)if(s=E(Zr(a),17),!sPe(s))throw de(new cy(Ioe+WL(r)+"' has its layer constraint set to FIRST_SEPARATE, but has at least one incoming edge. FIRST_SEPARATE nodes must not have incoming edges."))}else if(l==YT){for(y=new Rr(Ar(ks(r).a.Kc(),new M));fi(y);)if(v=E(Zr(y),17),!sPe(v))throw de(new cy(Ioe+WL(r)+"' has its layer constraint set to LAST_SEPARATE, but has at least one outgoing edge. LAST_SEPARATE nodes must not have outgoing edges."))}}function dRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;for(Lr(s,"Label dummy removal",1),l=ot(Dt(se(r,(Ft(),hI)))),v=ot(Dt(se(r,r3))),A=E(se(r,Oh),103),O=new le(r.b);O.a<O.c.c.length;)for(T=E(ce(O),29),z=new Oa(T.a,0);z.b<z.d.gc();)F=(vr(z.b<z.d.gc()),E(z.d.Xb(z.c=z.b++),10)),F.k==(dr(),th)&&(q=E(se(F,(bt(),to)),17),ee=ot(Dt(se(q,cw))),x=Qe(se(F,uI))===Qe((Sh(),sE)),a=new Hu(F.n),x&&(a.b+=ee+l),y=new Kt(F.o.a,F.o.b-ee-l),Q=E(se(F,vz),15),A==(ku(),U0)||A==H0?GTt(Q,a,v,y,x,A):Rmt(Q,a,v,y),Cs(q.b,Q),wie(F,Qe(se(r,z0))===Qe(($0(),Vz))),Qd(z));Or(s)}function hRt(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt;for(O=new vt,y=new le(s.a);y.a<y.c.c.length;)for(v=E(ce(y),10),T=new le(v.j);T.a<T.c.c.length;){for(x=E(ce(T),11),F=null,Te=_b(x.g),Ne=0,nt=Te.length;Ne<nt;++Ne)Ie=Te[Ne],D6(Ie.d.i,a)||(be=bie(r,s,a,Ie,Ie.c,(Tu(),zl),F),be!=F&&(O.c[O.c.length]=be),be.c&&(F=be));for(A=null,ee=_b(x.e),ie=0,fe=ee.length;ie<fe;++ie)Q=ee[ie],D6(Q.c.i,a)||(be=bie(r,s,a,Q,Q.d,(Tu(),gd),A),be!=A&&(O.c[O.c.length]=be),be.c&&(A=be))}for(q=new le(O);q.a<q.c.c.length;)z=E(ce(q),441),lc(s.a,z.a,0)!=-1||Et(s.a,z.a),z.c&&(l.c[l.c.length]=z)}function pRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(Lr(a,"Interactive cycle breaking",1),z=new vt,Q=new le(s.a);Q.a<Q.c.c.length;)for(q=E(ce(Q),10),q.p=1,ee=Vbe(q).a,F=US(q,(Tu(),zl)).Kc();F.Ob();)for(A=E(F.Pb(),11),y=new le(A.g);y.a<y.c.c.length;)l=E(ce(y),17),ie=l.d.i,ie!=q&&(fe=Vbe(ie).a,fe<ee&&(z.c[z.c.length]=l));for(x=new le(z);x.a<x.c.c.length;)l=E(ce(x),17),JS(l,!0);for(z.c=Pe(mr,Ht,1,0,5,1),O=new le(s.a);O.a<O.c.c.length;)T=E(ce(O),10),T.p>0&&TNe(r,T,z);for(v=new le(z);v.a<v.c.c.length;)l=E(ce(v),17),JS(l,!0);z.c=Pe(mr,Ht,1,0,5,1),Or(a)}function EHe(r,s){var a,l,v,y,x,T,O,A,F;return A="",s.length==0?r.de(gve,Die,-1,-1):(F=_T(s),xn(F.substr(0,3),"at ")&&(F=F.substr(3)),F=F.replace(/\[.*?\]/g,""),x=F.indexOf("("),x==-1?(x=F.indexOf("@"),x==-1?(A=F,F=""):(A=_T(F.substr(x+1)),F=_T(F.substr(0,x)))):(a=F.indexOf(")",x),A=F.substr(x+1,a-(x+1)),F=_T(F.substr(0,x))),x=bb(F,Af(46)),x!=-1&&(F=F.substr(x+1)),(F.length==0||xn(F,"Anonymous function"))&&(F=Die),T=IV(A,Af(58)),v=Vde(A,Af(58),T-1),O=-1,l=-1,y=gve,T!=-1&&v!=-1&&(y=A.substr(0,v),O=HOe(A.substr(v+1,T-(v+1))),l=HOe(A.substr(T+1))),r.de(y,F,O,l))}function K0e(r,s,a){var l,v,y,x,T,O;if(s.l==0&&s.m==0&&s.h==0)throw de(new ID("divide by zero"));if(r.l==0&&r.m==0&&r.h==0)return a&&(Yy=Jl(0,0,0)),Jl(0,0,0);if(s.h==CB&&s.m==0&&s.l==0)return O0t(r,a);if(O=!1,s.h>>19&&(s=F6(s),O=!O),x=fCt(s),y=!1,v=!1,l=!1,r.h==CB&&r.m==0&&r.l==0)if(v=!0,y=!0,x==-1)r=zRe((y6(),PEe)),l=!0,O=!O;else return T=Wme(r,x),O&&lne(T),a&&(Yy=Jl(0,0,0)),T;else r.h>>19&&(y=!0,r=F6(r),l=!0,O=!O);return x!=-1?Jbt(r,x,O,y,a):Mbe(r,s)<0?(a&&(y?Yy=F6(r):Yy=Jl(r.l,r.m,r.h)),Jl(0,0,0)):nkt(l?r:Jl(r.l,r.m,r.h),s,O,y,v,a)}function zG(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;if(r.e&&r.c.c<r.f)throw de(new zu("Expected "+r.f+" phases to be configured; only found "+r.c.c));for(F=E(hp(r.g),9),Q=bm(r.f),y=F,T=0,A=y.length;T<A;++T)l=y[T],z=E(dL(r,l.g),246),z?Et(Q,E(zje(r,z),123)):Q.c[Q.c.length]=null;for(ee=new Ys,Bo(So(xf(So(new Nn(null,new zn(Q,16)),new Qx),new LH(s)),new H3),new hM(ee)),_h(ee,r.a),a=new vt,v=F,x=0,O=v.length;x<O;++x)l=v[x],Cs(a,T9e(r,_q(E(dL(ee,l.g),20)))),q=E(Vt(Q,l.g),123),q&&(a.c[a.c.length]=q);return Cs(a,T9e(r,_q(E(dL(ee,F[F.length-1].g+1),20)))),a}function gRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(Lr(a,"Model order cycle breaking",1),r.a=0,r.b=0,Q=new vt,F=s.a.c.length,A=new le(s.a);A.a<A.c.c.length;)O=E(ce(A),10),ta(O,(bt(),ol))&&(F=m.Math.max(F,E(se(O,ol),19).a+1));for(ie=new le(s.a);ie.a<ie.c.c.length;)for(ee=E(ce(ie),10),x=jNe(r,ee,F),q=US(ee,(Tu(),zl)).Kc();q.Ob();)for(z=E(q.Pb(),11),y=new le(z.g);y.a<y.c.c.length;)l=E(ce(y),17),fe=l.d.i,T=jNe(r,fe,F),T<x&&(Q.c[Q.c.length]=l);for(v=new le(Q);v.a<v.c.c.length;)l=E(ce(v),17),JS(l,!0),ct(s,(bt(),gz),(tr(),!0));Q.c=Pe(mr,Ht,1,0,5,1),Or(a)}function bRt(r,s){var a,l,v,y,x,T,O;if(!(r.g>s.f||s.g>r.f)){for(a=0,l=0,x=r.w.a.ec().Kc();x.Ob();)v=E(x.Pb(),11),_ne(_c(pe(he(na,1),ft,8,0,[v.i.n,v.n,v.a])).b,s.g,s.f)&&++a;for(T=r.r.a.ec().Kc();T.Ob();)v=E(T.Pb(),11),_ne(_c(pe(he(na,1),ft,8,0,[v.i.n,v.n,v.a])).b,s.g,s.f)&&--a;for(O=s.w.a.ec().Kc();O.Ob();)v=E(O.Pb(),11),_ne(_c(pe(he(na,1),ft,8,0,[v.i.n,v.n,v.a])).b,r.g,r.f)&&++l;for(y=s.r.a.ec().Kc();y.Ob();)v=E(y.Pb(),11),_ne(_c(pe(he(na,1),ft,8,0,[v.i.n,v.n,v.a])).b,r.g,r.f)&&--l;a<l?new Vq(r,s,l-a):l<a?new Vq(s,r,a-l):(new Vq(s,r,0),new Vq(r,s,0))}}function mRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie;for(A=s.c,v=zfe(r.e),z=mb(DN(Oc(Bfe(r.e)),r.d*r.a,r.c*r.b),-.5),a=v.a-z.a,l=v.b-z.b,x=s.a,a=x.c-a,l=x.d-l,O=new le(A);O.a<O.c.c.length;){switch(T=E(ce(O),395),q=T.b,Q=a+q.a,fe=l+q.b,ee=ss(Q/r.a),be=ss(fe/r.b),y=T.a,y.g){case 0:F=(A5(),nz);break;case 1:F=(A5(),tz);break;case 2:F=(A5(),rz);break;default:F=(A5(),iz)}y.a?(Ie=ss((fe+T.c)/r.b),Et(r.f,new Jde(F,Ot(be),Ot(Ie))),y==(zF(),sz)?j6(r,0,be,ee,Ie):j6(r,ee,be,r.d-1,Ie)):(ie=ss((Q+T.c)/r.a),Et(r.f,new Jde(F,Ot(ee),Ot(ie))),y==(zF(),oz)?j6(r,ee,0,ie,be):j6(r,ee,be,ie,r.c-1))}}function vRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;for(q=new vt,v=new vt,ie=null,T=s.Kc();T.Ob();)x=E(T.Pb(),19),y=new EP(x.a),v.c[v.c.length]=y,ie&&(y.d=ie,ie.e=y),ie=y;for(Te=qkt(r),F=0;F<v.c.length;++F){for(Q=null,fe=Zpe((Vn(0,v.c.length),E(v.c[0],652))),a=null,l=Qo,z=1;z<r.b.c.length;++z)be=fe?m.Math.abs(fe.b-z):m.Math.abs(z-Q.b)+1,ee=Q?m.Math.abs(z-Q.b):be+1,ee<be?(A=Q,O=ee):(A=fe,O=be),Ie=(Ne=ot(Dt(se(r,(Ft(),tCe)))),Te[z]+m.Math.pow(O,Ne)),Ie<l&&(l=Ie,a=A,a.c=z),fe&&z==fe.b&&(Q=fe,fe=blt(fe));a&&(Et(q,Ot(a.c)),a.a=!0,o0t(a))}return In(),_ee(q.c,q.c.length,null),q}function wRt(r){var s,a,l,v,y,x,T,O,A,F;for(s=new Qw,a=new Qw,A=xn(WB,(v=t9(r.b,vi),v?ai(V1((!v.b&&(v.b=new Kd((kn(),pu),Fc,v)),v.b),xp)):null)),O=0;O<r.i;++O)T=E(r.g[O],170),Ce(T,99)?(x=E(T,18),x.Bb&Uc?(!(x.Bb&xb)||!A&&(y=t9(x,vi),(y?ai(V1((!y.b&&(y.b=new Kd((kn(),pu),Fc,y)),y.b),jK)):null)==null))&&ei(s,x):(F=mu(x),F&&F.Bb&Uc||(!(x.Bb&xb)||!A&&(l=t9(x,vi),(l?ai(V1((!l.b&&(l.b=new Kd((kn(),pu),Fc,l)),l.b),jK)):null)==null))&&ei(a,x))):(Wr(),E(T,66).Oj()&&(T.Jj()||(ei(s,T),ei(a,T))));pT(s),pT(a),r.a=E(s.g,247),E(a.g,247)}function yRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(A=i_t(s),ie=E(se(s,(Ft(),oj)),314),ie!=(C5(),rI)&&Na(A,new Lf),fe=E(se(s,yz),292),Na(A,new tt(fe)),ee=0,F=new vt,y=new dF(A);y.a!=y.b;)v=E(jW(y),37),PHe(r.c,v),q=E(se(v,(bt(),Iue)),15),ee+=q.gc(),l=q.Kc(),Et(F,new Ra(v,l));for(Lr(a,"Recursive hierarchical layout",ee),Q=E(E(Vt(F,F.c.length-1),46).b,47);Q.Ob();)for(O=new le(F);O.a<O.c.c.length;)for(T=E(ce(O),46),q=E(T.b,47),x=E(T.a,37);q.Ob();)if(z=E(q.Pb(),51),Ce(z,507)){if(x.e)break;z.pf(x,wl(a,1));break}else z.pf(x,wl(a,1));Or(a)}function _He(r,s){var a,l,v,y,x,T,O,A,F,z;if(O=s.length-1,T=(ui(O,s.length),s.charCodeAt(O)),T==93){if(x=bb(s,Af(91)),x>=0)return v=E0t(r,s.substr(1,x-1)),F=s.substr(x+1,O-(x+1)),b5t(r,F,v)}else{if(a=-1,LEe==null&&(LEe=new RegExp("\\d")),LEe.test(String.fromCharCode(T))&&(a=Vde(s,Af(46),O-1),a>=0)){l=E(Rte(r,J8e(r,s.substr(1,a-1)),!1),58),A=0;try{A=xh(s.substr(a+1),qa,qi)}catch(q){throw q=Mo(q),Ce(q,127)?(y=q,de(new Zq(y))):de(q)}if(A<l.gc())return z=l.Xb(A),Ce(z,72)&&(z=E(z,72).dd()),E(z,56)}if(a<0)return E(Rte(r,J8e(r,s.substr(1)),!1),56)}return null}function F4(r,s,a){var l,v,y,x,T,O,A,F,z;if(Fo(s,a)>=0)return a;switch(xS(qu(r,a))){case 2:{if(xn("",Xv(r,a.Hj()).ne())){if(O=WN(qu(r,a)),T=u6(qu(r,a)),F=Zme(r,s,O,T),F)return F;for(v=T0e(r,s),x=0,z=v.gc();x<z;++x)if(F=E(v.Xb(x),170),a0e(Aee(qu(r,F)),O))return F}return null}case 4:{if(xn("",Xv(r,a.Hj()).ne())){for(l=a;l;l=mht(qu(r,l)))if(A=WN(qu(r,l)),T=u6(qu(r,l)),F=e0e(r,s,A,T),F)return F;if(O=WN(qu(r,a)),xn(B2,O))return zbe(r,s);for(y=eie(r,s),x=0,z=y.gc();x<z;++x)if(F=E(y.Xb(x),170),a0e(Aee(qu(r,F)),O))return F}return null}default:return null}}function ERt(r,s,a){var l,v,y,x,T,O,A,F;if(a.gc()==0)return!1;if(T=(Wr(),E(s,66).Oj()),y=T?a:new AS(a.gc()),j0(r.e,s)){if(s.hi())for(A=a.Kc();A.Ob();)O=A.Pb(),jG(r,s,O,Ce(s,99)&&(E(s,18).Bb&du)!=0)||(v=_m(s,O),y.Hc(v)||y.Fc(v));else if(!T)for(A=a.Kc();A.Ob();)O=A.Pb(),v=_m(s,O),y.Fc(v)}else{if(a.gc()>1)throw de(new Yn(YB));for(F=tf(r.e.Tg(),s),l=E(r.g,119),x=0;x<r.i;++x)if(v=l[x],F.rl(v.ak())){if(a.Hc(T?v:v.dd()))return!1;for(A=a.Kc();A.Ob();)O=A.Pb(),E(E4(r,x,T?E(O,72):_m(s,O)),72);return!0}T||(v=_m(s,a.Kc().Pb()),y.Fc(v))}return Yo(r,y)}function _Rt(r,s){var a,l,v,y,x,T,O,A,F;for(F=new Po,T=(A=new Nh(r.c).a.vc().Kc(),new j1(A));T.a.Ob();)y=(v=E(T.a.Pb(),42),E(v.dd(),458)),y.b==0&&os(F,y,F.c.b,F.c);for(;F.b!=0;)for(y=E(F.b==0?null:(vr(F.b!=0),Xh(F,F.a.a)),458),y.a==null&&(y.a=0),l=new le(y.d);l.a<l.c.c.length;)a=E(ce(l),654),a.b.a==null?a.b.a=ot(y.a)+a.a:s.o==(Sg(),X2)?a.b.a=m.Math.min(ot(a.b.a),ot(y.a)+a.a):a.b.a=m.Math.max(ot(a.b.a),ot(y.a)+a.a),--a.b.b,a.b.b==0&&Ii(F,a.b);for(x=(O=new Nh(r.c).a.vc().Kc(),new j1(O));x.a.Ob();)y=(v=E(x.a.Pb(),42),E(v.dd(),458)),s.i[y.c.p]=y.a}function Hc(){Hc=xe,Ej=new ko(Wve),new Ls("DEPTH",Ot(0)),jX=new Ls("FAN",Ot(0)),Bet=new Ls(gqe,Ot(0)),s3=new Ls("ROOT",(tr(),!1)),wce=new Ls("LEFTNEIGHBOR",null),zet=new Ls("RIGHTNEIGHBOR",null),MX=new Ls("LEFTSIBLING",null),yce=new Ls("RIGHTSIBLING",null),vce=new Ls("DUMMY",!1),new Ls("LEVEL",Ot(0)),jCe=new Ls("REMOVABLE_EDGES",new Po),Ece=new Ls("XCOOR",Ot(0)),MCe=new Ls("YCOOR",Ot(0)),NX=new Ls("LEVELHEIGHT",0),yj=new Ls("ID",""),LX=new Ls("POSITION",Ot(0)),dw=new Ls("PRELIM",0),u$=new Ls("MODIFIER",0),wj=new ko(TVe),Iz=new ko(kVe)}function SRt(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee;for(F=a+s.c.c.a,Q=new le(s.j);Q.a<Q.c.c.length;){if(q=E(ce(Q),11),v=_c(pe(he(na,1),ft,8,0,[q.i.n,q.n,q.a])),s.k==(dr(),xl)&&(T=E(se(q,(bt(),to)),11),v.a=_c(pe(he(na,1),ft,8,0,[T.i.n,T.n,T.a])).a,s.n.a=v.a),x=new Kt(0,v.b),q.j==(It(),fr))x.a=F;else if(q.j==nr)x.a=a;else continue;if(ee=m.Math.abs(v.a-x.a),!(ee<=l&&!kyt(s)))for(y=q.g.c.length+q.e.c.length>1,A=new kg(q.b);wc(A.a)||wc(A.b);)O=E(wc(A.a)?ce(A.a):ce(A.b),17),z=O.c==q?O.d:O.c,m.Math.abs(_c(pe(he(na,1),ft,8,0,[z.i.n,z.n,z.a])).b-x.b)>1&&gTt(r,O,x,y,q)}}function xRt(r){var s,a,l,v,y,x;if(v=new Oa(r.e,0),l=new Oa(r.a,0),r.d)for(a=0;a<r.b;a++)vr(v.b<v.d.gc()),v.d.Xb(v.c=v.b++);else for(a=0;a<r.b-1;a++)vr(v.b<v.d.gc()),v.d.Xb(v.c=v.b++),Qd(v);for(s=ot((vr(v.b<v.d.gc()),Dt(v.d.Xb(v.c=v.b++))));r.f-s>lse;){for(y=s,x=0;m.Math.abs(s-y)<lse;)++x,s=ot((vr(v.b<v.d.gc()),Dt(v.d.Xb(v.c=v.b++)))),vr(l.b<l.d.gc()),l.d.Xb(l.c=l.b++);x<r.b&&(vr(v.b>0),v.a.Xb(v.c=--v.b),zkt(r,r.b-x,y,l,v),vr(v.b<v.d.gc()),v.d.Xb(v.c=v.b++)),vr(l.b>0),l.a.Xb(l.c=--l.b)}if(!r.d)for(a=0;a<r.b-1;a++)vr(v.b<v.d.gc()),v.d.Xb(v.c=v.b++),Qd(v);r.d=!0,r.c=!0}function uo(){uo=xe,Zke=(DU(),qc).b,rit=E(ke(et(qc.b),0),34),r_=E(ke(et(qc.b),1),34),nit=E(ke(et(qc.b),2),34),ER=qc.bb,E(ke(et(qc.bb),0),34),E(ke(et(qc.bb),1),34),_R=qc.fb,Uj=E(ke(et(qc.fb),0),34),E(ke(et(qc.fb),1),34),E(ke(et(qc.fb),2),18),Ix=qc.qb,git=E(ke(et(qc.qb),0),34),E(ke(et(qc.qb),1),18),E(ke(et(qc.qb),2),18),uH=E(ke(et(qc.qb),3),34),cH=E(ke(et(qc.qb),4),34),qj=E(ke(et(qc.qb),6),34),Vj=E(ke(et(qc.qb),5),18),iit=qc.j,oit=qc.k,sit=qc.q,ait=qc.w,uit=qc.B,cit=qc.A,lit=qc.C,fit=qc.D,dit=qc._,hit=qc.cb,pit=qc.hb}function CRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q;r.c=0,r.b=0,l=2*s.c.a.c.length+1;e:for(z=a.Kc();z.Ob();){if(F=E(z.Pb(),11),T=F.j==(It(),Jn)||F.j==Br,Q=0,T){if(q=E(se(F,(bt(),pd)),10),!q)continue;Q+=r3t(r,l,F,q)}else{for(A=new le(F.g);A.a<A.c.c.length;)if(O=E(ce(A),17),v=O.d,v.i.c==s.c){Et(r.a,F);continue e}else Q+=r.g[v.p];for(x=new le(F.e);x.a<x.c.c.length;)if(y=E(ce(x),17),v=y.c,v.i.c==s.c){Et(r.a,F);continue e}else Q-=r.g[v.p]}F.e.c.length+F.g.c.length>0?(r.f[F.p]=Q/(F.e.c.length+F.g.c.length),r.c=m.Math.min(r.c,r.f[F.p]),r.b=m.Math.max(r.b,r.f[F.p])):T&&(r.f[F.p]=Q)}}function TRt(r){r.b=null,r.bb=null,r.fb=null,r.qb=null,r.a=null,r.c=null,r.d=null,r.e=null,r.f=null,r.n=null,r.M=null,r.L=null,r.Q=null,r.R=null,r.K=null,r.db=null,r.eb=null,r.g=null,r.i=null,r.j=null,r.k=null,r.gb=null,r.o=null,r.p=null,r.q=null,r.r=null,r.$=null,r.ib=null,r.S=null,r.T=null,r.t=null,r.s=null,r.u=null,r.v=null,r.w=null,r.B=null,r.A=null,r.C=null,r.D=null,r.F=null,r.G=null,r.H=null,r.I=null,r.J=null,r.P=null,r.Z=null,r.U=null,r.V=null,r.W=null,r.X=null,r.Y=null,r._=null,r.ab=null,r.cb=null,r.hb=null,r.nb=null,r.lb=null,r.mb=null,r.ob=null,r.pb=null,r.jb=null,r.kb=null,r.N=!1,r.O=!1}function kRt(r,s,a){var l,v,y,x;for(Lr(a,"Graph transformation ("+r.a+")",1),x=RS(s.a),y=new le(s.b);y.a<y.c.c.length;)v=E(ce(y),29),Cs(x,v.a);if(l=E(se(s,(Ft(),_xe)),419),l==(vL(),QY))switch(E(se(s,Oh),103).g){case 2:bF(s,x);break;case 3:NF(s,x);break;case 4:r.a==(R6(),cz)?(NF(s,x),vte(s,x)):(vte(s,x),NF(s,x))}else if(r.a==(R6(),cz))switch(E(se(s,Oh),103).g){case 2:bF(s,x),vte(s,x);break;case 3:NF(s,x),bF(s,x);break;case 4:bF(s,x),NF(s,x)}else switch(E(se(s,Oh),103).g){case 2:bF(s,x),vte(s,x);break;case 3:bF(s,x),NF(s,x);break;case 4:NF(s,x),bF(s,x)}Or(a)}function RRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(A=new w0,F=new w0,ee=new w0,ie=new w0,O=ot(Dt(se(s,(Ft(),Sx)))),y=ot(Dt(se(s,h1))),T=new le(a);T.a<T.c.c.length;)if(x=E(ce(T),10),z=E(se(x,(bt(),Pc)),61),z==(It(),Jn))for(F.a.zc(x,F),v=new Rr(Ar(fc(x).a.Kc(),new M));fi(v);)l=E(Zr(v),17),Bs(A,l.c.i);else if(z==Br)for(ie.a.zc(x,ie),v=new Rr(Ar(fc(x).a.Kc(),new M));fi(v);)l=E(Zr(v),17),Bs(ee,l.c.i);A.a.gc()!=0&&(q=new Mee(2,y),Q=J0e(q,s,A,F,-O-s.c.b),Q>0&&(r.a=O+(Q-1)*y,s.c.b+=r.a,s.f.b+=r.a)),ee.a.gc()!=0&&(q=new Mee(1,y),Q=J0e(q,s,ee,ie,s.f.b+O-s.c.b),Q>0&&(s.f.b+=O+(Q-1)*y))}function fA(r,s){var a,l,v,y;y=r.F,s==null?(r.F=null,N6(r,null)):(r.F=(Qn(s),s),l=bb(s,Af(60)),l!=-1?(v=s.substr(0,l),bb(s,Af(46))==-1&&!xn(v,L5)&&!xn(v,$9)&&!xn(v,zK)&&!xn(v,P9)&&!xn(v,F9)&&!xn(v,j9)&&!xn(v,M9)&&!xn(v,N9)&&(v=aGe),a=IV(s,Af(62)),a!=-1&&(v+=""+s.substr(a+1)),N6(r,v)):(v=s,bb(s,Af(46))==-1&&(l=bb(s,Af(91)),l!=-1&&(v=s.substr(0,l)),!xn(v,L5)&&!xn(v,$9)&&!xn(v,zK)&&!xn(v,P9)&&!xn(v,F9)&&!xn(v,j9)&&!xn(v,M9)&&!xn(v,N9)?(v=aGe,l!=-1&&(v+=""+s.substr(l))):v=s),N6(r,v),v==s&&(r.F=r.D))),r.Db&4&&!(r.Db&1)&&Gi(r,new aa(r,1,5,y,s))}function ORt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;if(ie=s.b.c.length,!(ie<3)){for(Q=Pe(Gr,Ei,25,ie,15,1),z=0,F=new le(s.b);F.a<F.c.c.length;)A=E(ce(F),29),Q[z++]=A.a.c.length;for(q=new Oa(s.b,2),l=1;l<ie-1;l++)for(a=(vr(q.b<q.d.gc()),E(q.d.Xb(q.c=q.b++),29)),ee=new le(a.a),y=0,T=0,O=0;O<Q[l+1];O++)if(Te=E(ce(ee),10),O==Q[l+1]-1||wme(r,Te,l+1,l)){for(x=Q[l]-1,wme(r,Te,l+1,l)&&(x=r.c.e[E(E(E(Vt(r.c.b,Te.p),15).Xb(0),46).a,10).p]);T<=O;){if(Ie=E(Vt(a.a,T),10),!wme(r,Ie,l+1,l))for(be=E(Vt(r.c.b,Ie.p),15).Kc();be.Ob();)fe=E(be.Pb(),46),v=r.c.e[E(fe.a,10).p],(v<y||v>x)&&Bs(r.b,E(fe.b,17));++T}y=x}}}function Y0e(r,s){var a;if(s==null||xn(s,$f)||s.length==0&&r.k!=(nw(),gI))return null;switch(r.k.g){case 1:return XW(s,RA)?(tr(),FA):XW(s,Cse)?(tr(),H2):null;case 2:try{return Ot(xh(s,qa,qi))}catch(l){if(l=Mo(l),Ce(l,127))return null;throw de(l)}case 4:try{return ST(s)}catch(l){if(l=Mo(l),Ce(l,127))return null;throw de(l)}case 3:return s;case 5:return oje(r),fLe(r,s);case 6:return oje(r),Lxt(r,r.a,s);case 7:try{return a=QSt(r),a.Jf(s),a}catch(l){if(l=Mo(l),Ce(l,32))return null;throw de(l)}default:throw de(new zu("Invalid type set for this layout option."))}}function IRt(r){_F();var s,a,l,v,y,x,T;for(T=new DM,a=new le(r);a.a<a.c.c.length;)s=E(ce(a),140),(!T.b||s.c>=T.b.c)&&(T.b=s),(!T.c||s.c<=T.c.c)&&(T.d=T.c,T.c=s),(!T.e||s.d>=T.e.d)&&(T.e=s),(!T.f||s.d<=T.f.d)&&(T.f=s);return l=new eG((P6(),fx)),eL(r,hXe,new yf(pe(he(uz,1),Ht,369,0,[l]))),x=new eG(qT),eL(r,dXe,new yf(pe(he(uz,1),Ht,369,0,[x]))),v=new eG(VT),eL(r,fXe,new yf(pe(he(uz,1),Ht,369,0,[v]))),y=new eG(Q4),eL(r,lXe,new yf(pe(he(uz,1),Ht,369,0,[y]))),Hre(l.c,fx),Hre(v.c,VT),Hre(y.c,Q4),Hre(x.c,qT),T.a.c=Pe(mr,Ht,1,0,5,1),Cs(T.a,l.c),Cs(T.a,m2(v.c)),Cs(T.a,y.c),Cs(T.a,m2(x.c)),T}function X0e(r){var s;switch(r.d){case 1:{if(r.hj())return r.o!=-2;break}case 2:{if(r.hj())return r.o==-2;break}case 3:case 5:case 4:case 6:case 7:return r.o>-2;default:return!1}switch(s=r.gj(),r.p){case 0:return s!=null&&Wt(Gt(s))!=H8(r.k,0);case 1:return s!=null&&E(s,217).a!=Qr(r.k)<<24>>24;case 2:return s!=null&&E(s,172).a!=(Qr(r.k)&ls);case 6:return s!=null&&H8(E(s,162).a,r.k);case 5:return s!=null&&E(s,19).a!=Qr(r.k);case 7:return s!=null&&E(s,184).a!=Qr(r.k)<<16>>16;case 3:return s!=null&&ot(Dt(s))!=r.j;case 4:return s!=null&&E(s,155).a!=r.j;default:return s==null?r.n!=null:!Ki(s,r.n)}}function mB(r,s,a){var l,v,y,x;return r.Fk()&&r.Ek()&&(x=Oee(r,E(a,56)),Qe(x)!==Qe(a))?(r.Oi(s),r.Ui(s,ZPe(r,s,x)),r.rk()&&(y=(v=E(a,49),r.Dk()?r.Bk()?v.ih(r.b,mu(E(Fn(Cf(r.b),r.aj()),18)).n,E(Fn(Cf(r.b),r.aj()).Yj(),26).Bj(),null):v.ih(r.b,Fo(v.Tg(),mu(E(Fn(Cf(r.b),r.aj()),18))),null,null):v.ih(r.b,-1-r.aj(),null,null)),!E(x,49).eh()&&(y=(l=E(x,49),r.Dk()?r.Bk()?l.gh(r.b,mu(E(Fn(Cf(r.b),r.aj()),18)).n,E(Fn(Cf(r.b),r.aj()).Yj(),26).Bj(),y):l.gh(r.b,Fo(l.Tg(),mu(E(Fn(Cf(r.b),r.aj()),18))),null,y):l.gh(r.b,-1-r.aj(),null,y))),y&&y.Fi()),Gd(r.b)&&r.$i(r.Zi(9,a,x,s,!1)),x):a}function SHe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;for(F=ot(Dt(se(r,(Ft(),_x)))),l=ot(Dt(se(r,Qxe))),q=new gs,ct(q,_x,F+l),A=s,be=A.d,ie=A.c.i,Ie=A.d.i,fe=Ffe(ie.c),Te=Ffe(Ie.c),v=new vt,z=fe;z<=Te;z++)T=new P0(r),cm(T,(dr(),ua)),ct(T,(bt(),to),A),ct(T,Zo,(Sa(),Tl)),ct(T,_X,q),Q=E(Vt(r.b,z),29),z==fe?yT(T,Q.a.c.length-a,Q):Vu(T,Q),Ne=ot(Dt(se(A,cw))),Ne<0&&(Ne=0,ct(A,cw,Ne)),T.o.b=Ne,ee=m.Math.floor(Ne/2),x=new cl,Hs(x,(It(),nr)),yc(x,T),x.n.b=ee,O=new cl,Hs(O,fr),yc(O,T),O.n.b=ee,ya(A,x),y=new CS,rc(y,A),ct(y,Ku,null),Ya(y,O),ya(y,be),$yt(T,A,y),v.c[v.c.length]=y,A=y;return v}function wie(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(O=E(tw(r,(It(),nr)).Kc().Pb(),11).e,Q=E(tw(r,fr).Kc().Pb(),11).g,T=O.c.length,Te=xg(E(Vt(r.j,0),11));T-- >0;){for(ie=(Vn(0,O.c.length),E(O.c[0],17)),v=(Vn(0,Q.c.length),E(Q.c[0],17)),Ie=v.d.e,y=lc(Ie,v,0),Mht(ie,v.d,y),Ya(v,null),ya(v,null),ee=ie.a,s&&Ii(ee,new Hu(Te)),l=Ti(v.a,0);l.b!=l.d.c;)a=E(Ci(l),8),Ii(ee,new Hu(a));for(be=ie.b,q=new le(v.b);q.a<q.c.c.length;)z=E(ce(q),70),be.c[be.c.length]=z;if(fe=E(se(ie,(Ft(),Ku)),74),x=E(se(v,Ku),74),x)for(fe||(fe=new Yl,ct(ie,Ku,fe)),F=Ti(x,0);F.b!=F.d.c;)A=E(Ci(F),8),Ii(fe,new Hu(A))}}function xHe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q;if(a=E(ju(r.b,s),124),O=E(E(no(r.r,s),21),84),O.dc()){a.n.b=0,a.n.c=0;return}for(A=r.u.Hc((hd(),q0)),x=0,T=O.Kc(),F=null,z=0,q=0;T.Ob();)l=E(T.Pb(),111),v=ot(Dt(l.b.We((DV(),gY)))),y=l.b.rf().a,r.A.Hc((eh(),n_))&&rze(r,s),F?(Q=q+F.d.c+r.w+l.d.b,x=m.Math.max(x,(yg(),s1(Fg),m.Math.abs(z-v)<=Fg||z==v||isNaN(z)&&isNaN(v)?0:Q/(v-z)))):r.C&&r.C.b>0&&(x=m.Math.max(x,QFe(r.C.b+l.d.b,v))),F=l,z=v,q=y;r.C&&r.C.c>0&&(Q=q+r.C.c,A&&(Q+=F.d.c),x=m.Math.max(x,(yg(),s1(Fg),m.Math.abs(z-1)<=Fg||z==1||isNaN(z)&&isNaN(1)?0:Q/(1-z)))),a.n.b=0,a.a.a=x}function CHe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q;if(a=E(ju(r.b,s),124),O=E(E(no(r.r,s),21),84),O.dc()){a.n.d=0,a.n.a=0;return}for(A=r.u.Hc((hd(),q0)),x=0,r.A.Hc((eh(),n_))&&ize(r,s),T=O.Kc(),F=null,q=0,z=0;T.Ob();)l=E(T.Pb(),111),y=ot(Dt(l.b.We((DV(),gY)))),v=l.b.rf().b,F?(Q=z+F.d.a+r.w+l.d.d,x=m.Math.max(x,(yg(),s1(Fg),m.Math.abs(q-y)<=Fg||q==y||isNaN(q)&&isNaN(y)?0:Q/(y-q)))):r.C&&r.C.d>0&&(x=m.Math.max(x,QFe(r.C.d+l.d.d,y))),F=l,q=y,z=v;r.C&&r.C.a>0&&(Q=z+r.C.a,A&&(Q+=F.d.a),x=m.Math.max(x,(yg(),s1(Fg),m.Math.abs(q-1)<=Fg||q==1||isNaN(q)&&isNaN(1)?0:Q/(1-q)))),a.n.d=0,a.a.b=x}function THe(r,s,a){var l,v,y,x,T,O;for(this.g=r,T=s.d.length,O=a.d.length,this.d=Pe(Pm,iw,10,T+O,0,1),x=0;x<T;x++)this.d[x]=s.d[x];for(y=0;y<O;y++)this.d[T+y]=a.d[y];if(s.e){if(this.e=BN(s.e),this.e.Mc(a),a.e)for(v=a.e.Kc();v.Ob();)l=E(v.Pb(),233),l!=s&&(this.e.Hc(l)?--l.c:this.e.Fc(l))}else a.e&&(this.e=BN(a.e),this.e.Mc(s));this.f=s.f+a.f,this.a=s.a+a.a,this.a>0?Wte(this,this.f/this.a):Eg(s.g,s.d[0]).a!=null&&Eg(a.g,a.d[0]).a!=null?Wte(this,(ot(Eg(s.g,s.d[0]).a)+ot(Eg(a.g,a.d[0]).a))/2):Eg(s.g,s.d[0]).a!=null?Wte(this,Eg(s.g,s.d[0]).a):Eg(a.g,a.d[0]).a!=null&&Wte(this,Eg(a.g,a.d[0]).a)}function DRt(r,s){var a,l,v,y,x,T,O,A,F,z;for(r.a=new PDe(sbt(Oj)),l=new le(s.a);l.a<l.c.c.length;){for(a=E(ce(l),841),T=new Une(pe(he(zae,1),Ht,81,0,[])),Et(r.a.a,T),A=new le(a.d);A.a<A.c.c.length;)O=E(ce(A),110),F=new cde(r,O),Z0e(F,E(se(a.c,(bt(),GT)),21)),Xd(r.g,a)||(Qi(r.g,a,new Kt(O.c,O.d)),Qi(r.f,a,F)),Et(r.a.b,F),bte(T,F);for(x=new le(a.b);x.a<x.c.c.length;)y=E(ce(x),594),F=new cde(r,y.kf()),Qi(r.b,y,new Ra(T,F)),Z0e(F,E(se(a.c,(bt(),GT)),21)),y.hf()&&(z=new lbe(r,y.hf(),1),Z0e(z,E(se(a.c,GT),21)),v=new Une(pe(he(zae,1),Ht,81,0,[])),bte(v,z),_n(r.c,y.gf(),new Ra(T,z)))}return r.a}function kHe(r){var s;this.a=r,s=(dr(),pe(he(Gae,1),wt,267,0,[Os,ua,ds,xl,th,Lg])).length,this.b=a2(Uce,[ft,bye],[593,146],0,[s,s],2),this.c=a2(Uce,[ft,bye],[593,146],0,[s,s],2),nte(this,Os,(Ft(),Sx),lR),OF(this,Os,ua,_x,Y2),YN(this,Os,xl,_x),YN(this,Os,ds,_x),OF(this,Os,th,Sx,lR),nte(this,ua,h1,cR),YN(this,ua,xl,h1),YN(this,ua,ds,h1),OF(this,ua,th,_x,Y2),tOe(this,xl,h1),YN(this,xl,ds,h1),YN(this,xl,th,Wue),tOe(this,ds,uj),OF(this,ds,th,s$,o$),nte(this,th,h1,h1),nte(this,Lg,h1,cR),OF(this,Lg,Os,_x,Y2),OF(this,Lg,th,_x,Y2),OF(this,Lg,ua,_x,Y2)}function ARt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(x=a.ak(),Ce(x,99)&&E(x,18).Bb&du&&(q=E(a.dd(),49),ie=jy(r.e,q),ie!=q)){if(F=_m(x,ie),K8(r,s,yre(r,s,F)),z=null,Gd(r.e)&&(l=F4((Qf(),Ba),r.e.Tg(),x),l!=Fn(r.e.Tg(),r.c))){for(fe=tf(r.e.Tg(),x),T=0,y=E(r.g,119),O=0;O<s;++O)v=y[O],fe.rl(v.ak())&&++T;z=new Ete(r.e,9,l,q,ie,T,!1),z.Ei(new k0(r.e,9,r.c,a,F,s,!1))}return ee=E(x,18),Q=mu(ee),Q?(z=q.ih(r.e,Fo(q.Tg(),Q),null,z),z=E(ie,49).gh(r.e,Fo(ie.Tg(),Q),null,z)):ee.Bb&Uc&&(A=-1-Fo(r.e.Tg(),ee),z=q.ih(r.e,A,null,null),!E(ie,49).eh()&&(z=E(ie,49).gh(r.e,A,null,z))),z&&z.Fi(),F}return a}function $Rt(r){var s,a,l,v,y,x,T,O;for(y=new le(r.a.b);y.a<y.c.c.length;)v=E(ce(y),81),v.b.c=v.g.c,v.b.d=v.g.d;for(O=new Kt(Qo,Qo),s=new Kt(ws,ws),l=new le(r.a.b);l.a<l.c.c.length;)a=E(ce(l),81),O.a=m.Math.min(O.a,a.g.c),O.b=m.Math.min(O.b,a.g.d),s.a=m.Math.max(s.a,a.g.c+a.g.b),s.b=m.Math.max(s.b,a.g.d+a.g.a);for(T=dq(r.c).a.nc();T.Ob();)x=E(T.Pb(),46),a=E(x.b,81),O.a=m.Math.min(O.a,a.g.c),O.b=m.Math.min(O.b,a.g.d),s.a=m.Math.max(s.a,a.g.c+a.g.b),s.b=m.Math.max(s.b,a.g.d+a.g.a);r.d=jV(new Kt(O.a,O.b)),r.e=pa(new Kt(s.a,s.b),O),r.a.a.c=Pe(mr,Ht,1,0,5,1),r.a.b.c=Pe(mr,Ht,1,0,5,1)}function PRt(r){var s,a,l;for(b4(dE,pe(he(X4,1),Ht,130,0,[new ey])),a=new YI(r),l=0;l<a.a.length;++l)s=cT(a,l).je().a,xn(s,"layered")?b4(dE,pe(he(X4,1),Ht,130,0,[new f7])):xn(s,"force")?b4(dE,pe(he(X4,1),Ht,130,0,[new q_])):xn(s,"stress")?b4(dE,pe(he(X4,1),Ht,130,0,[new mC])):xn(s,"mrtree")?b4(dE,pe(he(X4,1),Ht,130,0,[new z$])):xn(s,"radial")?b4(dE,pe(he(X4,1),Ht,130,0,[new L$])):xn(s,"disco")?b4(dE,pe(he(X4,1),Ht,130,0,[new ck,new yv])):xn(s,"sporeOverlap")||xn(s,"sporeCompaction")?b4(dE,pe(he(X4,1),Ht,130,0,[new pk])):xn(s,"rectpacking")&&b4(dE,pe(he(X4,1),Ht,130,0,[new H$]))}function RHe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;if(q=new Hu(r.o),be=s.a/q.a,T=s.b/q.b,ie=s.a-q.a,y=s.b-q.b,a)for(v=Qe(se(r,(Ft(),Zo)))===Qe((Sa(),Tl)),ee=new le(r.j);ee.a<ee.c.c.length;)switch(Q=E(ce(ee),11),Q.j.g){case 1:v||(Q.n.a*=be);break;case 2:Q.n.a+=ie,v||(Q.n.b*=T);break;case 3:v||(Q.n.a*=be),Q.n.b+=y;break;case 4:v||(Q.n.b*=T)}for(A=new le(r.b);A.a<A.c.c.length;)O=E(ce(A),70),F=O.n.a+O.o.a/2,z=O.n.b+O.o.b/2,fe=F/q.a,x=z/q.b,fe+x>=1&&(fe-x>0&&z>=0?(O.n.a+=ie,O.n.b+=y*x):fe-x<0&&F>=0&&(O.n.a+=ie*fe,O.n.b+=y));r.o.a=s.a,r.o.b=s.b,ct(r,(Ft(),G2),(eh(),l=E(hp(jj),9),new qh(l,E(t1(l,l.length),9),0)))}function FRt(r,s,a,l,v,y){var x;if(!(s==null||!jne(s,Ake,$ke)))throw de(new Yn("invalid scheme: "+s));if(!r&&!(a!=null&&bb(a,Af(35))==-1&&a.length>0&&(ui(0,a.length),a.charCodeAt(0)!=47)))throw de(new Yn("invalid opaquePart: "+a));if(r&&!(s!=null&&XO(yQ,s.toLowerCase()))&&!(a==null||!jne(a,Bj,zj)))throw de(new Yn(KWe+a));if(r&&s!=null&&XO(yQ,s.toLowerCase())&&!REt(a))throw de(new Yn(KWe+a));if(!A0t(l))throw de(new Yn("invalid device: "+l));if(!Cmt(v))throw x=v==null?"invalid segments: null":"invalid segment: "+Emt(v),de(new Yn(x));if(!(y==null||bb(y,Af(35))==-1))throw de(new Yn("invalid query: "+y))}function jRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(Lr(s,"Calculate Graph Size",1),s.n&&r&&r1(s,i1(r),(Zd(),$h)),T=_A,O=_A,y=Eye,x=Eye,z=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));z.e!=z.i.gc();)A=E(Fr(z),33),ee=A.i,ie=A.j,be=A.g,l=A.f,v=E(Xt(A,(Mi(),Hz)),142),T=m.Math.min(T,ee-v.b),O=m.Math.min(O,ie-v.d),y=m.Math.max(y,ee+be+v.c),x=m.Math.max(x,ie+l+v.a);for(Q=E(Xt(r,(Mi(),Z2)),116),q=new Kt(T-Q.b,O-Q.d),F=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));F.e!=F.i.gc();)A=E(Fr(F),33),Of(A,A.i-q.a),If(A,A.j-q.b);fe=y-T+(Q.b+Q.c),a=x-O+(Q.d+Q.a),FS(r,fe),PS(r,a),s.n&&r&&r1(s,i1(r),(Zd(),$h))}function OHe(r){var s,a,l,v,y,x,T,O,A,F;for(l=new vt,x=new le(r.e.a);x.a<x.c.c.length;){for(v=E(ce(x),121),F=0,v.k.c=Pe(mr,Ht,1,0,5,1),a=new le(w4(v));a.a<a.c.c.length;)s=E(ce(a),213),s.f&&(Et(v.k,s),++F);F==1&&(l.c[l.c.length]=v)}for(y=new le(l);y.a<y.c.c.length;)for(v=E(ce(y),121);v.k.c.length==1;){for(A=E(ce(new le(v.k)),213),r.b[A.c]=A.g,T=A.d,O=A.e,a=new le(w4(v));a.a<a.c.c.length;)s=E(ce(a),213),Ki(s,A)||(s.f?T==s.d||O==s.e?r.b[A.c]-=r.b[s.c]-s.g:r.b[A.c]+=r.b[s.c]-s.g:v==T?s.d==v?r.b[A.c]+=s.g:r.b[A.c]-=s.g:s.d==v?r.b[A.c]-=s.g:r.b[A.c]+=s.g);Tf(T.k,A),Tf(O.k,A),T==v?v=A.e:v=A.d}}function Q0e(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;if(s==null||s.length==0)return null;if(y=E(ml(r.f,s),23),!y){for(v=(Q=new Nh(r.d).a.vc().Kc(),new j1(Q));v.a.Ob();)if(a=(x=E(v.a.Pb(),42),E(x.dd(),23)),T=a.f,ee=s.length,xn(T.substr(T.length-ee,ee),s)&&(s.length==T.length||Ma(T,T.length-s.length-1)==46)){if(y)return null;y=a}if(!y){for(l=(q=new Nh(r.d).a.vc().Kc(),new j1(q));l.a.Ob();)if(a=(x=E(l.a.Pb(),42),E(x.dd(),23)),z=a.g,z!=null){for(O=z,A=0,F=O.length;A<F;++A)if(T=O[A],ee=s.length,xn(T.substr(T.length-ee,ee),s)&&(s.length==T.length||Ma(T,T.length-s.length-1)==46)){if(y)return null;y=a}}}y&&Uu(r.f,s,y)}return y}function MRt(r,s){var a,l,v,y,x;for(a=new fy,x=!1,y=0;y<s.length;y++){if(l=(ui(y,s.length),s.charCodeAt(y)),l==32){for(tG(r,a,0),a.a+=" ",tG(r,a,0);y+1<s.length&&(ui(y+1,s.length),s.charCodeAt(y+1)==32);)++y;continue}if(x){l==39?y+1<s.length&&(ui(y+1,s.length),s.charCodeAt(y+1)==39)?(a.a+=String.fromCharCode(l),++y):x=!1:a.a+=String.fromCharCode(l);continue}if(bb("GyMLdkHmsSEcDahKzZv",Af(l))>0){tG(r,a,0),a.a+=String.fromCharCode(l),v=Evt(s,y),tG(r,a,v),y+=v-1;continue}l==39?y+1<s.length&&(ui(y+1,s.length),s.charCodeAt(y+1)==39)?(a.a+="'",++y):x=!0:a.a+=String.fromCharCode(l)}tG(r,a,0),JEt(r)}function NRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;if(Lr(a,"Network simplex layering",1),r.b=s,be=E(se(s,(Ft(),cj)),19).a*4,fe=r.b.a,fe.c.length<1){Or(a);return}for(y=N3t(r,fe),ie=null,v=Ti(y,0);v.b!=v.d.c;){for(l=E(Ci(v),15),T=be*ss(m.Math.sqrt(l.gc())),x=tkt(l),tie(HO(YM(n2(dee(x),T),ie),!0),wl(a,1)),q=r.b.b,ee=new le(x.a);ee.a<ee.c.c.length;){for(Q=E(ce(ee),121);q.c.length<=Q.e;)ZC(q,q.c.length,new gp(r.b));F=E(Q.f,10),Vu(F,E(Vt(q,Q.e),29))}if(y.b>1)for(ie=Pe(Gr,Ei,25,r.b.b.c.length,15,1),z=0,A=new le(r.b.b);A.a<A.c.c.length;)O=E(ce(A),29),ie[z++]=O.a.c.length}fe.c=Pe(mr,Ht,1,0,5,1),r.a=null,r.b=null,r.c=null,Or(a)}function IHe(r){var s,a,l,v,y,x,T;for(s=0,y=new le(r.b.a);y.a<y.c.c.length;)l=E(ce(y),189),l.b=0,l.c=0;for(gNe(r,0),Mne(r,r.g),TG(r.c),s8(r.c),a=(ku(),Op),hB(jZ(j4(hB(jZ(j4(hB(j4(r.c,a)),Pje(a)))),a))),j4(r.c,Op),Ine(r,r.g),rNe(r,0),cHe(r,0),KLe(r,1),gNe(r,1),Mne(r,r.d),TG(r.c),x=new le(r.b.a);x.a<x.c.c.length;)l=E(ce(x),189),s+=m.Math.abs(l.c);for(T=new le(r.b.a);T.a<T.c.c.length;)l=E(ce(T),189),l.b=0,l.c=0;for(a=U0,hB(jZ(j4(hB(jZ(j4(hB(s8(j4(r.c,a))),Pje(a)))),a))),j4(r.c,Op),Ine(r,r.d),rNe(r,1),cHe(r,1),KLe(r,0),s8(r.c),v=new le(r.b.a);v.a<v.c.c.length;)l=E(ce(v),189),s+=m.Math.abs(l.c);return s}function DHe(r,s){var a,l,v,y,x,T,O,A,F;if(A=s,!(A.b==null||r.b==null)){for(R4(r),s9(r),R4(A),s9(A),a=Pe(Gr,Ei,25,r.b.length+A.b.length,15,1),F=0,l=0,x=0;l<r.b.length&&x<A.b.length;)if(v=r.b[l],y=r.b[l+1],T=A.b[x],O=A.b[x+1],y<T)l+=2;else if(y>=T&&v<=O)T<=v&&y<=O?(a[F++]=v,a[F++]=y,l+=2):T<=v?(a[F++]=v,a[F++]=O,r.b[l]=O+1,x+=2):y<=O?(a[F++]=T,a[F++]=y,l+=2):(a[F++]=T,a[F++]=O,r.b[l]=O+1);else if(O<v)x+=2;else throw de(new Zu("Token#intersectRanges(): Internal Error: ["+r.b[l]+","+r.b[l+1]+"] & ["+A.b[x]+","+A.b[x+1]+"]"));for(;l<r.b.length;)a[F++]=r.b[l++],a[F++]=r.b[l++];r.b=Pe(Gr,Ei,25,F,15,1),ll(a,0,r.b,0,F)}}function LRt(r){var s,a,l,v,y,x,T;for(s=new vt,r.g=new vt,r.d=new vt,x=new _2(new dg(r.f.b).a);x.b;)y=$S(x),Et(s,E(E(y.dd(),46).b,81)),Ey(E(y.cd(),594).gf())?Et(r.d,E(y.dd(),46)):Et(r.g,E(y.dd(),46));for(Mne(r,r.d),Mne(r,r.g),r.c=new hLe(r.b),Hle(r.c,(QU(),oXe)),Ine(r,r.d),Ine(r,r.g),Cs(s,r.c.a.b),r.e=new Kt(Qo,Qo),r.a=new Kt(ws,ws),l=new le(s);l.a<l.c.c.length;)a=E(ce(l),81),r.e.a=m.Math.min(r.e.a,a.g.c),r.e.b=m.Math.min(r.e.b,a.g.d),r.a.a=m.Math.max(r.a.a,a.g.c+a.g.b),r.a.b=m.Math.max(r.a.b,a.g.d+a.g.a);jD(r.c,new Eu),T=0;do v=IHe(r),++T;while((T<2||v>Uy)&&T<10);jD(r.c,new Yu),IHe(r),Clt(r.c),$Rt(r.f)}function BRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(Wt(Gt(se(a,(Ft(),ZT)))))for(T=new le(a.j);T.a<T.c.c.length;)for(x=E(ce(T),11),q=_b(x.g),A=q,F=0,z=A.length;F<z;++F)O=A[F],y=O.d.i==a,v=y&&Wt(Gt(se(O,W2))),v&&(ee=O.c,Q=E(Cr(r.b,ee),10),Q||(Q=vB(ee,(Sa(),Ug),ee.j,-1,null,null,ee.o,E(se(s,Oh),103),s),ct(Q,(bt(),to),ee),Qi(r.b,ee,Q),Et(s.a,Q)),fe=O.d,ie=E(Cr(r.b,fe),10),ie||(ie=vB(fe,(Sa(),Ug),fe.j,1,null,null,fe.o,E(se(s,Oh),103),s),ct(ie,(bt(),to),fe),Qi(r.b,fe,ie),Et(s.a,ie)),l=kte(O),Ya(l,E(Vt(Q.j,0),11)),ya(l,E(Vt(ie.j,0),11)),_n(r.a,O,new zV(l,s,(Tu(),zl))),E(se(s,(bt(),Cl)),21).Fc((Ru(),ip)))}function zRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee;for(Lr(a,"Label dummy switching",1),l=E(se(s,(Ft(),pX)),227),Zgt(s),v=$xt(s,l),r.a=Pe(ba,Lu,25,s.b.c.length,15,1),T=(P5(),pe(he(KA,1),wt,227,0,[GA,Y9,WA,WT,tR,eR])),F=0,Q=T.length;F<Q;++F)if(y=T[F],(y==tR||y==eR||y==WT)&&!E(Gf(v.a,y)?v.b[y.g]:null,15).dc()){lbt(r,s);break}for(O=pe(he(KA,1),wt,227,0,[GA,Y9,WA,WT,tR,eR]),z=0,ee=O.length;z<ee;++z)y=O[z],y==tR||y==eR||y==WT||yze(r,E(Gf(v.a,y)?v.b[y.g]:null,15));for(x=pe(he(KA,1),wt,227,0,[GA,Y9,WA,WT,tR,eR]),A=0,q=x.length;A<q;++A)y=x[A],(y==tR||y==eR||y==WT)&&yze(r,E(Gf(v.a,y)?v.b[y.g]:null,15));r.a=null,Or(a)}function HRt(r,s){var a,l,v,y,x,T,O,A,F,z,q;switch(r.k.g){case 1:if(l=E(se(r,(bt(),to)),17),a=E(se(l,jSe),74),a?Wt(Gt(se(l,Bg)))&&(a=DL(a)):a=new Yl,A=E(se(r,Q1),11),A){if(F=_c(pe(he(na,1),ft,8,0,[A.i.n,A.n,A.a])),s<=F.a)return F.b;os(a,F,a.a,a.a.a)}if(z=E(se(r,Rp),11),z){if(q=_c(pe(he(na,1),ft,8,0,[z.i.n,z.n,z.a])),q.a<=s)return q.b;os(a,q,a.c.b,a.c)}if(a.b>=2){for(O=Ti(a,0),x=E(Ci(O),8),T=E(Ci(O),8);T.a<s&&O.b!=O.d.c;)x=T,T=E(Ci(O),8);return x.b+(s-x.a)/(T.a-x.a)*(T.b-x.b)}break;case 3:switch(y=E(se(E(Vt(r.j,0),11),(bt(),to)),11),v=y.i,y.j.g){case 1:return v.n.b;case 3:return v.n.b+v.o.b}}return Vbe(r).b}function URt(r){var s,a,l,v,y,x,T,O,A,F,z;for(x=new le(r.d.b);x.a<x.c.c.length;)for(y=E(ce(x),29),O=new le(y.a);O.a<O.c.c.length;){if(T=E(ce(O),10),Wt(Gt(se(T,(Ft(),ij))))&&!h6(A0(T))){l=E(Hft(A0(T)),17),F=l.c.i,F==T&&(F=l.d.i),z=new Ra(F,pa(Oc(T.n),F.n)),Qi(r.b,T,z);continue}v=new Wh(T.n.a-T.d.b,T.n.b-T.d.d,T.o.a+T.d.b+T.d.c,T.o.b+T.d.d+T.d.a),s=BOe(fN(rZ(iZ(new jO,T),v),$Xe),r.a),LOe(Zle(mFe(new qP,pe(he(hY,1),Ht,57,0,[s])),s),r.a),A=new SM,Qi(r.e,s,A),a=C0(new Rr(Ar(fc(T).a.Kc(),new M)))-C0(new Rr(Ar(ks(T).a.Kc(),new M))),a<0?OL(A,!0,(ku(),Op)):a>0&&OL(A,!0,(ku(),p1)),T.k==(dr(),ds)&&r6e(A),Qi(r.f,T,s)}}function VRt(r,s,a){var l,v,y,x,T,O,A,F,z,q;switch(Lr(a,"Node promotion heuristic",1),r.g=s,XOt(r),r.q=E(se(s,(Ft(),Hue)),260),F=E(se(r.g,Mxe),19).a,y=new jR,r.q.g){case 2:case 1:lA(r,y);break;case 3:for(r.q=(I4(),OX),lA(r,y),O=0,T=new le(r.a);T.a<T.c.c.length;)x=E(ce(T),19),O=m.Math.max(O,x.a);O>r.j&&(r.q=xz,lA(r,y));break;case 4:for(r.q=(I4(),OX),lA(r,y),A=0,v=new le(r.b);v.a<v.c.c.length;)l=Dt(ce(v)),A=m.Math.max(A,(Qn(l),l));A>r.k&&(r.q=Cz,lA(r,y));break;case 6:q=ss(m.Math.ceil(r.f.length*F/100)),lA(r,new CO(q));break;case 5:z=ss(m.Math.ceil(r.d*F/100)),lA(r,new Lh(z));break;default:lA(r,y)}MTt(r,s),Or(a)}function AHe(r,s,a){var l,v,y,x;this.j=r,this.e=eme(r),this.o=this.j.e,this.i=!!this.o,this.p=this.i?E(Vt(a,Za(this.o).p),214):null,v=E(se(r,(bt(),Cl)),21),this.g=v.Hc((Ru(),ip)),this.b=new vt,this.d=new e7e(this.e),x=E(se(this.j,cI),230),this.q=_bt(s,x,this.e),this.k=new tAe(this),y=Tg(pe(he(FXe,1),Ht,225,0,[this,this.d,this.k,this.q])),s==(jS(),kz)&&!Wt(Gt(se(r,(Ft(),XT))))?(l=new nme(this.e),y.c[y.c.length]=l,this.c=new Dpe(l,x,E(this.q,402))):s==kz&&Wt(Gt(se(r,(Ft(),XT))))?(l=new nme(this.e),y.c[y.c.length]=l,this.c=new MFe(l,x,E(this.q,402))):this.c=new F4e(s,this),Et(y,this.c),hHe(y,this.e),this.s=T5t(this.k)}function qRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;for(z=E(kV((x=Ti(new g0(s).a.d,0),new Tv(x))),86),ee=z?E(se(z,(Hc(),wce)),86):null,v=1;z&ⅇ){for(O=0,Ne=0,a=z,l=ee,T=0;T<v;T++)a=Pte(a),l=Pte(l),Ne+=ot(Dt(se(a,(Hc(),u$)))),O+=ot(Dt(se(l,u$)));if(Te=ot(Dt(se(ee,(Hc(),dw)))),Ie=ot(Dt(se(z,dw))),q=Upe(z,ee),Q=Te+O+r.a+q-Ie-Ne,0<Q){for(A=s,F=0;A&&A!=l;)++F,A=E(se(A,MX),86);if(A)for(be=Q/F,A=s;A!=l;)fe=ot(Dt(se(A,dw)))+Q,ct(A,dw,fe),ie=ot(Dt(se(A,u$)))+Q,ct(A,u$,ie),Q-=be,A=E(se(A,MX),86);else return}++v,z.d.b==0?z=I0e(new g0(s),v):z=E(kV((y=Ti(new g0(z).a.d,0),new Tv(y))),86),ee=z?E(se(z,wce),86):null}}function $He(r,s){var a,l,v,y,x,T,O,A,F,z;for(O=!0,v=0,A=r.f[s.p],F=s.o.b+r.n,a=r.c[s.p][2],Kh(r.a,A,Ot(E(Vt(r.a,A),19).a-1+a)),Kh(r.b,A,ot(Dt(Vt(r.b,A)))-F+a*r.e),++A,A>=r.i?(++r.i,Et(r.a,Ot(1)),Et(r.b,F)):(l=r.c[s.p][1],Kh(r.a,A,Ot(E(Vt(r.a,A),19).a+1-l)),Kh(r.b,A,ot(Dt(Vt(r.b,A)))+F-l*r.e)),(r.q==(I4(),xz)&&(E(Vt(r.a,A),19).a>r.j||E(Vt(r.a,A-1),19).a>r.j)||r.q==Cz&&(ot(Dt(Vt(r.b,A)))>r.k||ot(Dt(Vt(r.b,A-1)))>r.k))&&(O=!1),x=new Rr(Ar(fc(s).a.Kc(),new M));fi(x);)y=E(Zr(x),17),T=y.c.i,r.f[T.p]==A&&(z=$He(r,T),v=v+E(z.a,19).a,O=O&&Wt(Gt(z.b)));return r.f[s.p]=A,v=v+r.c[s.p][0],new Ra(Ot(v),(tr(),!!O))}function J0e(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(z=new jr,x=new vt,tLe(r,a,r.d.fg(),x,z),tLe(r,l,r.d.gg(),x,z),r.b=.2*(ie=VLe(Ec(new Nn(null,new zn(x,16)),new Dr)),fe=VLe(Ec(new Nn(null,new zn(x,16)),new hf)),m.Math.min(ie,fe)),y=0,T=0;T<x.c.length-1;T++)for(O=(Vn(T,x.c.length),E(x.c[T],112)),ee=T+1;ee<x.c.length;ee++)y+=q0e(r,O,(Vn(ee,x.c.length),E(x.c[ee],112)));for(q=E(se(s,(bt(),cI)),230),y>=2&&(be=dBe(x,!0,q),!r.e&&(r.e=new BQ(r)),Svt(r.e,be,x,r.b)),WMe(x,q),aOt(x),Q=-1,F=new le(x);F.a<F.c.c.length;)A=E(ce(F),112),!(m.Math.abs(A.s-A.c)<Rb)&&(Q=m.Math.max(Q,A.o),r.d.dg(A,v,r.c));return r.d.a.a.$b(),Q+1}function PHe(r,s){var a,l,v,y,x;a=ot(Dt(se(s,(Ft(),h1)))),a<2&&ct(s,h1,2),l=E(se(s,Oh),103),l==(ku(),Fm)&&ct(s,Oh,BW(s)),v=E(se(s,yZe),19),v.a==0?ct(s,(bt(),cI),new Pne):ct(s,(bt(),cI),new zq(v.a)),y=Gt(se(s,sj)),y==null&&ct(s,sj,(tr(),Qe(se(s,z0))===Qe(($0(),p$)))),Bo(new Nn(null,new zn(s.a,16)),new Nt(r)),Bo(Ec(new Nn(null,new zn(s.b,16)),new vd),new Yt(r)),x=new kHe(s),ct(s,(bt(),aR),x),Fq(r.a),wm(r.a,(lu(),jb),E(se(s,QT),246)),wm(r.a,Jy,E(se(s,Nxe),246)),wm(r.a,nf,E(se(s,oj),246)),wm(r.a,Sl,E(se(s,yX),246)),wm(r.a,oc,wbt(E(se(s,z0),218))),qRe(r.a,L5t(s)),ct(s,Iue,zG(r.a,s))}function WRt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt;return q=r.c[s],Q=r.c[a],ee=E(se(q,(bt(),aI)),15),!!ee&&ee.gc()!=0&&ee.Hc(Q)||(ie=q.k!=(dr(),ua)&&Q.k!=ua,fe=E(se(q,mx),10),be=E(se(Q,mx),10),Ie=fe!=be,Te=!!fe&&fe!=q||!!be&&be!=Q,Ne=ore(q,(It(),Jn)),nt=ore(Q,Br),Te=Te|(ore(q,Br)||ore(Q,Jn)),yt=Te&&Ie||Ne||nt,ie&&yt)||q.k==(dr(),xl)&&Q.k==Os||Q.k==(dr(),xl)&&q.k==Os?!1:(F=r.c[s],y=r.c[a],v=DMe(r.e,F,y,(It(),nr)),O=DMe(r.i,F,y,fr),NCt(r.f,F,y),A=eje(r.b,F,y)+E(v.a,19).a+E(O.a,19).a+r.f.d,T=eje(r.b,y,F)+E(v.b,19).a+E(O.b,19).a+r.f.b,r.a&&(z=E(se(F,to),11),x=E(se(y,to),11),l=gMe(r.g,z,x),A+=E(l.a,19).a,T+=E(l.b,19).a),A>T)}function GRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(a=E(se(r,(Ft(),Zo)),98),x=r.f,y=r.d,T=x.a+y.b+y.c,O=0-y.d-r.c.b,F=x.b+y.d+y.a-r.c.b,A=new vt,z=new vt,v=new le(s);v.a<v.c.c.length;){switch(l=E(ce(v),10),a.g){case 1:case 2:case 3:qCt(l);break;case 4:q=E(se(l,Ex),8),Q=q?q.a:0,l.n.a=T*ot(Dt(se(l,(bt(),vx))))-Q,OW(l,!0,!1);break;case 5:ee=E(se(l,Ex),8),ie=ee?ee.a:0,l.n.a=ot(Dt(se(l,(bt(),vx))))-ie,OW(l,!0,!1),x.a=m.Math.max(x.a,l.n.a+l.o.a/2)}switch(E(se(l,(bt(),Pc)),61).g){case 1:l.n.b=O,A.c[A.c.length]=l;break;case 3:l.n.b=F,z.c[z.c.length]=l}}switch(a.g){case 1:case 2:Cje(A,r),Cje(z,r);break;case 3:Tje(A,r),Tje(z,r)}}function KRt(r,s){var a,l,v,y,x,T,O,A,F,z;for(F=new vt,z=new YE,y=null,v=0,l=0;l<s.length;++l)switch(a=s[l],hmt(y,a)&&(v=rbe(r,z,F,DX,v)),ta(a,(bt(),mx))&&(y=E(se(a,mx),10)),a.k.g){case 0:for(O=Lfe(c5(Sc(a,(It(),Jn)),new Nw));Jte(O);)x=E(d1e(O),11),r.d[x.p]=v++,F.c[F.c.length]=x;for(v=rbe(r,z,F,DX,v),A=Lfe(c5(Sc(a,Br),new Nw));Jte(A);)x=E(d1e(A),11),r.d[x.p]=v++,F.c[F.c.length]=x;break;case 3:Sc(a,$Ce).dc()||(x=E(Sc(a,$Ce).Xb(0),11),r.d[x.p]=v++,F.c[F.c.length]=x),Sc(a,DX).dc()||Iy(z,a);break;case 1:for(T=Sc(a,(It(),nr)).Kc();T.Ob();)x=E(T.Pb(),11),r.d[x.p]=v++,F.c[F.c.length]=x;Sc(a,fr).Jc(new j4e(z,a))}return rbe(r,z,F,DX,v),F}function FHe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie;for(A=Qo,F=Qo,T=ws,O=ws,q=new le(s.i);q.a<q.c.c.length;)z=E(ce(q),65),v=E(E(Cr(r.g,z.a),46).b,33),wg(v,z.b.c,z.b.d),A=m.Math.min(A,v.i),F=m.Math.min(F,v.j),T=m.Math.max(T,v.i+v.g),O=m.Math.max(O,v.j+v.f);for(Q=E(Xt(r.c,(QL(),ent)),116),ZS(r.c,T-A+(Q.b+Q.c),O-F+(Q.d+Q.a),!0,!0),cme(r.c,-A+Q.b,-F+Q.d),l=new Tr(l6e(r.c));l.e!=l.i.gc();)a=E(Fr(l),79),x=D4(a,!0,!0),ee=Cm(a),fe=Ny(a),ie=new Kt(ee.i+ee.g/2,ee.j+ee.f/2),y=new Kt(fe.i+fe.g/2,fe.j+fe.f/2),be=pa(new Kt(y.a,y.b),ie),Q6(be,ee.g,ee.f),io(ie,be),Ie=pa(new Kt(ie.a,ie.b),y),Q6(Ie,fe.g,fe.f),io(y,Ie),xV(x,ie.a,ie.b),SV(x,y.a,y.b)}function YRt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;if(r.c=r.d,ee=Gt(se(s,(Ft(),EZe))),Q=ee==null||(Qn(ee),ee),y=E(se(s,(bt(),Cl)),21).Hc((Ru(),ip)),v=E(se(s,Zo),98),a=!(v==(Sa(),t_)||v==Nm||v==Tl),Q&&(a||!y)){for(z=new le(s.a);z.a<z.c.c.length;)A=E(ce(z),10),A.p=0;for(q=new vt,F=new le(s.a);F.a<F.c.c.length;)if(A=E(ce(F),10),l=Oze(r,A,null),l){for(O=new O1e,rc(O,s),ct(O,GT,E(l.b,21)),upe(O.d,s.d),ct(O,t$,null),T=E(l.a,15).Kc();T.Ob();)x=E(T.Pb(),10),Et(O.a,x),x.a=O;q.Fc(O)}y&&(Qe(se(s,fI))===Qe((BS(),qae))?r.c=r.b:r.c=r.a)}else q=new yf(pe(he(mXe,1),IVe,37,0,[s]));return Qe(se(s,fI))!==Qe((BS(),J4))&&(In(),q.ad(new ut)),q}function jHe(r){Oe(r,new O2(v8(MD(Av(hy(gy(py(new Pa,sw),"ELK Mr. Tree"),"Tree-based algorithm provided by the Eclipse Layout Kernel. Computes a spanning tree of the input graph and arranges all nodes according to the resulting parent-children hierarchy. I pity the fool who doesn't use Mr. Tree Layout."),new IE),bqe),yn((rA(),dle))))),At(r,sw,rx,HCe),At(r,sw,FT,20),At(r,sw,W5,SA),At(r,sw,$B,Ot(1)),At(r,sw,m9,(tr(),!0)),At(r,sw,HB,Ut(BCe)),At(r,sw,z4,Ut(Wet)),At(r,sw,K5,Ut(Get)),At(r,sw,G5,Ut(Ket)),At(r,sw,xA,Ut(qet)),At(r,sw,v9,Ut(zCe)),At(r,sw,CA,Ut(Xet)),At(r,sw,vye,Ut(Jet)),At(r,sw,wye,Ut(UCe))}function XRt(r){r.q||(r.q=!0,r.p=Dc(r,0),r.a=Dc(r,1),Eo(r.a,0),r.f=Dc(r,2),Eo(r.f,1),Go(r.f,2),r.n=Dc(r,3),Go(r.n,3),Go(r.n,4),Go(r.n,5),Go(r.n,6),r.g=Dc(r,4),Eo(r.g,7),Go(r.g,8),r.c=Dc(r,5),Eo(r.c,7),Eo(r.c,8),r.i=Dc(r,6),Eo(r.i,9),Eo(r.i,10),Eo(r.i,11),Eo(r.i,12),Go(r.i,13),r.j=Dc(r,7),Eo(r.j,9),r.d=Dc(r,8),Eo(r.d,3),Eo(r.d,4),Eo(r.d,5),Eo(r.d,6),Go(r.d,7),Go(r.d,8),Go(r.d,9),Go(r.d,10),r.b=Dc(r,9),Go(r.b,0),Go(r.b,1),r.e=Dc(r,10),Go(r.e,1),Go(r.e,2),Go(r.e,3),Go(r.e,4),Eo(r.e,5),Eo(r.e,6),Eo(r.e,7),Eo(r.e,8),Eo(r.e,9),Eo(r.e,10),Go(r.e,11),r.k=Dc(r,11),Go(r.k,0),Go(r.k,1),r.o=Pi(r,12),r.s=Pi(r,13))}function Z0e(r,s){s.dc()&&mm(r.j,!0,!0,!0,!0),Ki(s,(It(),y1))&&mm(r.j,!0,!0,!0,!1),Ki(s,op)&&mm(r.j,!1,!0,!0,!0),Ki(s,Dh)&&mm(r.j,!0,!0,!1,!0),Ki(s,Ap)&&mm(r.j,!0,!1,!0,!0),Ki(s,bd)&&mm(r.j,!1,!0,!0,!1),Ki(s,sp)&&mm(r.j,!1,!0,!1,!0),Ki(s,Ah)&&mm(r.j,!0,!1,!1,!0),Ki(s,E1)&&mm(r.j,!0,!1,!0,!1),Ki(s,Ff)&&mm(r.j,!0,!0,!0,!0),Ki(s,sf)&&mm(r.j,!0,!0,!0,!0),Ki(s,Ff)&&mm(r.j,!0,!0,!0,!0),Ki(s,Pf)&&mm(r.j,!0,!0,!0,!0),Ki(s,jf)&&mm(r.j,!0,!0,!0,!0),Ki(s,md)&&mm(r.j,!0,!0,!0,!0),Ki(s,kl)&&mm(r.j,!0,!0,!0,!0)}function QRt(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(y=new vt,A=new le(l);A.a<A.c.c.length;)if(T=E(ce(A),441),x=null,T.f==(Tu(),zl))for(ee=new le(T.e);ee.a<ee.c.c.length;)Q=E(ce(ee),17),fe=Q.d.i,Za(fe)==s?Q8e(r,s,T,Q,T.b,Q.d):!a||D6(fe,a)?D2t(r,s,T,l,Q):(q=bie(r,s,a,Q,T.b,zl,x),q!=x&&(y.c[y.c.length]=q),q.c&&(x=q));else for(z=new le(T.e);z.a<z.c.c.length;)if(F=E(ce(z),17),ie=F.c.i,Za(ie)==s)Q8e(r,s,T,F,F.c,T.b);else{if(!a||D6(ie,a))continue;q=bie(r,s,a,F,T.b,gd,x),q!=x&&(y.c[y.c.length]=q),q.c&&(x=q)}for(O=new le(y);O.a<O.c.c.length;)T=E(ce(O),441),lc(s.a,T.a,0)!=-1||Et(s.a,T.a),T.c&&(v.c[v.c.length]=T)}function JRt(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(A=new vt,O=new le(s.a);O.a<O.c.c.length;)for(x=E(ce(O),10),q=Sc(x,(It(),fr)).Kc();q.Ob();)for(z=E(q.Pb(),11),v=new le(z.g);v.a<v.c.c.length;)l=E(ce(v),17),!(!uu(l)&&l.c.i.c==l.d.i.c||uu(l)||l.d.i.c!=a)&&(A.c[A.c.length]=l);for(T=m2(a.a).Kc();T.Ob();)for(x=E(T.Pb(),10),q=Sc(x,(It(),nr)).Kc();q.Ob();)for(z=E(q.Pb(),11),v=new le(z.e);v.a<v.c.c.length;)if(l=E(ce(v),17),!(!uu(l)&&l.c.i.c==l.d.i.c||uu(l)||l.c.i.c!=s)){for(F=new Oa(A,A.c.length),y=(vr(F.b>0),E(F.a.Xb(F.c=--F.b),17));y!=l&&F.b>0;)r.a[y.p]=!0,r.a[l.p]=!0,y=(vr(F.b>0),E(F.a.Xb(F.c=--F.b),17));F.b>0&&Qd(F)}}function MHe(r,s,a){var l,v,y,x,T,O,A,F,z;if(r.a!=s.Aj())throw de(new Yn(OA+s.ne()+ax));if(l=Xv((Qf(),Ba),s).$k(),l)return l.Aj().Nh().Ih(l,a);if(x=Xv(Ba,s).al(),x){if(a==null)return null;if(T=E(a,15),T.dc())return"";for(z=new bg,y=T.Kc();y.Ob();)v=y.Pb(),Fu(z,x.Aj().Nh().Ih(x,v)),z.a+=" ";return BZ(z,z.a.length-1)}if(F=Xv(Ba,s).bl(),!F.dc()){for(A=F.Kc();A.Ob();)if(O=E(A.Pb(),148),O.wj(a))try{if(z=O.Aj().Nh().Ih(O,a),z!=null)return z}catch(q){if(q=Mo(q),!Ce(q,102))throw de(q)}throw de(new Yn("Invalid value: '"+a+"' for datatype :"+s.ne()))}return E(s,834).Fj(),a==null?null:Ce(a,172)?""+E(a,172).a:Od(a)==sY?fOe(Lj[0],E(a,199)):dc(a)}function ZRt(r){var s,a,l,v,y,x,T,O,A,F;for(A=new Po,T=new Po,y=new le(r);y.a<y.c.c.length;)l=E(ce(y),128),l.v=0,l.n=l.i.c.length,l.u=l.t.c.length,l.n==0&&os(A,l,A.c.b,A.c),l.u==0&&l.r.a.gc()==0&&os(T,l,T.c.b,T.c);for(x=-1;A.b!=0;)for(l=E(hre(A,0),128),a=new le(l.t);a.a<a.c.c.length;)s=E(ce(a),268),F=s.b,F.v=m.Math.max(F.v,l.v+1),x=m.Math.max(x,F.v),--F.n,F.n==0&&os(A,F,A.c.b,A.c);if(x>-1){for(v=Ti(T,0);v.b!=v.d.c;)l=E(Ci(v),128),l.v=x;for(;T.b!=0;)for(l=E(hre(T,0),128),a=new le(l.i);a.a<a.c.c.length;)s=E(ce(a),268),O=s.a,O.r.a.gc()==0&&(O.v=m.Math.min(O.v,l.v-1),--O.u,O.u==0&&os(T,O,T.c.b,T.c))}}function NHe(r,s,a,l,v){var y,x,T,O;return O=Qo,x=!1,T=U0e(r,pa(new Kt(s.a,s.b),r),io(new Kt(a.a,a.b),v),pa(new Kt(l.a,l.b),a)),y=!!T&&!(m.Math.abs(T.a-r.a)<=ox&&m.Math.abs(T.b-r.b)<=ox||m.Math.abs(T.a-s.a)<=ox&&m.Math.abs(T.b-s.b)<=ox),T=U0e(r,pa(new Kt(s.a,s.b),r),a,v),T&&((m.Math.abs(T.a-r.a)<=ox&&m.Math.abs(T.b-r.b)<=ox)==(m.Math.abs(T.a-s.a)<=ox&&m.Math.abs(T.b-s.b)<=ox)||y?O=m.Math.min(O,lF(pa(T,a))):x=!0),T=U0e(r,pa(new Kt(s.a,s.b),r),l,v),T&&(x||(m.Math.abs(T.a-r.a)<=ox&&m.Math.abs(T.b-r.b)<=ox)==(m.Math.abs(T.a-s.a)<=ox&&m.Math.abs(T.b-s.b)<=ox)||y)&&(O=m.Math.min(O,lF(pa(T,l)))),O}function LHe(r){Oe(r,new O2(MD(Av(hy(gy(py(new Pa,qy),RVe),"Minimizes the stress within a layout using stress majorization. Stress exists if the euclidean distance between a pair of nodes doesn't match their graph theoretic distance, that is, the shortest path between the two nodes. The method allows to specify individual edge lengths."),new cf),Th))),At(r,qy,PB,Ut(r_e)),At(r,qy,aK,(tr(),!0)),At(r,qy,z4,Ut(XYe)),At(r,qy,K5,Ut(QYe)),At(r,qy,G5,Ut(JYe)),At(r,qy,xA,Ut(YYe)),At(r,qy,v9,Ut(o_e)),At(r,qy,CA,Ut(ZYe)),At(r,qy,Gve,Ut(n_e)),At(r,qy,Yve,Ut(e_e)),At(r,qy,Xve,Ut(t_e)),At(r,qy,Qve,Ut(i_e)),At(r,qy,Kve,Ut(xY))}function eOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(Lr(s,"Interactive crossing minimization",1),x=0,y=new le(r.b);y.a<y.c.c.length;)l=E(ce(y),29),l.p=x++;for(q=eme(r),fe=new RU(q.length),hHe(new yf(pe(he(FXe,1),Ht,225,0,[fe])),q),ie=0,x=0,v=new le(r.b);v.a<v.c.c.length;){for(l=E(ce(v),29),a=0,z=0,F=new le(l.a);F.a<F.c.c.length;)for(O=E(ce(F),10),O.n.a>0&&(a+=O.n.a+O.o.a/2,++z),ee=new le(O.j);ee.a<ee.c.c.length;)Q=E(ce(ee),11),Q.p=ie++;for(z>0&&(a/=z),be=Pe(ba,Lu,25,l.a.c.length,15,1),T=0,A=new le(l.a);A.a<A.c.c.length;)O=E(ce(A),10),O.p=T++,be[O.p]=HRt(O,a),O.k==(dr(),ua)&&ct(O,(bt(),MSe),be[O.p]);In(),sa(l.a,new DH(be)),Sze(fe,q,x,!0),++x}Or(s)}function u9(r,s){var a,l,v,y,x,T,O,A,F;if(s.e==5){DHe(r,s);return}if(A=s,!(A.b==null||r.b==null)){for(R4(r),s9(r),R4(A),s9(A),a=Pe(Gr,Ei,25,r.b.length+A.b.length,15,1),F=0,l=0,x=0;l<r.b.length&&x<A.b.length;)if(v=r.b[l],y=r.b[l+1],T=A.b[x],O=A.b[x+1],y<T)a[F++]=r.b[l++],a[F++]=r.b[l++];else if(y>=T&&v<=O)T<=v&&y<=O?l+=2:T<=v?(r.b[l]=O+1,x+=2):y<=O?(a[F++]=v,a[F++]=T-1,l+=2):(a[F++]=v,a[F++]=T-1,r.b[l]=O+1,x+=2);else if(O<v)x+=2;else throw de(new Zu("Token#subtractRanges(): Internal Error: ["+r.b[l]+","+r.b[l+1]+"] - ["+A.b[x]+","+A.b[x+1]+"]"));for(;l<r.b.length;)a[F++]=r.b[l++],a[F++]=r.b[l++];r.b=Pe(Gr,Ei,25,F,15,1),ll(a,0,r.b,0,F)}}function tOt(r){var s,a,l,v,y,x,T;if(!r.A.dc()){if(r.A.Hc((eh(),Xz))&&(E(ju(r.b,(It(),Jn)),124).k=!0,E(ju(r.b,Br),124).k=!0,s=r.q!=(Sa(),Nm)&&r.q!=Tl,nP(E(ju(r.b,fr),124),s),nP(E(ju(r.b,nr),124),s),nP(r.g,s),r.A.Hc(n_)&&(E(ju(r.b,Jn),124).j=!0,E(ju(r.b,Br),124).j=!0,E(ju(r.b,fr),124).k=!0,E(ju(r.b,nr),124).k=!0,r.g.k=!0)),r.A.Hc(Yz))for(r.a.j=!0,r.a.k=!0,r.g.j=!0,r.g.k=!0,T=r.B.Hc((Ad(),Mj)),v=Wne(),y=0,x=v.length;y<x;++y)l=v[y],a=E(ju(r.i,l),306),a&&(ube(l)?(a.j=!0,a.k=!0):(a.j=!T,a.k=!T));r.A.Hc(c3)&&r.B.Hc((Ad(),Jz))&&(r.g.j=!0,r.g.j=!0,r.a.j||(r.a.j=!0,r.a.k=!0,r.a.e=!0))}}function nOt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(l=new le(r.e.b);l.a<l.c.c.length;)for(a=E(ce(l),29),y=new le(a.a);y.a<y.c.c.length;)if(v=E(ce(y),10),Q=r.i[v.p],A=Q.a.e,O=Q.d.e,v.n.b=A,be=O-A-v.o.b,s=pie(v),q=(vT(),(v.q?v.q:(In(),In(),$m))._b((Ft(),yx))?z=E(se(v,yx),197):z=E(se(Za(v),aj),197),z),s&&(q==dR||q==fR)&&(v.o.b+=be),s&&(q==ece||q==dR||q==fR)){for(ie=new le(v.j);ie.a<ie.c.c.length;)ee=E(ce(ie),11),(It(),sf).Hc(ee.j)&&(F=E(Cr(r.k,ee),121),ee.n.b=F.e-A);for(T=new le(v.b);T.a<T.c.c.length;)x=E(ce(T),70),fe=E(se(v,wx),21),fe.Hc((CT(),Dp))?x.n.b+=be:fe.Hc(Mm)&&(x.n.b+=be/2);(q==dR||q==fR)&&Sc(v,(It(),Br)).Jc(new lD(be))}}function BHe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q;if(!r.b)return!1;for(x=null,q=null,O=new $te(null,null),v=1,O.a[1]=r.b,z=O;z.a[v];)A=v,T=q,q=z,z=z.a[v],l=r.a.ue(s,z.d),v=l<0?0:1,l==0&&(!a.c||bl(z.e,a.d))&&(x=z),!(z&&z.b)&&!t2(z.a[v])&&(t2(z.a[1-v])?q=q.a[A]=wW(z,v):t2(z.a[1-v])||(Q=q.a[1-A],Q&&(!t2(Q.a[1-A])&&!t2(Q.a[A])?(q.b=!1,Q.b=!0,z.b=!0):(y=T.a[1]==q?1:0,t2(Q.a[A])?T.a[y]=GAe(q,A):t2(Q.a[1-A])&&(T.a[y]=wW(q,A)),z.b=T.a[y].b=!0,T.a[y].a[0].b=!1,T.a[y].a[1].b=!1))));return x&&(a.b=!0,a.d=x.e,z!=x&&(F=new $te(z.d,z.e),_2t(r,O,x,F),q==x&&(q=F)),q.a[q.a[1]==z?1:0]=z.a[z.a[0]?0:1],--r.c),r.b=O.a[1],r.b&&(r.b.b=!1),a.b}function rOt(r){var s,a,l,v,y,x,T,O,A,F,z,q;for(v=new le(r.a.a.b);v.a<v.c.c.length;)for(l=E(ce(v),57),O=l.c.Kc();O.Ob();)T=E(O.Pb(),57),l.a!=T.a&&(Ey(r.a.d)?z=r.a.g.Oe(l,T):z=r.a.g.Pe(l,T),y=l.b.a+l.d.b+z-T.b.a,y=m.Math.ceil(y),y=m.Math.max(0,y),b1e(l,T)?(x=bS(new db,r.d),A=ss(m.Math.ceil(T.b.a-l.b.a)),s=A-(T.b.a-l.b.a),F=w5(l).a,a=l,F||(F=w5(T).a,s=-s,a=T),F&&(a.b.a-=s,F.n.a-=s),c1(qf(Hh(Uh(zh(new Wd,m.Math.max(0,A)),1),x),r.c[l.a.d])),c1(qf(Hh(Uh(zh(new Wd,m.Math.max(0,-A)),1),x),r.c[T.a.d]))):(q=1,(Ce(l.g,145)&&Ce(T.g,10)||Ce(T.g,145)&&Ce(l.g,10))&&(q=2),c1(qf(Hh(Uh(zh(new Wd,ss(y)),q),r.c[l.a.d]),r.c[T.a.d]))))}function zHe(r,s,a){var l,v,y,x,T,O,A,F,z,q;if(a)for(l=-1,F=new Oa(s,0);F.b<F.d.gc();){if(T=(vr(F.b<F.d.gc()),E(F.d.Xb(F.c=F.b++),10)),z=r.c[T.c.p][T.p].a,z==null){for(x=l+1,y=new Oa(s,F.b);y.b<y.d.gc();)if(q=qot(r,(vr(y.b<y.d.gc()),E(y.d.Xb(y.c=y.b++),10))).a,q!=null){x=(Qn(q),q);break}z=(l+x)/2,r.c[T.c.p][T.p].a=z,r.c[T.c.p][T.p].d=(Qn(z),z),r.c[T.c.p][T.p].b=1}l=(Qn(z),z)}else{for(v=0,A=new le(s);A.a<A.c.c.length;)T=E(ce(A),10),r.c[T.c.p][T.p].a!=null&&(v=m.Math.max(v,ot(r.c[T.c.p][T.p].a)));for(v+=2,O=new le(s);O.a<O.c.c.length;)T=E(ce(O),10),r.c[T.c.p][T.p].a==null&&(z=Dd(r.i,24)*OB*v-1,r.c[T.c.p][T.p].a=z,r.c[T.c.p][T.p].d=z,r.c[T.c.p][T.p].b=1)}}function iOt(){Di(f3,new bv),Di(xi,new uC),Di(Pp,new lC),Di(Z1,new zI),Di(mle,new hC),Di(EQ,new iO),Di(W0,new HI),Di(Nj,new U_),Di(tH,new aC),Di(fle,new Zw),Di(lE,new L_),Di(Fp,new QR),Di(J1,new JR),Di(kx,new ek),Di(d3,new ZR),Di(Mf,new gv),Di(l3,new FI),Di(Fc,new jI),Di(Au,new eO),Di(af,new tk),Di(Us,new nk),Di(he(nd,1),new mv),Di(Z5,new h0),Di(H9,new MI),Di(sY,new NI),Di(l4e,new tO),Di(xa,new nO),Di(Cke,new cg),Di(Rke,new LI),Di(Qke,new vv),Di(_Q,new B_),Di(jA,new sm),Di(nu,new Vd),Di(REe,new rk),Di(cx,new ik),Di(OEe,new BI),Di(Gke,new z_),Di(f4e,new cC),Di(lx,new rO),Di(Bt,new fC),Di(kke,new dC),Di(d4e,new ok)}function oOt(r,s,a){var l,v,y,x,T,O,A,F,z;for(!a&&(a=zbt(s.q.getTimezoneOffset())),v=(s.q.getTimezoneOffset()-a.a)*6e4,T=new xde(Xa(Df(s.q.getTime()),v)),O=T,T.q.getTimezoneOffset()!=s.q.getTimezoneOffset()&&(v>0?v-=864e5:v+=864e5,O=new xde(Xa(Df(s.q.getTime()),v))),F=new fy,A=r.a.length,y=0;y<A;)if(l=Ma(r.a,y),l>=97&&l<=122||l>=65&&l<=90){for(x=y+1;x<A&&Ma(r.a,x)==l;++x);Z5t(F,l,x-y,T,O,a),y=x}else if(l==39){if(++y,y<A&&Ma(r.a,y)==39){F.a+="'",++y;continue}for(z=!1;!z;){for(x=y;x<A&&Ma(r.a,x)!=39;)++x;if(x>=A)throw de(new Yn("Missing trailing '"));x+1<A&&Ma(r.a,x+1)==39?++x:z=!0,gi(F,bh(r.a,y,x)),y=x+1}}else F.a+=String.fromCharCode(l),++y;return F.a}function sOt(r){var s,a,l,v,y,x,T,O;for(s=null,l=new le(r);l.a<l.c.c.length;)a=E(ce(l),233),ot(Eg(a.g,a.d[0]).a),a.b=null,a.e&&a.e.gc()>0&&a.c==0&&(!s&&(s=new vt),s.c[s.c.length]=a);if(s)for(;s.c.length!=0;){if(a=E(qv(s,0),233),a.b&&a.b.c.length>0){for(y=(!a.b&&(a.b=new vt),new le(a.b));y.a<y.c.c.length;)if(v=E(ce(y),233),AD(Eg(v.g,v.d[0]).a)==AD(Eg(a.g,a.d[0]).a)){if(lc(r,v,0)>lc(r,a,0))return new Ra(v,a)}else if(ot(Eg(v.g,v.d[0]).a)>ot(Eg(a.g,a.d[0]).a))return new Ra(v,a)}for(T=(!a.e&&(a.e=new vt),a.e).Kc();T.Ob();)x=E(T.Pb(),233),O=(!x.b&&(x.b=new vt),x.b),oT(0,O.c.length),O8(O.c,0,a),x.c==O.c.length&&(s.c[s.c.length]=x)}return null}function HHe(r,s){var a,l,v,y,x,T,O,A,F;if(r==null)return $f;if(O=s.a.zc(r,s),O!=null)return"[...]";for(a=new w2(fu,"[","]"),v=r,y=0,x=v.length;y<x;++y)l=v[y],l!=null&&Od(l).i&4?Array.isArray(l)&&(F=gL(l),!(F>=14&&F<=16))?s.a._b(l)?(a.a?gi(a.a,a.b):a.a=new gh(a.d),V8(a.a,"[...]")):(T=b2(l),A=new nF(s),T0(a,HHe(T,A))):Ce(l,177)?T0(a,X_t(E(l,177))):Ce(l,190)?T0(a,LEt(E(l,190))):Ce(l,195)?T0(a,Y2t(E(l,195))):Ce(l,2012)?T0(a,BEt(E(l,2012))):Ce(l,48)?T0(a,Y_t(E(l,48))):Ce(l,364)?T0(a,cSt(E(l,364))):Ce(l,832)?T0(a,K_t(E(l,832))):Ce(l,104)&&T0(a,G_t(E(l,104))):T0(a,l==null?$f:dc(l));return a.a?a.e.length==0?a.a.a:a.a.a+(""+a.e):a.c}function UHe(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(T=D4(s,!1,!1),be=ZL(T),l&&(be=DL(be)),Te=ot(Dt(Xt(s,(BF(),Aae)))),fe=(vr(be.b!=0),E(be.a.a.c,8)),z=E(W1(be,1),8),be.b>2?(F=new vt,Cs(F,new Em(be,1,be.b)),y=_Ue(F,Te+r.a),Ie=new Nre(y),rc(Ie,s),a.c[a.c.length]=Ie):l?Ie=E(Cr(r.b,Cm(s)),266):Ie=E(Cr(r.b,Ny(s)),266),O=Cm(s),l&&(O=Ny(s)),x=g_t(fe,O),A=Te+r.a,x.a?(A+=m.Math.abs(fe.b-z.b),ie=new Kt(z.a,(z.b+fe.b)/2)):(A+=m.Math.abs(fe.a-z.a),ie=new Kt((z.a+fe.a)/2,z.b)),l?Qi(r.d,s,new Sbe(Ie,x,ie,A)):Qi(r.c,s,new Sbe(Ie,x,ie,A)),Qi(r.b,s,Ie),ee=(!s.n&&(s.n=new St(pc,s,1,7)),s.n),Q=new Tr(ee);Q.e!=Q.i.gc();)q=E(Fr(Q),137),v=lB(r,q,!0,0,0),a.c[a.c.length]=v}function aOt(r){var s,a,l,v,y,x,T,O,A,F;for(A=new vt,T=new vt,x=new le(r);x.a<x.c.c.length;)v=E(ce(x),112),wO(v,v.f.c.length),HE(v,v.k.c.length),v.d==0&&(A.c[A.c.length]=v),v.i==0&&v.e.b==0&&(T.c[T.c.length]=v);for(l=-1;A.c.length!=0;)for(v=E(qv(A,0),112),a=new le(v.k);a.a<a.c.c.length;)s=E(ce(a),129),F=s.b,QI(F,m.Math.max(F.o,v.o+1)),l=m.Math.max(l,F.o),wO(F,F.d-1),F.d==0&&(A.c[A.c.length]=F);if(l>-1){for(y=new le(T);y.a<y.c.c.length;)v=E(ce(y),112),v.o=l;for(;T.c.length!=0;)for(v=E(qv(T,0),112),a=new le(v.f);a.a<a.c.c.length;)s=E(ce(a),129),O=s.a,!(O.e.b>0)&&(QI(O,m.Math.min(O.o,v.o-1)),HE(O,O.i-1),O.i==0&&(T.c[T.c.length]=O))}}function dA(r,s,a){var l,v,y,x,T,O,A;if(A=r.c,!s&&(s=Mke),r.c=s,r.Db&4&&!(r.Db&1)&&(O=new aa(r,1,2,A,r.c),a?a.Ei(O):a=O),A!=s){if(Ce(r.Cb,284))r.Db>>16==-10?a=E(r.Cb,284).nk(s,a):r.Db>>16==-15&&(!s&&(s=(kn(),qg)),!A&&(A=(kn(),qg)),r.Cb.nh()&&(O=new k0(r.Cb,1,13,A,s,Zv(Rd(E(r.Cb,59)),r),!1),a?a.Ei(O):a=O));else if(Ce(r.Cb,88))r.Db>>16==-23&&(Ce(s,88)||(s=(kn(),Mp)),Ce(A,88)||(A=(kn(),Mp)),r.Cb.nh()&&(O=new k0(r.Cb,1,10,A,s,Zv(ul(E(r.Cb,26)),r),!1),a?a.Ei(O):a=O));else if(Ce(r.Cb,444))for(T=E(r.Cb,836),x=(!T.b&&(T.b=new IO(new MM)),T.b),y=(l=new _2(new dg(x.a).a),new Zc(l));y.a.b;)v=E($S(y.a).cd(),87),a=dA(v,xG(v,T),a)}return a}function uOt(r,s){var a,l,v,y,x,T,O,A,F,z,q;for(x=Wt(Gt(Xt(r,(Ft(),ZT)))),q=E(Xt(r,t3),21),O=!1,A=!1,z=new Tr((!r.c&&(r.c=new St(jd,r,9,9)),r.c));z.e!=z.i.gc()&&(!O||!A);){for(y=E(Fr(z),118),T=0,v=Cy(Og(pe(he(Mg,1),Ht,20,0,[(!y.d&&(y.d=new Bn(ra,y,8,5)),y.d),(!y.e&&(y.e=new Bn(ra,y,7,4)),y.e)])));fi(v)&&(l=E(Zr(v),79),F=x&&KS(l)&&Wt(Gt(Xt(l,W2))),a=yHe((!l.b&&(l.b=new Bn(Nr,l,4,7)),l.b),y)?r==Wo(ic(E(ke((!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c),0),82))):r==Wo(ic(E(ke((!l.b&&(l.b=new Bn(Nr,l,4,7)),l.b),0),82))),!((F||a)&&(++T,T>1))););(T>0||q.Hc((hd(),q0))&&(!y.n&&(y.n=new St(pc,y,1,7)),y.n).i>0)&&(O=!0),T>1&&(A=!0)}O&&s.Fc((Ru(),ip)),A&&s.Fc((Ru(),Z9))}function VHe(r){var s,a,l,v,y,x,T,O,A,F,z,q;if(q=E(Xt(r,(Mi(),J2)),21),q.dc())return null;if(T=0,x=0,q.Hc((eh(),Xz))){for(F=E(Xt(r,Rj),98),l=2,a=2,v=2,y=2,s=Wo(r)?E(Xt(Wo(r),Cx),103):E(Xt(r,Cx),103),A=new Tr((!r.c&&(r.c=new St(jd,r,9,9)),r.c));A.e!=A.i.gc();)if(O=E(Fr(A),118),z=E(Xt(O,wR),61),z==(It(),Tc)&&(z=M0e(O,s),Nu(O,wR,z)),F==(Sa(),Tl))switch(z.g){case 1:l=m.Math.max(l,O.i+O.g);break;case 2:a=m.Math.max(a,O.j+O.f);break;case 3:v=m.Math.max(v,O.i+O.g);break;case 4:y=m.Math.max(y,O.j+O.f)}else switch(z.g){case 1:l+=O.g+2;break;case 2:a+=O.f+2;break;case 3:v+=O.g+2;break;case 4:y+=O.f+2}T=m.Math.max(l,v),x=m.Math.max(a,y)}return ZS(r,T,x,!0,!0)}function yie(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;for(Ie=E(wh(aW(So(new Nn(null,new zn(s.d,16)),new Q7(a)),new J7(a)),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)]))),15),z=qi,F=qa,O=new le(s.b.j);O.a<O.c.c.length;)T=E(ce(O),11),T.j==a&&(z=m.Math.min(z,T.p),F=m.Math.max(F,T.p));if(z==qi)for(x=0;x<Ie.gc();x++)u1e(E(Ie.Xb(x),101),a,x);else for(Te=Pe(Gr,Ei,25,v.length,15,1),Jct(Te,Te.length),be=Ie.Kc();be.Ob();){for(fe=E(be.Pb(),101),y=E(Cr(r.b,fe),177),A=0,ie=z;ie<=F;ie++)y[ie]&&(A=m.Math.max(A,l[ie]));if(fe.i){for(Q=fe.i.c,Ne=new vs,q=0;q<v.length;q++)v[Q][q]&&Bs(Ne,Ot(Te[q]));for(;vg(Ne,Ot(A));)++A}for(u1e(fe,a,A),ee=z;ee<=F;ee++)y[ee]&&(l[ee]=A+1);fe.i&&(Te[fe.i.c]=A)}}function cOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(v=null,l=new le(s.a);l.a<l.c.c.length;)a=E(ce(l),10),pie(a)?y=(T=bS(QO(new db,a),r.f),O=bS(QO(new db,a),r.f),A=new ape(a,!0,T,O),F=a.o.b,z=(vT(),(a.q?a.q:(In(),In(),$m))._b((Ft(),yx))?q=E(se(a,yx),197):q=E(se(Za(a),aj),197),q),Q=1e4,z==fR&&(Q=1),ee=c1(qf(Hh(zh(Uh(new Wd,Q),ss(m.Math.ceil(F))),T),O)),z==dR&&Bs(r.d,ee),Rze(r,m2(Sc(a,(It(),nr))),A),Rze(r,Sc(a,fr),A),A):y=(ie=bS(QO(new db,a),r.f),Bo(So(new Nn(null,new zn(a.j,16)),new Zm),new N4e(r,ie)),new ape(a,!1,ie,ie)),r.i[a.p]=y,v&&(x=v.c.d.a+n4(r.n,v.c,a)+a.d.d,v.b||(x+=v.c.o.b),c1(qf(Hh(Uh(zh(new Wd,ss(m.Math.ceil(x))),0),v.d),y.a))),v=y}function lOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(Lr(s,"Label dummy insertions",1),z=new vt,x=ot(Dt(se(r,(Ft(),hI)))),A=ot(Dt(se(r,r3))),F=E(se(r,Oh),103),Q=new le(r.a);Q.a<Q.c.c.length;)for(q=E(ce(Q),10),y=new Rr(Ar(ks(q).a.Kc(),new M));fi(y);)if(v=E(Zr(y),17),v.c.i!=v.d.i&&WZ(v.b,TXe)){for(ie=ngt(v),ee=bm(v.b.c.length),a=Qxt(r,v,ie,ee),z.c[z.c.length]=a,l=a.o,T=new Oa(v.b,0);T.b<T.d.gc();)O=(vr(T.b<T.d.gc()),E(T.d.Xb(T.c=T.b++),70)),Qe(se(O,Nb))===Qe((Rg(),d$))&&(F==(ku(),U0)||F==H0?(l.a+=O.o.a+A,l.b=m.Math.max(l.b,O.o.b)):(l.a=m.Math.max(l.a,O.o.a),l.b+=O.o.b+A),ee.c[ee.c.length]=O,Qd(T));F==(ku(),U0)||F==H0?(l.a-=A,l.b+=x+ie):l.b+=x-A+ie}Cs(r.a,z),Or(s)}function fOt(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q;for(y=new gLe(s),z=ZTt(r,s,y),Q=m.Math.max(ot(Dt(se(s,(Ft(),cw)))),1),F=new le(z.a);F.a<F.c.c.length;)A=E(ce(F),46),O=S7e(E(A.a,8),E(A.b,8),Q),w=!0,w=w&vS(a,new Kt(O.c,O.d)),w=w&vS(a,YC(new Kt(O.c,O.d),O.b,0)),w=w&vS(a,YC(new Kt(O.c,O.d),0,O.a)),w&vS(a,YC(new Kt(O.c,O.d),O.b,O.a));switch(q=y.d,T=S7e(E(z.b.a,8),E(z.b.b,8),Q),q==(It(),nr)||q==fr?(l.c[q.g]=m.Math.min(l.c[q.g],T.d),l.b[q.g]=m.Math.max(l.b[q.g],T.d+T.a)):(l.c[q.g]=m.Math.min(l.c[q.g],T.c),l.b[q.g]=m.Math.max(l.b[q.g],T.c+T.b)),v=ws,x=y.c.i.d,q.g){case 4:v=x.c;break;case 2:v=x.b;break;case 1:v=x.a;break;case 3:v=x.d}return l.a[q.g]=m.Math.max(l.a[q.g],v),y}function dOt(r){var s,a,l,v;if(a=r.D!=null?r.D:r.B,s=bb(a,Af(91)),s!=-1){l=a.substr(0,s),v=new bg;do v.a+="[";while((s=XD(a,91,++s))!=-1);xn(l,L5)?v.a+="Z":xn(l,$9)?v.a+="B":xn(l,zK)?v.a+="C":xn(l,P9)?v.a+="D":xn(l,F9)?v.a+="F":xn(l,j9)?v.a+="I":xn(l,M9)?v.a+="J":xn(l,N9)?v.a+="S":(v.a+="L",v.a+=""+l,v.a+=";");try{return null}catch(y){if(y=Mo(y),!Ce(y,60))throw de(y)}}else if(bb(a,Af(46))==-1){if(xn(a,L5))return Md;if(xn(a,$9))return nd;if(xn(a,zK))return ap;if(xn(a,P9))return ba;if(xn(a,F9))return b3;if(xn(a,j9))return Gr;if(xn(a,M9))return mE;if(xn(a,N9))return xR}return null}function qHe(r,s,a){var l,v,y,x,T,O,A,F;for(A=new P0(a),rc(A,s),ct(A,(bt(),to),s),A.o.a=s.g,A.o.b=s.f,A.n.a=s.i,A.n.b=s.j,Et(a.a,A),Qi(r.a,s,A),((!s.a&&(s.a=new St(Ko,s,10,11)),s.a).i!=0||Wt(Gt(Xt(s,(Ft(),ZT)))))&&ct(A,DSe,(tr(),!0)),O=E(se(a,Cl),21),F=E(se(A,(Ft(),Zo)),98),F==(Sa(),uE)?ct(A,Zo,Ug):F!=Ug&&O.Fc((Ru(),JA)),l=E(se(a,Oh),103),T=new Tr((!s.c&&(s.c=new St(jd,s,9,9)),s.c));T.e!=T.i.gc();)x=E(Fr(T),118),Wt(Gt(Xt(x,K2)))||zOt(r,x,A,O,l,F);for(y=new Tr((!s.n&&(s.n=new St(pc,s,1,7)),s.n));y.e!=y.i.gc();)v=E(Fr(y),137),!Wt(Gt(Xt(v,K2)))&&v.a&&Et(A.b,Tne(v));return Wt(Gt(se(A,ij)))&&O.Fc((Ru(),tX)),Wt(Gt(se(A,bX)))&&(O.Fc((Ru(),nX)),O.Fc(Z9),ct(A,Zo,Ug)),A}function hOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr;T=E(Cr(s.c,r),459),Ie=s.a.c,O=s.a.c+s.a.b,bn=T.f,rr=T.a,x=bn<rr,ie=new Kt(Ie,bn),Te=new Kt(O,rr),v=(Ie+O)/2,fe=new Kt(v,bn),Ne=new Kt(v,rr),y=xCt(r,bn,rr),yt=xg(s.B),Lt=new Kt(v,y),nn=xg(s.D),a=Gbt(pe(he(na,1),ft,8,0,[yt,Lt,nn])),Q=!1,be=s.B.i,be&&be.c&&T.d&&(A=x&&be.p<be.c.a.c.length-1||!x&&be.p>0,A?A&&(q=be.p,x?++q:--q,z=E(Vt(be.c.a,q),10),l=F9e(z),Q=!(Vre(l,yt,a[0])||hDe(l,yt,a[0]))):Q=!0),ee=!1,nt=s.D.i,nt&&nt.c&&T.e&&(F=x&&nt.p>0||!x&&nt.p<nt.c.a.c.length-1,F?(q=nt.p,x?--q:++q,z=E(Vt(nt.c.a,q),10),l=F9e(z),ee=!(Vre(l,a[0],nn)||hDe(l,a[0],nn))):ee=!0),Q&&ee&&Ii(r.a,Lt),Q||SF(r.a,pe(he(na,1),ft,8,0,[ie,fe])),ee||SF(r.a,pe(he(na,1),ft,8,0,[Ne,Te]))}function HG(r,s){var a,l,v,y,x,T,O,A;if(Ce(r.Ug(),160)?(HG(E(r.Ug(),160),s),s.a+=" > "):s.a+="Root ",a=r.Tg().zb,xn(a.substr(0,3),"Elk")?gi(s,a.substr(3)):s.a+=""+a,v=r.zg(),v){gi((s.a+=" ",s),v);return}if(Ce(r,354)&&(A=E(r,137).a,A)){gi((s.a+=" ",s),A);return}for(x=new Tr(r.Ag());x.e!=x.i.gc();)if(y=E(Fr(x),137),A=y.a,A){gi((s.a+=" ",s),A);return}if(Ce(r,352)&&(l=E(r,79),!l.b&&(l.b=new Bn(Nr,l,4,7)),l.b.i!=0&&(!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c.i!=0))){for(s.a+=" (",T=new o5((!l.b&&(l.b=new Bn(Nr,l,4,7)),l.b));T.e!=T.i.gc();)T.e>0&&(s.a+=fu),HG(E(Fr(T),160),s);for(s.a+=koe,O=new o5((!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c));O.e!=O.i.gc();)O.e>0&&(s.a+=fu),HG(E(Fr(O),160),s);s.a+=")"}}function pOt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q;if(y=E(se(r,(bt(),to)),79),!!y){for(l=r.a,v=new Hu(a),io(v,iEt(r)),D6(r.d.i,r.c.i)?(q=r.c,z=_c(pe(he(na,1),ft,8,0,[q.n,q.a])),pa(z,a)):z=xg(r.c),os(l,z,l.a,l.a.a),Q=xg(r.d),se(r,Aue)!=null&&io(Q,E(se(r,Aue),8)),os(l,Q,l.c.b,l.c),dT(l,v),x=D4(y,!0,!0),gW(x,E(ke((!y.b&&(y.b=new Bn(Nr,y,4,7)),y.b),0),82)),bW(x,E(ke((!y.c&&(y.c=new Bn(Nr,y,5,8)),y.c),0),82)),pB(l,x),F=new le(r.b);F.a<F.c.c.length;)A=E(ce(F),70),T=E(se(A,to),137),FS(T,A.o.a),PS(T,A.o.b),wg(T,A.n.a+v.a,A.n.b+v.b),Nu(T,(T5(),Qae),Gt(se(A,Qae)));O=E(se(r,(Ft(),Ku)),74),O?(dT(O,v),Nu(y,Ku,O)):Nu(y,Ku,null),s==($0(),wI)?Nu(y,z0,wI):Nu(y,z0,null)}}function gOt(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie;for(Q=s.c.length,q=0,z=new le(r.b);z.a<z.c.c.length;)if(F=E(ce(z),29),be=F.a,be.c.length!=0){for(fe=new le(be),A=0,Ie=null,v=E(ce(fe),10),y=null;v;){if(y=E(Vt(s,v.p),257),y.c>=0){for(O=null,T=new Oa(F.a,A+1);T.b<T.d.gc()&&(x=(vr(T.b<T.d.gc()),E(T.d.Xb(T.c=T.b++),10)),O=E(Vt(s,x.p),257),!(O.d==y.d&&O.c<y.c));)O=null;O&&(Ie&&(Kh(l,v.p,Ot(E(Vt(l,v.p),19).a-1)),E(Vt(a,Ie.p),15).Mc(y)),y=YEt(y,v,Q++),s.c[s.c.length]=y,Et(a,new vt),Ie?(E(Vt(a,Ie.p),15).Fc(y),Et(l,Ot(1))):Et(l,Ot(0)))}ee=null,fe.a<fe.c.c.length&&(ee=E(ce(fe),10),ie=E(Vt(s,ee.p),257),E(Vt(a,v.p),15).Fc(ie),Kh(l,ee.p,Ot(E(Vt(l,ee.p),19).a+1))),y.d=q,y.c=A++,Ie=v,v=ee}++q}}function Eie(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;return O=r,F=pa(new Kt(s.a,s.b),r),A=a,z=pa(new Kt(l.a,l.b),a),q=O.a,fe=O.b,ee=A.a,Ie=A.b,Q=F.a,be=F.b,ie=z.a,Te=z.b,v=ie*be-Q*Te,yg(),s1(Db),m.Math.abs(0-v)<=Db||v==0||isNaN(0)&&isNaN(v)?!1:(x=1/v*((q-ee)*be-(fe-Ie)*Q),T=1/v*-(-(q-ee)*Te+(fe-Ie)*ie),y=(s1(Db),(m.Math.abs(0-x)<=Db||x==0||isNaN(0)&&isNaN(x)?0:0<x?-1:0>x?1:hS(isNaN(0),isNaN(x)))<0&&(s1(Db),(m.Math.abs(x-1)<=Db||x==1||isNaN(x)&&isNaN(1)?0:x<1?-1:x>1?1:hS(isNaN(x),isNaN(1)))<0)&&(s1(Db),(m.Math.abs(0-T)<=Db||T==0||isNaN(0)&&isNaN(T)?0:0<T?-1:0>T?1:hS(isNaN(0),isNaN(T)))<0)&&(s1(Db),(m.Math.abs(T-1)<=Db||T==1||isNaN(T)&&isNaN(1)?0:T<1?-1:T>1?1:hS(isNaN(T),isNaN(1)))<0)),y)}function bOt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt;for(z=new tpe(new ab(r));z.b!=z.c.a.d;)for(F=YPe(z),T=E(F.d,56),s=E(F.e,56),x=T.Tg(),ie=0,Ne=(x.i==null&&Sb(x),x.i).length;ie<Ne;++ie)if(A=(y=(x.i==null&&Sb(x),x.i),ie>=0&&ie<y.length?y[ie]:null),A.Ij()&&!A.Jj()){if(Ce(A,99))O=E(A,18),!(O.Bb&Uc)&&(yt=mu(O),!(yt&&yt.Bb&Uc))&&n4t(r,O,T,s);else if(Wr(),E(A,66).Oj()&&(a=(nt=A,E(nt?E(s,49).xh(nt):null,153)),a))for(Q=E(T.ah(A),153),l=a.gc(),fe=0,ee=Q.gc();fe<ee;++fe)if(q=Q.il(fe),Ce(q,99)){if(Te=Q.jl(fe),v=DS(r,Te),v==null&&Te!=null){if(Ie=E(q,18),!r.b||Ie.Bb&Uc||mu(Ie))continue;v=Te}if(!a.dl(q,v)){for(be=0;be<l;++be)if(a.il(be)==q&&Qe(a.jl(be))===Qe(v)){a.ii(a.gc()-1,be),--l;break}}}else a.dl(Q.il(fe),Q.jl(fe))}}function mOt(r,s,a,l,v,y,x){var T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;if(be=E4t(s,a,r.g),v.n&&v.n&&y&&r1(v,i1(y),(Zd(),$h)),r.b)for(fe=0;fe<be.c.length;fe++)z=(Vn(fe,be.c.length),E(be.c[fe],200)),fe!=0&&(Q=(Vn(fe-1,be.c.length),E(be.c[fe-1],200)),cje(z,Q.f+Q.b+r.g)),D5t(fe,be,a,r.g),Dyt(r,z),v.n&&y&&r1(v,i1(y),(Zd(),$h));else for(ie=new le(be);ie.a<ie.c.c.length;)for(ee=E(ce(ie),200),F=new le(ee.a);F.a<F.c.c.length;)A=E(ce(F),187),Ie=new bpe(A.s,A.t,r.g),U1e(Ie,A),Et(ee.d,Ie);return Bwt(r,be),v.n&&v.n&&y&&r1(v,i1(y),(Zd(),$h)),Te=m.Math.max(r.d,l.a-(x.b+x.c)),q=m.Math.max(r.c,l.b-(x.d+x.a)),T=q-r.c,r.e&&r.f&&(O=Te/q,O<r.a?Te=q*r.a:T+=Te/r.a-q),r.e&&dvt(be,Te,T),v.n&&v.n&&y&&r1(v,i1(y),(Zd(),$h)),new mee(r.a,Te,r.c+T,(sA(),Cj))}function vOt(r){var s,a,l,v,y,x,T,O,A,F,z;for(r.j=Pe(Gr,Ei,25,r.g,15,1),r.o=new vt,Bo(Ec(new Nn(null,new zn(r.e.b,16)),new Al),new SP(r)),r.a=Pe(Md,Dm,25,r.b,16,1),jL(new Nn(null,new zn(r.e.b,16)),new jH(r)),l=(z=new vt,Bo(So(Ec(new Nn(null,new zn(r.e.b,16)),new v_),new xP(r)),new L4e(r,z)),z),O=new le(l);O.a<O.c.c.length;)if(T=E(ce(O),508),!(T.c.length<=1)){if(T.c.length==2){lxt(T),pie((Vn(0,T.c.length),E(T.c[0],17)).d.i)||Et(r.o,T);continue}if(!(jEt(T)||C_t(T,new zw)))for(A=new le(T),v=null;A.a<A.c.c.length;)s=E(ce(A),17),a=r.c[s.p],!v||A.a>=A.c.c.length?F=Fpe((dr(),Os),ua):F=Fpe((dr(),ua),ua),F*=2,y=a.a.g,a.a.g=m.Math.max(y,y+(F-y)),x=a.b.g,a.b.g=m.Math.max(x,x+(F-x)),v=s}}function wOt(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt;for(nt=fIe(r),F=new vt,T=r.c.length,z=T-1,q=T+1;nt.a.c!=0;){for(;a.b!=0;)Te=(vr(a.b!=0),E(Xh(a,a.a.a),112)),hF(nt.a,Te)!=null,Te.g=z--,N0e(Te,s,a,l);for(;s.b!=0;)Ne=(vr(s.b!=0),E(Xh(s,s.a.a),112)),hF(nt.a,Ne)!=null,Ne.g=q++,N0e(Ne,s,a,l);for(A=qa,be=(x=new Z8(new X8(new xk(nt.a).a).b),new Ck(x));Pl(be.a.a);){if(fe=(y=FV(be.a),E(y.cd(),112)),!l&&fe.b>0&&fe.a<=0){F.c=Pe(mr,Ht,1,0,5,1),F.c[F.c.length]=fe;break}ie=fe.i-fe.d,ie>=A&&(ie>A&&(F.c=Pe(mr,Ht,1,0,5,1),A=ie),F.c[F.c.length]=fe)}F.c.length!=0&&(O=E(Vt(F,iG(v,F.c.length)),112),hF(nt.a,O)!=null,O.g=q++,N0e(O,s,a,l),F.c=Pe(mr,Ht,1,0,5,1))}for(Ie=r.c.length+1,ee=new le(r);ee.a<ee.c.c.length;)Q=E(ce(ee),112),Q.g<T&&(Q.g=Q.g+Ie)}function UG(r,s){var a;if(r.e)throw de(new zu((y0(_ae),uoe+_ae.k+coe)));if(!Lit(r.a,s))throw de(new Zu(rVe+s+iVe));if(s==r.d)return r;switch(a=r.d,r.d=s,a.g){case 0:switch(s.g){case 2:WS(r);break;case 1:Fy(r),WS(r);break;case 4:x4(r),WS(r);break;case 3:x4(r),Fy(r),WS(r)}break;case 2:switch(s.g){case 1:Fy(r),Xre(r);break;case 4:x4(r),WS(r);break;case 3:x4(r),Fy(r),WS(r)}break;case 1:switch(s.g){case 2:Fy(r),Xre(r);break;case 4:Fy(r),x4(r),WS(r);break;case 3:Fy(r),x4(r),Fy(r),WS(r)}break;case 4:switch(s.g){case 2:x4(r),WS(r);break;case 1:x4(r),Fy(r),WS(r);break;case 3:Fy(r),Xre(r)}break;case 3:switch(s.g){case 2:Fy(r),x4(r),WS(r);break;case 1:Fy(r),x4(r),Fy(r),WS(r);break;case 4:Fy(r),Xre(r)}}return r}function j4(r,s){var a;if(r.d)throw de(new zu((y0(Vae),uoe+Vae.k+coe)));if(!Bit(r.a,s))throw de(new Zu(rVe+s+iVe));if(s==r.c)return r;switch(a=r.c,r.c=s,a.g){case 0:switch(s.g){case 2:E2(r);break;case 1:Py(r),E2(r);break;case 4:C4(r),E2(r);break;case 3:C4(r),Py(r),E2(r)}break;case 2:switch(s.g){case 1:Py(r),Qre(r);break;case 4:C4(r),E2(r);break;case 3:C4(r),Py(r),E2(r)}break;case 1:switch(s.g){case 2:Py(r),Qre(r);break;case 4:Py(r),C4(r),E2(r);break;case 3:Py(r),C4(r),Py(r),E2(r)}break;case 4:switch(s.g){case 2:C4(r),E2(r);break;case 1:C4(r),Py(r),E2(r);break;case 3:Py(r),Qre(r)}break;case 3:switch(s.g){case 2:Py(r),C4(r),E2(r);break;case 1:Py(r),C4(r),Py(r),E2(r);break;case 4:Py(r),Qre(r)}}return r}function yOt(r,s,a){var l,v,y,x,T,O,A,F;for(O=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));O.e!=O.i.gc();)for(T=E(Fr(O),33),v=new Rr(Ar(F0(T).a.Kc(),new M));fi(v);){if(l=E(Zr(v),79),!l.b&&(l.b=new Bn(Nr,l,4,7)),!(l.b.i<=1&&(!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c.i<=1)))throw de(new Zp("Graph must not contain hyperedges."));if(!XF(l)&&T!=ic(E(ke((!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c),0),82)))for(A=new _5e,rc(A,l),ct(A,(Ay(),tI),l),fp(A,E(Rc(nc(a.f,T)),144)),sb(A,E(Cr(a,ic(E(ke((!l.c&&(l.c=new Bn(Nr,l,5,8)),l.c),0),82))),144)),Et(s.c,A),x=new Tr((!l.n&&(l.n=new St(pc,l,1,7)),l.n));x.e!=x.i.gc();)y=E(Fr(x),137),F=new C$e(A,y.a),rc(F,y),ct(F,tI,y),F.e.a=m.Math.max(y.g,1),F.e.b=m.Math.max(y.f,1),z0e(F),Et(s.d,F)}}function EOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(z=new tve(r),wdt(z,!(s==(ku(),U0)||s==H0)),F=z.a,q=new nS,v=(U1(),pe(he(UT,1),wt,232,0,[Ac,Bl,$c])),x=0,O=v.length;x<O;++x)a=v[x],A=GZ(F,Ac,a),A&&(q.d=m.Math.max(q.d,A.Re()));for(l=pe(he(UT,1),wt,232,0,[Ac,Bl,$c]),y=0,T=l.length;y<T;++y)a=l[y],A=GZ(F,$c,a),A&&(q.a=m.Math.max(q.a,A.Re()));for(ie=pe(he(UT,1),wt,232,0,[Ac,Bl,$c]),be=0,Te=ie.length;be<Te;++be)Q=ie[be],A=GZ(F,Q,Ac),A&&(q.b=m.Math.max(q.b,A.Se()));for(ee=pe(he(UT,1),wt,232,0,[Ac,Bl,$c]),fe=0,Ie=ee.length;fe<Ie;++fe)Q=ee[fe],A=GZ(F,Q,$c),A&&(q.c=m.Math.max(q.c,A.Se()));return q.d>0&&(q.d+=F.n.d,q.d+=F.d),q.a>0&&(q.a+=F.n.a,q.a+=F.d),q.b>0&&(q.b+=F.n.b,q.b+=F.d),q.c>0&&(q.c+=F.n.c,q.c+=F.d),q}function WHe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee;for(q=a.d,z=a.c,y=new Kt(a.f.a+a.d.b+a.d.c,a.f.b+a.d.d+a.d.a),x=y.b,A=new le(r.a);A.a<A.c.c.length;)if(T=E(ce(A),10),T.k==(dr(),ds)){switch(l=E(se(T,(bt(),Pc)),61),v=E(se(T,PSe),8),F=T.n,l.g){case 2:F.a=a.f.a+q.c-z.a;break;case 4:F.a=-z.a-q.b}switch(ee=0,l.g){case 2:case 4:s==(Sa(),Nm)?(Q=ot(Dt(se(T,vx))),F.b=y.b*Q-E(se(T,(Ft(),Ex)),8).b,ee=F.b+v.b,OW(T,!1,!0)):s==Tl&&(F.b=ot(Dt(se(T,vx)))-E(se(T,(Ft(),Ex)),8).b,ee=F.b+v.b,OW(T,!1,!0))}x=m.Math.max(x,ee)}for(a.f.b+=x-y.b,O=new le(r.a);O.a<O.c.c.length;)if(T=E(ce(O),10),T.k==(dr(),ds))switch(l=E(se(T,(bt(),Pc)),61),F=T.n,l.g){case 1:F.b=-z.b-q.d;break;case 3:F.b=a.f.b+q.a-z.b}}function _Ot(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn;for(v=E(se(r,(Hc(),Ej)),33),A=qi,F=qi,T=qa,O=qa,yt=Ti(r.b,0);yt.b!=yt.d.c;)Ne=E(Ci(yt),86),ie=Ne.e,fe=Ne.f,A=m.Math.min(A,ie.a-fe.a/2),F=m.Math.min(F,ie.b-fe.b/2),T=m.Math.max(T,ie.a+fe.a/2),O=m.Math.max(O,ie.b+fe.b/2);for(ee=E(Xt(v,(XS(),Yet)),116),Q=new Kt(ee.b-A,ee.d-F),nt=Ti(r.b,0);nt.b!=nt.d.c;)Ne=E(Ci(nt),86),q=se(Ne,Ej),Ce(q,239)&&(y=E(q,33),z=io(Ne.e,Q),wg(y,z.a-y.g/2,z.b-y.f/2));for(Te=Ti(r.a,0);Te.b!=Te.d.c;)Ie=E(Ci(Te),188),l=E(se(Ie,Ej),79),l&&(s=Ie.a,be=new Hu(Ie.b.e),os(s,be,s.a,s.a.a),Lt=new Hu(Ie.c.e),os(s,Lt,s.c.b,s.c),hNe(be,E(W1(s,1),8),Ie.b.f),hNe(Lt,E(W1(s,s.b-2),8),Ie.c.f),a=D4(l,!0,!0),pB(s,a));nn=T-A+(ee.b+ee.c),x=O-F+(ee.d+ee.a),ZS(v,nn,x,!1,!1)}function SOt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(z=r.b,F=new Oa(z,0),QC(F,new gp(r)),Ie=!1,x=1;F.b<F.d.gc();){for(A=(vr(F.b<F.d.gc()),E(F.d.Xb(F.c=F.b++),29)),ie=(Vn(x,z.c.length),E(z.c[x],29)),fe=RS(A.a),be=fe.c.length,ee=new le(fe);ee.a<ee.c.c.length;)q=E(ce(ee),10),Vu(q,ie);if(Ie){for(Q=_pe(new ay(fe),0);Q.c.Sb();)for(q=E(J$e(Q),10),y=new le(RS(fc(q)));y.a<y.c.c.length;)v=E(ce(y),17),JS(v,!0),ct(r,(bt(),gz),(tr(),!0)),l=SHe(r,v,be),a=E(se(q,gx),305),Te=E(Vt(l,l.c.length-1),17),a.k=Te.c.i,a.n=Te,a.b=v.d.i,a.c=v;Ie=!1}else fe.c.length!=0&&(s=(Vn(0,fe.c.length),E(fe.c[0],10)),s.k==(dr(),Lg)&&(Ie=!0,x=-1));++x}for(T=new Oa(r.b,0);T.b<T.d.gc();)O=(vr(T.b<T.d.gc()),E(T.d.Xb(T.c=T.b++),29)),O.a.c.length==0&&Qd(T)}function xOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;if(F=E(E(no(r.r,s),21),84),F.gc()<=2||s==(It(),fr)||s==(It(),nr)){dUe(r,s);return}for(ie=r.u.Hc((hd(),yI)),a=s==(It(),Jn)?(LS(),ez):(LS(),ZB),be=s==Jn?(kf(),d1):(kf(),X1),l=b8(ehe(a),r.s),fe=s==Jn?Qo:ws,A=F.Kc();A.Ob();)T=E(A.Pb(),111),!(!T.c||T.c.d.c.length<=0)&&(ee=T.b.rf(),Q=T.e,z=T.c,q=z.i,q.b=(y=z.n,z.e.a+y.b+y.c),q.a=(x=z.n,z.e.b+x.d+x.a),ie?(q.c=Q.a-(v=z.n,z.e.a+v.b+v.c)-r.s,ie=!1):q.c=Q.a+ee.a+r.s,KN(be,Dve),z.f=be,z1(z,(dd(),f1)),Et(l.d,new Cee(q,Pge(l,q))),fe=s==Jn?m.Math.min(fe,Q.b):m.Math.max(fe,Q.b+T.b.rf().b));for(fe+=s==Jn?-r.t:r.t,Xge((l.e=fe,l)),O=F.Kc();O.Ob();)T=E(O.Pb(),111),!(!T.c||T.c.d.c.length<=0)&&(q=T.c.i,q.c-=T.e.a,q.d-=T.e.b)}function COt(r,s,a){var l;if(Lr(a,"StretchWidth layering",1),s.a.c.length==0){Or(a);return}for(r.c=s,r.t=0,r.u=0,r.i=Qo,r.g=ws,r.d=ot(Dt(se(s,(Ft(),h1)))),twt(r),rxt(r),nxt(r),sEt(r),uvt(r),r.i=m.Math.max(1,r.i),r.g=m.Math.max(1,r.g),r.d=r.d/r.i,r.f=r.g/r.i,r.s=bwt(r),l=new gp(r.c),Et(r.c.b,l),r.r=RS(r.p),r.n=kq(r.k,r.k.length);r.r.c.length!=0;)r.o=Imt(r),!r.o||B9e(r)&&r.b.a.gc()!=0?(DEt(r,l),l=new gp(r.c),Et(r.c.b,l),cu(r.a,r.b),r.b.a.$b(),r.t=r.u,r.u=0):B9e(r)?(r.c.b.c=Pe(mr,Ht,1,0,5,1),l=new gp(r.c),Et(r.c.b,l),r.t=0,r.u=0,r.b.a.$b(),r.a.a.$b(),++r.f,r.r=RS(r.p),r.n=kq(r.k,r.k.length)):(Vu(r.o,l),Tf(r.r,r.o),Bs(r.b,r.o),r.t=r.t-r.k[r.o.p]*r.d+r.j[r.o.p],r.u+=r.e[r.o.p]*r.d);s.a.c=Pe(mr,Ht,1,0,5,1),Ire(s.b),Or(a)}function TOt(r){var s,a,l,v;for(Bo(So(new Nn(null,new zn(r.a.b,16)),new xE),new Km),vEt(r),Bo(So(new Nn(null,new zn(r.a.b,16)),new zd),new yd),r.c==($0(),wI)&&(Bo(So(Ec(new Nn(null,new zn(new WE(r.f),1)),new T1),new f_),new TH(r)),Bo(So(xf(Ec(Ec(new Nn(null,new zn(r.d.b,16)),new Q0),new Lc),new lp),new ia),new kH(r))),v=new Kt(Qo,Qo),s=new Kt(ws,ws),l=new le(r.a.b);l.a<l.c.c.length;)a=E(ce(l),57),v.a=m.Math.min(v.a,a.d.c),v.b=m.Math.min(v.b,a.d.d),s.a=m.Math.max(s.a,a.d.c+a.d.b),s.b=m.Math.max(s.b,a.d.d+a.d.a);io(L1(r.d.c),jV(new Kt(v.a,v.b))),io(L1(r.d.f),pa(new Kt(s.a,s.b),v)),RCt(r,v,s),fd(r.f),fd(r.b),fd(r.g),fd(r.e),r.a.a.c=Pe(mr,Ht,1,0,5,1),r.a.b.c=Pe(mr,Ht,1,0,5,1),r.a=null,r.d=null}function GHe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(v=new vt,ie=new le(s.a);ie.a<ie.c.c.length;)if(ee=E(ce(ie),10),Q=ee.e,Q&&(l=GHe(r,Q,ee),Cs(v,l),BRt(r,Q,ee),E(se(Q,(bt(),Cl)),21).Hc((Ru(),ip))))for(Ie=E(se(ee,(Ft(),Zo)),98),q=E(se(ee,t3),174).Hc((hd(),q0)),be=new le(ee.j);be.a<be.c.c.length;)for(fe=E(ce(be),11),y=E(Cr(r.b,fe),10),y||(y=vB(fe,Ie,fe.j,-(fe.e.c.length-fe.g.c.length),null,new ka,fe.o,E(se(Q,Oh),103),Q),ct(y,to,fe),Qi(r.b,fe,y),Et(Q.a,y)),x=E(Vt(y.j,0),11),F=new le(fe.f);F.a<F.c.c.length;)A=E(ce(F),70),T=new kJ,T.o.a=A.o.a,T.o.b=A.o.b,Et(x.f,T),q||(Te=fe.j,z=0,sF(E(se(ee,t3),21))&&(z=Fme(A.n,A.o,fe.o,0,Te)),Ie==(Sa(),Ug)||(It(),sf).Hc(Te)?T.o.a=z:T.o.b=z);return O=new vt,QRt(r,s,a,v,O),a&&hRt(r,s,a,O),O}function eve(r,s,a){var l,v,y,x,T,O,A,F,z;if(!r.c[s.c.p][s.p].e){for(r.c[s.c.p][s.p].e=!0,r.c[s.c.p][s.p].b=0,r.c[s.c.p][s.p].d=0,r.c[s.c.p][s.p].a=null,F=new le(s.j);F.a<F.c.c.length;)for(A=E(ce(F),11),z=a?new Pr(A):new vo(A),O=z.Kc();O.Ob();)T=E(O.Pb(),11),x=T.i,x.c==s.c?x!=s&&(eve(r,x,a),r.c[s.c.p][s.p].b+=r.c[x.c.p][x.p].b,r.c[s.c.p][s.p].d+=r.c[x.c.p][x.p].d):(r.c[s.c.p][s.p].d+=r.g[T.p],++r.c[s.c.p][s.p].b);if(y=E(se(s,(bt(),ISe)),15),y)for(v=y.Kc();v.Ob();)l=E(v.Pb(),10),s.c==l.c&&(eve(r,l,a),r.c[s.c.p][s.p].b+=r.c[l.c.p][l.p].b,r.c[s.c.p][s.p].d+=r.c[l.c.p][l.p].d);r.c[s.c.p][s.p].b>0&&(r.c[s.c.p][s.p].d+=Dd(r.i,24)*OB*.07000000029802322-.03500000014901161,r.c[s.c.p][s.p].a=r.c[s.c.p][s.p].d/r.c[s.c.p][s.p].b)}}function kOt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(ee=new le(r);ee.a<ee.c.c.length;){for(Q=E(ce(ee),10),zv(Q.n),zv(Q.o),t1e(Q.f),cze(Q),i3t(Q),fe=new le(Q.j);fe.a<fe.c.c.length;){for(ie=E(ce(fe),11),zv(ie.n),zv(ie.a),zv(ie.o),Hs(ie,Y7e(ie.j)),y=E(se(ie,(Ft(),lw)),19),y&&ct(ie,lw,Ot(-y.a)),v=new le(ie.g);v.a<v.c.c.length;){for(l=E(ce(v),17),a=Ti(l.a,0);a.b!=a.d.c;)s=E(Ci(a),8),zv(s);if(O=E(se(l,Ku),74),O)for(T=Ti(O,0);T.b!=T.d.c;)x=E(Ci(T),8),zv(x);for(z=new le(l.b);z.a<z.c.c.length;)A=E(ce(z),70),zv(A.n),zv(A.o)}for(q=new le(ie.f);q.a<q.c.c.length;)A=E(ce(q),70),zv(A.n),zv(A.o)}for(Q.k==(dr(),ds)&&(ct(Q,(bt(),Pc),Y7e(E(se(Q,Pc),61))),pTt(Q)),F=new le(Q.b);F.a<F.c.c.length;)A=E(ce(F),70),cze(A),zv(A.o),zv(A.n)}}function ROt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt;for(r.e=s,T=RSt(s),yt=new vt,l=new le(T);l.a<l.c.c.length;){for(a=E(ce(l),15),Lt=new vt,yt.c[yt.c.length]=Lt,O=new vs,ee=a.Kc();ee.Ob();){for(Q=E(ee.Pb(),33),y=lB(r,Q,!0,0,0),Lt.c[Lt.c.length]=y,ie=Q.i,fe=Q.j,q=(!Q.n&&(Q.n=new St(pc,Q,1,7)),Q.n),z=new Tr(q);z.e!=z.i.gc();)A=E(Fr(z),137),v=lB(r,A,!1,ie,fe),Lt.c[Lt.c.length]=v;for(nt=(!Q.c&&(Q.c=new St(jd,Q,9,9)),Q.c),Ie=new Tr(nt);Ie.e!=Ie.i.gc();)for(be=E(Fr(Ie),118),x=lB(r,be,!1,ie,fe),Lt.c[Lt.c.length]=x,Te=be.i+ie,Ne=be.j+fe,q=(!be.n&&(be.n=new St(pc,be,1,7)),be.n),F=new Tr(q);F.e!=F.i.gc();)A=E(Fr(F),137),v=lB(r,A,!1,Te,Ne),Lt.c[Lt.c.length]=v;cu(O,_q(Og(pe(he(Mg,1),Ht,20,0,[F0(Q),sB(Q)]))))}vCt(r,O,Lt)}return r.f=new OU(yt),rc(r.f,s),r.f}function OOt(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r;rr=Cr(r.e,l),rr==null&&(rr=new NC,Q=E(rr,183),Ie=s+"_s",Te=Ie+v,q=new nT(Te),H1(Q,$b,q)),bn=E(rr,183),h5(a,bn),$r=new NC,l2($r,"x",l.j),l2($r,"y",l.k),H1(bn,lWe,$r),Lt=new NC,l2(Lt,"x",l.b),l2(Lt,"y",l.c),H1(bn,"endPoint",Lt),z=zD((!l.a&&(l.a=new xs($p,l,5)),l.a)),ee=!z,ee&&(yt=new ob,y=new UH(yt),Na((!l.a&&(l.a=new xs($p,l,5)),l.a),y),H1(bn,FK,yt)),O=Jne(l),Ne=!!O,Ne&&ume(r.a,bn,eEe,Ore(r,Jne(l))),be=Zne(l),nt=!!be,nt&&ume(r.a,bn,Zye,Ore(r,Zne(l))),A=(!l.e&&(l.e=new Bn(Uo,l,10,9)),l.e).i==0,ie=!A,ie&&(nn=new ob,x=new gRe(r,nn),Na((!l.e&&(l.e=new Bn(Uo,l,10,9)),l.e),x),H1(bn,nEe,nn)),F=(!l.g&&(l.g=new Bn(Uo,l,9,10)),l.g).i==0,fe=!F,fe&&(ar=new ob,T=new bRe(r,ar),Na((!l.g&&(l.g=new Bn(Uo,l,9,10)),l.g),T),H1(bn,tEe,ar))}function IOt(r){XC();var s,a,l,v,y,x,T;for(l=r.f.n,x=Yhe(r.r).a.nc();x.Ob();){if(y=E(x.Pb(),111),v=0,y.b.Xe((Mi(),Fd))&&(v=ot(Dt(y.b.We(Fd))),v<0))switch(y.b.Hf().g){case 1:l.d=m.Math.max(l.d,-v);break;case 3:l.a=m.Math.max(l.a,-v);break;case 2:l.c=m.Math.max(l.c,-v);break;case 4:l.b=m.Math.max(l.b,-v)}if(sF(r.u))switch(s=ebt(y.b,v),T=!E(r.e.We(oE),174).Hc((Ad(),Qz)),a=!1,y.b.Hf().g){case 1:a=s>l.d,l.d=m.Math.max(l.d,s),T&&a&&(l.d=m.Math.max(l.d,l.a),l.a=l.d+v);break;case 3:a=s>l.a,l.a=m.Math.max(l.a,s),T&&a&&(l.a=m.Math.max(l.a,l.d),l.d=l.a+v);break;case 2:a=s>l.c,l.c=m.Math.max(l.c,s),T&&a&&(l.c=m.Math.max(l.b,l.c),l.b=l.c+v);break;case 4:a=s>l.b,l.b=m.Math.max(l.b,s),T&&a&&(l.b=m.Math.max(l.b,l.c),l.c=l.b+v)}}}function DOt(r){var s,a,l,v,y,x,T,O,A,F,z;for(A=new le(r);A.a<A.c.c.length;){switch(O=E(ce(A),10),x=E(se(O,(Ft(),rf)),163),y=null,x.g){case 1:case 2:y=(y2(),nR);break;case 3:case 4:y=(y2(),YA)}if(y)ct(O,(bt(),sX),(y2(),nR)),y==YA?kG(O,x,(Tu(),gd)):y==nR&&kG(O,x,(Tu(),zl));else if(e4(E(se(O,Zo),98))&&O.j.c.length!=0){for(s=!0,z=new le(O.j);z.a<z.c.c.length;){if(F=E(ce(z),11),!(F.j==(It(),fr)&&F.e.c.length-F.g.c.length>0||F.j==nr&&F.e.c.length-F.g.c.length<0)){s=!1;break}for(v=new le(F.g);v.a<v.c.c.length;)if(a=E(ce(v),17),T=E(se(a.d.i,rf),163),T==(Zh(),rj)||T==YT){s=!1;break}for(l=new le(F.e);l.a<l.c.c.length;)if(a=E(ce(l),17),T=E(se(a.c.i,rf),163),T==(Zh(),nj)||T==eE){s=!1;break}}s&&kG(O,x,(Tu(),dj))}}}function AOt(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt;for(yt=0,Q=0,z=new le(s.e);z.a<z.c.c.length;){for(F=E(ce(z),10),q=0,T=0,O=a?E(se(F,AX),19).a:qa,be=l?E(se(F,$X),19).a:qa,A=m.Math.max(O,be),Te=new le(F.j);Te.a<Te.c.c.length;){if(Ie=E(ce(Te),11),Ne=F.n.b+Ie.n.b+Ie.a.b,l)for(x=new le(Ie.g);x.a<x.c.c.length;)y=E(ce(x),17),ie=y.d,ee=ie.i,s!=r.a[ee.p]&&(fe=m.Math.max(E(se(ee,AX),19).a,E(se(ee,$X),19).a),nt=E(se(y,(Ft(),dI)),19).a,nt>=A&&nt>=fe&&(q+=ee.n.b+ie.n.b+ie.a.b-Ne,++T));if(a)for(x=new le(Ie.e);x.a<x.c.c.length;)y=E(ce(x),17),ie=y.c,ee=ie.i,s!=r.a[ee.p]&&(fe=m.Math.max(E(se(ee,AX),19).a,E(se(ee,$X),19).a),nt=E(se(y,(Ft(),dI)),19).a,nt>=A&&nt>=fe&&(q+=ee.n.b+ie.n.b+ie.a.b-Ne,++T))}T>0&&(yt+=q/T,++Q)}Q>0?(s.a=v*yt/Q,s.g=Q):(s.a=0,s.g=0)}function $Ot(r,s){var a,l,v,y,x,T,O,A,F,z,q;for(v=new le(r.a.b);v.a<v.c.c.length;)for(a=E(ce(v),29),O=new le(a.a);O.a<O.c.c.length;)T=E(ce(O),10),s.j[T.p]=T,s.i[T.p]=s.o==(Sg(),zg)?ws:Qo;for(fd(r.c),x=r.a.b,s.c==(Eb(),fw)&&(x=Ce(x,152)?E5(E(x,152)):Ce(x,131)?E(x,131).a:Ce(x,54)?new ay(x):new Nv(x)),T1t(r.e,s,r.b),hN(s.p,null),y=x.Kc();y.Ob();)for(a=E(y.Pb(),29),A=a.a,s.o==(Sg(),zg)&&(A=Ce(A,152)?E5(E(A,152)):Ce(A,131)?E(A,131).a:Ce(A,54)?new ay(A):new Nv(A)),q=A.Kc();q.Ob();)z=E(q.Pb(),10),s.g[z.p]==z&&pUe(r,z,s);for(_Rt(r,s),l=x.Kc();l.Ob();)for(a=E(l.Pb(),29),q=new le(a.a);q.a<q.c.c.length;)z=E(ce(q),10),s.p[z.p]=s.p[s.g[z.p].p],z==s.g[z.p]&&(F=ot(s.i[s.j[z.p].p]),(s.o==(Sg(),zg)&&F>ws||s.o==X2&&F<Qo)&&(s.p[z.p]=ot(s.p[z.p])+F));r.e.cg()}function KHe(r,s,a,l){var v,y,x,T,O;return T=new tve(s),PCt(T,l),v=!0,r&&r.Xe((Mi(),Cx))&&(y=E(r.We((Mi(),Cx)),103),v=y==(ku(),Fm)||y==Op||y==p1),JBe(T,!1),Rf(T.e.wf(),new Qde(T,!1,v)),ote(T,T.f,(U1(),Ac),(It(),Jn)),ote(T,T.f,$c,Br),ote(T,T.g,Ac,nr),ote(T,T.g,$c,fr),j7e(T,Jn),j7e(T,Br),t6e(T,fr),t6e(T,nr),XC(),x=T.A.Hc((eh(),c3))&&T.B.Hc((Ad(),Jz))?Kje(T):null,x&&Mk(T.a,x),IOt(T),Wwt(T),Gwt(T),tOt(T),P3t(T),wyt(T),Vne(T,Jn),Vne(T,Br),h3t(T),$4t(T),a&&(D0t(T),yyt(T),Vne(T,fr),Vne(T,nr),O=T.B.Hc((Ad(),Mj)),GNe(T,O,Jn),GNe(T,O,Br),KNe(T,O,fr),KNe(T,O,nr),Bo(new Nn(null,new zn(new Nh(T.i),0)),new Pu),Bo(So(new Nn(null,Yhe(T.r).a.oc()),new Js),new yu),FEt(T),T.e.uf(T.o),Bo(new Nn(null,Yhe(T.r).a.oc()),new Rl)),T.o}function POt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(A=Qo,l=new le(r.a.b);l.a<l.c.c.length;)s=E(ce(l),81),A=m.Math.min(A,s.d.f.g.c+s.e.a);for(Q=new Po,x=new le(r.a.a);x.a<x.c.c.length;)y=E(ce(x),189),y.i=A,y.e==0&&os(Q,y,Q.c.b,Q.c);for(;Q.b!=0;){for(y=E(Q.b==0?null:(vr(Q.b!=0),Xh(Q,Q.a.a)),189),v=y.f.g.c,q=y.a.a.ec().Kc();q.Ob();)F=E(q.Pb(),81),ie=y.i+F.e.a,F.d.g||F.g.c<ie?F.o=ie:F.o=F.g.c;for(v-=y.f.o,y.b+=v,r.c==(ku(),p1)||r.c==H0?y.c+=v:y.c-=v,z=y.a.a.ec().Kc();z.Ob();)for(F=E(z.Pb(),81),O=F.f.Kc();O.Ob();)T=E(O.Pb(),81),Ey(r.c)?ee=r.f.ef(F,T):ee=r.f.ff(F,T),T.d.i=m.Math.max(T.d.i,F.o+F.g.b+ee-T.e.a),T.k||(T.d.i=m.Math.max(T.d.i,T.g.c-T.e.a)),--T.d.e,T.d.e==0&&Ii(Q,T.d)}for(a=new le(r.a.b);a.a<a.c.c.length;)s=E(ce(a),81),s.g.c=s.o}function FOt(r){var s,a,l,v,y,x,T,O;switch(T=r.b,s=r.a,E(se(r,(fG(),_2e)),427).g){case 0:sa(T,new Xi(new qe));break;case 1:default:sa(T,new Xi(new it))}switch(E(se(r,y2e),428).g){case 1:sa(T,new ht),sa(T,new pt),sa(T,new Ds);break;case 0:default:sa(T,new ht),sa(T,new dt)}switch(E(se(r,x2e),250).g){case 0:O=new wr;break;case 1:O=new Un;break;case 2:O=new mn;break;case 3:O=new Hn;break;case 5:O=new Z_(new mn);break;case 4:O=new Z_(new Un);break;case 7:O=new ife(new Z_(new Un),new Z_(new mn));break;case 8:O=new ife(new Z_(new Hn),new Z_(new mn));break;case 6:default:O=new Z_(new Hn)}for(x=new le(T);x.a<x.c.c.length;){for(y=E(ce(x),167),l=0,v=0,a=new Ra(Ot(l),Ot(v));ykt(s,y,l,v);)a=E(O.Ce(a,y),46),l=E(a.a,19).a,v=E(a.b,19).a;v3t(s,y,l,v)}}function jOt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt;for(y=r.f.b,q=y.a,F=y.b,ee=r.e.g,Q=r.e.f,_V(r.e,y.a,y.b),yt=q/ee,Lt=F/Q,A=new Tr(gq(r.e));A.e!=A.i.gc();)O=E(Fr(A),137),Of(O,O.i*yt),If(O,O.j*Lt);for(Ie=new Tr(qee(r.e));Ie.e!=Ie.i.gc();)be=E(Fr(Ie),118),Ne=be.i,nt=be.j,Ne>0&&Of(be,Ne*yt),nt>0&&If(be,nt*Lt);for(RF(r.b,new jc),s=new vt,T=new _2(new dg(r.c).a);T.b;)x=$S(T),l=E(x.cd(),79),a=E(x.dd(),395).a,v=D4(l,!1,!1),z=GMe(Cm(l),ZL(v),a),pB(z,v),Te=oNe(l),Te&&lc(s,Te,0)==-1&&(s.c[s.c.length]=Te,f6e(Te,(vr(z.b!=0),E(z.a.a.c,8)),a));for(fe=new _2(new dg(r.d).a);fe.b;)ie=$S(fe),l=E(ie.cd(),79),a=E(ie.dd(),395).a,v=D4(l,!1,!1),z=GMe(Ny(l),DL(ZL(v)),a),z=DL(z),pB(z,v),Te=sNe(l),Te&&lc(s,Te,0)==-1&&(s.c[s.c.length]=Te,f6e(Te,(vr(z.b!=0),E(z.c.b.c,8)),a))}function YHe(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt;if(a.c.length!=0){for(Q=new vt,q=new le(a);q.a<q.c.c.length;)z=E(ce(q),33),Et(Q,new Kt(z.i,z.j));for(l.n&&s&&r1(l,i1(s),(Zd(),$h));dme(r,a);)_G(r,a,!1);for(l.n&&s&&r1(l,i1(s),(Zd(),$h)),x=0,T=0,v=null,a.c.length!=0&&(v=(Vn(0,a.c.length),E(a.c[0],33)),x=v.i-(Vn(0,Q.c.length),E(Q.c[0],8)).a,T=v.j-(Vn(0,Q.c.length),E(Q.c[0],8)).b),y=m.Math.sqrt(x*x+T*T),F=bje(a);F.a.gc()!=0;){for(A=F.a.ec().Kc();A.Ob();)O=E(A.Pb(),33),ee=r.f,ie=ee.i+ee.g/2,fe=ee.j+ee.f/2,be=O.i+O.g/2,Ie=O.j+O.f/2,Te=be-ie,Ne=Ie-fe,nt=m.Math.sqrt(Te*Te+Ne*Ne),yt=Te/nt,Lt=Ne/nt,Of(O,O.i+yt*y),If(O,O.j+Lt*y);l.n&&s&&r1(l,i1(s),(Zd(),$h)),F=bje(new Kf(F))}r.a&&r.a.lg(new Kf(F)),l.n&&s&&r1(l,i1(s),(Zd(),$h)),YHe(r,s,new Kf(F),l)}}function MOt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;if(ie=r.n,fe=r.o,q=r.d,z=ot(Dt(mT(r,(Ft(),que)))),s){for(F=z*(s.gc()-1),Q=0,O=s.Kc();O.Ob();)x=E(O.Pb(),10),F+=x.o.a,Q=m.Math.max(Q,x.o.b);for(be=ie.a-(F-fe.a)/2,y=ie.b-q.d+Q,l=fe.a/(s.gc()+1),v=l,T=s.Kc();T.Ob();)x=E(T.Pb(),10),x.n.a=be,x.n.b=y-x.o.b,be+=x.o.a+z,A=aBe(x),A.n.a=x.o.a/2-A.a.a,A.n.b=x.o.b,ee=E(se(x,(bt(),iX)),11),ee.e.c.length+ee.g.c.length==1&&(ee.n.a=v-ee.a.a,ee.n.b=0,yc(ee,r)),v+=l}if(a){for(F=z*(a.gc()-1),Q=0,O=a.Kc();O.Ob();)x=E(O.Pb(),10),F+=x.o.a,Q=m.Math.max(Q,x.o.b);for(be=ie.a-(F-fe.a)/2,y=ie.b+fe.b+q.a-Q,l=fe.a/(a.gc()+1),v=l,T=a.Kc();T.Ob();)x=E(T.Pb(),10),x.n.a=be,x.n.b=y,be+=x.o.a+z,A=aBe(x),A.n.a=x.o.a/2-A.a.a,A.n.b=0,ee=E(se(x,(bt(),iX)),11),ee.e.c.length+ee.g.c.length==1&&(ee.n.a=v-ee.a.a,ee.n.b=fe.b,yc(ee,r)),v+=l}}function NOt(r,s){var a,l,v,y,x,T;if(E(se(s,(bt(),Cl)),21).Hc((Ru(),ip))){for(T=new le(s.a);T.a<T.c.c.length;)y=E(ce(T),10),y.k==(dr(),Os)&&(v=E(se(y,(Ft(),vX)),142),r.c=m.Math.min(r.c,y.n.a-v.b),r.a=m.Math.max(r.a,y.n.a+y.o.a+v.c),r.d=m.Math.min(r.d,y.n.b-v.d),r.b=m.Math.max(r.b,y.n.b+y.o.b+v.a));for(x=new le(s.a);x.a<x.c.c.length;)if(y=E(ce(x),10),y.k!=(dr(),Os))switch(y.k.g){case 2:if(l=E(se(y,(Ft(),rf)),163),l==(Zh(),eE)){y.n.a=r.c-10,vMe(y,new Fx).Jb(new q7(y));break}if(l==YT){y.n.a=r.a+10,vMe(y,new OR).Jb(new DQ(y));break}if(a=E(se(y,V2),303),a==(R0(),iR)){wHe(y).Jb(new EH(y)),y.n.b=r.d-10;break}if(a==iI){wHe(y).Jb(new AQ(y)),y.n.b=r.b+10;break}break;default:throw de(new Yn("The node type "+y.k+" is not supported by the "+SIt))}}}function LOt(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(O=new Kt(l.i+l.g/2,l.j+l.f/2),Q=gHe(l),ee=E(Xt(s,(Ft(),Zo)),98),fe=E(Xt(l,r$),61),xRe(O7e(l),e3)||(l.i==0&&l.j==0?ie=0:ie=m2t(l,fe),Nu(l,e3,ie)),A=new Kt(s.g,s.f),v=vB(l,ee,fe,Q,A,O,new Kt(l.g,l.f),E(se(a,Oh),103),a),ct(v,(bt(),to),l),y=E(Vt(v.j,0),11),P7(y,lkt(l)),ct(v,t3,(hd(),yn(cE))),z=E(Xt(s,t3),174).Hc(q0),T=new Tr((!l.n&&(l.n=new St(pc,l,1,7)),l.n));T.e!=T.i.gc();)if(x=E(Fr(T),137),!Wt(Gt(Xt(x,K2)))&&x.a&&(q=Tne(x),Et(y.f,q),!z))switch(F=0,sF(E(Xt(s,t3),21))&&(F=Fme(new Kt(x.i,x.j),new Kt(x.g,x.f),new Kt(l.g,l.f),0,fe)),fe.g){case 2:case 4:q.o.a=F;break;case 1:case 3:q.o.b=F}ct(v,o$,Dt(Xt(Wo(s),o$))),ct(v,s$,Dt(Xt(Wo(s),s$))),ct(v,r3,Dt(Xt(Wo(s),r3))),Et(a.a,v),Qi(r.a,l,v)}function XHe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt;for(Lr(a,"Processor arrange level",1),F=0,In(),d4(s,new DP((Hc(),jX))),y=s.b,T=Ti(s,s.b),A=!0;A&&T.b.b!=T.d.a;)be=E(gte(T),86),E(se(be,jX),19).a==0?--y:A=!1;if(nt=new Em(s,0,y),x=new cee(nt),nt=new Em(s,y,s.b),O=new cee(nt),x.b==0)for(ee=Ti(O,0);ee.b!=ee.d.c;)Q=E(Ci(ee),86),ct(Q,LX,Ot(F++));else for(z=x.b,Ne=Ti(x,0);Ne.b!=Ne.d.c;){for(Te=E(Ci(Ne),86),ct(Te,LX,Ot(F++)),l=Q1e(Te),XHe(r,l,wl(a,1/z|0)),d4(l,ipe(new DP(LX))),q=new Po,Ie=Ti(l,0);Ie.b!=Ie.d.c;)for(be=E(Ci(Ie),86),fe=Ti(Te.d,0);fe.b!=fe.d.c;)ie=E(Ci(fe),188),ie.c==be&&os(q,ie,q.c.b,q.c);for(bp(Te.d),cu(Te.d,q),T=Ti(O,O.b),v=Te.d.b,A=!0;0<v&&A&&T.b.b!=T.d.a;)be=E(gte(T),86),E(se(be,jX),19).a==0?(ct(be,LX,Ot(F++)),--v,sW(T)):A=!1}Or(a)}function BOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(Lr(s,"Inverted port preprocessing",1),F=r.b,A=new Oa(F,0),a=null,Te=new vt;A.b<A.d.gc();){for(Ie=a,a=(vr(A.b<A.d.gc()),E(A.d.Xb(A.c=A.b++),29)),Q=new le(Te);Q.a<Q.c.c.length;)z=E(ce(Q),10),Vu(z,Ie);for(Te.c=Pe(mr,Ht,1,0,5,1),ee=new le(a.a);ee.a<ee.c.c.length;)if(z=E(ce(ee),10),z.k==(dr(),Os)&&e4(E(se(z,(Ft(),Zo)),98))){for(be=y0e(z,(Tu(),gd),(It(),fr)).Kc();be.Ob();)for(ie=E(be.Pb(),11),O=ie.e,T=E(Ag(O,Pe(Wae,Roe,17,O.c.length,0,1)),474),v=T,y=0,x=v.length;y<x;++y)l=v[y],f4t(r,ie,l,Te);for(fe=y0e(z,zl,nr).Kc();fe.Ob();)for(ie=E(fe.Pb(),11),O=ie.g,T=E(Ag(O,Pe(Wae,Roe,17,O.c.length,0,1)),474),v=T,y=0,x=v.length;y<x;++y)l=v[y],l4t(r,ie,l,Te)}}for(q=new le(Te);q.a<q.c.c.length;)z=E(ce(q),10),Vu(z,a);Or(s)}function zOt(r,s,a,l,v,y){var x,T,O,A,F,z;for(A=new cl,rc(A,s),Hs(A,E(Xt(s,(Ft(),r$)),61)),ct(A,(bt(),to),s),yc(A,a),z=A.o,z.a=s.g,z.b=s.f,F=A.n,F.a=s.i,F.b=s.j,Qi(r.a,s,A),x=p6(xf(Ec(new Nn(null,(!s.e&&(s.e=new Bn(ra,s,7,4)),new zn(s.e,16))),new wa),new fl),new su(s)),x||(x=p6(xf(Ec(new Nn(null,(!s.d&&(s.d=new Bn(ra,s,8,5)),new zn(s.d,16))),new Ha),new sl),new Su(s))),x||(x=p6(new Nn(null,(!s.e&&(s.e=new Bn(ra,s,7,4)),new zn(s.e,16))),new xt)),ct(A,bz,(tr(),!!x)),iRt(A,y,v,E(Xt(s,Ex),8)),O=new Tr((!s.n&&(s.n=new St(pc,s,1,7)),s.n));O.e!=O.i.gc();)T=E(Fr(O),137),!Wt(Gt(Xt(T,K2)))&&T.a&&Et(A.f,Tne(T));switch(v.g){case 2:case 1:(A.j==(It(),Jn)||A.j==Br)&&l.Fc((Ru(),rR));break;case 4:case 3:(A.j==(It(),fr)||A.j==nr)&&l.Fc((Ru(),rR))}return A}function _ie(r,s,a,l,v,y,x){var T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(q=null,l==(TS(),iE)?q=s:l==hR&&(q=a),ie=q.a.ec().Kc();ie.Ob();){for(ee=E(ie.Pb(),11),fe=_c(pe(he(na,1),ft,8,0,[ee.i.n,ee.n,ee.a])).b,Te=new vs,T=new vs,A=new kg(ee.b);wc(A.a)||wc(A.b);)if(O=E(wc(A.a)?ce(A.a):ce(A.b),17),Wt(Gt(se(O,(bt(),Bg))))==v&&lc(y,O,0)!=-1){if(O.d==ee?be=O.c:be=O.d,Ie=_c(pe(he(na,1),ft,8,0,[be.i.n,be.n,be.a])).b,m.Math.abs(Ie-fe)<.2)continue;Ie<fe?s.a._b(be)?Bs(Te,new Ra(iE,O)):Bs(Te,new Ra(hR,O)):s.a._b(be)?Bs(T,new Ra(iE,O)):Bs(T,new Ra(hR,O))}if(Te.a.gc()>1)for(Q=new W0e(ee,Te,l),Na(Te,new H4e(r,Q)),x.c[x.c.length]=Q,z=Te.a.ec().Kc();z.Ob();)F=E(z.Pb(),46),Tf(y,F.b);if(T.a.gc()>1)for(Q=new W0e(ee,T,l),Na(T,new U4e(r,Q)),x.c[x.c.length]=Q,z=T.a.ec().Kc();z.Ob();)F=E(z.Pb(),46),Tf(y,F.b)}}function QHe(r){Oe(r,new O2(MD(Av(hy(gy(py(new Pa,Ab),"ELK Radial"),'A radial layout provider which is based on the algorithm of Peter Eades published in "Drawing free trees.", published by International Institute for Advanced Study of Social Information Science, Fujitsu Limited in 1991. The radial layouter takes a tree and places the nodes in radial order around the root. The nodes of the same tree level are placed on the same radius.'),new x_),Ab))),At(r,Ab,TK,Ut(_tt)),At(r,Ab,FT,Ut(Stt)),At(r,Ab,z4,Ut(vtt)),At(r,Ab,K5,Ut(wtt)),At(r,Ab,G5,Ut(ytt)),At(r,Ab,xA,Ut(mtt)),At(r,Ab,v9,Ut(oTe)),At(r,Ab,CA,Ut(Ett)),At(r,Ab,gse,Ut(Rce)),At(r,Ab,pse,Ut(Oce)),At(r,Ab,kye,Ut(sTe)),At(r,Ab,Sye,Ut(UX)),At(r,Ab,xye,Ut(VX)),At(r,Ab,Cye,Ut(Dz)),At(r,Ab,Tye,Ut(aTe))}function tve(r){var s;if(this.r=bft(new ru,new iu),this.b=new MF(E(Jr(hu),290)),this.p=new MF(E(Jr(hu),290)),this.i=new MF(E(Jr(aYe),290)),this.e=r,this.o=new Hu(r.rf()),this.D=r.Df()||Wt(Gt(r.We((Mi(),zz)))),this.A=E(r.We((Mi(),J2)),21),this.B=E(r.We(oE),21),this.q=E(r.We(Rj),98),this.u=E(r.We(a3),21),!S2t(this.u))throw de(new cy("Invalid port label placement: "+this.u));if(this.v=Wt(Gt(r.We(L3e))),this.j=E(r.We(mR),21),!Gxt(this.j))throw de(new cy("Invalid node label placement: "+this.j));this.n=E(UF(r,T3e),116),this.k=ot(Dt(UF(r,oQ))),this.d=ot(Dt(UF(r,U3e))),this.w=ot(Dt(UF(r,K3e))),this.s=ot(Dt(UF(r,V3e))),this.t=ot(Dt(UF(r,q3e))),this.C=E(UF(r,W3e),142),this.c=2*this.d,s=!this.B.Hc((Ad(),Qz)),this.f=new LF(0,s,0),this.g=new LF(1,s,0),HM(this.f,(U1(),Bl),this.g)}function HOt(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr;for(Te=0,ee=0,Q=0,q=1,Ie=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));Ie.e!=Ie.i.gc();)fe=E(Fr(Ie),33),q+=C0(new Rr(Ar(F0(fe).a.Kc(),new M))),nn=fe.g,ee=m.Math.max(ee,nn),z=fe.f,Q=m.Math.max(Q,z),Te+=nn*z;for(ie=(!r.a&&(r.a=new St(Ko,r,10,11)),r.a).i,x=Te+2*l*l*q*ie,y=m.Math.sqrt(x),O=m.Math.max(y*a,ee),T=m.Math.max(y/a,Q),be=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));be.e!=be.i.gc();)fe=E(Fr(be),33),bn=v.b+(Dd(s,26)*f9+Dd(s,27)*d9)*(O-fe.g),rr=v.b+(Dd(s,26)*f9+Dd(s,27)*d9)*(T-fe.f),Of(fe,bn),If(fe,rr);for(Lt=O+(v.b+v.c),yt=T+(v.d+v.a),nt=new Tr((!r.a&&(r.a=new St(Ko,r,10,11)),r.a));nt.e!=nt.i.gc();)for(Ne=E(Fr(nt),33),F=new Rr(Ar(F0(Ne).a.Kc(),new M));fi(F);)A=E(Zr(F),79),XF(A)||U5t(A,s,Lt,yt);Lt+=v.b+v.c,yt+=v.d+v.a,ZS(r,Lt,yt,!1,!0)}function VG(r){var s,a,l,v,y,x,T,O,A,F,z;if(r==null)throw de(new Bh($f));if(A=r,y=r.length,O=!1,y>0&&(s=(ui(0,r.length),r.charCodeAt(0)),(s==45||s==43)&&(r=r.substr(1),--y,O=s==45)),y==0)throw de(new Bh(nx+A+'"'));for(;r.length>0&&(ui(0,r.length),r.charCodeAt(0)==48);)r=r.substr(1),--y;if(y>(Lze(),aKe)[10])throw de(new Bh(nx+A+'"'));for(v=0;v<y;v++)if(p7e((ui(v,r.length),r.charCodeAt(v)))==-1)throw de(new Bh(nx+A+'"'));for(z=0,x=UEe[10],F=bae[10],T=w6(VEe[10]),a=!0,l=y%x,l>0&&(z=-parseInt(r.substr(0,l),10),r=r.substr(l),y-=l,a=!1);y>=x;){if(l=parseInt(r.substr(0,x),10),r=r.substr(x),y-=x,a)a=!1;else{if(tl(z,T)<0)throw de(new Bh(nx+A+'"'));z=Va(z,F)}z=My(z,l)}if(tl(z,0)>0)throw de(new Bh(nx+A+'"'));if(!O&&(z=w6(z),tl(z,0)<0))throw de(new Bh(nx+A+'"'));return z}function nve(r,s){RIe();var a,l,v,y,x,T,O;if(this.a=new Wfe(this),this.b=r,this.c=s,this.f=Aee(qu((Qf(),Ba),s)),this.f.dc())if((T=zbe(Ba,r))==s)for(this.e=!0,this.d=new vt,this.f=new pv,this.f.Fc(B2),E(BG(hL(Ba,yh(r)),""),26)==r&&this.f.Fc(iF(Ba,yh(r))),v=eie(Ba,r).Kc();v.Ob();)switch(l=E(v.Pb(),170),xS(qu(Ba,l))){case 4:{this.d.Fc(l);break}case 5:{this.f.Gc(Aee(qu(Ba,l)));break}}else if(Wr(),E(s,66).Oj())for(this.e=!0,this.f=null,this.d=new vt,x=0,O=(r.i==null&&Sb(r),r.i).length;x<O;++x)for(l=(a=(r.i==null&&Sb(r),r.i),x>=0&&x<a.length?a[x]:null),y=v5(qu(Ba,l));y;y=v5(qu(Ba,y)))y==s&&this.d.Fc(l);else xS(qu(Ba,s))==1&&T?(this.f=null,this.d=(j5(),eit)):(this.f=null,this.e=!0,this.d=(In(),new tD(s)));else this.e=xS(qu(Ba,s))==5,this.f.Fb(Ele)&&(this.f=Ele)}function JHe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;for(a=0,l=Fwt(r,s),q=r.s,Q=r.t,A=E(E(no(r.r,s),21),84).Kc();A.Ob();)if(O=E(A.Pb(),111),!(!O.c||O.c.d.c.length<=0)){switch(ee=O.b.rf(),T=O.b.Xe((Mi(),Fd))?ot(Dt(O.b.We(Fd))):0,F=O.c,z=F.i,z.b=(x=F.n,F.e.a+x.b+x.c),z.a=(y=F.n,F.e.b+y.d+y.a),s.g){case 1:z.c=O.a?(ee.a-z.b)/2:ee.a+q,z.d=ee.b+T+l,z1(F,(dd(),Xy)),vb(F,(kf(),X1));break;case 3:z.c=O.a?(ee.a-z.b)/2:ee.a+q,z.d=-T-l-z.a,z1(F,(dd(),Xy)),vb(F,(kf(),d1));break;case 2:z.c=-T-l-z.b,O.a?(v=r.v?z.a:E(Vt(F.d,0),181).rf().b,z.d=(ee.b-v)/2):z.d=ee.b+Q,z1(F,(dd(),f1)),vb(F,(kf(),Qy));break;case 4:z.c=ee.a+T+l,O.a?(v=r.v?z.a:E(Vt(F.d,0),181).rf().b,z.d=(ee.b-v)/2):z.d=ee.b+Q,z1(F,(dd(),Fb)),vb(F,(kf(),Qy))}(s==(It(),Jn)||s==Br)&&(a=m.Math.max(a,z.a))}a>0&&(E(ju(r.b,s),124).a.b=a)}function UOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(Lr(s,"Comment pre-processing",1),a=0,O=new le(r.a);O.a<O.c.c.length;)if(T=E(ce(O),10),Wt(Gt(se(T,(Ft(),ij))))){for(++a,v=0,l=null,A=null,ee=new le(T.j);ee.a<ee.c.c.length;)q=E(ce(ee),11),v+=q.e.c.length+q.g.c.length,q.e.c.length==1&&(l=E(Vt(q.e,0),17),A=l.c),q.g.c.length==1&&(l=E(Vt(q.g,0),17),A=l.d);if(v==1&&A.e.c.length+A.g.c.length==1&&!Wt(Gt(se(A.i,ij))))m5t(T,l,A,A.i),uF(O);else{for(be=new vt,Q=new le(T.j);Q.a<Q.c.c.length;){for(q=E(ce(Q),11),z=new le(q.g);z.a<z.c.c.length;)F=E(ce(z),17),F.d.g.c.length==0||(be.c[be.c.length]=F);for(x=new le(q.e);x.a<x.c.c.length;)y=E(ce(x),17),y.c.e.c.length==0||(be.c[be.c.length]=y)}for(fe=new le(be);fe.a<fe.c.c.length;)ie=E(ce(fe),17),JS(ie,!0)}}s.n&&s2(s,"Found "+a+" comment boxes"),Or(s)}function VOt(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie;if(q=ot(Dt(se(r,(Ft(),o$)))),Q=ot(Dt(se(r,s$))),z=ot(Dt(se(r,r3))),T=r.o,y=E(Vt(r.j,0),11),x=y.n,ie=E_t(y,z),!!ie){if(s.Hc((hd(),q0)))switch(E(se(r,(bt(),Pc)),61).g){case 1:ie.c=(T.a-ie.b)/2-x.a,ie.d=Q;break;case 3:ie.c=(T.a-ie.b)/2-x.a,ie.d=-Q-ie.a;break;case 2:a&&y.e.c.length==0&&y.g.c.length==0?(F=l?ie.a:E(Vt(y.f,0),70).o.b,ie.d=(T.b-F)/2-x.b):ie.d=T.b+Q-x.b,ie.c=-q-ie.b;break;case 4:a&&y.e.c.length==0&&y.g.c.length==0?(F=l?ie.a:E(Vt(y.f,0),70).o.b,ie.d=(T.b-F)/2-x.b):ie.d=T.b+Q-x.b,ie.c=q}else if(s.Hc(cE))switch(E(se(r,(bt(),Pc)),61).g){case 1:case 3:ie.c=x.a+q;break;case 2:case 4:a&&!y.c?(F=l?ie.a:E(Vt(y.f,0),70).o.b,ie.d=(T.b-F)/2-x.b):ie.d=x.b+Q}for(v=ie.d,A=new le(y.f);A.a<A.c.c.length;)O=E(ce(A),70),ee=O.n,ee.a=ie.c,ee.b=v,v+=O.o.b+z}}function qOt(){Di(sH,new Lo),Di(CQ,new Ta),Di(aH,new r7),Di(Jke,new oO),Di(Bt,new $$),Di(he(nd,1),new s7),Di(Us,new P$),Di(Z5,new lg),Di(Bt,new ae),Di(Bt,new we),Di(Bt,new $e),Di(xa,new Ye),Di(Bt,new Ct),Di(rp,new Qt),Di(rp,new sr),Di(Bt,new ao),Di(jA,new Fs),Di(Bt,new Xr),Di(Bt,new Gs),Di(Bt,new as),Di(Bt,new $n),Di(Bt,new un),Di(he(nd,1),new On),Di(Bt,new kr),Di(Bt,new zr),Di(rp,new oa),Di(rp,new mo),Di(Bt,new _s),Di(nu,new da),Di(Bt,new wv),Di(cx,new VI),Di(Bt,new C$),Di(Bt,new e7),Di(Bt,new t7),Di(Bt,new n7),Di(rp,new sk),Di(rp,new T$),Di(Bt,new k$),Di(Bt,new R$),Di(Bt,new i7),Di(Bt,new Wl),Di(Bt,new O$),Di(Bt,new qI),Di(lx,new WI),Di(Bt,new I$),Di(Bt,new D$),Di(Bt,new A$),Di(lx,new ak),Di(cx,new sO),Di(Bt,new gC),Di(nu,new o7)}function rve(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;if(q=s.length,q>0&&(O=(ui(0,s.length),s.charCodeAt(0)),O!=64)){if(O==37&&(z=s.lastIndexOf("%"),A=!1,z!=0&&(z==q-1||(A=(ui(z+1,s.length),s.charCodeAt(z+1)==46))))){if(x=s.substr(1,z-1),Te=xn("%",x)?null:ive(x),l=0,A)try{l=xh(s.substr(z+2),qa,qi)}catch(Ne){throw Ne=Mo(Ne),Ce(Ne,127)?(T=Ne,de(new Zq(T))):de(Ne)}for(fe=N1e(r.Wg());fe.Ob();)if(ee=RW(fe),Ce(ee,510)&&(v=E(ee,590),Ie=v.d,(Te==null?Ie==null:xn(Te,Ie))&&l--==0))return v;return null}if(F=s.lastIndexOf("."),Q=F==-1?s:s.substr(0,F),a=0,F!=-1)try{a=xh(s.substr(F+1),qa,qi)}catch(Ne){if(Ne=Mo(Ne),Ce(Ne,127))Q=s;else throw de(Ne)}for(Q=xn("%",Q)?null:ive(Q),ie=N1e(r.Wg());ie.Ob();)if(ee=RW(ie),Ce(ee,191)&&(y=E(ee,191),be=y.ne(),(Q==null?be==null:xn(Q,be))&&a--==0))return y;return null}return _He(r,s)}function WOt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar;for(yt=new vt,ee=new le(r.b);ee.a<ee.c.c.length;)for(Q=E(ce(ee),29),be=new le(Q.a);be.a<be.c.c.length;)if(ie=E(ce(be),10),ie.k==(dr(),ds)&&ta(ie,(bt(),aX))){for(Ie=null,Ne=null,Te=null,bn=new le(ie.j);bn.a<bn.c.c.length;)switch(nn=E(ce(bn),11),nn.j.g){case 4:Ie=nn;break;case 2:Ne=nn;break;default:Te=nn}for(nt=E(Vt(Te.g,0),17),F=new ND(nt.a),A=new Hu(Te.n),io(A,ie.n),z=Ti(F,0),VN(z,A),Lt=DL(nt.a),q=new Hu(Te.n),io(q,ie.n),os(Lt,q,Lt.c.b,Lt.c),rr=E(se(ie,aX),10),ar=E(Vt(rr.j,0),11),O=E(Ag(Ie.e,Pe(Wae,Roe,17,0,0,1)),474),l=O,y=0,T=l.length;y<T;++y)s=l[y],ya(s,ar),Ene(s.a,s.a.b,F);for(O=_b(Ne.g),a=O,v=0,x=a.length;v<x;++v)s=a[v],Ya(s,ar),Ene(s.a,0,Lt);Ya(nt,null),ya(nt,null),yt.c[yt.c.length]=ie}for(fe=new le(yt);fe.a<fe.c.c.length;)ie=E(ce(fe),10),Vu(ie,null)}function ZHe(){ZHe=xe;var r,s,a;for(new bL(1,0),new bL(10,0),new bL(0,0),uKe=Pe(mae,ft,240,11,0,1),U2=Pe(ap,Cb,25,100,15,1),KEe=pe(he(ba,1),Lu,25,15,[1,5,25,125,625,3125,15625,78125,390625,1953125,9765625,48828125,244140625,1220703125,6103515625,30517578125,152587890625,762939453125,3814697265625,19073486328125,95367431640625,476837158203125,0x878678326eac9]),YEe=Pe(Gr,Ei,25,KEe.length,15,1),XEe=pe(he(ba,1),Lu,25,15,[1,10,100,rw,1e4,eoe,1e6,1e7,1e8,QG,1e10,1e11,1e12,1e13,1e14,1e15,1e16]),QEe=Pe(Gr,Ei,25,XEe.length,15,1),JEe=Pe(mae,ft,240,11,0,1),r=0;r<JEe.length;r++)uKe[r]=new bL(r,0),JEe[r]=new bL(0,r),U2[r]=48;for(;r<U2.length;r++)U2[r]=48;for(a=0;a<YEe.length;a++)YEe[a]=$me(KEe[a]);for(s=0;s<QEe.length;s++)QEe[s]=$me(XEe[s]);nA()}function GOt(){function r(){this.obj=this.createObject()}return r.prototype.createObject=function(s){return Object.create(null)},r.prototype.get=function(s){return this.obj[s]},r.prototype.set=function(s,a){this.obj[s]=a},r.prototype[ioe]=function(s){delete this.obj[s]},r.prototype.keys=function(){return Object.getOwnPropertyNames(this.obj)},r.prototype.entries=function(){var s=this.keys(),a=this,l=0;return{next:function(){if(l>=s.length)return{done:!0};var v=s[l++];return{value:[v,a.get(v)],done:!1}}}},QTt()||(r.prototype.createObject=function(){return{}},r.prototype.get=function(s){return this.obj[":"+s]},r.prototype.set=function(s,a){this.obj[":"+s]=a},r.prototype[ioe]=function(s){delete this.obj[":"+s]},r.prototype.keys=function(){var s=[];for(var a in this.obj)a.charCodeAt(0)==58&&s.push(a.substring(1));return s}),r}function KOt(r){j0e();var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(r==null)return null;if(z=r.length*8,z==0)return"";for(T=z%24,Q=z/24|0,q=T!=0?Q+1:Q,y=null,y=Pe(ap,Cb,25,q*4,15,1),A=0,F=0,s=0,a=0,l=0,x=0,v=0,O=0;O<Q;O++)s=r[v++],a=r[v++],l=r[v++],F=(a&15)<<24>>24,A=(s&3)<<24>>24,ee=s&-128?(s>>2^192)<<24>>24:s>>2<<24>>24,ie=a&-128?(a>>4^240)<<24>>24:a>>4<<24>>24,fe=l&-128?(l>>6^252)<<24>>24:l>>6<<24>>24,y[x++]=yw[ee],y[x++]=yw[ie|A<<4],y[x++]=yw[F<<2|fe],y[x++]=yw[l&63];return T==8?(s=r[v],A=(s&3)<<24>>24,ee=s&-128?(s>>2^192)<<24>>24:s>>2<<24>>24,y[x++]=yw[ee],y[x++]=yw[A<<4],y[x++]=61,y[x++]=61):T==16&&(s=r[v],a=r[v+1],F=(a&15)<<24>>24,A=(s&3)<<24>>24,ee=s&-128?(s>>2^192)<<24>>24:s>>2<<24>>24,ie=a&-128?(a>>4^240)<<24>>24:a>>4<<24>>24,y[x++]=yw[ee],y[x++]=yw[ie|A<<4],y[x++]=yw[F<<2],y[x++]=61),vp(y,0,y.length)}function YOt(r,s){var a,l,v,y,x,T,O;if(r.e==0&&r.p>0&&(r.p=-(r.p-1)),r.p>qa&&Mpe(s,r.p-Vy),x=s.q.getDate(),XN(s,1),r.k>=0&&Ddt(s,r.k),r.c>=0?XN(s,r.c):r.k>=0?(O=new ige(s.q.getFullYear()-Vy,s.q.getMonth(),35),l=35-O.q.getDate(),XN(s,m.Math.min(l,x))):XN(s,x),r.f<0&&(r.f=s.q.getHours()),r.b>0&&r.f<12&&(r.f+=12),zot(s,r.f==24&&r.g?0:r.f),r.j>=0&&Hpt(s,r.j),r.n>=0&&s1t(s,r.n),r.i>=0&&kRe(s,Xa(Va(YL(Df(s.q.getTime()),rw),rw),r.i)),r.a&&(v=new T8,Mpe(v,v.q.getFullYear()-Vy-80),Bv(Df(s.q.getTime()),Df(v.q.getTime()))&&Mpe(s,v.q.getFullYear()-Vy+100)),r.d>=0){if(r.c==-1)a=(7+r.d-s.q.getDay())%7,a>3&&(a-=7),T=s.q.getMonth(),XN(s,s.q.getDate()+a),s.q.getMonth()!=T&&XN(s,s.q.getDate()+(a>0?-7:7));else if(s.q.getDay()!=r.d)return!1}return r.o>qa&&(y=s.q.getTimezoneOffset(),kRe(s,Xa(Df(s.q.getTime()),(r.o-y)*60*rw))),!0}function eUe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;if(v=se(s,(bt(),to)),!!Ce(v,239)){for(ee=E(v,33),ie=s.e,q=new Hu(s.c),y=s.d,q.a+=y.b,q.b+=y.d,Ne=E(Xt(ee,(Ft(),EX)),174),Gf(Ne,(Ad(),uQ))&&(Q=E(Xt(ee,Uxe),116),gH(Q,y.a),wH(Q,y.d),eP(Q,y.b),yH(Q,y.c)),a=new vt,F=new le(s.a);F.a<F.c.c.length;)for(O=E(ce(F),10),Ce(se(O,to),239)?t5t(O,q):Ce(se(O,to),186)&&!ie&&(l=E(se(O,to),118),Ie=qze(s,O,l.g,l.f),wg(l,Ie.a,Ie.b)),be=new le(O.j);be.a<be.c.c.length;)fe=E(ce(be),11),Bo(So(new Nn(null,new zn(fe.g,16)),new Xp(O)),new qd(a));if(ie)for(be=new le(ie.j);be.a<be.c.c.length;)fe=E(ce(be),11),Bo(So(new Nn(null,new zn(fe.g,16)),new Qp(ie)),new wf(a));for(Te=E(Xt(ee,z0),218),T=new le(a);T.a<T.c.c.length;)x=E(ce(T),17),pOt(x,Te,q);for(ukt(s),A=new le(s.a);A.a<A.c.c.length;)O=E(ce(A),10),z=O.e,z&&eUe(r,z)}}function tUe(r){Oe(r,new O2(v8(MD(Av(hy(gy(py(new Pa,Th),"ELK Force"),"Force-based algorithm provided by the Eclipse Layout Kernel. Implements methods that follow physical analogies by simulating forces that move the nodes into a balanced distribution. Currently the original Eades model and the Fruchterman - Reingold model are supported."),new wi),Th),Ro((rA(),mQ),pe(he(vQ,1),wt,237,0,[gQ]))))),At(r,Th,$B,Ot(1)),At(r,Th,FT,80),At(r,Th,Coe,5),At(r,Th,W5,SA),At(r,Th,sK,Ot(1)),At(r,Th,m9,(tr(),!0)),At(r,Th,rx,X2e),At(r,Th,PB,Ut(G2e)),At(r,Th,Toe,Ut(Q2e)),At(r,Th,aK,!1),At(r,Th,v9,Ut(Y2e)),At(r,Th,G5,Ut(NYe)),At(r,Th,z4,Ut(MYe)),At(r,Th,xA,Ut(jYe)),At(r,Th,CA,Ut(BYe)),At(r,Th,oK,Ut(K2e)),At(r,Th,Soe,Ut(Mae)),At(r,Th,Vve,Ut(EY)),At(r,Th,xoe,Ut(jae)),At(r,Th,qve,Ut(J2e))}function nUe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q;if(!E(E(no(r.r,s),21),84).dc()){if(x=E(ju(r.b,s),124),O=x.i,T=x.n,F=Wre(r,s),l=O.b-T.b-T.c,v=x.a.a,y=O.c+T.b,Q=r.w,(F==(y4(),aE)||F==Gz)&&E(E(no(r.r,s),21),84).gc()==1&&(v=F==aE?v-2*r.w:v,F=Aj),l<v&&!r.B.Hc((Ad(),cQ)))F==aE?(Q+=(l-v)/(E(E(no(r.r,s),21),84).gc()+1),y+=Q):Q+=(l-v)/(E(E(no(r.r,s),21),84).gc()-1);else switch(l<v&&(v=F==aE?v-2*r.w:v,F=Aj),F.g){case 3:y+=(l-v)/2;break;case 4:y+=l-v;break;case 0:a=(l-v)/(E(E(no(r.r,s),21),84).gc()+1),Q+=m.Math.max(0,a),y+=Q;break;case 1:a=(l-v)/(E(E(no(r.r,s),21),84).gc()-1),Q+=m.Math.max(0,a)}for(q=E(E(no(r.r,s),21),84).Kc();q.Ob();)z=E(q.Pb(),111),z.e.a=y+z.d.b,z.e.b=(A=z.b,A.Xe((Mi(),Fd))?A.Hf()==(It(),Jn)?-A.rf().b-ot(Dt(A.We(Fd))):ot(Dt(A.We(Fd))):A.Hf()==(It(),Jn)?-A.rf().b:0),y+=z.d.b+z.b.rf().a+z.d.c+Q}}function rUe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;if(!E(E(no(r.r,s),21),84).dc()){if(x=E(ju(r.b,s),124),O=x.i,T=x.n,z=Wre(r,s),l=O.a-T.d-T.a,v=x.a.b,y=O.d+T.d,ee=r.w,A=r.o.a,(z==(y4(),aE)||z==Gz)&&E(E(no(r.r,s),21),84).gc()==1&&(v=z==aE?v-2*r.w:v,z=Aj),l<v&&!r.B.Hc((Ad(),cQ)))z==aE?(ee+=(l-v)/(E(E(no(r.r,s),21),84).gc()+1),y+=ee):ee+=(l-v)/(E(E(no(r.r,s),21),84).gc()-1);else switch(l<v&&(v=z==aE?v-2*r.w:v,z=Aj),z.g){case 3:y+=(l-v)/2;break;case 4:y+=l-v;break;case 0:a=(l-v)/(E(E(no(r.r,s),21),84).gc()+1),ee+=m.Math.max(0,a),y+=ee;break;case 1:a=(l-v)/(E(E(no(r.r,s),21),84).gc()-1),ee+=m.Math.max(0,a)}for(Q=E(E(no(r.r,s),21),84).Kc();Q.Ob();)q=E(Q.Pb(),111),q.e.a=(F=q.b,F.Xe((Mi(),Fd))?F.Hf()==(It(),nr)?-F.rf().a-ot(Dt(F.We(Fd))):A+ot(Dt(F.We(Fd))):F.Hf()==(It(),nr)?-F.rf().a:A),q.e.b=y+q.d.d,y+=q.d.d+q.b.rf().b+q.d.a+ee}}function XOt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(r.n=ot(Dt(se(r.g,(Ft(),Sx)))),r.e=ot(Dt(se(r.g,Y2))),r.i=r.g.b.c.length,T=r.i-1,q=0,r.j=0,r.k=0,r.a=Tg(Pe(nu,ft,19,r.i,0,1)),r.b=Tg(Pe(xa,ft,333,r.i,7,1)),x=new le(r.g.b);x.a<x.c.c.length;){for(v=E(ce(x),29),v.p=T,z=new le(v.a);z.a<z.c.c.length;)F=E(ce(z),10),F.p=q,++q;--T}for(r.f=Pe(Gr,Ei,25,q,15,1),r.c=a2(Gr,[ft,Ei],[48,25],15,[q,3],2),r.o=new vt,r.p=new vt,s=0,r.d=0,y=new le(r.g.b);y.a<y.c.c.length;){for(v=E(ce(y),29),T=v.p,l=0,ie=0,O=v.a.c.length,A=0,z=new le(v.a);z.a<z.c.c.length;)F=E(ce(z),10),q=F.p,r.f[q]=F.c.p,A+=F.o.b+r.n,a=C0(new Rr(Ar(fc(F).a.Kc(),new M))),ee=C0(new Rr(Ar(ks(F).a.Kc(),new M))),r.c[q][0]=ee-a,r.c[q][1]=a,r.c[q][2]=ee,l+=a,ie+=ee,a>0&&Et(r.p,F),Et(r.o,F);s-=l,Q=O+s,A+=s*r.e,Kh(r.a,T,Ot(Q)),Kh(r.b,T,A),r.j=m.Math.max(r.j,Q),r.k=m.Math.max(r.k,A),r.d+=s,s+=ie}}function It(){It=xe;var r;Tc=new xN(g9,0),Jn=new xN(tK,1),fr=new xN(hoe,2),Br=new xN(poe,3),nr=new xN(goe,4),Vg=(In(),new Ov((r=E(hp(hu),9),new qh(r,E(t1(r,r.length),9),0)))),y1=Yv(Ro(Jn,pe(he(hu,1),nl,61,0,[]))),op=Yv(Ro(fr,pe(he(hu,1),nl,61,0,[]))),Dh=Yv(Ro(Br,pe(he(hu,1),nl,61,0,[]))),Ap=Yv(Ro(nr,pe(he(hu,1),nl,61,0,[]))),Ff=Yv(Ro(Jn,pe(he(hu,1),nl,61,0,[Br]))),sf=Yv(Ro(fr,pe(he(hu,1),nl,61,0,[nr]))),E1=Yv(Ro(Jn,pe(he(hu,1),nl,61,0,[nr]))),bd=Yv(Ro(Jn,pe(he(hu,1),nl,61,0,[fr]))),Ah=Yv(Ro(Br,pe(he(hu,1),nl,61,0,[nr]))),sp=Yv(Ro(fr,pe(he(hu,1),nl,61,0,[Br]))),md=Yv(Ro(Jn,pe(he(hu,1),nl,61,0,[fr,nr]))),Pf=Yv(Ro(fr,pe(he(hu,1),nl,61,0,[Br,nr]))),jf=Yv(Ro(Jn,pe(he(hu,1),nl,61,0,[Br,nr]))),td=Yv(Ro(Jn,pe(he(hu,1),nl,61,0,[fr,Br]))),kl=Yv(Ro(Jn,pe(he(hu,1),nl,61,0,[fr,Br,nr])))}function iUe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;if(s.b!=0){for(Q=new Po,T=null,ee=null,l=ss(m.Math.floor(m.Math.log(s.b)*m.Math.LOG10E)+1),O=0,Te=Ti(s,0);Te.b!=Te.d.c;)for(be=E(Ci(Te),86),Qe(ee)!==Qe(se(be,(Hc(),yj)))&&(ee=ai(se(be,yj)),O=0),ee!=null?T=ee+CAe(O++,l):T=CAe(O++,l),ct(be,yj,T),fe=(v=Ti(new g0(be).a.d,0),new Tv(v));LD(fe.a);)ie=E(Ci(fe.a),188).c,os(Q,ie,Q.c.b,Q.c),ct(ie,yj,T);for(q=new jr,x=0;x<T.length-l;x++)for(Ie=Ti(s,0);Ie.b!=Ie.d.c;)be=E(Ci(Ie),86),A=bh(ai(se(be,(Hc(),yj))),0,x+1),a=(A==null?Rc(nc(q.f,null)):Ef(q.g,A))!=null?E(A==null?Rc(nc(q.f,null)):Ef(q.g,A),19).a+1:1,Uu(q,A,Ot(a));for(z=new _2(new dg(q).a);z.b;)F=$S(z),y=Ot(Cr(r.a,F.cd())!=null?E(Cr(r.a,F.cd()),19).a:0),Uu(r.a,ai(F.cd()),Ot(E(F.dd(),19).a+y.a)),y=E(Cr(r.b,F.cd()),19),(!y||y.a<E(F.dd(),19).a)&&Uu(r.b,ai(F.cd()),E(F.dd(),19));iUe(r,Q)}}function QOt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(Lr(a,"Interactive node layering",1),l=new vt,Q=new le(s.a);Q.a<Q.c.c.length;){for(z=E(ce(Q),10),A=z.n.a,O=A+z.o.a,O=m.Math.max(A+1,O),be=new Oa(l,0),v=null;be.b<be.d.gc();)if(ie=(vr(be.b<be.d.gc()),E(be.d.Xb(be.c=be.b++),569)),ie.c>=O){vr(be.b>0),be.a.Xb(be.c=--be.b);break}else ie.a>A&&(v?(Cs(v.b,ie.b),v.a=m.Math.max(v.a,ie.a),Qd(be)):(Et(ie.b,z),ie.c=m.Math.min(ie.c,A),ie.a=m.Math.max(ie.a,O),v=ie));v||(v=new nU,v.c=A,v.a=O,QC(be,v),Et(v.b,z))}for(T=s.b,F=0,fe=new le(l);fe.a<fe.c.c.length;)for(ie=E(ce(fe),569),y=new gp(s),y.p=F++,T.c[T.c.length]=y,ee=new le(ie.b);ee.a<ee.c.c.length;)z=E(ce(ee),10),Vu(z,y),z.p=0;for(q=new le(s.a);q.a<q.c.c.length;)z=E(ce(q),10),z.p==0&&BBe(r,z,s);for(x=new Oa(T,0);x.b<x.d.gc();)(vr(x.b<x.d.gc()),E(x.d.Xb(x.c=x.b++),29)).a.c.length==0&&Qd(x);s.a.c=Pe(mr,Ht,1,0,5,1),Or(a)}function JOt(r,s,a){var l,v,y,x,T,O,A,F,z,q;if(s.e.c.length!=0&&a.e.c.length!=0){if(l=E(Vt(s.e,0),17).c.i,x=E(Vt(a.e,0),17).c.i,l==x)return _f(E(se(E(Vt(s.e,0),17),(bt(),ol)),19).a,E(se(E(Vt(a.e,0),17),ol),19).a);for(F=r.a,z=0,q=F.length;z<q;++z){if(A=F[z],A==l)return 1;if(A==x)return-1}}return s.g.c.length!=0&&a.g.c.length!=0?(y=E(se(s,(bt(),Rue)),10),O=E(se(a,Rue),10),v=0,T=0,ta(E(Vt(s.g,0),17),ol)&&(v=E(se(E(Vt(s.g,0),17),ol),19).a),ta(E(Vt(a.g,0),17),ol)&&(T=E(se(E(Vt(s.g,0),17),ol),19).a),y&&y==O?Wt(Gt(se(E(Vt(s.g,0),17),Bg)))&&!Wt(Gt(se(E(Vt(a.g,0),17),Bg)))?1:!Wt(Gt(se(E(Vt(s.g,0),17),Bg)))&&Wt(Gt(se(E(Vt(a.g,0),17),Bg)))||v<T?-1:v>T?1:0:(r.b&&(r.b._b(y)&&(v=E(r.b.xc(y),19).a),r.b._b(O)&&(T=E(r.b.xc(O),19).a)),v<T?-1:v>T?1:0)):s.e.c.length!=0&&a.g.c.length!=0?1:-1}function ZOt(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt;for(Lr(s,KVe,1),ie=new vt,yt=new vt,A=new le(r.b);A.a<A.c.c.length;)for(O=E(ce(A),29),be=-1,ee=ZN(O.a),z=ee,q=0,Q=z.length;q<Q;++q)if(F=z[q],++be,!!(F.k==(dr(),Os)&&e4(E(se(F,(Ft(),Zo)),98)))){for(u5(E(se(F,(Ft(),Zo)),98))||WCt(F),ct(F,(bt(),mx),F),ie.c=Pe(mr,Ht,1,0,5,1),yt.c=Pe(mr,Ht,1,0,5,1),a=new vt,Ne=new Po,rne(Ne,tw(F,(It(),Jn))),mUe(r,Ne,ie,yt,a),T=be,Lt=F,y=new le(ie);y.a<y.c.c.length;)l=E(ce(y),10),yT(l,T,O),++be,ct(l,mx,F),x=E(Vt(l.j,0),11),fe=E(se(x,to),11),Wt(Gt(se(fe,$ue)))||E(se(l,aI),15).Fc(Lt);for(bp(Ne),Te=tw(F,Br).Kc();Te.Ob();)Ie=E(Te.Pb(),11),os(Ne,Ie,Ne.a,Ne.a.a);for(mUe(r,Ne,yt,null,a),nt=F,v=new le(yt);v.a<v.c.c.length;)l=E(ce(v),10),yT(l,++be,O),ct(l,mx,F),x=E(Vt(l.j,0),11),fe=E(se(x,to),11),Wt(Gt(se(fe,$ue)))||E(se(nt,aI),15).Fc(l);a.c.length==0||ct(F,ISe,a)}Or(s)}function oUe(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs;for(z=E(se(r,(Ay(),tI)),33),be=qi,Ie=qi,ie=qa,fe=qa,Ne=new le(r.e);Ne.a<Ne.c.c.length;)Te=E(ce(Ne),144),bn=Te.d,rr=Te.e,be=m.Math.min(be,bn.a-rr.a/2),Ie=m.Math.min(Ie,bn.b-rr.b/2),ie=m.Math.max(ie,bn.a+rr.a/2),fe=m.Math.max(fe,bn.b+rr.b/2);for(nn=E(Xt(z,(G1(),LYe)),116),Lt=new Kt(nn.b-be,nn.d-Ie),T=new le(r.e);T.a<T.c.c.length;)x=E(ce(T),144),yt=se(x,tI),Ce(yt,239)&&(Q=E(yt,33),nt=io(x.d,Lt),wg(Q,nt.a-Q.g/2,nt.b-Q.f/2));for(l=new le(r.c);l.a<l.c.c.length;)a=E(ce(l),282),A=E(se(a,tI),79),F=D4(A,!0,!0),ar=(Hi=pa(Oc(a.d.d),a.c.d),Q6(Hi,a.c.e.a,a.c.e.b),io(Hi,a.c.d)),xV(F,ar.a,ar.b),s=(Vs=pa(Oc(a.c.d),a.d.d),Q6(Vs,a.d.e.a,a.d.e.b),io(Vs,a.d.d)),SV(F,s.a,s.b);for(y=new le(r.d);y.a<y.c.c.length;)v=E(ce(y),447),q=E(se(v,tI),137),ee=io(v.d,Lt),wg(q,ee.a,ee.b);$r=ie-be+(nn.b+nn.c),O=fe-Ie+(nn.d+nn.a),ZS(z,$r,O,!1,!0)}function e5t(r){var s,a,l,v,y,x,T,O,A,F,z,q;for(a=null,O=null,v=E(se(r.b,(Ft(),Lue)),376),v==(iL(),Tz)&&(a=new vt,O=new vt),T=new le(r.d);T.a<T.c.c.length;)if(x=E(ce(T),101),y=x.i,!!y)switch(x.e.g){case 0:s=E(vF(new lS(x.b)),61),v==Tz&&s==(It(),Jn)?a.c[a.c.length]=x:v==Tz&&s==(It(),Br)?O.c[O.c.length]=x:Lwt(x,s);break;case 1:A=x.a.d.j,F=x.c.d.j,A==(It(),Jn)?Uv(x,Jn,(Ig(),VA),x.a):F==Jn?Uv(x,Jn,(Ig(),qA),x.c):A==Br?Uv(x,Br,(Ig(),qA),x.a):F==Br&&Uv(x,Br,(Ig(),VA),x.c);break;case 2:case 3:l=x.b,Gf(l,(It(),Jn))?Gf(l,Br)?Gf(l,nr)?Gf(l,fr)||Uv(x,Jn,(Ig(),qA),x.c):Uv(x,Jn,(Ig(),VA),x.a):Uv(x,Jn,(Ig(),nI),null):Uv(x,Br,(Ig(),nI),null);break;case 4:z=x.a.d.j,q=x.a.d.j,z==(It(),Jn)||q==Jn?Uv(x,Br,(Ig(),nI),null):Uv(x,Jn,(Ig(),nI),null)}a&&(a.c.length==0||Jze(a,(It(),Jn)),O.c.length==0||Jze(O,(It(),Br)))}function t5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(l=E(se(r,(bt(),to)),33),ee=E(se(r,(Ft(),hX)),19).a,y=E(se(r,mX),19).a,Nu(l,hX,Ot(ee)),Nu(l,mX,Ot(y)),Of(l,r.n.a+s.a),If(l,r.n.b+s.b),(E(Xt(l,G2),174).gc()!=0||r.e||Qe(se(Za(r),yX))===Qe((HF(),fj))&&GRe((vT(),(r.q?r.q:(In(),In(),$m))._b(yx)?q=E(se(r,yx),197):q=E(se(Za(r),aj),197),q)))&&(FS(l,r.o.a),PS(l,r.o.b)),z=new le(r.j);z.a<z.c.c.length;)A=E(ce(z),11),ie=se(A,to),Ce(ie,186)&&(v=E(ie,118),wg(v,A.n.a,A.n.b),Nu(v,r$,A.j));for(Q=E(se(r,wx),174).gc()!=0,O=new le(r.b);O.a<O.c.c.length;)x=E(ce(O),70),(Q||E(se(x,wx),174).gc()!=0)&&(a=E(se(x,to),137),_V(a,x.o.a,x.o.b),wg(a,x.n.a,x.n.b));if(!sF(E(se(r,t3),21)))for(F=new le(r.j);F.a<F.c.c.length;)for(A=E(ce(F),11),T=new le(A.f);T.a<T.c.c.length;)x=E(ce(T),70),a=E(se(x,to),137),FS(a,x.o.a),PS(a,x.o.b),wg(a,x.n.a,x.n.b)}function n5t(r){var s,a,l,v,y;switch(KN(r,mWe),(!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b).i+(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c).i){case 0:throw de(new Yn("The edge must have at least one source or target."));case 1:return(!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b).i==0?Wo(ic(E(ke((!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c),0),82))):Wo(ic(E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82)))}if((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b).i==1&&(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c).i==1){if(v=ic(E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82)),y=ic(E(ke((!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c),0),82)),Wo(v)==Wo(y))return Wo(v);if(v==Wo(y))return v;if(y==Wo(v))return y}for(l=Cy(Og(pe(he(Mg,1),Ht,20,0,[(!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),(!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c)]))),s=ic(E(Zr(l),82));fi(l);)if(a=ic(E(Zr(l),82)),a!=s&&!fT(a,s)){if(Wo(a)==Wo(s))s=Wo(a);else if(s=zxt(s,a),!s)return null}return s}function r5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;for(Lr(a,"Polyline edge routing",1),fe=ot(Dt(se(s,(Ft(),Cxe)))),Q=ot(Dt(se(s,lR))),v=ot(Dt(se(s,cR))),l=m.Math.min(1,v/Q),Te=0,O=0,s.b.c.length!=0&&(Ne=oBe(E(Vt(s.b,0),29)),Te=.4*l*Ne),T=new Oa(s.b,0);T.b<T.d.gc();){for(x=(vr(T.b<T.d.gc()),E(T.d.Xb(T.c=T.b++),29)),y=vV(x,Rz),y&&Te>0&&(Te-=Q),G0e(x,Te),F=0,q=new le(x.a);q.a<q.c.c.length;){for(z=E(ce(q),10),A=0,ie=new Rr(Ar(ks(z).a.Kc(),new M));fi(ie);)ee=E(Zr(ie),17),be=xg(ee.c).b,Ie=xg(ee.d).b,x==ee.d.i.c&&!uu(ee)&&(kSt(ee,Te,.4*l*m.Math.abs(be-Ie)),ee.c.j==(It(),nr)&&(be=0,Ie=0)),A=m.Math.max(A,m.Math.abs(Ie-be));switch(z.k.g){case 0:case 4:case 1:case 3:case 5:SRt(r,z,Te,fe)}F=m.Math.max(F,A)}T.b<T.d.gc()&&(Ne=oBe((vr(T.b<T.d.gc()),E(T.d.Xb(T.c=T.b++),29))),F=m.Math.max(F,Ne),vr(T.b>0),T.a.Xb(T.c=--T.b)),O=.4*l*F,!y&&T.b<T.d.gc()&&(O+=Q),Te+=x.c.a+O}r.a.a.$b(),s.f.a=Te,Or(a)}function i5t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie;for(F=new jr,O=new kS,l=new le(r.a.a.b);l.a<l.c.c.length;)if(s=E(ce(l),57),A=c4(s),A)ef(F.f,A,s);else if(Ie=w5(s),Ie)for(y=new le(Ie.k);y.a<y.c.c.length;)v=E(ce(y),17),_n(O,v,s);for(a=new le(r.a.a.b);a.a<a.c.c.length;)if(s=E(ce(a),57),A=c4(s),A){for(T=new Rr(Ar(ks(A).a.Kc(),new M));fi(T);)if(x=E(Zr(T),17),!uu(x)&&(ee=x.c,be=x.d,!((It(),Ff).Hc(x.c.j)&&Ff.Hc(x.d.j)))){if(ie=E(Cr(F,x.d.i),57),c1(qf(Hh(Uh(zh(new Wd,0),100),r.c[s.a.d]),r.c[ie.a.d])),ee.j==nr&&fDe((Xf(),ee))){for(q=E(no(O,x),21).Kc();q.Ob();)if(z=E(q.Pb(),57),z.d.c<s.d.c){if(Q=r.c[z.a.d],fe=r.c[s.a.d],Q==fe)continue;c1(qf(Hh(Uh(zh(new Wd,1),100),Q),fe))}}if(be.j==fr&&lDe((Xf(),be))){for(q=E(no(O,x),21).Kc();q.Ob();)if(z=E(q.Pb(),57),z.d.c>s.d.c){if(Q=r.c[s.a.d],fe=r.c[z.a.d],Q==fe)continue;c1(qf(Hh(Uh(zh(new Wd,1),100),Q),fe))}}}}}function ive(r){mie();var s,a,l,v,y,x,T,O;if(r==null)return null;if(v=bb(r,Af(37)),v<0)return r;for(O=new gh(r.substr(0,v)),s=Pe(nd,W4,25,4,15,1),T=0,l=0,x=r.length;v<x;v++)if(ui(v,r.length),r.charCodeAt(v)==37&&r.length>v+2&&cne((ui(v+1,r.length),r.charCodeAt(v+1)),Ike,Dke)&&cne((ui(v+2,r.length),r.charCodeAt(v+2)),Ike,Dke))if(a=Tct((ui(v+1,r.length),r.charCodeAt(v+1)),(ui(v+2,r.length),r.charCodeAt(v+2))),v+=2,l>0?(a&192)==128?s[T++]=a<<24>>24:l=0:a>=128&&((a&224)==192?(s[T++]=a<<24>>24,l=2):(a&240)==224?(s[T++]=a<<24>>24,l=3):(a&248)==240&&(s[T++]=a<<24>>24,l=4)),l>0){if(T==l){switch(T){case 2:{Ty(O,((s[0]&31)<<6|s[1]&63)&ls);break}case 3:{Ty(O,((s[0]&15)<<12|(s[1]&63)<<6|s[2]&63)&ls);break}}T=0,l=0}}else{for(y=0;y<T;++y)Ty(O,s[y]&ls);T=0,O.a+=String.fromCharCode(a)}else{for(y=0;y<T;++y)Ty(O,s[y]&ls);T=0,Ty(O,(ui(v,r.length),r.charCodeAt(v)))}return O.a}function sUe(r,s,a,l,v){var y,x,T;if(k8e(r,s),x=s[0],y=Ma(a.c,0),T=-1,lge(a))if(l>0){if(x+l>r.length)return!1;T=yG(r.substr(0,x+l),s)}else T=yG(r,s);switch(y){case 71:return T=k4(r,x,pe(he(Bt,1),ft,2,6,[BUe,zUe]),s),v.e=T,!0;case 77:return BTt(r,s,v,T,x);case 76:return zTt(r,s,v,T,x);case 69:return A_t(r,s,x,v);case 99:return $_t(r,s,x,v);case 97:return T=k4(r,x,pe(he(Bt,1),ft,2,6,["AM","PM"]),s),v.b=T,!0;case 121:return HTt(r,s,x,T,a,v);case 100:return T<=0?!1:(v.c=T,!0);case 83:return T<0?!1:W0t(T,x,s[0],v);case 104:T==12&&(T=0);case 75:case 72:return T<0?!1:(v.f=T,v.g=!1,!0);case 107:return T<0?!1:(v.f=T,v.g=!0,!0);case 109:return T<0?!1:(v.j=T,!0);case 115:return T<0?!1:(v.n=T,!0);case 90:if(x<r.length&&(ui(x,r.length),r.charCodeAt(x)==90))return++s[0],v.o=0,!0;case 122:case 118:return r2t(r,x,s,v);default:return!1}}function o5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt;if(q=E(E(no(r.r,s),21),84),s==(It(),fr)||s==nr){JHe(r,s);return}for(y=s==Jn?(LS(),ZB):(LS(),ez),Ne=s==Jn?(kf(),X1):(kf(),d1),a=E(ju(r.b,s),124),l=a.i,v=l.c+p4(pe(he(ba,1),Lu,25,15,[a.n.b,r.C.b,r.k])),be=l.c+l.b-p4(pe(he(ba,1),Lu,25,15,[a.n.c,r.C.c,r.k])),x=b8(ehe(y),r.t),Ie=s==Jn?ws:Qo,z=q.Kc();z.Ob();)A=E(z.Pb(),111),!(!A.c||A.c.d.c.length<=0)&&(fe=A.b.rf(),ie=A.e,Q=A.c,ee=Q.i,ee.b=(O=Q.n,Q.e.a+O.b+O.c),ee.a=(T=Q.n,Q.e.b+T.d+T.a),KN(Ne,Dve),Q.f=Ne,z1(Q,(dd(),f1)),ee.c=ie.a-(ee.b-fe.a)/2,nt=m.Math.min(v,ie.a),yt=m.Math.max(be,ie.a+fe.a),ee.c<nt?ee.c=nt:ee.c+ee.b>yt&&(ee.c=yt-ee.b),Et(x.d,new Cee(ee,Pge(x,ee))),Ie=s==Jn?m.Math.max(Ie,ie.b+A.b.rf().b):m.Math.min(Ie,ie.b));for(Ie+=s==Jn?r.t:-r.t,Te=Xge((x.e=Ie,x)),Te>0&&(E(ju(r.b,s),124).a.b=Te),F=q.Kc();F.Ob();)A=E(F.Pb(),111),!(!A.c||A.c.d.c.length<=0)&&(ee=A.c.i,ee.c-=A.e.a,ee.d-=A.e.b)}function s5t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q;for(s=new jr,O=new Tr(r);O.e!=O.i.gc();){for(T=E(Fr(O),33),a=new vs,Qi(Pae,T,a),Q=new Ol,v=E(wh(new Nn(null,new yS(new Rr(Ar(sB(T).a.Kc(),new M)))),XIe(Q,g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[(Dg(),Rh)])))),83),wFe(a,E(v.xc((tr(),!0)),14),new uf),l=E(wh(So(E(v.xc(!1),15).Lc(),new Nd),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[Rh]))),15),x=l.Kc();x.Ob();)y=E(x.Pb(),79),q=oNe(y),q&&(A=E(Rc(nc(s.f,q)),21),A||(A=CBe(q),ef(s.f,q,A)),cu(a,A));for(v=E(wh(new Nn(null,new yS(new Rr(Ar(F0(T).a.Kc(),new M)))),XIe(Q,g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[Rh])))),83),wFe(a,E(v.xc(!0),14),new gc),l=E(wh(So(E(v.xc(!1),15).Lc(),new Nf),g2(new We,new Be,new Io,pe(he(Pd,1),wt,132,0,[Rh]))),15),z=l.Kc();z.Ob();)F=E(z.Pb(),79),q=sNe(F),q&&(A=E(Rc(nc(s.f,q)),21),A||(A=CBe(q),ef(s.f,q,A)),cu(a,A))}}function a5t(r,s){fie();var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;if(O=tl(r,0)<0,O&&(r=w6(r)),tl(r,0)==0)switch(s){case 0:return"0";case 1:return vA;case 2:return"0.00";case 3:return"0.000";case 4:return"0.0000";case 5:return"0.00000";case 6:return"0.000000";default:return Q=new pm,s<0?Q.a+="0E+":Q.a+="0E",Q.a+=s==qa?"2147483648":""+-s,Q.a}F=18,z=Pe(ap,Cb,25,F+1,15,1),a=F,ie=r;do A=ie,ie=YL(ie,10),z[--a]=Qr(Xa(48,My(A,Va(ie,10))))&ls;while(tl(ie,0)!=0);if(v=My(My(My(F,a),s),1),s==0)return O&&(z[--a]=45),vp(z,a,F-a);if(s>0&&tl(v,-6)>=0){if(tl(v,0)>=0){for(y=a+Qr(v),T=F-1;T>=y;T--)z[T+1]=z[T];return z[++y]=46,O&&(z[--a]=45),vp(z,a,F-a+1)}for(x=2;Bv(x,Xa(w6(v),1));x++)z[--a]=48;return z[--a]=46,z[--a]=48,O&&(z[--a]=45),vp(z,a,F-a)}return ee=a+1,l=F,q=new fy,O&&(q.a+="-"),l-ee>=1?(Ty(q,z[a]),q.a+=".",q.a+=vp(z,a+1,F-a-1)):q.a+=vp(z,a,F-a),q.a+="E",tl(v,0)>0&&(q.a+="+"),q.a+=""+oF(v),q.a}function u5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q;if(r.e.a.$b(),r.f.a.$b(),r.c.c=Pe(mr,Ht,1,0,5,1),r.i.c=Pe(mr,Ht,1,0,5,1),r.g.a.$b(),s)for(x=new le(s.a);x.a<x.c.c.length;)for(y=E(ce(x),10),z=tw(y,(It(),fr)).Kc();z.Ob();)for(F=E(z.Pb(),11),Bs(r.e,F),v=new le(F.g);v.a<v.c.c.length;)l=E(ce(v),17),!uu(l)&&(Et(r.c,l),D7e(r,l),T=l.c.i.k,(T==(dr(),Os)||T==xl||T==ds||T==Lg)&&Et(r.j,l),Q=l.d,q=Q.i.c,q==a?Bs(r.f,Q):q==s?Bs(r.e,Q):Tf(r.c,l));if(a)for(x=new le(a.a);x.a<x.c.c.length;){for(y=E(ce(x),10),A=new le(y.j);A.a<A.c.c.length;)for(O=E(ce(A),11),v=new le(O.g);v.a<v.c.c.length;)l=E(ce(v),17),uu(l)&&Bs(r.g,l);for(z=tw(y,(It(),nr)).Kc();z.Ob();)for(F=E(z.Pb(),11),Bs(r.f,F),v=new le(F.g);v.a<v.c.c.length;)l=E(ce(v),17),!uu(l)&&(Et(r.c,l),D7e(r,l),T=l.c.i.k,(T==(dr(),Os)||T==xl||T==ds||T==Lg)&&Et(r.j,l),Q=l.d,q=Q.i.c,q==a?Bs(r.f,Q):q==s?Bs(r.e,Q):Tf(r.c,l))}}function ZS(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt;if(fe=new Kt(r.g,r.f),ie=Cme(r),ie.a=m.Math.max(ie.a,s),ie.b=m.Math.max(ie.b,a),yt=ie.a/fe.a,F=ie.b/fe.b,Ne=ie.a-fe.a,O=ie.b-fe.b,l)for(x=Wo(r)?E(Xt(Wo(r),(Mi(),Cx)),103):E(Xt(r,(Mi(),Cx)),103),T=Qe(Xt(r,(Mi(),Rj)))===Qe((Sa(),Tl)),Ie=new Tr((!r.c&&(r.c=new St(jd,r,9,9)),r.c));Ie.e!=Ie.i.gc();)switch(be=E(Fr(Ie),118),Te=E(Xt(be,wR),61),Te==(It(),Tc)&&(Te=M0e(be,x),Nu(be,wR,Te)),Te.g){case 1:T||Of(be,be.i*yt);break;case 2:Of(be,be.i+Ne),T||If(be,be.j*F);break;case 3:T||Of(be,be.i*yt),If(be,be.j+O);break;case 4:T||If(be,be.j*F)}if(_V(r,ie.a,ie.b),v)for(q=new Tr((!r.n&&(r.n=new St(pc,r,1,7)),r.n));q.e!=q.i.gc();)z=E(Fr(q),137),Q=z.i+z.g/2,ee=z.j+z.f/2,nt=Q/fe.a,A=ee/fe.b,nt+A>=1&&(nt-A>0&&ee>=0?(Of(z,z.i+Ne),If(z,z.j+O*A)):nt-A<0&&Q>=0&&(Of(z,z.i+Ne*nt),If(z,z.j+O)));return Nu(r,(Mi(),J2),(eh(),y=E(hp(jj),9),new qh(y,E(t1(y,y.length),9),0))),new Kt(yt,F)}function aUe(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee;if(Q=Wo(ic(E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82))),ee=Wo(ic(E(ke((!r.c&&(r.c=new Bn(Nr,r,5,8)),r.c),0),82))),z=Q==ee,T=new ka,s=E(Xt(r,($W(),nke)),74),s&&s.b>=2){if((!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i==0)a=(Pv(),v=new Wp,v),ei((!r.a&&(r.a=new St(Uo,r,6,6)),r.a),a);else if((!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i>1)for(q=new o5((!r.a&&(r.a=new St(Uo,r,6,6)),r.a));q.e!=q.i.gc();)qF(q);pB(s,E(ke((!r.a&&(r.a=new St(Uo,r,6,6)),r.a),0),202))}if(z)for(l=new Tr((!r.a&&(r.a=new St(Uo,r,6,6)),r.a));l.e!=l.i.gc();)for(a=E(Fr(l),202),A=new Tr((!a.a&&(a.a=new xs($p,a,5)),a.a));A.e!=A.i.gc();)O=E(Fr(A),469),T.a=m.Math.max(T.a,O.a),T.b=m.Math.max(T.b,O.b);for(x=new Tr((!r.n&&(r.n=new St(pc,r,1,7)),r.n));x.e!=x.i.gc();)y=E(Fr(x),137),F=E(Xt(y,Ij),8),F&&wg(y,F.a,F.b),z&&(T.a=m.Math.max(T.a,y.i+y.g),T.b=m.Math.max(T.b,y.j+y.f));return T}function c5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn;for(Te=s.c.length,v=new $4(r.a,a,null,null),nn=Pe(ba,Lu,25,Te,15,1),ie=Pe(ba,Lu,25,Te,15,1),ee=Pe(ba,Lu,25,Te,15,1),fe=0,T=0;T<Te;T++)ie[T]=qi,ee[T]=qa;for(O=0;O<Te;O++)for(l=(Vn(O,s.c.length),E(s.c[O],180)),nn[O]=Bre(l),nn[fe]>nn[O]&&(fe=O),z=new le(r.a.b);z.a<z.c.c.length;)for(F=E(ce(z),29),Ie=new le(F.a);Ie.a<Ie.c.c.length;)be=E(ce(Ie),10),yt=ot(l.p[be.p])+ot(l.d[be.p]),ie[O]=m.Math.min(ie[O],yt),ee[O]=m.Math.max(ee[O],yt+be.o.b);for(Lt=Pe(ba,Lu,25,Te,15,1),A=0;A<Te;A++)(Vn(A,s.c.length),E(s.c[A],180)).o==(Sg(),X2)?Lt[A]=ie[fe]-ie[A]:Lt[A]=ee[fe]-ee[A];for(y=Pe(ba,Lu,25,Te,15,1),Q=new le(r.a.b);Q.a<Q.c.c.length;)for(q=E(ce(Q),29),nt=new le(q.a);nt.a<nt.c.c.length;){for(Ne=E(ce(nt),10),x=0;x<Te;x++)y[x]=ot((Vn(x,s.c.length),E(s.c[x],180)).p[Ne.p])+ot((Vn(x,s.c.length),E(s.c[x],180)).d[Ne.p])+Lt[x];y.sort(nFe(rt.prototype.te,rt,[])),v.p[Ne.p]=(y[1]+y[2])/2,v.d[Ne.p]=0}return v}function l5t(r,s,a){var l,v,y,x,T;switch(l=s.i,y=r.i.o,v=r.i.d,T=r.n,x=_c(pe(he(na,1),ft,8,0,[T,r.a])),r.j.g){case 1:vb(s,(kf(),d1)),l.d=-v.d-a-l.a,E(E(Vt(s.d,0),181).We((bt(),uI)),285)==(Sh(),jm)?(z1(s,(dd(),f1)),l.c=x.a-ot(Dt(se(r,oR)))-a-l.b):(z1(s,(dd(),Fb)),l.c=x.a+ot(Dt(se(r,oR)))+a);break;case 2:z1(s,(dd(),Fb)),l.c=y.a+v.c+a,E(E(Vt(s.d,0),181).We((bt(),uI)),285)==(Sh(),jm)?(vb(s,(kf(),d1)),l.d=x.b-ot(Dt(se(r,oR)))-a-l.a):(vb(s,(kf(),X1)),l.d=x.b+ot(Dt(se(r,oR)))+a);break;case 3:vb(s,(kf(),X1)),l.d=y.b+v.a+a,E(E(Vt(s.d,0),181).We((bt(),uI)),285)==(Sh(),jm)?(z1(s,(dd(),f1)),l.c=x.a-ot(Dt(se(r,oR)))-a-l.b):(z1(s,(dd(),Fb)),l.c=x.a+ot(Dt(se(r,oR)))+a);break;case 4:z1(s,(dd(),f1)),l.c=-v.b-a-l.b,E(E(Vt(s.d,0),181).We((bt(),uI)),285)==(Sh(),jm)?(vb(s,(kf(),d1)),l.d=x.b-ot(Dt(se(r,oR)))-a-l.a):(vb(s,(kf(),X1)),l.d=x.b+ot(Dt(se(r,oR)))+a)}}function f5t(r,s,a,l,v,y,x){var T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs;for(Q=0,rr=0,O=new le(r);O.a<O.c.c.length;)T=E(ce(O),33),VHe(T),Q=m.Math.max(Q,T.g),rr+=T.g*T.f;for(ee=rr/r.c.length,bn=hyt(r,ee),rr+=r.c.length*bn,Q=m.Math.max(Q,m.Math.sqrt(rr*x))+a.b,Hi=a.b,Vs=a.d,q=0,F=a.b+a.c,nn=new Po,Ii(nn,Ot(0)),yt=new Po,A=new Oa(r,0);A.b<A.d.gc();)T=(vr(A.b<A.d.gc()),E(A.d.Xb(A.c=A.b++),33)),$r=T.g,z=T.f,Hi+$r>Q&&(y&&(o2(yt,q),o2(nn,Ot(A.b-1))),Hi=a.b,Vs+=q+s,q=0,F=m.Math.max(F,a.b+a.c+$r)),Of(T,Hi),If(T,Vs),F=m.Math.max(F,Hi+$r+a.c),q=m.Math.max(q,z),Hi+=$r+s;if(F=m.Math.max(F,l),ar=Vs+q+a.a,ar<v&&(q+=v-ar,ar=v),y)for(Hi=a.b,A=new Oa(r,0),o2(nn,Ot(r.c.length)),Lt=Ti(nn,0),be=E(Ci(Lt),19).a,o2(yt,q),nt=Ti(yt,0),Ne=0;A.b<A.d.gc();)A.b==be&&(Hi=a.b,Ne=ot(Dt(Ci(nt))),be=E(Ci(Lt),19).a),T=(vr(A.b<A.d.gc()),E(A.d.Xb(A.c=A.b++),33)),Ie=T.f,PS(T,Ne),ie=Ne,A.b==be&&(fe=F-Hi-a.c,Te=T.g,FS(T,fe),zNe(T,new Kt(fe,ie),new Kt(Te,Ie))),Hi+=T.g+s;return new Kt(F,ar)}function d5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn;for(Lr(s,"Compound graph postprocessor",1),a=Wt(Gt(se(r,(Ft(),Kue)))),T=E(se(r,(bt(),$Se)),224),F=new vs,be=T.ec().Kc();be.Ob();){for(fe=E(be.Pb(),17),x=new Kf(T.cc(fe)),In(),sa(x,new Cn(r)),nt=Kgt((Vn(0,x.c.length),E(x.c[0],243))),Lt=XFe(E(Vt(x,x.c.length-1),243)),Te=nt.i,D6(Lt.i,Te)?Ie=Te.e:Ie=Za(Te),z=Qvt(fe,x),bp(fe.a),q=null,y=new le(x);y.a<y.c.c.length;)v=E(ce(y),243),ie=new ka,_me(ie,v.a,Ie),Q=v.b,l=new Yl,Ene(l,0,Q.a),dT(l,ie),Ne=new Hu(xg(Q.c)),yt=new Hu(xg(Q.d)),io(Ne,ie),io(yt,ie),q&&(l.b==0?ee=yt:ee=(vr(l.b!=0),E(l.a.a.c,8)),nn=m.Math.abs(q.a-ee.a)>Rb,bn=m.Math.abs(q.b-ee.b)>Rb,(!a&&nn&&bn||a&&(nn||bn))&&Ii(fe.a,Ne)),cu(fe.a,l),l.b==0?q=Ne:q=(vr(l.b!=0),E(l.c.b.c,8)),kbt(Q,z,ie),XFe(v)==Lt&&(Za(Lt.i)!=v.a&&(ie=new ka,_me(ie,Za(Lt.i),Ie)),ct(fe,Aue,ie)),Q2t(Q,fe,Ie),F.a.zc(Q,F);Ya(fe,nt),ya(fe,Lt)}for(A=F.a.ec().Kc();A.Ob();)O=E(A.Pb(),17),Ya(O,null),ya(O,null);Or(s)}function uUe(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;if(r.gc()==1)return E(r.Xb(0),231);if(r.gc()<=0)return new Uq;for(v=r.Kc();v.Ob();){for(a=E(v.Pb(),231),ee=0,F=qi,z=qi,O=qa,A=qa,Q=new le(a.e);Q.a<Q.c.c.length;)q=E(ce(Q),144),ee+=E(se(q,(G1(),BA)),19).a,F=m.Math.min(F,q.d.a-q.e.a/2),z=m.Math.min(z,q.d.b-q.e.b/2),O=m.Math.max(O,q.d.a+q.e.a/2),A=m.Math.max(A,q.d.b+q.e.b/2);ct(a,(G1(),BA),Ot(ee)),ct(a,(Ay(),W9),new Kt(F,z)),ct(a,az,new Kt(O,A))}for(In(),r.ad(new Wc),ie=new Uq,rc(ie,E(r.Xb(0),94)),T=0,Ie=0,y=r.Kc();y.Ob();)a=E(y.Pb(),231),fe=pa(Oc(E(se(a,(Ay(),az)),8)),E(se(a,W9),8)),T=m.Math.max(T,fe.a),Ie+=fe.a*fe.b;for(T=m.Math.max(T,m.Math.sqrt(Ie)*ot(Dt(se(ie,(G1(),PYe))))),be=ot(Dt(se(ie,_Y))),Te=0,Ne=0,x=0,s=be,l=r.Kc();l.Ob();)a=E(l.Pb(),231),fe=pa(Oc(E(se(a,(Ay(),az)),8)),E(se(a,W9),8)),Te+fe.a>T&&(Te=0,Ne+=x+be,x=0),Y3t(ie,a,Te,Ne),s=m.Math.max(s,Te+fe.a),x=m.Math.max(x,fe.b),Te+=fe.a+be;return ie}function cUe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;switch(F=new Yl,r.a.g){case 3:q=E(se(s.e,(bt(),q2)),15),Q=E(se(s.j,q2),15),ee=E(se(s.f,q2),15),a=E(se(s.e,uR),15),l=E(se(s.j,uR),15),v=E(se(s.f,uR),15),x=new vt,Cs(x,q),Q.Jc(new TE),Cs(x,Ce(Q,152)?E5(E(Q,152)):Ce(Q,131)?E(Q,131).a:Ce(Q,54)?new ay(Q):new Nv(Q)),Cs(x,ee),y=new vt,Cs(y,a),Cs(y,Ce(l,152)?E5(E(l,152)):Ce(l,131)?E(l,131).a:Ce(l,54)?new ay(l):new Nv(l)),Cs(y,v),ct(s.f,q2,x),ct(s.f,uR,y),ct(s.f,zSe,s.f),ct(s.e,q2,null),ct(s.e,uR,null),ct(s.j,q2,null),ct(s.j,uR,null);break;case 1:cu(F,s.e.a),Ii(F,s.i.n),cu(F,m2(s.j.a)),Ii(F,s.a.n),cu(F,s.f.a);break;default:cu(F,s.e.a),cu(F,m2(s.j.a)),cu(F,s.f.a)}bp(s.f.a),cu(s.f.a,F),Ya(s.f,s.e.c),T=E(se(s.e,(Ft(),Ku)),74),A=E(se(s.j,Ku),74),O=E(se(s.f,Ku),74),(T||A||O)&&(z=new Yl,qhe(z,O),qhe(z,A),qhe(z,T),ct(s.f,Ku,z)),Ya(s.j,null),ya(s.j,null),Ya(s.e,null),ya(s.e,null),Vu(s.a,null),Vu(s.i,null),s.g&&cUe(r,s.g)}function h5t(r){j0e();var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(r==null||(y=tW(r),ee=e0t(y),ee%4!=0))return null;if(ie=ee/4|0,ie==0)return Pe(nd,W4,25,0,15,1);for(z=null,s=0,a=0,l=0,v=0,x=0,T=0,O=0,A=0,Q=0,q=0,F=0,z=Pe(nd,W4,25,ie*3,15,1);Q<ie-1;Q++){if(!zk(x=y[F++])||!zk(T=y[F++])||!zk(O=y[F++])||!zk(A=y[F++]))return null;s=Wg[x],a=Wg[T],l=Wg[O],v=Wg[A],z[q++]=(s<<2|a>>4)<<24>>24,z[q++]=((a&15)<<4|l>>2&15)<<24>>24,z[q++]=(l<<6|v)<<24>>24}return!zk(x=y[F++])||!zk(T=y[F++])?null:(s=Wg[x],a=Wg[T],O=y[F++],A=y[F++],Wg[O]==-1||Wg[A]==-1?O==61&&A==61?a&15?null:(fe=Pe(nd,W4,25,Q*3+1,15,1),ll(z,0,fe,0,Q*3),fe[q]=(s<<2|a>>4)<<24>>24,fe):O!=61&&A==61?(l=Wg[O],l&3?null:(fe=Pe(nd,W4,25,Q*3+2,15,1),ll(z,0,fe,0,Q*3),fe[q++]=(s<<2|a>>4)<<24>>24,fe[q]=((a&15)<<4|l>>2&15)<<24>>24,fe)):null:(l=Wg[O],v=Wg[A],z[q++]=(s<<2|a>>4)<<24>>24,z[q++]=((a&15)<<4|l>>2&15)<<24>>24,z[q++]=(l<<6|v)<<24>>24,z))}function p5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt;for(Lr(s,KVe,1),ee=E(se(r,(Ft(),z0)),218),v=new le(r.b);v.a<v.c.c.length;)for(l=E(ce(v),29),A=ZN(l.a),x=A,T=0,O=x.length;T<O;++T)if(y=x[T],y.k==(dr(),xl)){if(ee==($0(),wI))for(z=new le(y.j);z.a<z.c.c.length;)F=E(ce(z),11),F.e.c.length==0||$vt(F),F.g.c.length==0||Pvt(F);else if(Ce(se(y,(bt(),to)),17))fe=E(se(y,to),17),be=E(tw(y,(It(),nr)).Kc().Pb(),11),Ie=E(tw(y,fr).Kc().Pb(),11),Te=E(se(be,to),11),Ne=E(se(Ie,to),11),Ya(fe,Ne),ya(fe,Te),nt=new Hu(Ie.i.n),nt.a=_c(pe(he(na,1),ft,8,0,[Ne.i.n,Ne.n,Ne.a])).a,Ii(fe.a,nt),nt=new Hu(be.i.n),nt.a=_c(pe(he(na,1),ft,8,0,[Te.i.n,Te.n,Te.a])).a,Ii(fe.a,nt);else{if(y.j.c.length>=2){for(ie=!0,q=new le(y.j),a=E(ce(q),11),Q=null;q.a<q.c.c.length;)if(Q=a,a=E(ce(q),11),!Ki(se(Q,to),se(a,to))){ie=!1;break}}else ie=!1;for(z=new le(y.j);z.a<z.c.c.length;)F=E(ce(z),11),F.e.c.length==0||aTt(F,ie),F.g.c.length==0||uTt(F,ie)}Vu(y,null)}Or(s)}function lUe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn;return Te=r.c[(Vn(0,s.c.length),E(s.c[0],17)).p],Lt=r.c[(Vn(1,s.c.length),E(s.c[1],17)).p],Te.a.e.e-Te.a.a-(Te.b.e.e-Te.b.a)==0&&Lt.a.e.e-Lt.a.a-(Lt.b.e.e-Lt.b.a)==0||(be=Te.b.e.f,!Ce(be,10))?!1:(fe=E(be,10),nt=r.i[fe.p],yt=fe.c?lc(fe.c.a,fe,0):-1,y=Qo,yt>0&&(v=E(Vt(fe.c.a,yt-1),10),x=r.i[v.p],nn=m.Math.ceil(n4(r.n,v,fe)),y=nt.a.e-fe.d.d-(x.a.e+v.o.b+v.d.a)-nn),A=Qo,yt<fe.c.a.c.length-1&&(O=E(Vt(fe.c.a,yt+1),10),F=r.i[O.p],nn=m.Math.ceil(n4(r.n,O,fe)),A=F.a.e-O.d.d-(nt.a.e+fe.o.b+fe.d.a)-nn),a&&(yg(),s1(Db),m.Math.abs(y-A)<=Db||y==A||isNaN(y)&&isNaN(A))?!0:(l=jee(Te.a),T=-jee(Te.b),z=-jee(Lt.a),Ie=jee(Lt.b),ie=Te.a.e.e-Te.a.a-(Te.b.e.e-Te.b.a)>0&&Lt.a.e.e-Lt.a.a-(Lt.b.e.e-Lt.b.a)<0,ee=Te.a.e.e-Te.a.a-(Te.b.e.e-Te.b.a)<0&&Lt.a.e.e-Lt.a.a-(Lt.b.e.e-Lt.b.a)>0,Q=Te.a.e.e+Te.b.a<Lt.b.e.e+Lt.a.a,q=Te.a.e.e+Te.b.a>Lt.b.e.e+Lt.a.a,Ne=0,!ie&&!ee&&(q?y+z>0?Ne=z:A-l>0&&(Ne=l):Q&&(y+T>0?Ne=T:A-Ie>0&&(Ne=Ie))),nt.a.e+=Ne,nt.b&&(nt.d.e+=Ne),!1))}function fUe(r,s,a){var l,v,y,x,T,O,A,F,z,q;if(l=new Wh(s.qf().a,s.qf().b,s.rf().a,s.rf().b),v=new i5,r.c)for(x=new le(s.wf());x.a<x.c.c.length;)y=E(ce(x),181),v.c=y.qf().a+s.qf().a,v.d=y.qf().b+s.qf().b,v.b=y.rf().a,v.a=y.rf().b,GF(l,v);for(A=new le(s.Cf());A.a<A.c.c.length;){if(O=E(ce(A),838),F=O.qf().a+s.qf().a,z=O.qf().b+s.qf().b,r.e&&(v.c=F,v.d=z,v.b=O.rf().a,v.a=O.rf().b,GF(l,v)),r.d)for(x=new le(O.wf());x.a<x.c.c.length;)y=E(ce(x),181),v.c=y.qf().a+F,v.d=y.qf().b+z,v.b=y.rf().a,v.a=y.rf().b,GF(l,v);if(r.b){if(q=new Kt(-a,-a),E(s.We((Mi(),a3)),174).Hc((hd(),cE)))for(x=new le(O.wf());x.a<x.c.c.length;)y=E(ce(x),181),q.a+=y.rf().a+a,q.b+=y.rf().b+a;q.a=m.Math.max(q.a,0),q.b=m.Math.max(q.b,0),$ze(l,O.Bf(),O.zf(),s,O,q,a)}}r.b&&$ze(l,s.Bf(),s.zf(),s,null,null,a),T=new fee(s.Af()),T.d=m.Math.max(0,s.qf().b-l.d),T.a=m.Math.max(0,l.d+l.a-(s.qf().b+s.rf().b)),T.b=m.Math.max(0,s.qf().a-l.c),T.c=m.Math.max(0,l.c+l.b-(s.qf().a+s.rf().a)),s.Ef(T)}function g5t(){var r=["\\u0000","\\u0001","\\u0002","\\u0003","\\u0004","\\u0005","\\u0006","\\u0007","\\b","\\t","\\n","\\u000B","\\f","\\r","\\u000E","\\u000F","\\u0010","\\u0011","\\u0012","\\u0013","\\u0014","\\u0015","\\u0016","\\u0017","\\u0018","\\u0019","\\u001A","\\u001B","\\u001C","\\u001D","\\u001E","\\u001F"];return r[34]='\\"',r[92]="\\\\",r[173]="\\u00ad",r[1536]="\\u0600",r[1537]="\\u0601",r[1538]="\\u0602",r[1539]="\\u0603",r[1757]="\\u06dd",r[1807]="\\u070f",r[6068]="\\u17b4",r[6069]="\\u17b5",r[8203]="\\u200b",r[8204]="\\u200c",r[8205]="\\u200d",r[8206]="\\u200e",r[8207]="\\u200f",r[8232]="\\u2028",r[8233]="\\u2029",r[8234]="\\u202a",r[8235]="\\u202b",r[8236]="\\u202c",r[8237]="\\u202d",r[8238]="\\u202e",r[8288]="\\u2060",r[8289]="\\u2061",r[8290]="\\u2062",r[8291]="\\u2063",r[8292]="\\u2064",r[8298]="\\u206a",r[8299]="\\u206b",r[8300]="\\u206c",r[8301]="\\u206d",r[8302]="\\u206e",r[8303]="\\u206f",r[65279]="\\ufeff",r[65529]="\\ufff9",r[65530]="\\ufffa",r[65531]="\\ufffb",r}function b5t(r,s,a){var l,v,y,x,T,O,A,F,z,q;for(O=new vt,z=s.length,x=sge(a),A=0;A<z;++A){switch(F=ade(s,Af(61),A),l=Jmt(x,s.substr(A,F-A)),v=sne(l),y=v.Aj().Nh(),Ma(s,++F)){case 39:{T=XD(s,39,++F),Et(O,new bV(l,Kee(s.substr(F,T-F),y,v))),A=T+1;break}case 34:{T=XD(s,34,++F),Et(O,new bV(l,Kee(s.substr(F,T-F),y,v))),A=T+1;break}case 91:{q=new vt,Et(O,new bV(l,q));e:for(;;){switch(Ma(s,++F)){case 39:{T=XD(s,39,++F),Et(q,Kee(s.substr(F,T-F),y,v)),F=T+1;break}case 34:{T=XD(s,34,++F),Et(q,Kee(s.substr(F,T-F),y,v)),F=T+1;break}case 110:{if(++F,s.indexOf("ull",F)==F)q.c[q.c.length]=null;else throw de(new Zu(rWe));F+=3;break}}if(F<z)switch(ui(F,s.length),s.charCodeAt(F)){case 44:break;case 93:break e;default:throw de(new Zu("Expecting , or ]"))}else break}A=F+1;break}case 110:{if(++F,s.indexOf("ull",F)==F)Et(O,new bV(l,null));else throw de(new Zu(rWe));A=F+3;break}}if(A<z){if(ui(A,s.length),s.charCodeAt(A)!=44)throw de(new Zu("Expecting ,"))}else break}return PTt(r,O,a)}function dUe(r,s){var a,l,v,y,x,T,O,A,F,z,q;for(A=E(E(no(r.r,s),21),84),x=b2t(r,s),a=r.u.Hc((hd(),Pj)),O=A.Kc();O.Ob();)if(T=E(O.Pb(),111),!(!T.c||T.c.d.c.length<=0)){switch(q=T.b.rf(),F=T.c,z=F.i,z.b=(y=F.n,F.e.a+y.b+y.c),z.a=(v=F.n,F.e.b+v.d+v.a),s.g){case 1:T.a?(z.c=(q.a-z.b)/2,z1(F,(dd(),Xy))):x||a?(z.c=-z.b-r.s,z1(F,(dd(),f1))):(z.c=q.a+r.s,z1(F,(dd(),Fb))),z.d=-z.a-r.t,vb(F,(kf(),d1));break;case 3:T.a?(z.c=(q.a-z.b)/2,z1(F,(dd(),Xy))):x||a?(z.c=-z.b-r.s,z1(F,(dd(),f1))):(z.c=q.a+r.s,z1(F,(dd(),Fb))),z.d=q.b+r.t,vb(F,(kf(),X1));break;case 2:T.a?(l=r.v?z.a:E(Vt(F.d,0),181).rf().b,z.d=(q.b-l)/2,vb(F,(kf(),Qy))):x||a?(z.d=-z.a-r.t,vb(F,(kf(),d1))):(z.d=q.b+r.t,vb(F,(kf(),X1))),z.c=q.a+r.s,z1(F,(dd(),Fb));break;case 4:T.a?(l=r.v?z.a:E(Vt(F.d,0),181).rf().b,z.d=(q.b-l)/2,vb(F,(kf(),Qy))):x||a?(z.d=-z.a-r.t,vb(F,(kf(),d1))):(z.d=q.b+r.t,vb(F,(kf(),X1))),z.c=-z.b-r.s,z1(F,(dd(),f1))}x=!1}}function Hy(r,s){zi();var a,l,v,y,x,T,O,A,F,z,q,Q,ee;if(YO(w$)==0){for(z=Pe(jIt,ft,117,wit.length,0,1),x=0;x<z.length;x++)z[x]=new vh(4);for(l=new zC,y=0;y<n4e.length;y++){if(F=new vh(4),y<84?(T=y*2,Q=(ui(T,iae.length),iae.charCodeAt(T)),q=(ui(T+1,iae.length),iae.charCodeAt(T+1)),yl(F,Q,q)):(T=(y-84)*2,yl(F,r4e[T],r4e[T+1])),O=n4e[y],xn(O,"Specials")&&yl(F,65520,65533),xn(O,zGe)&&(yl(F,983040,1048573),yl(F,1048576,1114109)),Uu(w$,O,F),Uu(Gj,O,OT(F)),A=l.a.length,0<A?l.a=l.a.substr(0,0):0>A&&(l.a+=bOe(Pe(ap,Cb,25,-A,15,1))),l.a+="Is",bb(O,Af(32))>=0)for(v=0;v<O.length;v++)ui(v,O.length),O.charCodeAt(v)!=32&&o6(l,(ui(v,O.length),O.charCodeAt(v)));else l.a+=""+O;nbe(l.a,O,!0)}nbe(rae,"Cn",!1),nbe(TEe,"Cn",!0),a=new vh(4),yl(a,0,$A),Uu(w$,"ALL",a),Uu(Gj,"ALL",OT(a)),!g3&&(g3=new jr),Uu(g3,rae,rae),!g3&&(g3=new jr),Uu(g3,TEe,TEe),!g3&&(g3=new jr),Uu(g3,"ALL","ALL")}return ee=E(ml(s?w$:Gj,r),136),ee}function m5t(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie;if(q=!1,z=!1,e4(E(se(l,(Ft(),Zo)),98))){x=!1,T=!1;e:for(ee=new le(l.j);ee.a<ee.c.c.length;)for(Q=E(ce(ee),11),fe=Cy(Og(pe(he(Mg,1),Ht,20,0,[new Pr(Q),new vo(Q)])));fi(fe);)if(ie=E(Zr(fe),11),!Wt(Gt(se(ie.i,ij)))){if(Q.j==(It(),Jn)){x=!0;break e}if(Q.j==Br){T=!0;break e}}q=T&&!x,z=x&&!T}if(!q&&!z&&l.b.c.length!=0){for(F=0,A=new le(l.b);A.a<A.c.c.length;)O=E(ce(A),70),F+=O.n.b+O.o.b/2;F/=l.b.c.length,Ie=F>=l.o.b/2}else Ie=!z;Ie?(be=E(se(l,(bt(),lI)),15),be?q?y=be:(v=E(se(l,oI),15),v?be.gc()<=v.gc()?y=be:y=v:(y=new vt,ct(l,oI,y))):(y=new vt,ct(l,lI,y))):(v=E(se(l,(bt(),oI)),15),v?z?y=v:(be=E(se(l,lI),15),be?v.gc()<=be.gc()?y=v:y=be:(y=new vt,ct(l,lI,y))):(y=new vt,ct(l,oI,y))),y.Fc(r),ct(r,(bt(),iX),a),s.d==a?(ya(s,null),a.e.c.length+a.g.c.length==0&&yc(a,null),umt(a)):(Ya(s,null),a.e.c.length+a.g.c.length==0&&yc(a,null)),bp(s.a)}function v5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi;for(Ie=new Oa(r.b,0),F=s.Kc(),ee=0,A=E(F.Pb(),19).a,nt=0,a=new vs,Lt=new w0;Ie.b<Ie.d.gc();){for(be=(vr(Ie.b<Ie.d.gc()),E(Ie.d.Xb(Ie.c=Ie.b++),29)),Ne=new le(be.a);Ne.a<Ne.c.c.length;){for(Te=E(ce(Ne),10),Q=new Rr(Ar(ks(Te).a.Kc(),new M));fi(Q);)z=E(Zr(Q),17),Lt.a.zc(z,Lt);for(q=new Rr(Ar(fc(Te).a.Kc(),new M));fi(q);)z=E(Zr(q),17),Lt.a.Bc(z)!=null}if(ee+1==A){for(v=new gp(r),QC(Ie,v),y=new gp(r),QC(Ie,y),bn=Lt.a.ec().Kc();bn.Ob();)nn=E(bn.Pb(),17),a.a._b(nn)||(++nt,a.a.zc(nn,a)),x=new P0(r),ct(x,(Ft(),Zo),(Sa(),g$)),Vu(x,v),cm(x,(dr(),Lg)),ie=new cl,yc(ie,x),Hs(ie,(It(),nr)),rr=new cl,yc(rr,x),Hs(rr,fr),l=new P0(r),ct(l,Zo,g$),Vu(l,y),cm(l,Lg),fe=new cl,yc(fe,l),Hs(fe,nr),ar=new cl,yc(ar,l),Hs(ar,fr),yt=new CS,Ya(yt,nn.c),ya(yt,ie),Hi=new CS,Ya(Hi,rr),ya(Hi,fe),Ya(nn,ar),T=new $pe(x,l,yt,Hi,nn),ct(x,(bt(),gx),T),ct(l,gx,T),$r=yt.c.i,$r.k==Lg&&(O=E(se($r,gx),305),O.d=T,T.g=O);if(F.Ob())A=E(F.Pb(),19).a;else break}++ee}return Ot(nt)}function w5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie;for(z=0,v=new Tr((!s.a&&(s.a=new St(Ko,s,10,11)),s.a));v.e!=v.i.gc();)l=E(Fr(v),33),Wt(Gt(Xt(l,(Ft(),K2))))||((Qe(Xt(s,tE))!==Qe((I0(),nE))||Qe(Xt(s,QT))===Qe((R2(),Q9))||Qe(Xt(s,QT))===Qe((R2(),X9))||Wt(Gt(Xt(s,XT)))||Qe(Xt(s,fI))!==Qe((BS(),J4)))&&!Wt(Gt(Xt(l,Pue)))&&(Nu(l,(bt(),ol),Ot(z)),++z),qHe(r,l,a));for(z=0,A=new Tr((!s.b&&(s.b=new St(ra,s,12,3)),s.b));A.e!=A.i.gc();)T=E(Fr(A),79),(Qe(Xt(s,(Ft(),tE)))!==Qe((I0(),nE))||Qe(Xt(s,QT))===Qe((R2(),Q9))||Qe(Xt(s,QT))===Qe((R2(),X9))||Wt(Gt(Xt(s,XT)))||Qe(Xt(s,fI))!==Qe((BS(),J4)))&&(Nu(T,(bt(),ol),Ot(z)),++z),ee=Cm(T),ie=Ny(T),F=Wt(Gt(Xt(ee,ZT))),Q=!Wt(Gt(Xt(T,K2))),q=F&&KS(T)&&Wt(Gt(Xt(T,W2))),y=Wo(ee)==s&&Wo(ee)==Wo(ie),x=(Wo(ee)==s&&ie==s)^(Wo(ie)==s&&ee==s),Q&&!q&&(x||y)&&uve(r,T,s,a);if(Wo(s))for(O=new Tr(l6e(Wo(s)));O.e!=O.i.gc();)T=E(Fr(O),79),ee=Cm(T),ee==s&&KS(T)&&(q=Wt(Gt(Xt(ee,(Ft(),ZT))))&&Wt(Gt(Xt(T,W2))),q&&uve(r,T,s,a))}function y5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs;for(Lr(a,"MinWidth layering",1),Q=s.b,Lt=s.a,Vs=E(se(s,(Ft(),Fxe)),19).a,T=E(se(s,jxe),19).a,r.b=ot(Dt(se(s,h1))),r.d=Qo,Ne=new le(Lt);Ne.a<Ne.c.c.length;)Ie=E(ce(Ne),10),Ie.k==(dr(),Os)&&(rr=Ie.o.b,r.d=m.Math.min(r.d,rr));for(r.d=m.Math.max(1,r.d),nn=Lt.c.length,r.c=Pe(Gr,Ei,25,nn,15,1),r.f=Pe(Gr,Ei,25,nn,15,1),r.e=Pe(ba,Lu,25,nn,15,1),A=0,r.a=0,nt=new le(Lt);nt.a<nt.c.c.length;)Ie=E(ce(nt),10),Ie.p=A++,r.c[Ie.p]=aje(fc(Ie)),r.f[Ie.p]=aje(ks(Ie)),r.e[Ie.p]=Ie.o.b/r.d,r.a+=r.e[Ie.p];for(r.b/=r.d,r.a/=nn,yt=MSt(Lt),sa(Lt,ipe(new tM(r))),ie=Qo,ee=qi,x=null,Hi=Vs,$r=Vs,y=T,v=T,Vs<0&&(Hi=E(ACe.a.zd(),19).a,$r=E(ACe.b.zd(),19).a),T<0&&(y=E(DCe.a.zd(),19).a,v=E(DCe.b.zd(),19).a),ar=Hi;ar<=$r;ar++)for(l=y;l<=v;l++)bn=d4t(r,ar,l,Lt,yt),be=ot(Dt(bn.a)),q=E(bn.b,15),fe=q.gc(),(be<ie||be==ie&&fe<ee)&&(ie=be,ee=fe,x=q);for(z=x.Kc();z.Ob();){for(F=E(z.Pb(),15),O=new gp(s),Te=F.Kc();Te.Ob();)Ie=E(Te.Pb(),10),Vu(Ie,O);Q.c[Q.c.length]=O}Ire(Q),Lt.c=Pe(mr,Ht,1,0,5,1),Or(a)}function E5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr;for(r.b=s,r.a=E(se(s,(Ft(),Oxe)),19).a,r.c=E(se(s,Dxe),19).a,r.c==0&&(r.c=qi),fe=new Oa(s.b,0);fe.b<fe.d.gc();){for(ie=(vr(fe.b<fe.d.gc()),E(fe.d.Xb(fe.c=fe.b++),29)),T=new vt,F=-1,Ne=-1,Te=new le(ie.a);Te.a<Te.c.c.length;)Ie=E(ce(Te),10),C0((NN(),new Rr(Ar(A0(Ie).a.Kc(),new M))))>=r.a&&(l=r4t(r,Ie),F=m.Math.max(F,l.b),Ne=m.Math.max(Ne,l.d),Et(T,new Ra(Ie,l)));for(nn=new vt,A=0;A<F;++A)ZC(nn,0,(vr(fe.b>0),fe.a.Xb(fe.c=--fe.b),bn=new gp(r.b),QC(fe,bn),vr(fe.b<fe.d.gc()),fe.d.Xb(fe.c=fe.b++),bn));for(x=new le(T);x.a<x.c.c.length;)if(v=E(ce(x),46),Q=E(v.b,571).a,!!Q)for(q=new le(Q);q.a<q.c.c.length;)z=E(ce(q),10),Ibe(r,z,CY,nn);for(a=new vt,O=0;O<Ne;++O)Et(a,(rr=new gp(r.b),QC(fe,rr),rr));for(y=new le(T);y.a<y.c.c.length;)if(v=E(ce(y),46),Lt=E(v.b,571).c,!!Lt)for(yt=new le(Lt);yt.a<yt.c.c.length;)nt=E(ce(yt),10),Ibe(r,nt,TY,a)}for(be=new Oa(s.b,0);be.b<be.d.gc();)ee=(vr(be.b<be.d.gc()),E(be.d.Xb(be.c=be.b++),29)),ee.a.c.length==0&&Qd(be)}function _5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r;if(Lr(a,"Spline edge routing",1),s.b.c.length==0){s.f.a=0,Or(a);return}Ie=ot(Dt(se(s,(Ft(),lR)))),T=ot(Dt(se(s,Y2))),x=ot(Dt(se(s,cR))),be=E(se(s,Bue),336),nn=be==(B6(),hj),Lt=ot(Dt(se(s,kxe))),r.d=s,r.j.c=Pe(mr,Ht,1,0,5,1),r.a.c=Pe(mr,Ht,1,0,5,1),fd(r.k),O=E(Vt(s.b,0),29),F=vV(O.a,(RG(),Rz)),ee=E(Vt(s.b,s.b.c.length-1),29),z=vV(ee.a,Rz),ie=new le(s.b),fe=null,$r=0;do{for(Te=ie.a<ie.c.c.length?E(ce(ie),29):null,u5t(r,fe,Te),jkt(r),bn=h8(Ggt(mq(So(new Nn(null,new zn(r.i,16)),new zf),new _d))),ar=0,Ne=$r,q=!fe||F&&fe==O,Q=!Te||z&&Te==ee,bn>0?(A=0,fe&&(A+=T),A+=(bn-1)*x,Te&&(A+=T),nn&&Te&&(A=m.Math.max(A,nTt(Te,x,Ie,Lt))),A<Ie&&!q&&!Q&&(ar=(Ie-A)/2,A=Ie),Ne+=A):!q&&!Q&&(Ne+=Ie),Te&&G0e(Te,Ne),yt=new le(r.i);yt.a<yt.c.c.length;)nt=E(ce(yt),128),nt.a.c=$r,nt.a.b=Ne-$r,nt.F=ar,nt.p=!fe;Cs(r.a,r.i),$r=Ne,Te&&($r+=Te.c.a),fe=Te,q=Q}while(Te);for(v=new le(r.j);v.a<v.c.c.length;)l=E(ce(v),17),y=vbt(r,l),ct(l,(bt(),uR),y),rr=xTt(r,l),ct(l,q2,rr);s.f.a=$r,r.d=null,Or(a)}function hUe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;if(ie=r.i!=0,Te=!1,be=null,Gd(r.e)){if(F=s.gc(),F>0){for(q=F<100?null:new m0(F),A=new H1e(s),ee=A.g,be=Pe(Gr,Ei,25,F,15,1),l=0,Ne=new AS(F),v=0;v<r.i;++v){T=r.g[v],Q=T;e:for(Ie=0;Ie<2;++Ie){for(O=F;--O>=0;)if(Q!=null?Ki(Q,ee[O]):Qe(Q)===Qe(ee[O])){be.length<=l&&(fe=be,be=Pe(Gr,Ei,25,2*be.length,15,1),ll(fe,0,be,0,l)),be[l++]=v,ei(Ne,ee[O]);break e}if(Q=Q,Qe(Q)===Qe(T))break}}if(A=Ne,ee=Ne.g,F=l,l>be.length&&(fe=be,be=Pe(Gr,Ei,25,l,15,1),ll(fe,0,be,0,l)),l>0){for(Te=!0,y=0;y<l;++y)Q=ee[y],q=q5e(r,E(Q,72),q);for(x=l;--x>=0;)$5(r,be[x]);if(l!=F){for(v=F;--v>=l;)$5(A,v);fe=be,be=Pe(Gr,Ei,25,l,15,1),ll(fe,0,be,0,l)}s=A}}}else for(s=eyt(r,s),v=r.i;--v>=0;)s.Hc(r.g[v])&&($5(r,v),Te=!0);if(Te){if(be!=null){for(a=s.gc(),z=a==1?pF(r,4,s.Kc().Pb(),null,be[0],ie):pF(r,6,s,be,be[0],ie),q=a<100?null:new m0(a),v=s.Kc();v.Ob();)Q=v.Pb(),q=Wde(r,E(Q,72),q);q?(q.Ei(z),q.Fi()):Gi(r.e,z)}else{for(q=hat(s.gc()),v=s.Kc();v.Ob();)Q=v.Pb(),q=Wde(r,E(Q,72),q);q&&q.Fi()}return!0}else return!1}function S5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te;for(a=new L7e(s),a.a||skt(s),A=a3t(s),O=new kS,fe=new $Be,ie=new le(s.a);ie.a<ie.c.c.length;)for(ee=E(ce(ie),10),v=new Rr(Ar(ks(ee).a.Kc(),new M));fi(v);)l=E(Zr(v),17),(l.c.i.k==(dr(),ds)||l.d.i.k==ds)&&(F=fOt(r,l,A,fe),_n(O,Gne(F.d),F.a));for(x=new vt,Te=E(se(a.c,(bt(),GT)),21).Kc();Te.Ob();){switch(Ie=E(Te.Pb(),61),Q=fe.c[Ie.g],q=fe.b[Ie.g],T=fe.a[Ie.g],y=null,be=null,Ie.g){case 4:y=new Wh(r.d.a,Q,A.b.a-r.d.a,q-Q),be=new Wh(r.d.a,Q,T,q-Q),vS(A,new Kt(y.c+y.b,y.d)),vS(A,new Kt(y.c+y.b,y.d+y.a));break;case 2:y=new Wh(A.a.a,Q,r.c.a-A.a.a,q-Q),be=new Wh(r.c.a-T,Q,T,q-Q),vS(A,new Kt(y.c,y.d)),vS(A,new Kt(y.c,y.d+y.a));break;case 1:y=new Wh(Q,r.d.b,q-Q,A.b.b-r.d.b),be=new Wh(Q,r.d.b,q-Q,T),vS(A,new Kt(y.c,y.d+y.a)),vS(A,new Kt(y.c+y.b,y.d+y.a));break;case 3:y=new Wh(Q,A.a.b,q-Q,r.c.b-A.a.b),be=new Wh(Q,r.c.b-T,q-Q,T),vS(A,new Kt(y.c,y.d)),vS(A,new Kt(y.c+y.b,y.d))}y&&(z=new GP,z.d=Ie,z.b=y,z.c=be,z.a=_q(E(no(O,Gne(Ie)),21)),x.c[x.c.length]=z)}return Cs(a.b,x),a.d=kmt(IRt(A)),a}function pUe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie;if(a.p[s.p]==null){T=!0,a.p[s.p]=0,x=s,ie=a.o==(Sg(),X2)?ws:Qo;do v=r.b.e[x.p],y=x.c.a.c.length,a.o==X2&&v>0||a.o==zg&&v<y-1?(O=null,A=null,a.o==zg?O=E(Vt(x.c.a,v+1),10):O=E(Vt(x.c.a,v-1),10),A=a.g[O.p],pUe(r,A,a),ie=r.e.bg(ie,s,x),a.j[s.p]==s&&(a.j[s.p]=a.j[A.p]),a.j[s.p]==a.j[A.p]?(ee=n4(r.d,x,O),a.o==zg?(l=ot(a.p[s.p]),z=ot(a.p[A.p])+ot(a.d[O.p])-O.d.d-ee-x.d.a-x.o.b-ot(a.d[x.p]),T?(T=!1,a.p[s.p]=m.Math.min(z,ie)):a.p[s.p]=m.Math.min(l,m.Math.min(z,ie))):(l=ot(a.p[s.p]),z=ot(a.p[A.p])+ot(a.d[O.p])+O.o.b+O.d.a+ee+x.d.d-ot(a.d[x.p]),T?(T=!1,a.p[s.p]=m.Math.max(z,ie)):a.p[s.p]=m.Math.max(l,m.Math.max(z,ie)))):(ee=ot(Dt(se(r.a,(Ft(),Sx)))),Q=LFe(r,a.j[s.p]),F=LFe(r,a.j[A.p]),a.o==zg?(q=ot(a.p[s.p])+ot(a.d[x.p])+x.o.b+x.d.a+ee-(ot(a.p[A.p])+ot(a.d[O.p])-O.d.d),SAe(Q,F,q)):(q=ot(a.p[s.p])+ot(a.d[x.p])-x.d.d-ot(a.p[A.p])-ot(a.d[O.p])-O.o.b-O.d.a-ee,SAe(Q,F,q)))):ie=r.e.bg(ie,s,x),x=a.a[x.p];while(x!=s);eJ(r.e,s)}}function x5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r;for(Te=s,Ie=new kS,Ne=new kS,F=IS(Te,Jye),l=new h6e(r,a,Ie,Ne),u_t(l.a,l.b,l.c,l.d,F),O=(Lt=Ie.i,Lt||(Ie.i=new i4(Ie,Ie.c))),bn=O.Kc();bn.Ob();)for(nn=E(bn.Pb(),202),v=E(no(Ie,nn),21),ie=v.Kc();ie.Ob();)if(ee=ie.Pb(),nt=E(f4(r.d,ee),202),nt)T=(!nn.e&&(nn.e=new Bn(Uo,nn,10,9)),nn.e),ei(T,nt);else throw x=x0(Te,$b),q=dWe+ee+hWe+x,Q=q+DA,de(new N1(Q));for(A=(yt=Ne.i,yt||(Ne.i=new i4(Ne,Ne.c))),ar=A.Kc();ar.Ob();)for(rr=E(ar.Pb(),202),y=E(no(Ne,rr),21),be=y.Kc();be.Ob();)if(fe=be.Pb(),nt=E(f4(r.d,fe),202),nt)z=(!rr.g&&(rr.g=new Bn(Uo,rr,9,10)),rr.g),ei(z,nt);else throw x=x0(Te,$b),q=dWe+fe+hWe+x,Q=q+DA,de(new N1(Q));!a.b&&(a.b=new Bn(Nr,a,4,7)),a.b.i!=0&&(!a.c&&(a.c=new Bn(Nr,a,5,8)),a.c.i!=0)&&(!a.b&&(a.b=new Bn(Nr,a,4,7)),a.b.i<=1&&(!a.c&&(a.c=new Bn(Nr,a,5,8)),a.c.i<=1))&&(!a.a&&(a.a=new St(Uo,a,6,6)),a.a).i==1&&($r=E(ke((!a.a&&(a.a=new St(Uo,a,6,6)),a.a),0),202),!Jne($r)&&!Zne($r)&&(gW($r,E(ke((!a.b&&(a.b=new Bn(Nr,a,4,7)),a.b),0),82)),bW($r,E(ke((!a.c&&(a.c=new Bn(Nr,a,5,8)),a.c),0),82))))}function C5t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr;for(Te=r.a,Ne=0,nt=Te.length;Ne<nt;++Ne){for(Ie=Te[Ne],A=qi,F=qi,ee=new le(Ie.e);ee.a<ee.c.c.length;)q=E(ce(ee),10),x=q.c?lc(q.c.a,q,0):-1,x>0?(z=E(Vt(q.c.a,x-1),10),nn=n4(r.b,q,z),fe=q.n.b-q.d.d-(z.n.b+z.o.b+z.d.a+nn)):fe=q.n.b-q.d.d,A=m.Math.min(fe,A),x<q.c.a.c.length-1?(z=E(Vt(q.c.a,x+1),10),nn=n4(r.b,q,z),be=z.n.b-z.d.d-(q.n.b+q.o.b+q.d.a+nn)):be=2*q.n.b,F=m.Math.min(be,F);for(O=qi,y=!1,v=E(Vt(Ie.e,0),10),rr=new le(v.j);rr.a<rr.c.c.length;)for(bn=E(ce(rr),11),ie=v.n.b+bn.n.b+bn.a.b,l=new le(bn.e);l.a<l.c.c.length;)a=E(ce(l),17),yt=a.c,s=yt.i.n.b+yt.n.b+yt.a.b-ie,m.Math.abs(s)<m.Math.abs(O)&&m.Math.abs(s)<(s<0?A:F)&&(O=s,y=!0);for(T=E(Vt(Ie.e,Ie.e.c.length-1),10),Lt=new le(T.j);Lt.a<Lt.c.c.length;)for(yt=E(ce(Lt),11),ie=T.n.b+yt.n.b+yt.a.b,l=new le(yt.g);l.a<l.c.c.length;)a=E(ce(l),17),bn=a.d,s=bn.i.n.b+bn.n.b+bn.a.b-ie,m.Math.abs(s)<m.Math.abs(O)&&m.Math.abs(s)<(s<0?A:F)&&(O=s,y=!0);if(y&&O!=0)for(Q=new le(Ie.e);Q.a<Q.c.c.length;)q=E(ce(Q),10),q.n.b+=O}}function gUe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(Xd(r.a,s)){if(vg(E(Cr(r.a,s),53),a))return 1}else Qi(r.a,s,new vs);if(Xd(r.a,a)){if(vg(E(Cr(r.a,a),53),s))return-1}else Qi(r.a,a,new vs);if(Xd(r.e,s)){if(vg(E(Cr(r.e,s),53),a))return-1}else Qi(r.e,s,new vs);if(Xd(r.e,a)){if(vg(E(Cr(r.a,a),53),s))return 1}else Qi(r.e,a,new vs);if(r.c==(I0(),ice)||!ta(s,(bt(),ol))||!ta(a,(bt(),ol))){if(O=E(ude(R$e(dne(So(new Nn(null,new zn(s.j,16)),new CE)),new O1)),11),F=E(ude(R$e(dne(So(new Nn(null,new zn(a.j,16)),new Fw)),new jw)),11),O&&F){if(T=O.i,A=F.i,T&&T==A){for(q=new le(T.j);q.a<q.c.c.length;){if(z=E(ce(q),11),z==O)return aA(r,a,s),-1;if(z==F)return aA(r,s,a),1}return _f(mre(r,s),mre(r,a))}for(ee=r.d,ie=0,fe=ee.length;ie<fe;++ie){if(Q=ee[ie],Q==T)return aA(r,a,s),-1;if(Q==A)return aA(r,s,a),1}}if(!ta(s,(bt(),ol))||!ta(a,ol))return v=mre(r,s),x=mre(r,a),v>x?aA(r,s,a):aA(r,a,s),v<x?-1:v>x?1:0}return l=E(se(s,(bt(),ol)),19).a,y=E(se(a,ol),19).a,l>y?aA(r,s,a):aA(r,a,s),l<y?-1:l>y?1:0}function ove(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie;if(Wt(Gt(Xt(s,(Mi(),rQ)))))return In(),In(),wu;if(A=(!s.a&&(s.a=new St(Ko,s,10,11)),s.a).i!=0,z=fSt(s),F=!z.dc(),A||F){if(v=E(Xt(s,f$),149),!v)throw de(new cy("Resolved algorithm is not set; apply a LayoutAlgorithmResolver before computing layout."));if(Ie=Rfe(v,(rA(),bQ)),y7e(s),!A&&F&&!Ie)return In(),In(),wu;if(O=new vt,Qe(Xt(s,gR))===Qe((D0(),gw))&&(Rfe(v,pQ)||Rfe(v,hQ)))for(Q=nze(r,s),ee=new Po,cu(ee,(!s.a&&(s.a=new St(Ko,s,10,11)),s.a));ee.b!=0;)q=E(ee.b==0?null:(vr(ee.b!=0),Xh(ee,ee.a.a)),33),y7e(q),be=Qe(Xt(q,gR))===Qe(Dj),be||p2(q,kj)&&!Hpe(v,Xt(q,f$))?(T=ove(r,q,a,l),Cs(O,T),Nu(q,gR,Dj),wze(q)):cu(ee,(!q.a&&(q.a=new St(Ko,q,10,11)),q.a));else for(Q=(!s.a&&(s.a=new St(Ko,s,10,11)),s.a).i,x=new Tr((!s.a&&(s.a=new St(Ko,s,10,11)),s.a));x.e!=x.i.gc();)y=E(Fr(x),33),T=ove(r,y,a,l),Cs(O,T),wze(y);for(fe=new le(O);fe.a<fe.c.c.length;)ie=E(ce(fe),79),Nu(ie,rQ,(tr(),!0));return Bvt(s,v,wl(l,Q)),okt(O),F&&Ie?z:(In(),In(),wu)}else return In(),In(),wu}function vB(r,s,a,l,v,y,x,T,O){var A,F,z,q,Q,ee,ie;switch(Q=a,F=new P0(O),cm(F,(dr(),ds)),ct(F,(bt(),PSe),x),ct(F,(Ft(),Zo),(Sa(),Tl)),ie=ot(Dt(r.We(e3))),ct(F,e3,ie),z=new cl,yc(z,F),s!=Ug&&s!=uE||(l>=0?Q=O5(T):Q=ML(O5(T)),r.Ye(r$,Q)),A=new ka,q=!1,r.Xe(Ex)?(mde(A,E(r.We(Ex),8)),q=!0):Qot(A,x.a/2,x.b/2),Q.g){case 4:ct(F,rf,(Zh(),eE)),ct(F,sX,(y2(),nR)),F.o.b=x.b,ie<0&&(F.o.a=-ie),Hs(z,(It(),fr)),q||(A.a=x.a),A.a-=x.a;break;case 2:ct(F,rf,(Zh(),YT)),ct(F,sX,(y2(),YA)),F.o.b=x.b,ie<0&&(F.o.a=-ie),Hs(z,(It(),nr)),q||(A.a=0);break;case 1:ct(F,V2,(R0(),iR)),F.o.a=x.a,ie<0&&(F.o.b=-ie),Hs(z,(It(),Br)),q||(A.b=x.b),A.b-=x.b;break;case 3:ct(F,V2,(R0(),iI)),F.o.a=x.a,ie<0&&(F.o.b=-ie),Hs(z,(It(),Jn)),q||(A.b=0)}if(mde(z.n,A),ct(F,Ex,A),s==t_||s==Nm||s==Tl){if(ee=0,s==t_&&r.Xe(lw))switch(Q.g){case 1:case 2:ee=E(r.We(lw),19).a;break;case 3:case 4:ee=-E(r.We(lw),19).a}else switch(Q.g){case 4:case 2:ee=y.b,s==Nm&&(ee/=v.b);break;case 1:case 3:ee=y.a,s==Nm&&(ee/=v.a)}ct(F,vx,ee)}return ct(F,Pc,Q),F}function T5t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn;if(a=ot(Dt(se(r.a.j,(Ft(),Exe)))),a<-1||!r.a.i||u5(E(se(r.a.o,Zo),98))||Sc(r.a.o,(It(),fr)).gc()<2&&Sc(r.a.o,nr).gc()<2)return!0;if(r.a.c.Rf())return!1;for(nt=0,Ne=0,Te=new vt,O=r.a.e,A=0,F=O.length;A<F;++A){for(T=O[A],q=T,Q=0,ie=q.length;Q<ie;++Q){if(z=q[Q],z.k==(dr(),xl)){Te.c[Te.c.length]=z;continue}for(l=r.b[z.c.p][z.p],z.k==ds?(l.b=1,E(se(z,(bt(),to)),11).j==(It(),fr)&&(Ne+=l.a)):(bn=Sc(z,(It(),nr)),bn.dc()||!WZ(bn,new tb)?l.c=1:(v=Sc(z,fr),(v.dc()||!WZ(v,new Mw))&&(nt+=l.a))),x=new Rr(Ar(ks(z).a.Kc(),new M));fi(x);)y=E(Zr(x),17),nt+=l.c,Ne+=l.b,nn=y.d.i,o1e(r,l,nn);for(be=Og(pe(he(Mg,1),Ht,20,0,[Sc(z,(It(),Jn)),Sc(z,Br)])),Lt=new Rr(new Zfe(be.a.length,be.a));fi(Lt);)yt=E(Zr(Lt),11),Ie=E(se(yt,(bt(),pd)),10),Ie&&(nt+=l.c,Ne+=l.b,o1e(r,l,Ie))}for(ee=new le(Te);ee.a<ee.c.c.length;)for(z=E(ce(ee),10),l=r.b[z.c.p][z.p],x=new Rr(Ar(ks(z).a.Kc(),new M));fi(x);)y=E(Zr(x),17),nt+=l.c,Ne+=l.b,nn=y.d.i,o1e(r,l,nn);Te.c=Pe(mr,Ht,1,0,5,1)}return s=nt+Ne,fe=s==0?Qo:(nt-Ne)/s,fe>=a}function k5t(){AU();function r(l){var v=this;this.dispatch=function(y){var x=y.data;switch(x.cmd){case"algorithms":var T=Yge((In(),new G_(new Nh(dE.b))));l.postMessage({id:x.id,data:T});break;case"categories":var O=Yge((In(),new G_(new Nh(dE.c))));l.postMessage({id:x.id,data:O});break;case"options":var A=Yge((In(),new G_(new Nh(dE.d))));l.postMessage({id:x.id,data:A});break;case"register":PRt(x.algorithms),l.postMessage({id:x.id});break;case"layout":p4t(x.graph,x.layoutOptions||{},x.options||{}),l.postMessage({id:x.id,data:x.graph});break}},this.saveDispatch=function(y){try{v.dispatch(y)}catch(x){l.postMessage({id:y.data.id,error:x})}}}function s(l){var v=this;this.dispatcher=new r({postMessage:function(y){v.onmessage({data:y})}}),this.postMessage=function(y){setTimeout(function(){v.dispatcher.saveDispatch({data:y})},0)}}if(typeof document===Eve&&typeof self!==Eve){var a=new r(self);self.onmessage=a.saveDispatch}else g.exports&&(Object.defineProperty(b,"__esModule",{value:!0}),g.exports={default:s,Worker:s})}function R5t(r){r.N||(r.N=!0,r.b=Dc(r,0),Go(r.b,0),Go(r.b,1),Go(r.b,2),r.bb=Dc(r,1),Go(r.bb,0),Go(r.bb,1),r.fb=Dc(r,2),Go(r.fb,3),Go(r.fb,4),Eo(r.fb,5),r.qb=Dc(r,3),Go(r.qb,0),Eo(r.qb,1),Eo(r.qb,2),Go(r.qb,3),Go(r.qb,4),Eo(r.qb,5),Go(r.qb,6),r.a=Pi(r,4),r.c=Pi(r,5),r.d=Pi(r,6),r.e=Pi(r,7),r.f=Pi(r,8),r.g=Pi(r,9),r.i=Pi(r,10),r.j=Pi(r,11),r.k=Pi(r,12),r.n=Pi(r,13),r.o=Pi(r,14),r.p=Pi(r,15),r.q=Pi(r,16),r.s=Pi(r,17),r.r=Pi(r,18),r.t=Pi(r,19),r.u=Pi(r,20),r.v=Pi(r,21),r.w=Pi(r,22),r.B=Pi(r,23),r.A=Pi(r,24),r.C=Pi(r,25),r.D=Pi(r,26),r.F=Pi(r,27),r.G=Pi(r,28),r.H=Pi(r,29),r.J=Pi(r,30),r.I=Pi(r,31),r.K=Pi(r,32),r.M=Pi(r,33),r.L=Pi(r,34),r.P=Pi(r,35),r.Q=Pi(r,36),r.R=Pi(r,37),r.S=Pi(r,38),r.T=Pi(r,39),r.U=Pi(r,40),r.V=Pi(r,41),r.X=Pi(r,42),r.W=Pi(r,43),r.Y=Pi(r,44),r.Z=Pi(r,45),r.$=Pi(r,46),r._=Pi(r,47),r.ab=Pi(r,48),r.cb=Pi(r,49),r.db=Pi(r,50),r.eb=Pi(r,51),r.gb=Pi(r,52),r.hb=Pi(r,53),r.ib=Pi(r,54),r.jb=Pi(r,55),r.kb=Pi(r,56),r.lb=Pi(r,57),r.mb=Pi(r,58),r.nb=Pi(r,59),r.ob=Pi(r,60),r.pb=Pi(r,61))}function O5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;if(Ie=0,s.f.a==0)for(fe=new le(r);fe.a<fe.c.c.length;)ee=E(ce(fe),10),Ie=m.Math.max(Ie,ee.n.a+ee.o.a+ee.d.c);else Ie=s.f.a-s.c.a;for(Ie-=s.c.a,ie=new le(r);ie.a<ie.c.c.length;){switch(ee=E(ce(ie),10),eS(ee.n,Ie-ee.o.a),lhe(ee.f),sMe(ee),(ee.q?ee.q:(In(),In(),$m))._b((Ft(),n3))&&eS(E(se(ee,n3),8),Ie-ee.o.a),E(se(ee,Mb),248).g){case 1:ct(ee,Mb,(xm(),Fz));break;case 2:ct(ee,Mb,(xm(),Pz))}for(be=ee.o,Ne=new le(ee.j);Ne.a<Ne.c.c.length;){for(Te=E(ce(Ne),11),eS(Te.n,be.a-Te.o.a),eS(Te.a,Te.o.a),Hs(Te,e9e(Te.j)),x=E(se(Te,lw),19),x&&ct(Te,lw,Ot(-x.a)),y=new le(Te.g);y.a<y.c.c.length;){for(v=E(ce(y),17),l=Ti(v.a,0);l.b!=l.d.c;)a=E(Ci(l),8),a.a=Ie-a.a;if(A=E(se(v,Ku),74),A)for(O=Ti(A,0);O.b!=O.d.c;)T=E(Ci(O),8),T.a=Ie-T.a;for(q=new le(v.b);q.a<q.c.c.length;)F=E(ce(q),70),eS(F.n,Ie-F.o.a)}for(Q=new le(Te.f);Q.a<Q.c.c.length;)F=E(ce(Q),70),eS(F.n,Te.o.a-F.o.a)}for(ee.k==(dr(),ds)&&(ct(ee,(bt(),Pc),e9e(E(se(ee,Pc),61))),F2t(ee)),z=new le(ee.b);z.a<z.c.c.length;)F=E(ce(z),70),sMe(F),eS(F.n,be.a-F.o.a)}}function I5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;if(Ie=0,s.f.b==0)for(fe=new le(r);fe.a<fe.c.c.length;)ee=E(ce(fe),10),Ie=m.Math.max(Ie,ee.n.b+ee.o.b+ee.d.a);else Ie=s.f.b-s.c.b;for(Ie-=s.c.b,ie=new le(r);ie.a<ie.c.c.length;){switch(ee=E(ce(ie),10),PC(ee.n,Ie-ee.o.b),fhe(ee.f),aMe(ee),(ee.q?ee.q:(In(),In(),$m))._b((Ft(),n3))&&PC(E(se(ee,n3),8),Ie-ee.o.b),E(se(ee,Mb),248).g){case 3:ct(ee,Mb,(xm(),QX));break;case 4:ct(ee,Mb,(xm(),ZX))}for(be=ee.o,Ne=new le(ee.j);Ne.a<Ne.c.c.length;){for(Te=E(ce(Ne),11),PC(Te.n,be.b-Te.o.b),PC(Te.a,Te.o.b),Hs(Te,t9e(Te.j)),x=E(se(Te,lw),19),x&&ct(Te,lw,Ot(-x.a)),y=new le(Te.g);y.a<y.c.c.length;){for(v=E(ce(y),17),l=Ti(v.a,0);l.b!=l.d.c;)a=E(Ci(l),8),a.b=Ie-a.b;if(A=E(se(v,Ku),74),A)for(O=Ti(A,0);O.b!=O.d.c;)T=E(Ci(O),8),T.b=Ie-T.b;for(q=new le(v.b);q.a<q.c.c.length;)F=E(ce(q),70),PC(F.n,Ie-F.o.b)}for(Q=new le(Te.f);Q.a<Q.c.c.length;)F=E(ce(Q),70),PC(F.n,Te.o.b-F.o.b)}for(ee.k==(dr(),ds)&&(ct(ee,(bt(),Pc),t9e(E(se(ee,Pc),61))),r0t(ee)),z=new le(ee.b);z.a<z.c.c.length;)F=E(ce(z),70),aMe(F),PC(F.n,be.b-F.o.b)}}function D5t(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q;for(z=!1,A=r+1,F=(Vn(r,s.c.length),E(s.c[r],200)),x=F.a,T=null,y=0;y<F.a.c.length;y++)if(v=(Vn(y,x.c.length),E(x.c[y],187)),!v.c){if(v.b.c.length==0){mg(),KL(F,v),--y,z=!0;continue}if(v.k||(T&&uG(T),T=new bpe(T?T.e+T.d+l:0,F.f,l),UL(v,T.e+T.d,F.f),Et(F.d,T),U1e(T,v),v.k=!0),O=null,O=(Q=null,y<F.a.c.length-1?Q=E(Vt(F.a,y+1),187):A<s.c.length&&(Vn(A,s.c.length),E(s.c[A],200)).a.c.length!=0&&(Q=E(Vt((Vn(A,s.c.length),E(s.c[A],200)).a,0),187)),Q),q=!1,O&&(q=!Ki(O.j,F)),O){if(O.b.c.length==0){KL(F,O);break}else aL(v,a-v.s),uG(v.q),z=z|j2t(F,v,O,a,l);if(O.b.c.length==0)for(KL((Vn(A,s.c.length),E(s.c[A],200)),O),O=null;s.c.length>A&&(Vn(A,s.c.length),E(s.c[A],200)).a.c.length==0;)Tf(s,(Vn(A,s.c.length),s.c[A]));if(!O){--y;continue}if(gkt(s,F,v,O,q,a,A,l)){z=!0;continue}if(q){if(_4t(s,F,v,O,a,A,l)){z=!0;continue}else if(_ge(F,v)){v.c=!0,z=!0;continue}}else if(_ge(F,v)){v.c=!0,z=!0;continue}if(z)continue}if(_ge(F,v)){v.c=!0,z=!0,O&&(O.k=!1);continue}else uG(v.q)}return z}function Sie(r,s,a,l,v,y,x){var T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs;for(ie=0,rr=0,A=new le(r.b);A.a<A.c.c.length;)O=E(ce(A),157),O.c&&VHe(O.c),ie=m.Math.max(ie,Yf(O)),rr+=Yf(O)*Yd(O);for(fe=rr/r.b.c.length,bn=Gyt(r.b,fe),rr+=r.b.c.length*bn,ie=m.Math.max(ie,m.Math.sqrt(rr*x))+a.b,Hi=a.b,Vs=a.d,Q=0,z=a.b+a.c,nn=new Po,Ii(nn,Ot(0)),yt=new Po,F=new Oa(r.b,0),ee=null,T=new vt;F.b<F.d.gc();)O=(vr(F.b<F.d.gc()),E(F.d.Xb(F.c=F.b++),157)),$r=Yf(O),q=Yd(O),Hi+$r>ie&&(y&&(o2(yt,Q),o2(nn,Ot(F.b-1)),Et(r.d,ee),T.c=Pe(mr,Ht,1,0,5,1)),Hi=a.b,Vs+=Q+s,Q=0,z=m.Math.max(z,a.b+a.c+$r)),T.c[T.c.length]=O,A7e(O,Hi,Vs),z=m.Math.max(z,Hi+$r+a.c),Q=m.Math.max(Q,q),Hi+=$r+s,ee=O;if(Cs(r.a,T),Et(r.d,E(Vt(T,T.c.length-1),157)),z=m.Math.max(z,l),ar=Vs+Q+a.a,ar<v&&(Q+=v-ar,ar=v),y)for(Hi=a.b,F=new Oa(r.b,0),o2(nn,Ot(r.b.c.length)),Lt=Ti(nn,0),Ie=E(Ci(Lt),19).a,o2(yt,Q),nt=Ti(yt,0),Ne=0;F.b<F.d.gc();)F.b==Ie&&(Hi=a.b,Ne=ot(Dt(Ci(nt))),Ie=E(Ci(Lt),19).a),O=(vr(F.b<F.d.gc()),E(F.d.Xb(F.c=F.b++),157)),d7e(O,Ne),F.b==Ie&&(be=z-Hi-a.c,Te=Yf(O),f7e(O,be),Fje(O,(be-Te)/2,0)),Hi+=Yf(O)+s;return new Kt(z,ar)}function A5t(r){var s,a,l,v,y;switch(s=r.c,y=null,s){case 6:return r.Vl();case 13:return r.Wl();case 23:return r.Nl();case 22:return r.Sl();case 18:return r.Pl();case 8:Li(r),y=(zi(),i4e);break;case 9:return r.vl(!0);case 19:return r.wl();case 10:switch(r.a){case 100:case 68:case 119:case 87:case 115:case 83:return y=r.ul(r.a),Li(r),y;case 101:case 102:case 110:case 114:case 116:case 117:case 118:case 120:a=r.tl(),a<du?y=(zi(),zi(),new vm(0,a)):y=uDe(Nge(a));break;case 99:return r.Fl();case 67:return r.Al();case 105:return r.Il();case 73:return r.Bl();case 103:return r.Gl();case 88:return r.Cl();case 49:case 50:case 51:case 52:case 53:case 54:case 55:case 56:case 57:return r.xl();case 80:case 112:if(y=Mme(r,r.a),!y)throw de(new Hr(di((ni(),Use))));break;default:y=kIe(r.a)}Li(r);break;case 0:if(r.a==93||r.a==123||r.a==125)throw de(new Hr(di((ni(),aEe))));y=kIe(r.a),l=r.a,Li(r),(l&64512)==kB&&r.c==0&&(r.a&64512)==56320&&(v=Pe(ap,Cb,25,2,15,1),v[0]=l&ls,v[1]=r.a&ls,y=Dee(uDe(vp(v,0,v.length)),0),Li(r));break;default:throw de(new Hr(di((ni(),aEe))))}return y}function $5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;if(l=new vt,v=qi,y=qi,x=qi,a)for(v=r.f.a,ie=new le(s.j);ie.a<ie.c.c.length;)for(ee=E(ce(ie),11),O=new le(ee.g);O.a<O.c.c.length;)T=E(ce(O),17),T.a.b!=0&&(F=E(ZZ(T.a),8),F.a<v&&(y=v-F.a,x=qi,l.c=Pe(mr,Ht,1,0,5,1),v=F.a),F.a<=v&&(l.c[l.c.length]=T,T.a.b>1&&(x=m.Math.min(x,m.Math.abs(E(W1(T.a,1),8).b-F.b)))));else for(ie=new le(s.j);ie.a<ie.c.c.length;)for(ee=E(ce(ie),11),O=new le(ee.e);O.a<O.c.c.length;)T=E(ce(O),17),T.a.b!=0&&(q=E(PV(T.a),8),q.a>v&&(y=q.a-v,x=qi,l.c=Pe(mr,Ht,1,0,5,1),v=q.a),q.a>=v&&(l.c[l.c.length]=T,T.a.b>1&&(x=m.Math.min(x,m.Math.abs(E(W1(T.a,T.a.b-2),8).b-q.b)))));if(l.c.length!=0&&y>s.o.a/2&&x>s.o.b/2){for(Q=new cl,yc(Q,s),Hs(Q,(It(),Jn)),Q.n.a=s.o.a/2,be=new cl,yc(be,s),Hs(be,Br),be.n.a=s.o.a/2,be.n.b=s.o.b,O=new le(l);O.a<O.c.c.length;)T=E(ce(O),17),a?(A=E(gee(T.a),8),fe=T.a.b==0?xg(T.d):E(ZZ(T.a),8),fe.b>=A.b?Ya(T,be):Ya(T,Q)):(A=E(Cct(T.a),8),fe=T.a.b==0?xg(T.c):E(PV(T.a),8),fe.b>=A.b?ya(T,be):ya(T,Q)),z=E(se(T,(Ft(),Ku)),74),z&&bT(z,A,!0);s.n.a=v-s.o.a/2}}function P5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs,Ph,Np;if(rr=null,$r=s,ar=w$e(r,g$e(a),$r),xF(ar,x0($r,$b)),Hi=E(f4(r.g,F5(S0($r,Dse))),33),q=S0($r,"sourcePort"),l=null,q&&(l=F5(q)),Vs=E(f4(r.j,l),118),!Hi)throw T=G6($r),ee="An edge must have a source node (edge id: '"+T,ie=ee+DA,de(new N1(ie));if(Vs&&!yb(_g(Vs),Hi))throw O=x0($r,$b),fe="The source port of an edge must be a port of the edge's source node (edge id: '"+O,be=fe+DA,de(new N1(be));if(nn=(!ar.b&&(ar.b=new Bn(Nr,ar,4,7)),ar.b),y=null,Vs?y=Vs:y=Hi,ei(nn,y),Ph=E(f4(r.g,F5(S0($r,oEe))),33),Q=S0($r,"targetPort"),v=null,Q&&(v=F5(Q)),Np=E(f4(r.j,v),118),!Ph)throw z=G6($r),Ie="An edge must have a target node (edge id: '"+z,Te=Ie+DA,de(new N1(Te));if(Np&&!yb(_g(Np),Ph))throw A=x0($r,$b),Ne="The target port of an edge must be a port of the edge's target node (edge id: '"+A,nt=Ne+DA,de(new N1(nt));if(bn=(!ar.c&&(ar.c=new Bn(Nr,ar,5,8)),ar.c),x=null,Np?x=Np:x=Ph,ei(bn,x),(!ar.b&&(ar.b=new Bn(Nr,ar,4,7)),ar.b).i==0||(!ar.c&&(ar.c=new Bn(Nr,ar,5,8)),ar.c).i==0)throw F=x0($r,$b),yt=fWe+F,Lt=yt+DA,de(new N1(Lt));return bG($r,ar),xxt($r,ar),rr=fne(r,$r,ar),rr}function bUe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr;return z=Mkt(Sf(r,(It(),Vg)),s),ee=S4(Sf(r,y1),s),Ne=S4(Sf(r,Dh),s),nn=cG(Sf(r,Ap),s),q=cG(Sf(r,op),s),Ie=S4(Sf(r,E1),s),ie=S4(Sf(r,bd),s),yt=S4(Sf(r,Ah),s),nt=S4(Sf(r,sp),s),bn=cG(Sf(r,sf),s),be=S4(Sf(r,Ff),s),Te=S4(Sf(r,md),s),Lt=S4(Sf(r,Pf),s),rr=cG(Sf(r,jf),s),Q=cG(Sf(r,td),s),fe=S4(Sf(r,kl),s),a=p4(pe(he(ba,1),Lu,25,15,[Ie.a,nn.a,yt.a,rr.a])),l=p4(pe(he(ba,1),Lu,25,15,[ee.a,z.a,Ne.a,fe.a])),v=be.a,y=p4(pe(he(ba,1),Lu,25,15,[ie.a,q.a,nt.a,Q.a])),A=p4(pe(he(ba,1),Lu,25,15,[Ie.b,ee.b,ie.b,Te.b])),O=p4(pe(he(ba,1),Lu,25,15,[nn.b,z.b,q.b,fe.b])),F=bn.b,T=p4(pe(he(ba,1),Lu,25,15,[yt.b,Ne.b,nt.b,Lt.b])),Gv(Sf(r,Vg),a+v,A+F),Gv(Sf(r,kl),a+v,A+F),Gv(Sf(r,y1),a+v,0),Gv(Sf(r,Dh),a+v,A+F+O),Gv(Sf(r,Ap),0,A+F),Gv(Sf(r,op),a+v+l,A+F),Gv(Sf(r,bd),a+v+l,0),Gv(Sf(r,Ah),0,A+F+O),Gv(Sf(r,sp),a+v+l,A+F+O),Gv(Sf(r,sf),0,A),Gv(Sf(r,Ff),a,0),Gv(Sf(r,Pf),0,A+F+O),Gv(Sf(r,td),a+v+l,0),x=new ka,x.a=p4(pe(he(ba,1),Lu,25,15,[a+l+v+y,bn.a,Te.a,Lt.a])),x.b=p4(pe(he(ba,1),Lu,25,15,[A+O+F+T,be.b,rr.b,Q.b])),x}function F5t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(ie=new vt,q=new le(r.d.b);q.a<q.c.c.length;)for(z=E(ce(q),29),ee=new le(z.a);ee.a<ee.c.c.length;){for(Q=E(ce(ee),10),v=E(Cr(r.f,Q),57),O=new Rr(Ar(ks(Q).a.Kc(),new M));fi(O);)if(x=E(Zr(O),17),l=Ti(x.a,0),A=!0,F=null,l.b!=l.d.c){for(s=E(Ci(l),8),a=null,x.c.j==(It(),Jn)&&(fe=new r9(s,new Kt(s.a,v.d.d),v,x),fe.f.a=!0,fe.a=x.c,ie.c[ie.c.length]=fe),x.c.j==Br&&(fe=new r9(s,new Kt(s.a,v.d.d+v.d.a),v,x),fe.f.d=!0,fe.a=x.c,ie.c[ie.c.length]=fe);l.b!=l.d.c;)a=E(Ci(l),8),y1e(s.b,a.b)||(F=new r9(s,a,null,x),ie.c[ie.c.length]=F,A&&(A=!1,a.b<v.d.d?F.f.a=!0:a.b>v.d.d+v.d.a?F.f.d=!0:(F.f.d=!0,F.f.a=!0))),l.b!=l.d.c&&(s=a);F&&(y=E(Cr(r.f,x.d.i),57),s.b<y.d.d?F.f.a=!0:s.b>y.d.d+y.d.a?F.f.d=!0:(F.f.d=!0,F.f.a=!0))}for(T=new Rr(Ar(fc(Q).a.Kc(),new M));fi(T);)x=E(Zr(T),17),x.a.b!=0&&(s=E(PV(x.a),8),x.d.j==(It(),Jn)&&(fe=new r9(s,new Kt(s.a,v.d.d),v,x),fe.f.a=!0,fe.a=x.d,ie.c[ie.c.length]=fe),x.d.j==Br&&(fe=new r9(s,new Kt(s.a,v.d.d+v.d.a),v,x),fe.f.d=!0,fe.a=x.d,ie.c[ie.c.length]=fe))}return ie}function j5t(r,s,a){var l,v,y,x,T,O,A,F,z;if(Lr(a,"Network simplex node placement",1),r.e=s,r.n=E(se(s,(bt(),aR)),304),Z4t(r),$Et(r),Bo(Ec(new Nn(null,new zn(r.e.b,16)),new Bw),new _P(r)),Bo(So(Ec(So(Ec(new Nn(null,new zn(r.e.b,16)),new Uw),new Vl),new y_),new Xb),new FH(r)),Wt(Gt(se(r.e,(Ft(),sj))))&&(x=wl(a,1),Lr(x,"Straight Edges Pre-Processing",1),vOt(r),Or(x)),pwt(r.f),y=E(se(s,cj),19).a*r.f.a.c.length,tie(HO(n2(dee(r.f),y),!1),wl(a,1)),r.d.a.gc()!=0){for(x=wl(a,1),Lr(x,"Flexible Where Space Processing",1),T=E(mS(sq(xf(new Nn(null,new zn(r.f.a,16)),new Hp),new kE)),19).a,O=E(mS(oq(xf(new Nn(null,new zn(r.f.a,16)),new m_),new sv)),19).a,A=O-T,F=bS(new db,r.f),z=bS(new db,r.f),c1(qf(Hh(zh(Uh(new Wd,2e4),A),F),z)),Bo(So(So($ee(r.i),new av),new e0),new s6e(T,F,A,z)),v=r.d.a.ec().Kc();v.Ob();)l=E(v.Pb(),213),l.g=1;tie(HO(n2(dee(r.f),y),!1),wl(x,1)),Or(x)}Wt(Gt(se(s,sj)))&&(x=wl(a,1),Lr(x,"Straight Edges Post-Processing",1),S_t(r),Or(x)),nOt(r),r.e=null,r.f=null,r.i=null,r.c=null,fd(r.k),r.j=null,r.a=null,r.o=null,r.d.a.$b(),Or(a)}function M5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt;for(T=new le(r.a.b);T.a<T.c.c.length;)for(y=E(ce(T),29),Te=new le(y.a);Te.a<Te.c.c.length;)Ie=E(ce(Te),10),s.g[Ie.p]=Ie,s.a[Ie.p]=Ie,s.d[Ie.p]=0;for(O=r.a.b,s.c==(Eb(),fw)&&(O=Ce(O,152)?E5(E(O,152)):Ce(O,131)?E(O,131).a:Ce(O,54)?new ay(O):new Nv(O)),x=O.Kc();x.Ob();)for(y=E(x.Pb(),29),Q=-1,q=y.a,s.o==(Sg(),zg)&&(Q=qi,q=Ce(q,152)?E5(E(q,152)):Ce(q,131)?E(q,131).a:Ce(q,54)?new ay(q):new Nv(q)),nt=q.Kc();nt.Ob();)if(Ne=E(nt.Pb(),10),z=null,s.c==fw?z=E(Vt(r.b.f,Ne.p),15):z=E(Vt(r.b.b,Ne.p),15),z.gc()>0)if(l=z.gc(),A=ss(m.Math.floor((l+1)/2))-1,v=ss(m.Math.ceil((l+1)/2))-1,s.o==zg)for(F=v;F>=A;F--)s.a[Ne.p]==Ne&&(ie=E(z.Xb(F),46),ee=E(ie.a,10),!vg(a,ie.b)&&Q>r.b.e[ee.p]&&(s.a[ee.p]=Ne,s.g[Ne.p]=s.g[ee.p],s.a[Ne.p]=s.g[Ne.p],s.f[s.g[Ne.p].p]=(tr(),!!(Wt(s.f[s.g[Ne.p].p])&Ne.k==(dr(),ua))),Q=r.b.e[ee.p]));else for(F=A;F<=v;F++)s.a[Ne.p]==Ne&&(be=E(z.Xb(F),46),fe=E(be.a,10),!vg(a,be.b)&&Q<r.b.e[fe.p]&&(s.a[fe.p]=Ne,s.g[Ne.p]=s.g[fe.p],s.a[Ne.p]=s.g[Ne.p],s.f[s.g[Ne.p].p]=(tr(),!!(Wt(s.f[s.g[Ne.p].p])&Ne.k==(dr(),ua))),Q=r.b.e[fe.p]))}function Nl(){Nl=xe,HC(),_rt=la.a,E(ke(et(la.a),0),18),yrt=la.f,E(ke(et(la.f),0),18),E(ke(et(la.f),1),34),Ert=la.n,E(ke(et(la.n),0),34),E(ke(et(la.n),1),34),E(ke(et(la.n),2),34),E(ke(et(la.n),3),34),Eke=la.g,E(ke(et(la.g),0),18),E(ke(et(la.g),1),34),wrt=la.c,E(ke(et(la.c),0),18),E(ke(et(la.c),1),18),_ke=la.i,E(ke(et(la.i),0),18),E(ke(et(la.i),1),18),E(ke(et(la.i),2),18),E(ke(et(la.i),3),18),E(ke(et(la.i),4),34),Ske=la.j,E(ke(et(la.j),0),18),yke=la.d,E(ke(et(la.d),0),18),E(ke(et(la.d),1),18),E(ke(et(la.d),2),18),E(ke(et(la.d),3),18),E(ke(et(la.d),4),34),E(ke(et(la.d),5),34),E(ke(et(la.d),6),34),E(ke(et(la.d),7),34),vrt=la.b,E(ke(et(la.b),0),34),E(ke(et(la.b),1),34),dQ=la.e,E(ke(et(la.e),0),34),E(ke(et(la.e),1),34),E(ke(et(la.e),2),34),E(ke(et(la.e),3),34),E(ke(et(la.e),4),18),E(ke(et(la.e),5),18),E(ke(et(la.e),6),18),E(ke(et(la.e),7),18),E(ke(et(la.e),8),18),E(ke(et(la.e),9),18),E(ke(et(la.e),10),34),fE=la.k,E(ke(et(la.k),0),34),E(ke(et(la.k),1),34)}function N5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar;for(bn=new Po,yt=new Po,fe=-1,O=new le(r);O.a<O.c.c.length;){for(x=E(ce(O),128),x.s=fe--,F=0,Te=0,y=new le(x.t);y.a<y.c.c.length;)l=E(ce(y),268),Te+=l.c;for(v=new le(x.i);v.a<v.c.c.length;)l=E(ce(v),268),F+=l.c;x.n=F,x.u=Te,Te==0?os(yt,x,yt.c.b,yt.c):F==0&&os(bn,x,bn.c.b,bn.c)}for(ar=Bq(r),z=r.c.length,ie=z+1,be=z-1,Q=new vt;ar.a.gc()!=0;){for(;yt.b!=0;)nt=(vr(yt.b!=0),E(Xh(yt,yt.a.a),128)),ar.a.Bc(nt)!=null,nt.s=be--,n0e(nt,bn,yt);for(;bn.b!=0;)Lt=(vr(bn.b!=0),E(Xh(bn,bn.a.a),128)),ar.a.Bc(Lt)!=null,Lt.s=ie++,n0e(Lt,bn,yt);for(ee=qa,A=ar.a.ec().Kc();A.Ob();)x=E(A.Pb(),128),Ie=x.u-x.n,Ie>=ee&&(Ie>ee&&(Q.c=Pe(mr,Ht,1,0,5,1),ee=Ie),Q.c[Q.c.length]=x);Q.c.length!=0&&(q=E(Vt(Q,iG(s,Q.c.length)),128),ar.a.Bc(q)!=null,q.s=ie++,n0e(q,bn,yt),Q.c=Pe(mr,Ht,1,0,5,1))}for(Ne=r.c.length+1,T=new le(r);T.a<T.c.c.length;)x=E(ce(T),128),x.s<z&&(x.s+=Ne);for(nn=new le(r);nn.a<nn.c.c.length;)for(Lt=E(ce(nn),128),a=new Oa(Lt.t,0);a.b<a.d.gc();)l=(vr(a.b<a.d.gc()),E(a.d.Xb(a.c=a.b++),268)),rr=l.b,Lt.s>rr.s&&(Qd(a),Tf(rr.i,l),l.c>0&&(l.a=rr,Et(rr.t,l),l.b=Lt,Et(Lt.i,l)))}function sve(r){var s,a,l,v,y;switch(s=r.c,s){case 11:return r.Ml();case 12:return r.Ol();case 14:return r.Ql();case 15:return r.Tl();case 16:return r.Rl();case 17:return r.Ul();case 21:return Li(r),zi(),zi(),Kj;case 10:switch(r.a){case 65:return r.yl();case 90:return r.Dl();case 122:return r.Kl();case 98:return r.El();case 66:return r.zl();case 60:return r.Jl();case 62:return r.Hl()}}switch(y=A5t(r),s=r.c,s){case 3:return r.Zl(y);case 4:return r.Xl(y);case 5:return r.Yl(y);case 0:if(r.a==123&&r.d<r.j){if(v=r.d,l=0,a=-1,(s=Ma(r.i,v++))>=48&&s<=57){for(l=s-48;v<r.j&&(s=Ma(r.i,v++))>=48&&s<=57;)if(l=l*10+s-48,l<0)throw de(new Hr(di((ni(),fEe))))}else throw de(new Hr(di((ni(),LWe))));if(a=l,s==44){if(v>=r.j)throw de(new Hr(di((ni(),zWe))));if((s=Ma(r.i,v++))>=48&&s<=57){for(a=s-48;v<r.j&&(s=Ma(r.i,v++))>=48&&s<=57;)if(a=a*10+s-48,a<0)throw de(new Hr(di((ni(),fEe))));if(l>a)throw de(new Hr(di((ni(),HWe))))}else a=-1}if(s!=125)throw de(new Hr(di((ni(),BWe))));r.sl(v)?(y=(zi(),zi(),new sT(9,y)),r.d=v+1):(y=(zi(),zi(),new sT(3,y)),r.d=v),y.dm(l),y.cm(a),Li(r)}}return y}function mUe(r,s,a,l,v){var y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar;for(ie=new Fl(s.b),Ne=new Fl(s.b),q=new Fl(s.b),nn=new Fl(s.b),fe=new Fl(s.b),Lt=Ti(s,0);Lt.b!=Lt.d.c;)for(nt=E(Ci(Lt),11),T=new le(nt.g);T.a<T.c.c.length;)if(y=E(ce(T),17),y.c.i==y.d.i){if(nt.j==y.d.j){nn.c[nn.c.length]=y;continue}else if(nt.j==(It(),Jn)&&y.d.j==Br){fe.c[fe.c.length]=y;continue}}for(O=new le(fe);O.a<O.c.c.length;)y=E(ce(O),17),wkt(r,y,a,l,(It(),fr));for(x=new le(nn);x.a<x.c.c.length;)y=E(ce(x),17),bn=new P0(r),cm(bn,(dr(),xl)),ct(bn,(Ft(),Zo),(Sa(),Tl)),ct(bn,(bt(),to),y),rr=new cl,ct(rr,to,y.d),Hs(rr,(It(),nr)),yc(rr,bn),ar=new cl,ct(ar,to,y.c),Hs(ar,fr),yc(ar,bn),ct(y.c,pd,bn),ct(y.d,pd,bn),Ya(y,null),ya(y,null),a.c[a.c.length]=bn,ct(bn,oX,Ot(2));for(yt=Ti(s,0);yt.b!=yt.d.c;)nt=E(Ci(yt),11),A=nt.e.c.length>0,be=nt.g.c.length>0,A&&be?q.c[q.c.length]=nt:A?ie.c[ie.c.length]=nt:be&&(Ne.c[Ne.c.length]=nt);for(ee=new le(ie);ee.a<ee.c.c.length;)Q=E(ce(ee),11),Et(v,H0e(r,Q,null,a));for(Te=new le(Ne);Te.a<Te.c.c.length;)Ie=E(ce(Te),11),Et(v,H0e(r,null,Ie,a));for(z=new le(q);z.a<z.c.c.length;)F=E(ce(z),11),Et(v,H0e(r,F,F,a))}function vUe(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr;for(Ie=new Kt(Qo,Qo),s=new Kt(ws,ws),nn=new le(r);nn.a<nn.c.c.length;)Lt=E(ce(nn),8),Ie.a=m.Math.min(Ie.a,Lt.a),Ie.b=m.Math.min(Ie.b,Lt.b),s.a=m.Math.max(s.a,Lt.a),s.b=m.Math.max(s.b,Lt.b);for(q=new Kt(s.a-Ie.a,s.b-Ie.b),A=new Kt(Ie.a-50,Ie.b-q.a-50),F=new Kt(Ie.a-50,s.b+q.a+50),z=new Kt(s.a+q.b/2+50,Ie.b+q.b/2),Q=new L0e(A,F,z),yt=new vs,y=new vt,a=new vt,yt.a.zc(Q,yt),rr=new le(r);rr.a<rr.c.c.length;){for(bn=E(ce(rr),8),y.c=Pe(mr,Ht,1,0,5,1),nt=yt.a.ec().Kc();nt.Ob();)Te=E(nt.Pb(),308),l=Te.d,Dy(l,Te.a),HS(Dy(Te.d,bn),Dy(Te.d,Te.a))<0&&(y.c[y.c.length]=Te);for(a.c=Pe(mr,Ht,1,0,5,1),Ne=new le(y);Ne.a<Ne.c.c.length;)for(Te=E(ce(Ne),308),fe=new le(Te.e);fe.a<fe.c.c.length;){for(ee=E(ce(fe),168),x=!0,O=new le(y);O.a<O.c.c.length;)T=E(ce(O),308),T!=Te&&(bl(ee,Vt(T.e,0))||bl(ee,Vt(T.e,1))||bl(ee,Vt(T.e,2)))&&(x=!1);x&&(a.c[a.c.length]=ee)}for(ZMe(yt,y),Na(yt,new li),ie=new le(a);ie.a<ie.c.c.length;)ee=E(ce(ie),168),Bs(yt,new L0e(bn,ee.a,ee.b))}for(be=new vs,Na(yt,new xv(be)),v=be.a.ec().Kc();v.Ob();)ee=E(v.Pb(),168),(eW(Q,ee.a)||eW(Q,ee.b))&&v.Qb();return Na(be,new ur),be}function L5t(r){var s,a,l,v,y;switch(a=E(se(r,(bt(),Cl)),21),s=EV(tXe),v=E(se(r,(Ft(),JT)),334),v==(D0(),gw)&&_h(s,nXe),Wt(Gt(se(r,zue)))?Vi(s,(lu(),jb),(vu(),Xae)):Vi(s,(lu(),nf),(vu(),Xae)),se(r,(Wq(),Tj))!=null&&_h(s,rXe),(Wt(Gt(se(r,Axe)))||Wt(Gt(se(r,Rxe))))&&ld(s,(lu(),oc),(vu(),k_e)),E(se(r,Oh),103).g){case 2:case 3:case 4:ld(Vi(s,(lu(),jb),(vu(),O_e)),oc,R_e)}switch(a.Hc((Ru(),tX))&&ld(Vi(Vi(s,(lu(),jb),(vu(),T_e)),Sl,x_e),oc,C_e),Qe(se(r,Hue))!==Qe((I4(),RX))&&Vi(s,(lu(),nf),(vu(),V_e)),a.Hc(rX)&&(Vi(s,(lu(),jb),(vu(),K_e)),Vi(s,Jy,W_e),Vi(s,nf,G_e)),Qe(se(r,fX))!==Qe((eA(),J9))&&Qe(se(r,z0))!==Qe(($0(),Vz))&&ld(s,(lu(),oc),(vu(),N_e)),Wt(Gt(se(r,Ixe)))&&Vi(s,(lu(),nf),(vu(),M_e)),Wt(Gt(se(r,Mue)))&&Vi(s,(lu(),nf),(vu(),Y_e)),bCt(r)&&(Qe(se(r,JT))===Qe(gw)?l=E(se(r,yz),292):l=E(se(r,jue),292),y=l==($6(),Eue)?(vu(),q_e):(vu(),J_e),Vi(s,(lu(),Sl),y)),E(se(r,iCe),377).g){case 1:Vi(s,(lu(),Sl),(vu(),X_e));break;case 2:ld(Vi(Vi(s,(lu(),nf),(vu(),w_e)),Sl,y_e),oc,E_e)}return Qe(se(r,tE))!==Qe((I0(),nE))&&Vi(s,(lu(),nf),(vu(),Q_e)),s}function wUe(r){Oe(r,new O2(Av(hy(gy(py(new Pa,_p),"ELK Rectangle Packing"),"Algorithm for packing of unconnected boxes, i.e. graphs without edges. The given order of the boxes is always preserved and the main reading direction of the boxes is left to right. The algorithm is divided into two phases. One phase approximates the width in which the rectangles can be placed. The next phase places the rectangles in rows using the previously calculated width as bounding width and bundles rectangles with a similar height in blocks. A compaction step reduces the size of the drawing. Finally, the rectangles are expanded to fill their bounding box and eliminate empty unused spaces."),new N3))),At(r,_p,W5,1.3),At(r,_p,DK,Ut(ETe)),At(r,_p,rx,RTe),At(r,_p,FT,15),At(r,_p,CK,Ut(jtt)),At(r,_p,z4,Ut(Ltt)),At(r,_p,K5,Ut(Btt)),At(r,_p,G5,Ut(ztt)),At(r,_p,xA,Ut(Ntt)),At(r,_p,v9,Ut(CTe)),At(r,_p,CA,Ut(Utt)),At(r,_p,Oye,Ut(kTe)),At(r,_p,Iye,Ut(xTe)),At(r,_p,$ye,Ut(TTe)),At(r,_p,Pye,Ut(OTe)),At(r,_p,mse,Ut(_Te)),At(r,_p,PB,Ut(STe)),At(r,_p,ase,Ut(Mtt)),At(r,_p,Aye,Ut(Az)),At(r,_p,Dye,Ut(yTe)),At(r,_p,Fye,Ut(ITe))}function ex(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(a==null)return null;if(r.a!=s.Aj())throw de(new Yn(OA+s.ne()+ax));if(Ce(s,457)){if(fe=WTt(E(s,671),a),!fe)throw de(new Yn(Ose+a+"' is not a valid enumerator of '"+s.ne()+"'"));return fe}switch(Xv((Qf(),Ba),s).cl()){case 2:{a=El(a,!1);break}case 3:{a=El(a,!0);break}}if(l=Xv(Ba,s).$k(),l)return l.Aj().Nh().Kh(l,a);if(q=Xv(Ba,s).al(),q){for(fe=new vt,A=gne(a),F=0,z=A.length;F<z;++F)O=A[F],Et(fe,q.Aj().Nh().Kh(q,O));return fe}if(ie=Xv(Ba,s).bl(),!ie.dc()){for(ee=ie.Kc();ee.Ob();){Q=E(ee.Pb(),148);try{if(fe=Q.Aj().Nh().Kh(Q,a),fe!=null)return fe}catch(be){if(be=Mo(be),!Ce(be,60))throw de(be)}}throw de(new Yn(Ose+a+"' does not match any member types of the union datatype '"+s.ne()+"'"))}if(E(s,834).Fj(),v=qmt(s.Bj()),!v)return null;if(v==H9){x=0;try{x=xh(a,qa,qi)&ls}catch(be){if(be=Mo(be),Ce(be,127))y=tW(a),x=y[0];else throw de(be)}return TL(x)}if(v==sY){for(T=0;T<Lj.length;++T)try{return qr(Lj[T],a)}catch(be){if(be=Mo(be),!Ce(be,32))throw de(be)}throw de(new Yn(Ose+a+"' is not a date formatted string of the form yyyy-MM-dd'T'HH:mm:ss'.'SSSZ or a valid subset thereof"))}throw de(new Yn(Ose+a+"' is invalid. "))}function B5t(r,s){var a,l,v,y,x,T,O,A;if(a=0,x=0,y=s.length,T=null,A=new fy,x<y&&(ui(x,s.length),s.charCodeAt(x)==43)&&(++x,++a,x<y&&(ui(x,s.length),s.charCodeAt(x)==43||(ui(x,s.length),s.charCodeAt(x)==45))))throw de(new Bh(nx+s+'"'));for(;x<y&&(ui(x,s.length),s.charCodeAt(x)!=46)&&(ui(x,s.length),s.charCodeAt(x)!=101)&&(ui(x,s.length),s.charCodeAt(x)!=69);)++x;if(A.a+=""+bh(s==null?$f:(Qn(s),s),a,x),x<y&&(ui(x,s.length),s.charCodeAt(x)==46)){for(++x,a=x;x<y&&(ui(x,s.length),s.charCodeAt(x)!=101)&&(ui(x,s.length),s.charCodeAt(x)!=69);)++x;r.e=x-a,A.a+=""+bh(s==null?$f:(Qn(s),s),a,x)}else r.e=0;if(x<y&&(ui(x,s.length),s.charCodeAt(x)==101||(ui(x,s.length),s.charCodeAt(x)==69))&&(++x,a=x,x<y&&(ui(x,s.length),s.charCodeAt(x)==43)&&(++x,x<y&&(ui(x,s.length),s.charCodeAt(x)!=45)&&++a),T=s.substr(a,y-a),r.e=r.e-xh(T,qa,qi),r.e!=ss(r.e)))throw de(new Bh("Scale out of range."));if(O=A.a,O.length<16){if(r.f=(ZEe==null&&(ZEe=new RegExp("^[+-]?\\d*$","i")),ZEe.test(O)?parseInt(O,10):NaN),isNaN(r.f))throw de(new Bh(nx+s+'"'));r.a=$me(r.f)}else avt(r,new _y(O));for(r.d=A.a.length,v=0;v<A.a.length&&(l=Ma(A.a,v),!(l!=45&&l!=48));++v)--r.d;r.d==0&&(r.d=1)}function xie(){xie=xe,bo=new kS,_n(bo,(It(),Vg),kl),_n(bo,Ap,kl),_n(bo,Ap,jf),_n(bo,op,td),_n(bo,op,kl),_n(bo,y1,kl),_n(bo,y1,md),_n(bo,Dh,Pf),_n(bo,Dh,kl),_n(bo,Ff,sf),_n(bo,Ff,kl),_n(bo,Ff,md),_n(bo,Ff,Pf),_n(bo,sf,Ff),_n(bo,sf,jf),_n(bo,sf,td),_n(bo,sf,kl),_n(bo,E1,E1),_n(bo,E1,md),_n(bo,E1,jf),_n(bo,bd,bd),_n(bo,bd,md),_n(bo,bd,td),_n(bo,Ah,Ah),_n(bo,Ah,Pf),_n(bo,Ah,jf),_n(bo,sp,sp),_n(bo,sp,Pf),_n(bo,sp,td),_n(bo,md,y1),_n(bo,md,Ff),_n(bo,md,E1),_n(bo,md,bd),_n(bo,md,kl),_n(bo,md,md),_n(bo,md,jf),_n(bo,md,td),_n(bo,Pf,Dh),_n(bo,Pf,Ff),_n(bo,Pf,Ah),_n(bo,Pf,sp),_n(bo,Pf,Pf),_n(bo,Pf,jf),_n(bo,Pf,td),_n(bo,Pf,kl),_n(bo,jf,Ap),_n(bo,jf,sf),_n(bo,jf,E1),_n(bo,jf,Ah),_n(bo,jf,md),_n(bo,jf,Pf),_n(bo,jf,jf),_n(bo,jf,kl),_n(bo,td,op),_n(bo,td,sf),_n(bo,td,bd),_n(bo,td,sp),_n(bo,td,md),_n(bo,td,Pf),_n(bo,td,td),_n(bo,td,kl),_n(bo,kl,Vg),_n(bo,kl,Ap),_n(bo,kl,op),_n(bo,kl,y1),_n(bo,kl,Dh),_n(bo,kl,Ff),_n(bo,kl,sf),_n(bo,kl,md),_n(bo,kl,Pf),_n(bo,kl,jf),_n(bo,kl,td),_n(bo,kl,kl)}function ave(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn;for(r.d=new Kt(Qo,Qo),r.c=new Kt(ws,ws),q=s.Kc();q.Ob();)for(F=E(q.Pb(),37),Te=new le(F.a);Te.a<Te.c.c.length;)Ie=E(ce(Te),10),r.d.a=m.Math.min(r.d.a,Ie.n.a-Ie.d.b),r.d.b=m.Math.min(r.d.b,Ie.n.b-Ie.d.d),r.c.a=m.Math.max(r.c.a,Ie.n.a+Ie.o.a+Ie.d.c),r.c.b=m.Math.max(r.c.b,Ie.n.b+Ie.o.b+Ie.d.a);for(T=new AM,z=s.Kc();z.Ob();)F=E(z.Pb(),37),l=S5t(r,F),Et(T.a,l),l.a=l.a|!E(se(l.c,(bt(),GT)),21).dc();for(r.b=(xne(),nn=new Gc,nn.f=new SFe(a),nn.b=DRt(nn.f,T),nn),LRt((ee=r.b,new Ak,ee)),r.e=new ka,r.a=r.b.f.e,x=new le(T.a);x.a<x.c.c.length;)for(v=E(ce(x),841),Ne=Sdt(r.b,v),C3t(v.c,Ne.a,Ne.b),fe=new le(v.c.a);fe.a<fe.c.c.length;)ie=E(ce(fe),10),ie.k==(dr(),ds)&&(be=r0e(r,ie.n,E(se(ie,(bt(),Pc)),61)),io(L1(ie.n),be));for(y=new le(T.a);y.a<y.c.c.length;)for(v=E(ce(y),841),A=new le(t0t(v));A.a<A.c.c.length;)for(O=E(ce(A),17),Lt=new ND(O.a),QD(Lt,0,xg(O.c)),Ii(Lt,xg(O.d)),Q=null,yt=Ti(Lt,0);yt.b!=yt.d.c;){if(nt=E(Ci(yt),8),!Q){Q=nt;continue}E1e(Q.a,nt.a)?(r.e.a=m.Math.min(r.e.a,Q.a),r.a.a=m.Math.max(r.a.a,Q.a)):E1e(Q.b,nt.b)&&(r.e.b=m.Math.min(r.e.b,Q.b),r.a.b=m.Math.max(r.a.b,Q.b)),Q=nt}jV(r.e),io(r.a,r.e)}function z5t(r){ti(r.b,Cp,pe(he(Bt,1),ft,2,6,[ux,"ConsistentTransient"])),ti(r.a,Cp,pe(he(Bt,1),ft,2,6,[ux,"WellFormedSourceURI"])),ti(r.o,Cp,pe(he(Bt,1),ft,2,6,[ux,"InterfaceIsAbstract AtMostOneID UniqueFeatureNames UniqueOperationSignatures NoCircularSuperTypes WellFormedMapEntryClass ConsistentSuperTypes DisjointFeatureAndOperationSignatures"])),ti(r.p,Cp,pe(he(Bt,1),ft,2,6,[ux,"WellFormedInstanceTypeName UniqueTypeParameterNames"])),ti(r.v,Cp,pe(he(Bt,1),ft,2,6,[ux,"UniqueEnumeratorNames UniqueEnumeratorLiterals"])),ti(r.R,Cp,pe(he(Bt,1),ft,2,6,[ux,"WellFormedName"])),ti(r.T,Cp,pe(he(Bt,1),ft,2,6,[ux,"UniqueParameterNames UniqueTypeParameterNames NoRepeatingVoid"])),ti(r.U,Cp,pe(he(Bt,1),ft,2,6,[ux,"WellFormedNsURI WellFormedNsPrefix UniqueSubpackageNames UniqueClassifierNames UniqueNsURIs"])),ti(r.W,Cp,pe(he(Bt,1),ft,2,6,[ux,"ConsistentOpposite SingleContainer ConsistentKeys ConsistentUnique ConsistentContainer"])),ti(r.bb,Cp,pe(he(Bt,1),ft,2,6,[ux,"ValidDefaultValueLiteral"])),ti(r.eb,Cp,pe(he(Bt,1),ft,2,6,[ux,"ValidLowerBound ValidUpperBound ConsistentBounds ValidType"])),ti(r.H,Cp,pe(he(Bt,1),ft,2,6,[ux,"ConsistentType ConsistentBounds ConsistentArguments"]))}function H5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn;if(!s.dc()){if(v=new Yl,T=a||E(s.Xb(0),17),ee=T.c,JF(),q=ee.i.k,!(q==(dr(),Os)||q==xl||q==ds||q==Lg))throw de(new Yn("The target node of the edge must be a normal node or a northSouthPort."));for(o2(v,_c(pe(he(na,1),ft,8,0,[ee.i.n,ee.n,ee.a]))),(It(),Ff).Hc(ee.j)&&(fe=ot(Dt(se(ee,(bt(),e$)))),z=new Kt(_c(pe(he(na,1),ft,8,0,[ee.i.n,ee.n,ee.a])).a,fe),os(v,z,v.c.b,v.c)),F=null,l=!1,O=s.Kc();O.Ob();)x=E(O.Pb(),17),y=x.a,y.b!=0&&(l?(A=mb(io(F,(vr(y.b!=0),E(y.a.a.c,8))),.5),os(v,A,v.c.b,v.c),l=!1):l=!0,F=Oc((vr(y.b!=0),E(y.c.b.c,8))),cu(v,y),bp(y));ie=T.d,Ff.Hc(ie.j)&&(fe=ot(Dt(se(ie,(bt(),e$)))),z=new Kt(_c(pe(he(na,1),ft,8,0,[ie.i.n,ie.n,ie.a])).a,fe),os(v,z,v.c.b,v.c)),o2(v,_c(pe(he(na,1),ft,8,0,[ie.i.n,ie.n,ie.a]))),r.d==(B6(),cce)&&(be=(vr(v.b!=0),E(v.a.a.c,8)),Ie=E(W1(v,1),8),Te=new cte(dge(ee.j)),Te.a*=5,Te.b*=5,Ne=pa(new Kt(Ie.a,Ie.b),be),nt=new Kt(ste(Te.a,Ne.a),ste(Te.b,Ne.b)),io(nt,be),yt=Ti(v,1),VN(yt,nt),Lt=(vr(v.b!=0),E(v.c.b.c,8)),nn=E(W1(v,v.b-2),8),Te=new cte(dge(ie.j)),Te.a*=5,Te.b*=5,Ne=pa(new Kt(nn.a,nn.b),Lt),bn=new Kt(ste(Te.a,Ne.a),ste(Te.b,Ne.b)),io(bn,Lt),QD(v,v.b-1,bn)),Q=new B0e(v),cu(T.a,U7e(Q))}}function U5t(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs,Ph,Np,Gg,RQ,lH,Yj,fH;if(Te=E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82),nt=Te.Dg(),yt=Te.Eg(),Ne=Te.Cg()/2,ie=Te.Bg()/2,Ce(Te,186)&&(Ie=E(Te,118),nt+=_g(Ie).i,nt+=_g(Ie).i),nt+=Ne,yt+=ie,ar=E(ke((!r.b&&(r.b=new Bn(Nr,r,4,7)),r.b),0),82),Hi=ar.Dg(),Vs=ar.Eg(),$r=ar.Cg()/2,Lt=ar.Bg()/2,Ce(ar,186)&&(rr=E(ar,118),Hi+=_g(rr).i,Hi+=_g(rr).i),Hi+=$r,Vs+=Lt,(!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i==0)T=(Pv(),A=new Wp,A),ei((!r.a&&(r.a=new St(Uo,r,6,6)),r.a),T);else if((!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i>1)for(ee=new o5((!r.a&&(r.a=new St(Uo,r,6,6)),r.a));ee.e!=ee.i.gc();)qF(ee);for(x=E(ke((!r.a&&(r.a=new St(Uo,r,6,6)),r.a),0),202),fe=Hi,Hi>nt+Ne?fe=nt+Ne:Hi<nt-Ne&&(fe=nt-Ne),be=Vs,Vs>yt+ie?be=yt+ie:Vs<yt-ie&&(be=yt-ie),fe>nt-Ne&&fe<nt+Ne&&be>yt-ie&&be<yt+ie&&(fe=nt+Ne),S6(x,fe),C6(x,be),nn=nt,nt>Hi+$r?nn=Hi+$r:nt<Hi-$r&&(nn=Hi-$r),bn=yt,yt>Vs+Lt?bn=Vs+Lt:yt<Vs-Lt&&(bn=Vs-Lt),nn>Hi-$r&&nn<Hi+$r&&bn>Vs-Lt&&bn<Vs+Lt&&(bn=Vs+Lt),_6(x,nn),x6(x,bn),Vr((!x.a&&(x.a=new xs($p,x,5)),x.a)),y=iG(s,5),Te==ar&&++y,Gg=nn-fe,Yj=bn-be,Ph=m.Math.sqrt(Gg*Gg+Yj*Yj),z=Ph*.20000000298023224,RQ=Gg/(y+1),fH=Yj/(y+1),Np=fe,lH=be,F=0;F<y;F++)Np+=RQ,lH+=fH,q=Np+Dd(s,24)*OB*z-z/2,q<0?q=1:q>a&&(q=a-1),Q=lH+Dd(s,24)*OB*z-z/2,Q<0?Q=1:Q>l&&(Q=l-1),v=(Pv(),O=new pl,O),lW(v,q),fW(v,Q),ei((!x.a&&(x.a=new xs($p,x,5)),x.a),v)}function Ft(){Ft=xe,que=(Mi(),znt),Xxe=Hnt,_z=z3e,h1=Unt,hI=H3e,_x=Vnt,r3=U3e,o$=V3e,s$=q3e,Wue=oQ,Sx=e_,Gue=qnt,uj=K3e,_X=vI,Ez=(cve(),$Je),cR=PJe,Y2=FJe,lR=jJe,wZe=new bu(iQ,Ot(0)),i$=IJe,Yxe=DJe,dI=AJe,iCe=iZe,Qxe=LJe,Jxe=HJe,Yue=YJe,Zxe=qJe,eCe=GJe,SX=uZe,Xue=oZe,nCe=eZe,tCe=JJe,rCe=nZe,yx=xJe,aj=CJe,Bue=HQe,kxe=VQe,Vxe=new pS(12),Uxe=new bu(Z2,Vxe),xxe=($0(),p$),z0=new bu(m3e,xxe),e3=new bu(Fd,0),yZe=new bu(ile,Ot(1)),cX=new bu(bI,SA),K2=rQ,Zo=Rj,r$=wR,dZe=Bz,Mb=Ant,JT=gR,EZe=new bu(ole,(tr(),!0)),ZT=zz,W2=Qce,G2=J2,EX=oE,Vue=nQ,Sxe=(ku(),Fm),Oh=new bu(Cx,Sxe),wx=mR,wX=T3e,t3=a3,vZe=rle,Gxe=L3e,Wxe=(y4(),Gz),new bu(P3e,Wxe),gZe=Zce,bZe=ele,mZe=tle,pZe=Jce,Kue=NJe,Nxe=dJe,Hue=fJe,cj=MJe,rf=iJe,QT=PQe,oj=$Qe,XT=yQe,yxe=EQe,jue=CQe,yz=_Qe,Mue=DQe,Lxe=hJe,Bxe=pJe,$xe=JQe,yX=RJe,Uue=mJe,zue=GQe,Hxe=_Je,Txe=BQe,Lue=zQe,Fue=eQ,zxe=gJe,fX=hQe,mxe=dQe,lX=fQe,Ixe=XQe,Oxe=YQe,Dxe=QQe,t$=vR,Ku=bR,cw=w3e,Nb=Xce,Nue=Yce,Exe=kQe,lw=nle,ij=Fnt,bX=jnt,Ex=j3e,qxe=Mnt,n$=Nnt,Fxe=sJe,jxe=uJe,n3=mI,$ue=lQe,Mxe=lJe,gX=MQe,pX=jQe,vX=Hz,Pxe=tJe,sj=wJe,Sz=W3e,_xe=FQe,Kxe=OJe,Cxe=NQe,hZe=rJe,fZe=OQe,Axe=S3e,mX=oJe,hX=IQe,tE=wQe,wxe=mQe,dX=gQe,vxe=bQe,Pue=vQe,fI=pQe,Rxe=KQe}function Cie(r,s){fie();var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi;if(nn=r.e,ee=r.d,v=r.a,nn==0)switch(s){case 0:return"0";case 1:return vA;case 2:return"0.00";case 3:return"0.000";case 4:return"0.0000";case 5:return"0.00000";case 6:return"0.000000";default:return yt=new pm,s<0?yt.a+="0E+":yt.a+="0E",yt.a+=-s,yt.a}if(Te=ee*10+1+7,Ne=Pe(ap,Cb,25,Te+1,15,1),a=Te,ee==1)if(T=v[0],T<0){Hi=zs(T,Ou);do ie=Hi,Hi=YL(Hi,10),Ne[--a]=48+Qr(My(ie,Va(Hi,10)))&ls;while(tl(Hi,0)!=0)}else{Hi=T;do ie=Hi,Hi=Hi/10|0,Ne[--a]=48+(ie-Hi*10)&ls;while(Hi!=0)}else{rr=Pe(Gr,Ei,25,ee,15,1),$r=ee,ll(v,0,rr,0,$r);e:for(;;){for(Lt=0,A=$r-1;A>=0;A--)ar=Xa(E0(Lt,32),zs(rr[A],Ou)),be=KEt(ar),rr[A]=Qr(be),Lt=Qr(xy(be,32));Ie=Qr(Lt),fe=a;do Ne[--a]=48+Ie%10&ls;while((Ie=Ie/10|0)!=0&&a!=0);for(l=9-fe+a,O=0;O<l&&a>0;O++)Ne[--a]=48;for(z=$r-1;rr[z]==0;z--)if(z==0)break e;$r=z+1}for(;Ne[a]==48;)++a}if(Q=nn<0,x=Te-a-s-1,s==0)return Q&&(Ne[--a]=45),vp(Ne,a,Te-a);if(s>0&&x>=-6){if(x>=0){for(F=a+x,q=Te-1;q>=F;q--)Ne[q+1]=Ne[q];return Ne[++F]=46,Q&&(Ne[--a]=45),vp(Ne,a,Te-a+1)}for(z=2;z<-x+1;z++)Ne[--a]=48;return Ne[--a]=46,Ne[--a]=48,Q&&(Ne[--a]=45),vp(Ne,a,Te-a)}return bn=a+1,y=Te,nt=new fy,Q&&(nt.a+="-"),y-bn>=1?(Ty(nt,Ne[a]),nt.a+=".",nt.a+=vp(Ne,a+1,Te-a-1)):nt.a+=vp(Ne,a,Te-a),nt.a+="E",x>0&&(nt.a+="+"),nt.a+=""+x,nt.a}function yUe(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt;switch(r.c=s,r.g=new jr,a=(Ns(),new uy(r.c)),l=new dp(a),Uge(l),Te=ai(Xt(r.c,(QL(),BTe))),O=E(Xt(r.c,Bce),316),nt=E(Xt(r.c,zce),429),x=E(Xt(r.c,MTe),482),Ne=E(Xt(r.c,Lce),430),r.j=ot(Dt(Xt(r.c,tnt))),T=r.a,O.g){case 0:T=r.a;break;case 1:T=r.b;break;case 2:T=r.i;break;case 3:T=r.e;break;case 4:T=r.f;break;default:throw de(new Yn(AK+(O.f!=null?O.f:""+O.g)))}if(r.d=new V6e(T,nt,x),ct(r.d,(I6(),q9),Gt(Xt(r.c,Ztt))),r.d.c=Wt(Gt(Xt(r.c,NTe))),Eq(r.c).i==0)return r.d;for(z=new Tr(Eq(r.c));z.e!=z.i.gc();){for(F=E(Fr(z),33),Q=F.g/2,q=F.f/2,yt=new Kt(F.i+Q,F.j+q);Xd(r.g,yt);)YC(yt,(m.Math.random()-.5)*Rb,(m.Math.random()-.5)*Rb);ie=E(Xt(F,(Mi(),Hz)),142),fe=new aAe(yt,new Wh(yt.a-Q-r.j/2-ie.b,yt.b-q-r.j/2-ie.d,F.g+r.j+(ie.b+ie.c),F.f+r.j+(ie.d+ie.a))),Et(r.d.i,fe),Qi(r.g,yt,new Ra(fe,F))}switch(Ne.g){case 0:if(Te==null)r.d.d=E(Vt(r.d.i,0),65);else for(Ie=new le(r.d.i);Ie.a<Ie.c.c.length;)fe=E(ce(Ie),65),ee=E(E(Cr(r.g,fe.a),46).b,33).zg(),ee!=null&&xn(ee,Te)&&(r.d.d=fe);break;case 1:for(v=new Kt(r.c.g,r.c.f),v.a*=.5,v.b*=.5,YC(v,r.c.i,r.c.j),y=Qo,be=new le(r.d.i);be.a<be.c.c.length;)fe=E(ce(be),65),A=Dy(fe.a,v),A<y&&(y=A,r.d.d=fe);break;default:throw de(new Yn(AK+(Ne.f!=null?Ne.f:""+Ne.g)))}return r.d}function EUe(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt;for(nt=E(ke((!r.a&&(r.a=new St(Uo,r,6,6)),r.a),0),202),F=new Yl,Ne=new jr,yt=Mze(nt),ef(Ne.f,nt,yt),q=new jr,l=new Po,ee=Cy(Og(pe(he(Mg,1),Ht,20,0,[(!s.d&&(s.d=new Bn(ra,s,8,5)),s.d),(!s.e&&(s.e=new Bn(ra,s,7,4)),s.e)])));fi(ee);){if(Q=E(Zr(ee),79),(!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i!=1)throw de(new Yn(Kqe+(!r.a&&(r.a=new St(Uo,r,6,6)),r.a).i));Q!=r&&(fe=E(ke((!Q.a&&(Q.a=new St(Uo,Q,6,6)),Q.a),0),202),os(l,fe,l.c.b,l.c),ie=E(Rc(nc(Ne.f,fe)),12),ie||(ie=Mze(fe),ef(Ne.f,fe,ie)),z=a?pa(new Hu(E(Vt(yt,yt.c.length-1),8)),E(Vt(ie,ie.c.length-1),8)):pa(new Hu((Vn(0,yt.c.length),E(yt.c[0],8))),(Vn(0,ie.c.length),E(ie.c[0],8))),ef(q.f,fe,z))}if(l.b!=0)for(be=E(Vt(yt,a?yt.c.length-1:0),8),A=1;A<yt.c.length;A++){for(Ie=E(Vt(yt,a?yt.c.length-1-A:A),8),v=Ti(l,0);v.b!=v.d.c;)fe=E(Ci(v),202),ie=E(Rc(nc(Ne.f,fe)),12),ie.c.length<=A?sW(v):(Te=io(new Hu(E(Vt(ie,a?ie.c.length-1-A:A),8)),E(Rc(nc(q.f,fe)),8)),(Ie.a!=Te.a||Ie.b!=Te.b)&&(y=Ie.a-be.a,T=Ie.b-be.b,x=Te.a-be.a,O=Te.b-be.b,x*T==O*y&&(y==0||isNaN(y)?y:y<0?-1:1)==(x==0||isNaN(x)?x:x<0?-1:1)&&(T==0||isNaN(T)?T:T<0?-1:1)==(O==0||isNaN(O)?O:O<0?-1:1)?(m.Math.abs(y)<m.Math.abs(x)||m.Math.abs(T)<m.Math.abs(O))&&os(F,Ie,F.c.b,F.c):A>1&&os(F,be,F.c.b,F.c),sW(v)));be=Ie}return F}function V5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs,Ph,Np,Gg;for(Lr(a,"Greedy cycle removal",1),Te=s.a,Gg=Te.c.length,r.a=Pe(Gr,Ei,25,Gg,15,1),r.c=Pe(Gr,Ei,25,Gg,15,1),r.b=Pe(Gr,Ei,25,Gg,15,1),A=0,be=new le(Te);be.a<be.c.c.length;){for(ie=E(ce(be),10),ie.p=A,bn=new le(ie.j);bn.a<bn.c.c.length;){for(yt=E(ce(bn),11),T=new le(yt.e);T.a<T.c.c.length;)l=E(ce(T),17),l.c.i!=ie&&($r=E(se(l,(Ft(),i$)),19).a,r.a[A]+=$r>0?$r+1:1);for(x=new le(yt.g);x.a<x.c.c.length;)l=E(ce(x),17),l.d.i!=ie&&($r=E(se(l,(Ft(),i$)),19).a,r.c[A]+=$r>0?$r+1:1)}r.c[A]==0?Ii(r.e,ie):r.a[A]==0&&Ii(r.f,ie),++A}for(ee=-1,Q=1,z=new vt,r.d=E(se(s,(bt(),cI)),230);Gg>0;){for(;r.e.b!=0;)Vs=E(gee(r.e),10),r.b[Vs.p]=ee--,O0e(r,Vs),--Gg;for(;r.f.b!=0;)Ph=E(gee(r.f),10),r.b[Ph.p]=Q++,O0e(r,Ph),--Gg;if(Gg>0){for(q=qa,Ie=new le(Te);Ie.a<Ie.c.c.length;)ie=E(ce(Ie),10),r.b[ie.p]==0&&(Ne=r.c[ie.p]-r.a[ie.p],Ne>=q&&(Ne>q&&(z.c=Pe(mr,Ht,1,0,5,1),q=Ne),z.c[z.c.length]=ie));F=r.Zf(z),r.b[F.p]=Q++,O0e(r,F),--Gg}}for(Hi=Te.c.length+1,A=0;A<Te.c.length;A++)r.b[A]<0&&(r.b[A]+=Hi);for(fe=new le(Te);fe.a<fe.c.c.length;)for(ie=E(ce(fe),10),ar=e$e(ie.j),Lt=ar,nn=0,rr=Lt.length;nn<rr;++nn)for(yt=Lt[nn],nt=_b(yt.g),v=nt,y=0,O=v.length;y<O;++y)l=v[y],Np=l.d.i.p,r.b[ie.p]>r.b[Np]&&(JS(l,!0),ct(s,gz,(tr(),!0)));r.a=null,r.c=null,r.b=null,bp(r.f),bp(r.e),Or(a)}function _Ue(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;for(l=new vt,T=new vt,fe=s/2,Q=r.gc(),v=E(r.Xb(0),8),be=E(r.Xb(1),8),ee=Lre(v.a,v.b,be.a,be.b,fe),Et(l,(Vn(0,ee.c.length),E(ee.c[0],8))),Et(T,(Vn(1,ee.c.length),E(ee.c[1],8))),A=2;A<Q;A++)ie=v,v=be,be=E(r.Xb(A),8),ee=Lre(v.a,v.b,ie.a,ie.b,fe),Et(l,(Vn(1,ee.c.length),E(ee.c[1],8))),Et(T,(Vn(0,ee.c.length),E(ee.c[0],8))),ee=Lre(v.a,v.b,be.a,be.b,fe),Et(l,(Vn(0,ee.c.length),E(ee.c[0],8))),Et(T,(Vn(1,ee.c.length),E(ee.c[1],8)));for(ee=Lre(be.a,be.b,v.a,v.b,fe),Et(l,(Vn(1,ee.c.length),E(ee.c[1],8))),Et(T,(Vn(0,ee.c.length),E(ee.c[0],8))),a=new Yl,x=new vt,Ii(a,(Vn(0,l.c.length),E(l.c[0],8))),F=1;F<l.c.length-2;F+=2)y=(Vn(F,l.c.length),E(l.c[F],8)),q=FNe((Vn(F-1,l.c.length),E(l.c[F-1],8)),y,(Vn(F+1,l.c.length),E(l.c[F+1],8)),(Vn(F+2,l.c.length),E(l.c[F+2],8))),!isFinite(q.a)||!isFinite(q.b)?os(a,y,a.c.b,a.c):os(a,q,a.c.b,a.c);for(Ii(a,E(Vt(l,l.c.length-1),8)),Et(x,(Vn(0,T.c.length),E(T.c[0],8))),z=1;z<T.c.length-2;z+=2)y=(Vn(z,T.c.length),E(T.c[z],8)),q=FNe((Vn(z-1,T.c.length),E(T.c[z-1],8)),y,(Vn(z+1,T.c.length),E(T.c[z+1],8)),(Vn(z+2,T.c.length),E(T.c[z+2],8))),!isFinite(q.a)||!isFinite(q.b)?x.c[x.c.length]=y:x.c[x.c.length]=q;for(Et(x,E(Vt(T,T.c.length-1),8)),O=x.c.length-1;O>=0;O--)Ii(a,(Vn(O,x.c.length),E(x.c[O],8)));return a}function q5t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q;if(x=!0,z=null,l=null,v=null,s=!1,Q=$rt,A=null,y=null,T=0,O=qne(r,T,Ake,$ke),O<r.length&&(ui(O,r.length),r.charCodeAt(O)==58)&&(z=r.substr(T,O-T),T=O+1),a=z!=null&&XO(yQ,z.toLowerCase()),a){if(O=r.lastIndexOf("!/"),O==-1)throw de(new Yn("no archive separator"));x=!0,l=bh(r,T,++O),T=O}else T>=0&&xn(r.substr(T,2),"//")?(T+=2,O=qne(r,T,Bj,zj),l=r.substr(T,O-T),T=O):z!=null&&(T==r.length||(ui(T,r.length),r.charCodeAt(T)!=47))&&(x=!1,O=ade(r,Af(35),T),O==-1&&(O=r.length),l=r.substr(T,O-T),T=O);if(!a&&T<r.length&&(ui(T,r.length),r.charCodeAt(T)==47)&&(O=qne(r,T+1,Bj,zj),F=r.substr(T+1,O-(T+1)),F.length>0&&Ma(F,F.length-1)==58&&(v=F,T=O)),T<r.length&&(ui(T,r.length),r.charCodeAt(T)==47)&&(++T,s=!0),T<r.length&&(ui(T,r.length),r.charCodeAt(T)!=63)&&(ui(T,r.length),r.charCodeAt(T)!=35)){for(q=new vt;T<r.length&&(ui(T,r.length),r.charCodeAt(T)!=63)&&(ui(T,r.length),r.charCodeAt(T)!=35);)O=qne(r,T,Bj,zj),Et(q,r.substr(T,O-T)),T=O,T<r.length&&(ui(T,r.length),r.charCodeAt(T)==47)&&($mt(r,++T)||(q.c[q.c.length]=""));Q=Pe(Bt,ft,2,q.c.length,6,1),Ag(q,Q)}return T<r.length&&(ui(T,r.length),r.charCodeAt(T)==63)&&(O=XD(r,35,++T),O==-1&&(O=r.length),A=r.substr(T,O-T),T=O),T<r.length&&(y=kN(r,++T)),FRt(x,z,l,v,Q,A),new Kre(x,z,l,v,s,Q,A,y)}function W5t(r,s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs,Ph,Np;for(Vs=new vt,ee=new le(s.b);ee.a<ee.c.c.length;)for(q=E(ce(ee),29),nt=new le(q.a);nt.a<nt.c.c.length;){for(Ne=E(ce(nt),10),Ne.p=-1,z=qa,nn=qa,rr=new le(Ne.j);rr.a<rr.c.c.length;){for(bn=E(ce(rr),11),v=new le(bn.e);v.a<v.c.c.length;)a=E(ce(v),17),ar=E(se(a,(Ft(),dI)),19).a,z=m.Math.max(z,ar);for(l=new le(bn.g);l.a<l.c.c.length;)a=E(ce(l),17),ar=E(se(a,(Ft(),dI)),19).a,nn=m.Math.max(nn,ar)}ct(Ne,AX,Ot(z)),ct(Ne,$X,Ot(nn))}for(be=0,Q=new le(s.b);Q.a<Q.c.c.length;)for(q=E(ce(Q),29),nt=new le(q.a);nt.a<nt.c.c.length;)Ne=E(ce(nt),10),Ne.p<0&&(Hi=new PM,Hi.b=be++,oze(r,Ne,Hi),Vs.c[Vs.c.length]=Hi);for(Lt=bm(Vs.c.length),F=bm(Vs.c.length),x=0;x<Vs.c.length;x++)Et(Lt,new vt),Et(F,Ot(0));for(gOt(s,Vs,Lt,F),Ph=E(Ag(Vs,Pe(iet,fqe,257,Vs.c.length,0,1)),840),yt=E(Ag(Lt,Pe(rp,PT,15,Lt.c.length,0,1)),192),A=Pe(Gr,Ei,25,F.c.length,15,1),T=0;T<A.length;T++)A[T]=(Vn(T,F.c.length),E(F.c[T],19)).a;for(Ie=0,Te=new vt,O=0;O<Ph.length;O++)A[O]==0&&Et(Te,Ph[O]);for(fe=Pe(Gr,Ei,25,Ph.length,15,1);Te.c.length!=0;)for(Hi=E(qv(Te,0),257),fe[Hi.b]=Ie++;!yt[Hi.b].dc();)Np=E(yt[Hi.b].$c(0),257),--A[Np.b],A[Np.b]==0&&(Te.c[Te.c.length]=Np);for(r.a=Pe(iet,fqe,257,Ph.length,0,1),y=0;y<Ph.length;y++)for(ie=Ph[y],$r=fe[y],r.a[$r]=ie,ie.b=$r,nt=new le(ie.e);nt.a<nt.c.c.length;)Ne=E(ce(nt),10),Ne.p=$r;return r.a}function Li(r){var s,a,l;if(r.d>=r.j){r.a=-1,r.c=1;return}if(s=Ma(r.i,r.d++),r.a=s,r.b==1){switch(s){case 92:if(l=10,r.d>=r.j)throw de(new Hr(di((ni(),LK))));r.a=Ma(r.i,r.d++);break;case 45:(r.e&512)==512&&r.d<r.j&&Ma(r.i,r.d)==91?(++r.d,l=24):l=0;break;case 91:if((r.e&512)!=512&&r.d<r.j&&Ma(r.i,r.d)==58){++r.d,l=20;break}default:(s&64512)==kB&&r.d<r.j&&(a=Ma(r.i,r.d),(a&64512)==56320&&(r.a=du+(s-kB<<10)+a-56320,++r.d)),l=0}r.c=l;return}switch(s){case 124:l=2;break;case 42:l=3;break;case 43:l=4;break;case 63:l=5;break;case 41:l=7;break;case 46:l=8;break;case 91:l=9;break;case 94:l=11;break;case 36:l=12;break;case 40:if(l=6,r.d>=r.j||Ma(r.i,r.d)!=63)break;if(++r.d>=r.j)throw de(new Hr(di((ni(),Hse))));switch(s=Ma(r.i,r.d++),s){case 58:l=13;break;case 61:l=14;break;case 33:l=15;break;case 91:l=19;break;case 62:l=18;break;case 60:if(r.d>=r.j)throw de(new Hr(di((ni(),Hse))));if(s=Ma(r.i,r.d++),s==61)l=16;else if(s==33)l=17;else throw de(new Hr(di((ni(),EWe))));break;case 35:for(;r.d<r.j&&(s=Ma(r.i,r.d++),s!=41););if(s!=41)throw de(new Hr(di((ni(),_We))));l=21;break;default:if(s==45||97<=s&&s<=122||65<=s&&s<=90){--r.d,l=22;break}else if(s==40){l=23;break}throw de(new Hr(di((ni(),Hse))))}break;case 92:if(l=10,r.d>=r.j)throw de(new Hr(di((ni(),LK))));r.a=Ma(r.i,r.d++);break;default:l=0}r.c=l}function G5t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r;if(Lt=E(se(r,(Ft(),Zo)),98),Lt!=(Sa(),Ug)&&Lt!=uE){for(ee=r.b,Q=ee.c.length,F=new Fl((Eh(Q+2,Iie),oW(Xa(Xa(5,Q+2),(Q+2)/10|0)))),ie=new Fl((Eh(Q+2,Iie),oW(Xa(Xa(5,Q+2),(Q+2)/10|0)))),Et(F,new jr),Et(F,new jr),Et(ie,new vt),Et(ie,new vt),yt=new vt,s=0;s<Q;s++)for(a=(Vn(s,ee.c.length),E(ee.c[s],29)),nn=(Vn(s,F.c.length),E(F.c[s],83)),fe=new jr,F.c[F.c.length]=fe,rr=(Vn(s,ie.c.length),E(ie.c[s],15)),Ie=new vt,ie.c[ie.c.length]=Ie,v=new le(a.a);v.a<v.c.c.length;){if(l=E(ce(v),10),$ge(l)){yt.c[yt.c.length]=l;continue}for(A=new Rr(Ar(fc(l).a.Kc(),new M));fi(A);)T=E(Zr(A),17),ar=T.c.i,$ge(ar)&&(bn=E(nn.xc(se(ar,(bt(),to))),10),bn||(bn=nLe(r,ar),nn.zc(se(ar,to),bn),rr.Fc(bn)),Ya(T,E(Vt(bn.j,1),11)));for(O=new Rr(Ar(ks(l).a.Kc(),new M));fi(O);)T=E(Zr(O),17),$r=T.d.i,$ge($r)&&(be=E(Cr(fe,se($r,(bt(),to))),10),be||(be=nLe(r,$r),Qi(fe,se($r,to),be),Ie.c[Ie.c.length]=be),ya(T,E(Vt(be.j,0),11)))}for(z=0;z<ie.c.length;z++)if(Te=(Vn(z,ie.c.length),E(ie.c[z],15)),!Te.dc())for(q=null,z==0?(q=new gp(r),oT(0,ee.c.length),O8(ee.c,0,q)):z==F.c.length-1?(q=new gp(r),ee.c[ee.c.length]=q):q=(Vn(z-1,ee.c.length),E(ee.c[z-1],29)),x=Te.Kc();x.Ob();)y=E(x.Pb(),10),Vu(y,q);for(nt=new le(yt);nt.a<nt.c.c.length;)Ne=E(ce(nt),10),Vu(Ne,null);ct(r,(bt(),Cue),yt)}}function K5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt;if(Lr(a,"Coffman-Graham Layering",1),s.a.c.length==0){Or(a);return}for(nt=E(se(s,(Ft(),Pxe)),19).a,O=0,x=0,q=new le(s.a);q.a<q.c.c.length;)for(z=E(ce(q),10),z.p=O++,y=new Rr(Ar(ks(z).a.Kc(),new M));fi(y);)v=E(Zr(y),17),v.p=x++;for(r.d=Pe(Md,Dm,25,O,16,1),r.a=Pe(Md,Dm,25,x,16,1),r.b=Pe(Gr,Ei,25,O,15,1),r.e=Pe(Gr,Ei,25,O,15,1),r.f=Pe(Gr,Ei,25,O,15,1),pW(r.c),pEt(r,s),ee=new uq(new OH(r)),Ne=new le(s.a);Ne.a<Ne.c.c.length;){for(Ie=E(ce(Ne),10),y=new Rr(Ar(fc(Ie).a.Kc(),new M));fi(y);)v=E(Zr(y),17),r.a[v.p]||++r.b[Ie.p];r.b[Ie.p]==0&&b6(Z6(ee,Ie))}for(T=0;ee.b.c.length!=0;)for(Ie=E(Vte(ee),10),r.f[Ie.p]=T++,y=new Rr(Ar(ks(Ie).a.Kc(),new M));fi(y);)v=E(Zr(y),17),!r.a[v.p]&&(fe=v.d.i,--r.b[fe.p],_n(r.c,fe,Ot(r.f[Ie.p])),r.b[fe.p]==0&&b6(Z6(ee,fe)));for(Q=new uq(new yP(r)),Te=new le(s.a);Te.a<Te.c.c.length;){for(Ie=E(ce(Te),10),y=new Rr(Ar(ks(Ie).a.Kc(),new M));fi(y);)v=E(Zr(y),17),r.a[v.p]||++r.e[Ie.p];r.e[Ie.p]==0&&b6(Z6(Q,Ie))}for(F=new vt,l=mAe(s,F);Q.b.c.length!=0;)for(be=E(Vte(Q),10),(l.a.c.length>=nt||!pvt(be,l))&&(l=mAe(s,F)),Vu(be,l),y=new Rr(Ar(fc(be).a.Kc(),new M));fi(y);)v=E(Zr(y),17),!r.a[v.p]&&(ie=v.c.i,--r.e[ie.p],r.e[ie.p]==0&&b6(Z6(Q,ie)));for(A=F.c.length-1;A>=0;--A)Et(s.b,(Vn(A,F.c.length),E(F.c[A],29)));s.a.c=Pe(mr,Ht,1,0,5,1),Or(a)}function SUe(r){var s,a,l,v,y,x,T,O,A;for(r.b=1,Li(r),s=null,r.c==0&&r.a==94?(Li(r),s=(zi(),zi(),new vh(4)),yl(s,0,$A),T=new vh(4)):T=(zi(),zi(),new vh(4)),v=!0;(A=r.c)!=1;){if(A==0&&r.a==93&&!v){s&&(u9(s,T),T=s);break}if(a=r.a,l=!1,A==10)switch(a){case 100:case 68:case 119:case 87:case 115:case 83:IT(T,uA(a)),l=!0;break;case 105:case 73:case 99:case 67:a=(IT(T,uA(a)),-1),a<0&&(l=!0);break;case 112:case 80:if(O=Mme(r,a),!O)throw de(new Hr(di((ni(),Use))));IT(T,O),l=!0;break;default:a=m0e(r)}else if(A==24&&!v){if(s&&(u9(s,T),T=s),y=SUe(r),u9(T,y),r.c!=0||r.a!=93)throw de(new Hr(di((ni(),DWe))));break}if(Li(r),!l){if(A==0){if(a==91)throw de(new Hr(di((ni(),cEe))));if(a==93)throw de(new Hr(di((ni(),lEe))));if(a==45&&!v&&r.a!=93)throw de(new Hr(di((ni(),Vse))))}if(r.c!=0||r.a!=45||a==45&&v)yl(T,a,a);else{if(Li(r),(A=r.c)==1)throw de(new Hr(di((ni(),BK))));if(A==0&&r.a==93)yl(T,a,a),yl(T,45,45);else{if(A==0&&r.a==93||A==24)throw de(new Hr(di((ni(),Vse))));if(x=r.a,A==0){if(x==91)throw de(new Hr(di((ni(),cEe))));if(x==93)throw de(new Hr(di((ni(),lEe))));if(x==45)throw de(new Hr(di((ni(),Vse))))}else A==10&&(x=m0e(r));if(Li(r),a>x)throw de(new Hr(di((ni(),PWe))));yl(T,a,x)}}}v=!1}if(r.c==1)throw de(new Hr(di((ni(),BK))));return R4(T),s9(T),r.b=0,Li(r),T}function Y5t(r){ti(r.c,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#decimal"])),ti(r.d,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#integer"])),ti(r.e,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#boolean"])),ti(r.f,vi,pe(he(Bt,1),ft,2,6,[Wa,"EBoolean",ji,"EBoolean:Object"])),ti(r.i,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#byte"])),ti(r.g,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#hexBinary"])),ti(r.j,vi,pe(he(Bt,1),ft,2,6,[Wa,"EByte",ji,"EByte:Object"])),ti(r.n,vi,pe(he(Bt,1),ft,2,6,[Wa,"EChar",ji,"EChar:Object"])),ti(r.t,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#double"])),ti(r.u,vi,pe(he(Bt,1),ft,2,6,[Wa,"EDouble",ji,"EDouble:Object"])),ti(r.F,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#float"])),ti(r.G,vi,pe(he(Bt,1),ft,2,6,[Wa,"EFloat",ji,"EFloat:Object"])),ti(r.I,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#int"])),ti(r.J,vi,pe(he(Bt,1),ft,2,6,[Wa,"EInt",ji,"EInt:Object"])),ti(r.N,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#long"])),ti(r.O,vi,pe(he(Bt,1),ft,2,6,[Wa,"ELong",ji,"ELong:Object"])),ti(r.Z,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#short"])),ti(r.$,vi,pe(he(Bt,1),ft,2,6,[Wa,"EShort",ji,"EShort:Object"])),ti(r._,vi,pe(he(Bt,1),ft,2,6,[Wa,"http://www.w3.org/2001/XMLSchema#string"]))}function X5t(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r;if(r.c.length==1)return Vn(0,r.c.length),E(r.c[0],135);if(r.c.length<=0)return new qq;for(O=new le(r);O.a<O.c.c.length;){for(x=E(ce(O),135),Ie=0,ee=qi,ie=qi,q=qa,Q=qa,be=Ti(x.b,0);be.b!=be.d.c;)fe=E(Ci(be),86),Ie+=E(se(fe,(XS(),BX)),19).a,ee=m.Math.min(ee,fe.e.a),ie=m.Math.min(ie,fe.e.b),q=m.Math.max(q,fe.e.a+fe.f.a),Q=m.Math.max(Q,fe.e.b+fe.f.b);ct(x,(XS(),BX),Ot(Ie)),ct(x,(Hc(),wj),new Kt(ee,ie)),ct(x,Iz,new Kt(q,Q))}for(In(),sa(r,new ad),nt=new qq,rc(nt,(Vn(0,r.c.length),E(r.c[0],94))),z=0,rr=0,A=new le(r);A.a<A.c.c.length;)x=E(ce(A),135),yt=pa(Oc(E(se(x,(Hc(),Iz)),8)),E(se(x,wj),8)),z=m.Math.max(z,yt.a),rr+=yt.a*yt.b;for(z=m.Math.max(z,m.Math.sqrt(rr)*ot(Dt(se(nt,(XS(),Vet))))),Lt=ot(Dt(se(nt,VCe))),ar=0,$r=0,F=0,s=Lt,T=new le(r);T.a<T.c.c.length;)x=E(ce(T),135),yt=pa(Oc(E(se(x,(Hc(),Iz)),8)),E(se(x,wj),8)),ar+yt.a>z&&(ar=0,$r+=F+Lt,F=0),sCt(nt,x,ar,$r),s=m.Math.max(s,ar+yt.a),F=m.Math.max(F,yt.b),ar+=yt.a+Lt;for(Ne=new jr,a=new jr,bn=new le(r);bn.a<bn.c.c.length;)for(nn=E(ce(bn),135),l=Wt(Gt(se(nn,(Mi(),Bz)))),Te=nn.q?nn.q:$m,y=Te.vc().Kc();y.Ob();)v=E(y.Pb(),42),Xd(Ne,v.cd())?Qe(E(v.cd(),146).wg())!==Qe(v.dd())&&(l&&Xd(a,v.cd())?(mg(),""+E(v.cd(),146).tg()):(Qi(Ne,E(v.cd(),146),v.dd()),ct(nt,E(v.cd(),146),v.dd()),l&&Qi(a,E(v.cd(),146),v.dd()))):(Qi(Ne,E(v.cd(),146),v.dd()),ct(nt,E(v.cd(),146),v.dd()));return nt}function xUe(){xUe=xe,xie(),Si=new kS,_n(Si,(It(),y1),Vg),_n(Si,Ap,Vg),_n(Si,bd,Vg),_n(Si,E1,Vg),_n(Si,jf,Vg),_n(Si,md,Vg),_n(Si,E1,y1),_n(Si,Vg,op),_n(Si,y1,op),_n(Si,Ap,op),_n(Si,bd,op),_n(Si,Ff,op),_n(Si,E1,op),_n(Si,jf,op),_n(Si,md,op),_n(Si,sf,op),_n(Si,Vg,Dh),_n(Si,y1,Dh),_n(Si,op,Dh),_n(Si,Ap,Dh),_n(Si,bd,Dh),_n(Si,Ff,Dh),_n(Si,E1,Dh),_n(Si,sf,Dh),_n(Si,Ah,Dh),_n(Si,jf,Dh),_n(Si,td,Dh),_n(Si,md,Dh),_n(Si,y1,Ap),_n(Si,bd,Ap),_n(Si,E1,Ap),_n(Si,md,Ap),_n(Si,y1,bd),_n(Si,Ap,bd),_n(Si,E1,bd),_n(Si,bd,bd),_n(Si,jf,bd),_n(Si,Vg,sp),_n(Si,y1,sp),_n(Si,op,sp),_n(Si,Dh,sp),_n(Si,Ap,sp),_n(Si,bd,sp),_n(Si,Ff,sp),_n(Si,E1,sp),_n(Si,Ah,sp),_n(Si,sf,sp),_n(Si,md,sp),_n(Si,jf,sp),_n(Si,kl,sp),_n(Si,Vg,Ah),_n(Si,y1,Ah),_n(Si,op,Ah),_n(Si,Ap,Ah),_n(Si,bd,Ah),_n(Si,Ff,Ah),_n(Si,E1,Ah),_n(Si,sf,Ah),_n(Si,md,Ah),_n(Si,td,Ah),_n(Si,kl,Ah),_n(Si,y1,sf),_n(Si,Ap,sf),_n(Si,bd,sf),_n(Si,E1,sf),_n(Si,Ah,sf),_n(Si,md,sf),_n(Si,jf,sf),_n(Si,Vg,Pf),_n(Si,y1,Pf),_n(Si,op,Pf),_n(Si,Ap,Pf),_n(Si,bd,Pf),_n(Si,Ff,Pf),_n(Si,E1,Pf),_n(Si,sf,Pf),_n(Si,md,Pf),_n(Si,y1,jf),_n(Si,op,jf),_n(Si,Dh,jf),_n(Si,bd,jf),_n(Si,Vg,td),_n(Si,y1,td),_n(Si,Dh,td),_n(Si,Ap,td),_n(Si,bd,td),_n(Si,Ff,td),_n(Si,E1,td),_n(Si,E1,kl),_n(Si,bd,kl),_n(Si,sf,Vg),_n(Si,sf,Ap),_n(Si,sf,op),_n(Si,Ff,Vg),_n(Si,Ff,y1),_n(Si,Ff,Dh)}function qG(r,s){switch(r.e){case 0:case 2:case 4:case 6:case 42:case 44:case 46:case 48:case 8:case 10:case 12:case 14:case 16:case 18:case 20:case 22:case 24:case 26:case 28:case 30:case 32:case 34:case 36:case 38:return new C6e(r.b,r.a,s,r.c);case 1:return new RV(r.a,s,Fo(s.Tg(),r.c));case 43:return new EOe(r.a,s,Fo(s.Tg(),r.c));case 3:return new xs(r.a,s,Fo(s.Tg(),r.c));case 45:return new Wf(r.a,s,Fo(s.Tg(),r.c));case 41:return new Jd(E(wp(r.c),26),r.a,s,Fo(s.Tg(),r.c));case 50:return new xFe(E(wp(r.c),26),r.a,s,Fo(s.Tg(),r.c));case 5:return new Lde(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 47:return new A5e(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 7:return new St(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 49:return new a5(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 9:return new SOe(r.a,s,Fo(s.Tg(),r.c));case 11:return new _Oe(r.a,s,Fo(s.Tg(),r.c));case 13:return new Qfe(r.a,s,Fo(s.Tg(),r.c));case 15:return new VV(r.a,s,Fo(s.Tg(),r.c));case 17:return new xOe(r.a,s,Fo(s.Tg(),r.c));case 19:return new r4(r.a,s,Fo(s.Tg(),r.c));case 21:return new Xfe(r.a,s,Fo(s.Tg(),r.c));case 23:return new zN(r.a,s,Fo(s.Tg(),r.c));case 25:return new F5e(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 27:return new Bn(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 29:return new P5e(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 31:return new $5e(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 33:return new zde(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 35:return new Bde(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 37:return new oee(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 39:return new cq(r.a,s,Fo(s.Tg(),r.c),r.d.n);case 40:return new Xo(s,Fo(s.Tg(),r.c));default:throw de(new Zu("Unknown feature style: "+r.e))}}function Q5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt;switch(Lr(a,"Brandes & Koepf node placement",1),r.a=s,r.c=Vkt(s),l=E(se(s,(Ft(),Uue)),274),Q=Wt(Gt(se(s,sj))),r.d=l==(XL(),eX)&&!Q||l==wue,ORt(r,s),nt=null,yt=null,be=null,Ie=null,fe=(Eh(4,AT),new Fl(4)),E(se(s,Uue),274).g){case 3:be=new $4(s,r.c.d,(Sg(),X2),(Eb(),fw)),fe.c[fe.c.length]=be;break;case 1:Ie=new $4(s,r.c.d,(Sg(),zg),(Eb(),fw)),fe.c[fe.c.length]=Ie;break;case 4:nt=new $4(s,r.c.d,(Sg(),X2),(Eb(),xx)),fe.c[fe.c.length]=nt;break;case 2:yt=new $4(s,r.c.d,(Sg(),zg),(Eb(),xx)),fe.c[fe.c.length]=yt;break;default:be=new $4(s,r.c.d,(Sg(),X2),(Eb(),fw)),Ie=new $4(s,r.c.d,zg,fw),nt=new $4(s,r.c.d,X2,xx),yt=new $4(s,r.c.d,zg,xx),fe.c[fe.c.length]=nt,fe.c[fe.c.length]=yt,fe.c[fe.c.length]=be,fe.c[fe.c.length]=Ie}for(v=new B4e(s,r.c),T=new le(fe);T.a<T.c.c.length;)y=E(ce(T),180),M5t(v,y,r.b),y4t(y);for(q=new wMe(s,r.c),O=new le(fe);O.a<O.c.c.length;)y=E(ce(O),180),$Ot(q,y);if(a.n)for(A=new le(fe);A.a<A.c.c.length;)y=E(ce(A),180),s2(a,y+" size is "+Bre(y));if(z=null,r.d&&(F=c5t(r,fe,r.c.d),oHe(s,F,a)&&(z=F)),!z)for(A=new le(fe);A.a<A.c.c.length;)y=E(ce(A),180),oHe(s,y,a)&&(!z||Bre(z)>Bre(y))&&(z=y);for(!z&&(z=(Vn(0,fe.c.length),E(fe.c[0],180))),ie=new le(s.b);ie.a<ie.c.c.length;)for(ee=E(ce(ie),29),Ne=new le(ee.a);Ne.a<Ne.c.c.length;)Te=E(ce(Ne),10),Te.n.b=ot(z.p[Te.p])+ot(z.d[Te.p]);for(a.n&&(s2(a,"Chosen node placement: "+z),s2(a,"Blocks: "+CLe(z)),s2(a,"Classes: "+fxt(z,a)),s2(a,"Marked edges: "+r.b)),x=new le(fe);x.a<x.c.c.length;)y=E(ce(x),180),y.g=null,y.b=null,y.a=null,y.d=null,y.j=null,y.i=null,y.p=null;Hgt(r.c),r.b.a.$b(),Or(a)}function J5t(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar;for(x=new Po,nt=E(se(a,(Ft(),Oh)),103),ee=0,cu(x,(!s.a&&(s.a=new St(Ko,s,10,11)),s.a));x.b!=0;)A=E(x.b==0?null:(vr(x.b!=0),Xh(x,x.a.a)),33),(Qe(Xt(s,tE))!==Qe((I0(),nE))||Qe(Xt(s,QT))===Qe((R2(),Q9))||Qe(Xt(s,QT))===Qe((R2(),X9))||Wt(Gt(Xt(s,XT)))||Qe(Xt(s,fI))!==Qe((BS(),J4)))&&!Wt(Gt(Xt(A,Pue)))&&Nu(A,(bt(),ol),Ot(ee++)),fe=!Wt(Gt(Xt(A,K2))),fe&&(z=(!A.a&&(A.a=new St(Ko,A,10,11)),A.a).i!=0,Q=t2t(A),q=Qe(Xt(A,JT))===Qe((D0(),gw)),ar=!p2(A,(Mi(),kj))||xn(ai(Xt(A,kj)),pr),Te=null,ar&&q&&(z||Q)&&(Te=Wze(A),ct(Te,Oh,nt),ta(Te,Ez)&&EJ(new qge(ot(Dt(se(Te,Ez)))),Te),E(Xt(A,G2),174).gc()!=0&&(F=Te,Bo(new Nn(null,(!A.c&&(A.c=new St(jd,A,9,9)),new zn(A.c,16))),new us(F)),NBe(A,Te))),yt=a,Lt=E(Cr(r.a,Wo(A)),10),Lt&&(yt=Lt.e),Ie=qHe(r,A,yt),Te&&(Ie.e=Te,Te.e=Ie,cu(x,(!A.a&&(A.a=new St(Ko,A,10,11)),A.a))));for(ee=0,os(x,s,x.c.b,x.c);x.b!=0;){for(y=E(x.b==0?null:(vr(x.b!=0),Xh(x,x.a.a)),33),O=new Tr((!y.b&&(y.b=new St(ra,y,12,3)),y.b));O.e!=O.i.gc();)T=E(Fr(O),79),lze(T),(Qe(Xt(s,tE))!==Qe((I0(),nE))||Qe(Xt(s,QT))===Qe((R2(),Q9))||Qe(Xt(s,QT))===Qe((R2(),X9))||Wt(Gt(Xt(s,XT)))||Qe(Xt(s,fI))!==Qe((BS(),J4)))&&Nu(T,(bt(),ol),Ot(ee++)),bn=ic(E(ke((!T.b&&(T.b=new Bn(Nr,T,4,7)),T.b),0),82)),rr=ic(E(ke((!T.c&&(T.c=new Bn(Nr,T,5,8)),T.c),0),82)),!(Wt(Gt(Xt(T,K2)))||Wt(Gt(Xt(bn,K2)))||Wt(Gt(Xt(rr,K2))))&&(ie=KS(T)&&Wt(Gt(Xt(bn,ZT)))&&Wt(Gt(Xt(T,W2))),Ne=y,ie||fT(rr,bn)?Ne=bn:fT(bn,rr)&&(Ne=rr),yt=a,Lt=E(Cr(r.a,Ne),10),Lt&&(yt=Lt.e),be=uve(r,T,Ne,yt),ct(be,(bt(),ASe),_Tt(r,T,s,a)));if(q=Qe(Xt(y,JT))===Qe((D0(),gw)),q)for(v=new Tr((!y.a&&(y.a=new St(Ko,y,10,11)),y.a));v.e!=v.i.gc();)l=E(Fr(v),33),ar=!p2(l,(Mi(),kj))||xn(ai(Xt(l,kj)),pr),nn=Qe(Xt(l,JT))===Qe(gw),ar&&nn&&os(x,l,x.c.b,x.c)}}function Z5t(r,s,a,l,v,y){var x,T,O,A,F,z,q,Q,ee,ie,fe,be;switch(s){case 71:T=l.q.getFullYear()-Vy>=-1900?1:0,a>=4?gi(r,pe(he(Bt,1),ft,2,6,[BUe,zUe])[T]):gi(r,pe(he(Bt,1),ft,2,6,["BC","AD"])[T]);break;case 121:Vvt(r,a,l);break;case 77:K3t(r,a,l);break;case 107:O=v.q.getHours(),O==0?Sm(r,24,a):Sm(r,O,a);break;case 83:gCt(r,a,v);break;case 69:F=l.q.getDay(),a==5?gi(r,pe(he(Bt,1),ft,2,6,["S","M","T","W","T","F","S"])[F]):a==4?gi(r,pe(he(Bt,1),ft,2,6,[Vie,qie,Wie,Gie,Kie,Yie,Xie])[F]):gi(r,pe(he(Bt,1),ft,2,6,["Sun","Mon","Tue","Wed","Thu","Fri","Sat"])[F]);break;case 97:v.q.getHours()>=12&&v.q.getHours()<24?gi(r,pe(he(Bt,1),ft,2,6,["AM","PM"])[1]):gi(r,pe(he(Bt,1),ft,2,6,["AM","PM"])[0]);break;case 104:z=v.q.getHours()%12,z==0?Sm(r,12,a):Sm(r,z,a);break;case 75:q=v.q.getHours()%12,Sm(r,q,a);break;case 72:Q=v.q.getHours(),Sm(r,Q,a);break;case 99:ee=l.q.getDay(),a==5?gi(r,pe(he(Bt,1),ft,2,6,["S","M","T","W","T","F","S"])[ee]):a==4?gi(r,pe(he(Bt,1),ft,2,6,[Vie,qie,Wie,Gie,Kie,Yie,Xie])[ee]):a==3?gi(r,pe(he(Bt,1),ft,2,6,["Sun","Mon","Tue","Wed","Thu","Fri","Sat"])[ee]):Sm(r,ee,1);break;case 76:ie=l.q.getMonth(),a==5?gi(r,pe(he(Bt,1),ft,2,6,["J","F","M","A","M","J","J","A","S","O","N","D"])[ie]):a==4?gi(r,pe(he(Bt,1),ft,2,6,[$ie,Pie,Fie,jie,B5,Mie,Nie,Lie,Bie,zie,Hie,Uie])[ie]):a==3?gi(r,pe(he(Bt,1),ft,2,6,["Jan","Feb","Mar","Apr",B5,"Jun","Jul","Aug","Sep","Oct","Nov","Dec"])[ie]):Sm(r,ie+1,a);break;case 81:fe=l.q.getMonth()/3|0,a<4?gi(r,pe(he(Bt,1),ft,2,6,["Q1","Q2","Q3","Q4"])[fe]):gi(r,pe(he(Bt,1),ft,2,6,["1st quarter","2nd quarter","3rd quarter","4th quarter"])[fe]);break;case 100:be=l.q.getDate(),Sm(r,be,a);break;case 109:A=v.q.getMinutes(),Sm(r,A,a);break;case 115:x=v.q.getSeconds(),Sm(r,x,a);break;case 122:a<4?gi(r,y.c[0]):gi(r,y.c[1]);break;case 118:gi(r,y.b);break;case 90:a<3?gi(r,iSt(y)):a==3?gi(r,aSt(y)):gi(r,uSt(y.a));break;default:return!1}return!0}function uve(r,s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi;if(lze(s),O=E(ke((!s.b&&(s.b=new Bn(Nr,s,4,7)),s.b),0),82),F=E(ke((!s.c&&(s.c=new Bn(Nr,s,5,8)),s.c),0),82),T=ic(O),A=ic(F),x=(!s.a&&(s.a=new St(Uo,s,6,6)),s.a).i==0?null:E(ke((!s.a&&(s.a=new St(Uo,s,6,6)),s.a),0),202),Lt=E(Cr(r.a,T),10),ar=E(Cr(r.a,A),10),nn=null,$r=null,Ce(O,186)&&(yt=E(Cr(r.a,O),299),Ce(yt,11)?nn=E(yt,11):Ce(yt,10)&&(Lt=E(yt,10),nn=E(Vt(Lt.j,0),11))),Ce(F,186)&&(rr=E(Cr(r.a,F),299),Ce(rr,11)?$r=E(rr,11):Ce(rr,10)&&(ar=E(rr,10),$r=E(Vt(ar.j,0),11))),!Lt||!ar)throw de(new Zp("The source or the target of edge "+s+" could not be found. This usually happens when an edge connects a node laid out by ELK Layered to a node in another level of hierarchy laid out by either another instance of ELK Layered or another layout algorithm alltogether. The former can be solved by setting the hierarchyHandling option to INCLUDE_CHILDREN."));for(ie=new CS,rc(ie,s),ct(ie,(bt(),to),s),ct(ie,(Ft(),Ku),null),Q=E(se(l,Cl),21),Lt==ar&&Q.Fc((Ru(),ej)),nn||(nt=(Tu(),zl),bn=null,x&&e4(E(se(Lt,Zo),98))&&(bn=new Kt(x.j,x.k),y$e(bn,QN(s)),X$e(bn,a),fT(A,T)&&(nt=gd,io(bn,Lt.n))),nn=uHe(Lt,bn,nt,l)),$r||(nt=(Tu(),gd),Hi=null,x&&e4(E(se(ar,Zo),98))&&(Hi=new Kt(x.b,x.c),y$e(Hi,QN(s)),X$e(Hi,a)),$r=uHe(ar,Hi,nt,Za(ar))),Ya(ie,nn),ya(ie,$r),(nn.e.c.length>1||nn.g.c.length>1||$r.e.c.length>1||$r.g.c.length>1)&&Q.Fc((Ru(),Z9)),q=new Tr((!s.n&&(s.n=new St(pc,s,1,7)),s.n));q.e!=q.i.gc();)if(z=E(Fr(q),137),!Wt(Gt(Xt(z,K2)))&&z.a)switch(fe=Tne(z),Et(ie.b,fe),E(se(fe,Nb),272).g){case 1:case 2:Q.Fc((Ru(),QA));break;case 0:Q.Fc((Ru(),XA)),ct(fe,Nb,(Rg(),d$))}if(y=E(se(l,oj),314),be=E(se(l,yX),315),v=y==(C5(),dz)||be==(HF(),nce),x&&(!x.a&&(x.a=new xs($p,x,5)),x.a).i!=0&&v){for(Ie=ZL(x),ee=new Yl,Ne=Ti(Ie,0);Ne.b!=Ne.d.c;)Te=E(Ci(Ne),8),Ii(ee,new Hu(Te));ct(ie,jSe,ee)}return ie}function eIt(r){r.gb||(r.gb=!0,r.b=Dc(r,0),Go(r.b,18),Eo(r.b,19),r.a=Dc(r,1),Go(r.a,1),Eo(r.a,2),Eo(r.a,3),Eo(r.a,4),Eo(r.a,5),r.o=Dc(r,2),Go(r.o,8),Go(r.o,9),Eo(r.o,10),Eo(r.o,11),Eo(r.o,12),Eo(r.o,13),Eo(r.o,14),Eo(r.o,15),Eo(r.o,16),Eo(r.o,17),Eo(r.o,18),Eo(r.o,19),Eo(r.o,20),Eo(r.o,21),Eo(r.o,22),Eo(r.o,23),Wu(r.o),Wu(r.o),Wu(r.o),Wu(r.o),Wu(r.o),Wu(r.o),Wu(r.o),Wu(r.o),Wu(r.o),Wu(r.o),r.p=Dc(r,3),Go(r.p,2),Go(r.p,3),Go(r.p,4),Go(r.p,5),Eo(r.p,6),Eo(r.p,7),Wu(r.p),Wu(r.p),r.q=Dc(r,4),Go(r.q,8),r.v=Dc(r,5),Eo(r.v,9),Wu(r.v),Wu(r.v),Wu(r.v),r.w=Dc(r,6),Go(r.w,2),Go(r.w,3),Go(r.w,4),Eo(r.w,5),r.B=Dc(r,7),Eo(r.B,1),Wu(r.B),Wu(r.B),Wu(r.B),r.Q=Dc(r,8),Eo(r.Q,0),Wu(r.Q),r.R=Dc(r,9),Go(r.R,1),r.S=Dc(r,10),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),Wu(r.S),r.T=Dc(r,11),Eo(r.T,10),Eo(r.T,11),Eo(r.T,12),Eo(r.T,13),Eo(r.T,14),Wu(r.T),Wu(r.T),r.U=Dc(r,12),Go(r.U,2),Go(r.U,3),Eo(r.U,4),Eo(r.U,5),Eo(r.U,6),Eo(r.U,7),Wu(r.U),r.V=Dc(r,13),Eo(r.V,10),r.W=Dc(r,14),Go(r.W,18),Go(r.W,19),Go(r.W,20),Eo(r.W,21),Eo(r.W,22),Eo(r.W,23),r.bb=Dc(r,15),Go(r.bb,10),Go(r.bb,11),Go(r.bb,12),Go(r.bb,13),Go(r.bb,14),Go(r.bb,15),Go(r.bb,16),Eo(r.bb,17),Wu(r.bb),Wu(r.bb),r.eb=Dc(r,16),Go(r.eb,2),Go(r.eb,3),Go(r.eb,4),Go(r.eb,5),Go(r.eb,6),Go(r.eb,7),Eo(r.eb,8),Eo(r.eb,9),r.ab=Dc(r,17),Go(r.ab,0),Go(r.ab,1),r.H=Dc(r,18),Eo(r.H,0),Eo(r.H,1),Eo(r.H,2),Eo(r.H,3),Eo(r.H,4),Eo(r.H,5),Wu(r.H),r.db=Dc(r,19),Eo(r.db,2),r.c=Pi(r,20),r.d=Pi(r,21),r.e=Pi(r,22),r.f=Pi(r,23),r.i=Pi(r,24),r.g=Pi(r,25),r.j=Pi(r,26),r.k=Pi(r,27),r.n=Pi(r,28),r.r=Pi(r,29),r.s=Pi(r,30),r.t=Pi(r,31),r.u=Pi(r,32),r.fb=Pi(r,33),r.A=Pi(r,34),r.C=Pi(r,35),r.D=Pi(r,36),r.F=Pi(r,37),r.G=Pi(r,38),r.I=Pi(r,39),r.J=Pi(r,40),r.L=Pi(r,41),r.M=Pi(r,42),r.N=Pi(r,43),r.O=Pi(r,44),r.P=Pi(r,45),r.X=Pi(r,46),r.Y=Pi(r,47),r.Z=Pi(r,48),r.$=Pi(r,49),r._=Pi(r,50),r.cb=Pi(r,51),r.K=Pi(r,52))}function Mi(){Mi=xe;var r,s;kj=new ko(Iqe),f$=new ko(Dqe),d3e=(xm(),Vce),Ant=new Dn(Xwe,d3e),bI=new Dn(W5,null),$nt=new ko(Vye),p3e=(ET(),Ro(Gce,pe(he(Kce,1),wt,291,0,[Wce]))),eQ=new Dn(CK,p3e),Bz=new Dn(HB,(tr(),!1)),g3e=(ku(),Fm),Cx=new Dn(Zwe,g3e),v3e=($0(),sle),m3e=new Dn(BB,v3e),E3e=new Dn(DK,!1),_3e=(D0(),sQ),gR=new Dn(xK,_3e),A3e=new pS(12),Z2=new Dn(rx,A3e),tQ=new Dn(PB,!1),S3e=new Dn(ase,!1),Uz=new Dn(v9,!1),M3e=(Sa(),uE),Rj=new Dn(Toe,M3e),mI=new ko(TK),iQ=new ko($B),ile=new ko(sK),ole=new ko(m9),x3e=new Yl,bR=new Dn(uye,x3e),Fnt=new Dn(fye,!1),jnt=new Dn(dye,!1),C3e=new jC,Hz=new Dn(pye,C3e),rQ=new Dn(Kwe,!1),Bnt=new Dn(Aqe,1),new Dn($qe,!0),Ot(0),new Dn(Pqe,Ot(100)),new Dn(Fqe,!1),Ot(0),new Dn(jqe,Ot(4e3)),Ot(0),new Dn(Mqe,Ot(400)),new Dn(Nqe,!1),new Dn(Lqe,!1),new Dn(Bqe,!0),new Dn(zqe,!1),h3e=(qW(),lle),Pnt=new Dn(Uye,h3e),znt=new Dn(jwe,10),Hnt=new Dn(Mwe,10),z3e=new Dn(yoe,20),Unt=new Dn(Nwe,10),H3e=new Dn(Coe,2),Vnt=new Dn(Lwe,10),U3e=new Dn(Bwe,0),oQ=new Dn(Uwe,5),V3e=new Dn(zwe,1),q3e=new Dn(Hwe,1),e_=new Dn(FT,20),qnt=new Dn(Vwe,10),K3e=new Dn(qwe,10),vI=new ko(Wwe),G3e=new WRe,W3e=new Dn(gye,G3e),Nnt=new ko(sse),$3e=!1,Mnt=new Dn(ose,$3e),k3e=new pS(5),T3e=new Dn(eye,k3e),R3e=(CT(),s=E(hp(Du),9),new qh(s,E(t1(s,s.length),9),0)),mR=new Dn(xA,R3e),F3e=(y4(),aE),P3e=new Dn(rye,F3e),Zce=new ko(iye),ele=new ko(oye),tle=new ko(sye),Jce=new ko(aye),O3e=(r=E(hp(jj),9),new qh(r,E(t1(r,r.length),9),0)),J2=new Dn(z4,O3e),D3e=yn((Ad(),b$)),oE=new Dn(G5,D3e),I3e=new Kt(0,0),vR=new Dn(K5,I3e),nQ=new Dn(ise,!1),b3e=(Rg(),d$),Xce=new Dn(cye,b3e),Yce=new Dn(aK,!1),Ot(1),new Dn(Hqe,null),j3e=new ko(hye),nle=new ko(lye),B3e=(It(),Tc),wR=new Dn(Ywe,B3e),Fd=new ko(Gwe),N3e=(hd(),yn(cE)),a3=new Dn(CA,N3e),rle=new Dn(tye,!1),L3e=new Dn(nye,!0),zz=new Dn(Qwe,!1),Qce=new Dn(Jwe,!1),w3e=new Dn(Eoe,1),y3e=(mG(),ule),new Dn(Uqe,y3e),Lnt=!0}function bt(){bt=xe;var r,s;to=new ko(Wve),ASe=new ko("coordinateOrigin"),Iue=new ko("processors"),DSe=new Ls("compoundNode",(tr(),!1)),bz=new Ls("insideConnections",!1),jSe=new ko("originalBendpoints"),MSe=new ko("originalDummyNodePosition"),NSe=new ko("originalLabelEdge"),vz=new ko("representedLabels"),tj=new ko("endLabels"),sI=new ko("endLabel.origin"),uI=new Ls("labelSide",(Sh(),Wz)),oR=new Ls("maxEdgeThickness",0),Bg=new Ls("reversed",!1),cI=new ko(CVe),Q1=new Ls("longEdgeSource",null),Rp=new Ls("longEdgeTarget",null),KT=new Ls("longEdgeHasLabelDummies",!1),mz=new Ls("longEdgeBeforeLabelDummy",!1),sX=new Ls("edgeConstraint",(y2(),hue)),mx=new ko("inLayerLayoutUnit"),V2=new Ls("inLayerConstraint",(R0(),pz)),aI=new Ls("inLayerSuccessorConstraint",new vt),FSe=new Ls("inLayerSuccessorConstraintBetweenNonDummies",!1),pd=new ko("portDummy"),oX=new Ls("crossingHint",Ot(0)),Cl=new Ls("graphProperties",(s=E(hp(yue),9),new qh(s,E(t1(s,s.length),9),0))),Pc=new Ls("externalPortSide",(It(),Tc)),PSe=new Ls("externalPortSize",new ka),Cue=new ko("externalPortReplacedDummies"),aX=new ko("externalPortReplacedDummy"),GT=new Ls("externalPortConnections",(r=E(hp(hu),9),new qh(r,E(t1(r,r.length),9),0))),vx=new Ls(mVe,0),ISe=new ko("barycenterAssociates"),lI=new ko("TopSideComments"),oI=new ko("BottomSideComments"),iX=new ko("CommentConnectionPort"),kue=new Ls("inputCollect",!1),Oue=new Ls("outputCollect",!1),gz=new Ls("cyclic",!1),$Se=new ko("crossHierarchyMap"),Aue=new ko("targetOffset"),new Ls("splineLabelSize",new ka),aR=new ko("spacings"),uX=new Ls("partitionConstraint",!1),gx=new ko("breakingPoint.info"),zSe=new ko("splines.survivingEdge"),q2=new ko("splines.route.start"),uR=new ko("splines.edgeChain"),BSe=new ko("originalPortConstraints"),ZA=new ko("selfLoopHolder"),e$=new ko("splines.nsPortY"),ol=new ko("modelOrder"),Rue=new ko("longEdgeTargetNode"),bx=new Ls(JVe,!1),sR=new Ls(JVe,!1),Tue=new ko("layerConstraints.hiddenNodes"),LSe=new ko("layerConstraints.opposidePort"),Due=new ko("targetNode.modelOrder")}function cve(){cve=xe,JSe=(vL(),QY),FQe=new Dn(ewe,JSe),GQe=new Dn(twe,(tr(),!1)),ixe=(Nq(),xue),JQe=new Dn(fK,ixe),hJe=new Dn(nwe,!1),pJe=new Dn(rwe,!0),lQe=new Dn(iwe,!1),dxe=(pL(),oce),OJe=new Dn(owe,dxe),Ot(1),MJe=new Dn(swe,Ot(7)),NJe=new Dn(awe,!1),KQe=new Dn(uwe,!1),QSe=(R2(),fue),PQe=new Dn(Aoe,QSe),axe=(gG(),Jue),dJe=new Dn(NB,axe),oxe=(Zh(),wz),iJe=new Dn(cwe,oxe),Ot(-1),rJe=new Dn(lwe,Ot(-1)),Ot(-1),oJe=new Dn(fwe,Ot(-1)),Ot(-1),sJe=new Dn($oe,Ot(4)),Ot(-1),uJe=new Dn(Poe,Ot(2)),sxe=(I4(),RX),fJe=new Dn(Foe,sxe),Ot(0),lJe=new Dn(joe,Ot(0)),tJe=new Dn(Moe,Ot(qi)),XSe=(C5(),rI),$Qe=new Dn(_9,XSe),yQe=new Dn(dwe,!1),kQe=new Dn(Noe,.1),DQe=new Dn(Loe,!1),Ot(-1),OQe=new Dn(hwe,Ot(-1)),Ot(-1),IQe=new Dn(pwe,Ot(-1)),Ot(0),EQe=new Dn(gwe,Ot(40)),YSe=($6(),_ue),CQe=new Dn(Boe,YSe),KSe=hz,_Qe=new Dn(dK,KSe),fxe=(HF(),lj),RJe=new Dn(H4,fxe),wJe=new ko(hK),uxe=(lL(),ZY),gJe=new Dn(zoe,uxe),cxe=(XL(),eX),mJe=new Dn(Hoe,cxe),_Je=new Dn(Uoe,.3),xJe=new ko(Voe),lxe=(vT(),kX),CJe=new Dn(qoe,lxe),txe=(TW(),ace),BQe=new Dn(bwe,txe),nxe=(iL(),uce),zQe=new Dn(mwe,nxe),rxe=(B6(),hj),HQe=new Dn(pK,rxe),VQe=new Dn(gK,.2),NQe=new Dn(Woe,2),$Je=new Dn(vwe,null),FJe=new Dn(wwe,10),PJe=new Dn(ywe,10),jJe=new Dn(Ewe,20),Ot(0),IJe=new Dn(_we,Ot(0)),Ot(0),DJe=new Dn(Swe,Ot(0)),Ot(0),AJe=new Dn(xwe,Ot(0)),fQe=new Dn(Goe,!1),VSe=(eA(),J9),hQe=new Dn(Cwe,VSe),USe=(Yq(),cue),dQe=new Dn(Twe,USe),XQe=new Dn(bK,!1),Ot(0),YQe=new Dn(Koe,Ot(16)),Ot(0),QQe=new Dn(Yoe,Ot(5)),gxe=(DW(),fce),iZe=new Dn(B0,gxe),LJe=new Dn(mK,10),HJe=new Dn(vK,1),pxe=(hW(),XY),YJe=new Dn(S9,pxe),qJe=new ko(Xoe),hxe=Ot(1),Ot(0),GJe=new Dn(Qoe,hxe),bxe=(xW(),lce),uZe=new Dn(wK,bxe),oZe=new ko(yK),eZe=new Dn(EK,!0),JJe=new Dn(_K,2),nZe=new Dn(Joe,!0),exe=(wG(),JY),MQe=new Dn(kwe,exe),ZSe=(P5(),GA),jQe=new Dn(Rwe,ZSe),GSe=(I0(),nE),wQe=new Dn(SK,GSe),vQe=new Dn(Owe,!1),qSe=(BS(),J4),pQe=new Dn(Zoe,qSe),WSe=(DF(),Zue),mQe=new Dn(Iwe,WSe),gQe=new Dn(ese,0),bQe=new Dn(tse,0),eJe=due,ZQe=dz,aJe=CX,cJe=CX,nJe=Que,RQe=(D0(),gw),AQe=rI,TQe=rI,SQe=rI,xQe=gw,yJe=fj,EJe=lj,bJe=lj,vJe=lj,SJe=rce,kJe=fj,TJe=fj,UQe=($0(),wI),qQe=wI,WQe=hj,LQe=Vz,BJe=a$,zJe=i3,UJe=a$,VJe=i3,XJe=a$,QJe=i3,WJe=lue,KJe=XY,cZe=a$,lZe=i3,sZe=a$,aZe=i3,tZe=i3,ZJe=i3,rZe=i3}function vu(){vu=xe,O_e=new cs("DIRECTION_PREPROCESSOR",0),T_e=new cs("COMMENT_PREPROCESSOR",1),G9=new cs("EDGE_AND_LAYER_CONSTRAINT_EDGE_REVERSER",2),Yae=new cs("INTERACTIVE_EXTERNAL_PORT_POSITIONER",3),K_e=new cs("PARTITION_PREPROCESSOR",4),DY=new cs("LABEL_DUMMY_INSERTER",5),zY=new cs("SELF_LOOP_PREPROCESSOR",6),UA=new cs("LAYER_CONSTRAINT_PREPROCESSOR",7),W_e=new cs("PARTITION_MIDPROCESSOR",8),M_e=new cs("HIGH_DEGREE_NODE_LAYER_PROCESSOR",9),V_e=new cs("NODE_PROMOTION",10),HA=new cs("LAYER_CONSTRAINT_POSTPROCESSOR",11),G_e=new cs("PARTITION_POSTPROCESSOR",12),P_e=new cs("HIERARCHICAL_PORT_CONSTRAINT_PROCESSOR",13),Y_e=new cs("SEMI_INTERACTIVE_CROSSMIN_PROCESSOR",14),w_e=new cs("BREAKING_POINT_INSERTER",15),FY=new cs("LONG_EDGE_SPLITTER",16),Xae=new cs("PORT_SIDE_PROCESSOR",17),OY=new cs("INVERTED_PORT_PROCESSOR",18),NY=new cs("PORT_LIST_SORTER",19),Q_e=new cs("SORT_BY_INPUT_ORDER_OF_MODEL",20),MY=new cs("NORTH_SOUTH_PORT_PREPROCESSOR",21),y_e=new cs("BREAKING_POINT_PROCESSOR",22),q_e=new cs(VVe,23),J_e=new cs(qVe,24),LY=new cs("SELF_LOOP_PORT_RESTORER",25),X_e=new cs("SINGLE_EDGE_GRAPH_WRAPPER",26),IY=new cs("IN_LAYER_CONSTRAINT_PROCESSOR",27),D_e=new cs("END_NODE_PORT_LABEL_MANAGEMENT_PROCESSOR",28),H_e=new cs("LABEL_AND_NODE_SIZE_PROCESSOR",29),z_e=new cs("INNERMOST_NODE_MARGIN_CALCULATOR",30),HY=new cs("SELF_LOOP_ROUTER",31),x_e=new cs("COMMENT_NODE_MARGIN_CALCULATOR",32),RY=new cs("END_LABEL_PREPROCESSOR",33),$Y=new cs("LABEL_DUMMY_SWITCHER",34),S_e=new cs("CENTER_LABEL_MANAGEMENT_PROCESSOR",35),zA=new cs("LABEL_SIDE_SELECTOR",36),L_e=new cs("HYPEREDGE_DUMMY_MERGER",37),F_e=new cs("HIERARCHICAL_PORT_DUMMY_SIZE_PROCESSOR",38),U_e=new cs("LAYER_SIZE_AND_GRAPH_HEIGHT_CALCULATOR",39),K9=new cs("HIERARCHICAL_PORT_POSITION_PROCESSOR",40),k_e=new cs("CONSTRAINTS_POSTPROCESSOR",41),C_e=new cs("COMMENT_POSTPROCESSOR",42),B_e=new cs("HYPERNODE_PROCESSOR",43),j_e=new cs("HIERARCHICAL_PORT_ORTHOGONAL_EDGE_ROUTER",44),PY=new cs("LONG_EDGE_JOINER",45),BY=new cs("SELF_LOOP_POSTPROCESSOR",46),E_e=new cs("BREAKING_POINT_REMOVER",47),jY=new cs("NORTH_SOUTH_PORT_POSTPROCESSOR",48),N_e=new cs("HORIZONTAL_COMPACTOR",49),AY=new cs("LABEL_DUMMY_REMOVER",50),A_e=new cs("FINAL_SPLINE_BENDPOINTS_CALCULATOR",51),I_e=new cs("END_LABEL_SORTER",52),lz=new cs("REVERSED_EDGE_RESTORER",53),kY=new cs("END_LABEL_POSTPROCESSOR",54),$_e=new cs("HIERARCHICAL_NODE_RESIZER",55),R_e=new cs("DIRECTION_POSTPROCESSOR",56)}function tIt(r,s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r,Hi,Vs,Ph,Np,Gg,RQ,lH,Yj,fH,E$,Tle,Iit,kle,Ew,Dx,_$,dH,hH,CI,Rle,Xj,Dit,h4e,Ax,Qj,Ole,TI,Jj,m3,Zj,Ile,Ait;for(h4e=0,Hi=s,Np=0,lH=Hi.length;Np<lH;++Np)for(ar=Hi[Np],Dx=new le(ar.j);Dx.a<Dx.c.c.length;){for(Ew=E(ce(Dx),11),dH=0,T=new le(Ew.g);T.a<T.c.c.length;)x=E(ce(T),17),ar.c!=x.d.i.c&&++dH;dH>0&&(r.a[Ew.p]=h4e++)}for(Jj=0,Vs=a,Gg=0,Yj=Vs.length;Gg<Yj;++Gg){for(ar=Vs[Gg],fH=0,Dx=new le(ar.j);Dx.a<Dx.c.c.length&&(Ew=E(ce(Dx),11),Ew.j==(It(),Jn));)for(T=new le(Ew.e);T.a<T.c.c.length;)if(x=E(ce(T),17),ar.c!=x.c.i.c){++fH;break}for(Tle=0,hH=new Oa(ar.j,ar.j.c.length);hH.b>0;){for(Ew=(vr(hH.b>0),E(hH.a.Xb(hH.c=--hH.b),11)),dH=0,T=new le(Ew.e);T.a<T.c.c.length;)x=E(ce(T),17),ar.c!=x.c.i.c&&++dH;dH>0&&(Ew.j==(It(),Jn)?(r.a[Ew.p]=Jj,++Jj):(r.a[Ew.p]=Jj+fH+Tle,++Tle))}Jj+=Tle}for(_$=new jr,ee=new w0,$r=s,Ph=0,RQ=$r.length;Ph<RQ;++Ph)for(ar=$r[Ph],Ole=new le(ar.j);Ole.a<Ole.c.c.length;)for(Qj=E(ce(Ole),11),T=new le(Qj.g);T.a<T.c.c.length;)if(x=E(ce(T),17),Zj=x.d,ar.c!=Zj.i.c)if(Ax=E(Rc(nc(_$.f,Qj)),467),m3=E(Rc(nc(_$.f,Zj)),467),!Ax&&!m3)Q=new T5e,ee.a.zc(Q,ee),Et(Q.a,x),Et(Q.d,Qj),ef(_$.f,Qj,Q),Et(Q.d,Zj),ef(_$.f,Zj,Q);else if(!Ax)Et(m3.a,x),Et(m3.d,Qj),ef(_$.f,Qj,m3);else if(!m3)Et(Ax.a,x),Et(Ax.d,Zj),ef(_$.f,Zj,Ax);else if(Ax==m3)Et(Ax.a,x);else{for(Et(Ax.a,x),kle=new le(m3.d);kle.a<kle.c.c.length;)Iit=E(ce(kle),11),ef(_$.f,Iit,Ax);Cs(Ax.a,m3.a),Cs(Ax.d,m3.d),ee.a.Bc(m3)!=null}for(ie=E(VL(ee,Pe(CIt,{3:1,4:1,5:1,1946:1},467,ee.a.gc(),0,1)),1946),rr=s[0].c,Dit=a[0].c,F=ie,z=0,q=F.length;z<q;++z)for(A=F[z],A.e=h4e,A.f=Jj,Dx=new le(A.d);Dx.a<Dx.c.c.length;)Ew=E(ce(Dx),11),CI=r.a[Ew.p],Ew.i.c==rr?(CI<A.e&&(A.e=CI),CI>A.b&&(A.b=CI)):Ew.i.c==Dit&&(CI<A.f&&(A.f=CI),CI>A.c&&(A.c=CI));for(v6(ie,0,ie.length,null),TI=Pe(Gr,Ei,25,ie.length,15,1),l=Pe(Gr,Ei,25,Jj+1,15,1),be=0;be<ie.length;be++)TI[be]=ie[be].f,l[TI[be]]=1;for(y=0,Ie=0;Ie<l.length;Ie++)l[Ie]==1?l[Ie]=y:--y;for(Rle=0,Te=0;Te<TI.length;Te++)TI[Te]+=l[TI[Te]],Rle=m.Math.max(Rle,TI[Te]+1);for(O=1;O<Rle;)O*=2;for(Ait=2*O-1,O-=1,Ile=Pe(Gr,Ei,25,Ait,15,1),v=0,nn=0;nn<TI.length;nn++)for(Lt=TI[nn]+O,++Ile[Lt];Lt>0;)Lt%2>0&&(v+=Ile[Lt+1]),Lt=(Lt-1)/2|0,++Ile[Lt];for(bn=Pe(ZZe,Ht,362,ie.length*2,0,1),Ne=0;Ne<ie.length;Ne++)bn[2*Ne]=new vq(ie[Ne],ie[Ne].e,ie[Ne].b,(wF(),bj)),bn[2*Ne+1]=new vq(ie[Ne],ie[Ne].b,ie[Ne].e,gj);for(v6(bn,0,bn.length,null),E$=0,nt=0;nt<bn.length;nt++)switch(bn[nt].d.g){case 0:++E$;break;case 1:--E$,v+=E$}for(Xj=Pe(ZZe,Ht,362,ie.length*2,0,1),yt=0;yt<ie.length;yt++)Xj[2*yt]=new vq(ie[yt],ie[yt].f,ie[yt].c,(wF(),bj)),Xj[2*yt+1]=new vq(ie[yt],ie[yt].c,ie[yt].f,gj);for(v6(Xj,0,Xj.length,null),E$=0,fe=0;fe<Xj.length;fe++)switch(Xj[fe].d.g){case 0:++E$;break;case 1:--E$,v+=E$}return v}function zi(){zi=xe,Kj=new gg(7),o4e=new vm(8,94),new vm(8,64),s4e=new vm(8,36),Eit=new vm(8,65),_it=new vm(8,122),Sit=new vm(8,90),Cit=new vm(8,98),yit=new vm(8,66),xit=new vm(8,60),Tit=new vm(8,62),i4e=new gg(11),kQ=new vh(4),yl(kQ,48,57),y$=new vh(4),yl(y$,48,57),yl(y$,65,90),yl(y$,95,95),yl(y$,97,122),xI=new vh(4),yl(xI,9,9),yl(xI,10,10),yl(xI,12,12),yl(xI,13,13),yl(xI,32,32),a4e=OT(kQ),c4e=OT(y$),u4e=OT(xI),w$=new jr,Gj=new jr,wit=pe(he(Bt,1),ft,2,6,["Cn","Lu","Ll","Lt","Lm","Lo","Mn","Me","Mc","Nd","Nl","No","Zs","Zl","Zp","Cc","Cf",null,"Co","Cs","Pd","Ps","Pe","Pc","Po","Sm","Sc","Sk","So","Pi","Pf","L","M","N","Z","C","P","S"]),n4e=pe(he(Bt,1),ft,2,6,["Basic Latin","Latin-1 Supplement","Latin Extended-A","Latin Extended-B","IPA Extensions","Spacing Modifier Letters","Combining Diacritical Marks","Greek","Cyrillic","Armenian","Hebrew","Arabic","Syriac","Thaana","Devanagari","Bengali","Gurmukhi","Gujarati","Oriya","Tamil","Telugu","Kannada","Malayalam","Sinhala","Thai","Lao","Tibetan","Myanmar","Georgian","Hangul Jamo","Ethiopic","Cherokee","Unified Canadian Aboriginal Syllabics","Ogham","Runic","Khmer","Mongolian","Latin Extended Additional","Greek Extended","General Punctuation","Superscripts and Subscripts","Currency Symbols","Combining Marks for Symbols","Letterlike Symbols","Number Forms","Arrows","Mathematical Operators","Miscellaneous Technical","Control Pictures","Optical Character Recognition","Enclosed Alphanumerics","Box Drawing","Block Elements","Geometric Shapes","Miscellaneous Symbols","Dingbats","Braille Patterns","CJK Radicals Supplement","Kangxi Radicals","Ideographic Description Characters","CJK Symbols and Punctuation","Hiragana","Katakana","Bopomofo","Hangul Compatibility Jamo","Kanbun","Bopomofo Extended","Enclosed CJK Letters and Months","CJK Compatibility","CJK Unified Ideographs Extension A","CJK Unified Ideographs","Yi Syllables","Yi Radicals","Hangul Syllables",zGe,"CJK Compatibility Ideographs","Alphabetic Presentation Forms","Arabic Presentation Forms-A","Combining Half Marks","CJK Compatibility Forms","Small Form Variants","Arabic Presentation Forms-B","Specials","Halfwidth and Fullwidth Forms","Old Italic","Gothic","Deseret","Byzantine Musical Symbols","Musical Symbols","Mathematical Alphanumeric Symbols","CJK Unified Ideographs Extension B","CJK Compatibility Ideographs Supplement","Tags"]),r4e=pe(he(Gr,1),Ei,25,15,[66304,66351,66352,66383,66560,66639,118784,119039,119040,119295,119808,120831,131072,173782,194560,195103,917504,917631])}function WG(){WG=xe,oYe=new Qh("OUT_T_L",0,(dd(),Fb),(kf(),d1),(U1(),Ac),Ac,pe(he(kp,1),Ht,21,0,[Ro((CT(),m1),pe(he(Du,1),wt,93,0,[w1,g1]))])),iYe=new Qh("OUT_T_C",1,Xy,d1,Ac,Bl,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[w1,V0])),Ro(m1,pe(he(Du,1),wt,93,0,[w1,V0,Ip]))])),sYe=new Qh("OUT_T_R",2,f1,d1,Ac,$c,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[w1,b1]))])),XKe=new Qh("OUT_B_L",3,Fb,X1,$c,Ac,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[Dp,g1]))])),YKe=new Qh("OUT_B_C",4,Xy,X1,$c,Bl,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[Dp,V0])),Ro(m1,pe(he(Du,1),wt,93,0,[Dp,V0,Ip]))])),QKe=new Qh("OUT_B_R",5,f1,X1,$c,$c,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[Dp,b1]))])),eYe=new Qh("OUT_L_T",6,f1,X1,Ac,Ac,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[g1,w1,Ip]))])),ZKe=new Qh("OUT_L_C",7,f1,Qy,Bl,Ac,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[g1,Mm])),Ro(m1,pe(he(Du,1),wt,93,0,[g1,Mm,Ip]))])),JKe=new Qh("OUT_L_B",8,f1,d1,$c,Ac,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[g1,Dp,Ip]))])),rYe=new Qh("OUT_R_T",9,Fb,X1,Ac,$c,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[b1,w1,Ip]))])),nYe=new Qh("OUT_R_C",10,Fb,Qy,Bl,$c,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[b1,Mm])),Ro(m1,pe(he(Du,1),wt,93,0,[b1,Mm,Ip]))])),tYe=new Qh("OUT_R_B",11,Fb,d1,$c,$c,pe(he(kp,1),Ht,21,0,[Ro(m1,pe(he(Du,1),wt,93,0,[b1,Dp,Ip]))])),GKe=new Qh("IN_T_L",12,Fb,X1,Ac,Ac,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[w1,g1])),Ro(Ih,pe(he(Du,1),wt,93,0,[w1,g1,Ip]))])),WKe=new Qh("IN_T_C",13,Xy,X1,Ac,Bl,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[w1,V0])),Ro(Ih,pe(he(Du,1),wt,93,0,[w1,V0,Ip]))])),KKe=new Qh("IN_T_R",14,f1,X1,Ac,$c,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[w1,b1])),Ro(Ih,pe(he(Du,1),wt,93,0,[w1,b1,Ip]))])),VKe=new Qh("IN_C_L",15,Fb,Qy,Bl,Ac,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[Mm,g1])),Ro(Ih,pe(he(Du,1),wt,93,0,[Mm,g1,Ip]))])),UKe=new Qh("IN_C_C",16,Xy,Qy,Bl,Bl,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[Mm,V0])),Ro(Ih,pe(he(Du,1),wt,93,0,[Mm,V0,Ip]))])),qKe=new Qh("IN_C_R",17,f1,Qy,Bl,$c,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[Mm,b1])),Ro(Ih,pe(he(Du,1),wt,93,0,[Mm,b1,Ip]))])),zKe=new Qh("IN_B_L",18,Fb,d1,$c,Ac,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[Dp,g1])),Ro(Ih,pe(he(Du,1),wt,93,0,[Dp,g1,Ip]))])),BKe=new Qh("IN_B_C",19,Xy,d1,$c,Bl,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[Dp,V0])),Ro(Ih,pe(he(Du,1),wt,93,0,[Dp,V0,Ip]))])),HKe=new Qh("IN_B_R",20,f1,d1,$c,$c,pe(he(kp,1),Ht,21,0,[Ro(Ih,pe(he(Du,1),wt,93,0,[Dp,b1])),Ro(Ih,pe(he(Du,1),wt,93,0,[Dp,b1,Ip]))])),kae=new Qh(g9,21,null,null,null,null,pe(he(kp,1),Ht,21,0,[]))}function kn(){kn=xe,h3=(ky(),qn).b,E(ke(et(qn.b),0),34),E(ke(et(qn.b),1),18),bw=qn.a,E(ke(et(qn.a),0),34),E(ke(et(qn.a),1),18),E(ke(et(qn.a),2),18),E(ke(et(qn.a),3),18),E(ke(et(qn.a),4),18),hE=qn.o,E(ke(et(qn.o),0),34),E(ke(et(qn.o),1),34),Lrt=E(ke(et(qn.o),2),18),E(ke(et(qn.o),3),18),E(ke(et(qn.o),4),18),E(ke(et(qn.o),5),18),E(ke(et(qn.o),6),18),E(ke(et(qn.o),7),18),E(ke(et(qn.o),8),18),E(ke(et(qn.o),9),18),E(ke(et(qn.o),10),18),E(ke(et(qn.o),11),18),E(ke(et(qn.o),12),18),E(ke(et(qn.o),13),18),E(ke(et(qn.o),14),18),E(ke(et(qn.o),15),18),E(ke(oo(qn.o),0),59),E(ke(oo(qn.o),1),59),E(ke(oo(qn.o),2),59),E(ke(oo(qn.o),3),59),E(ke(oo(qn.o),4),59),E(ke(oo(qn.o),5),59),E(ke(oo(qn.o),6),59),E(ke(oo(qn.o),7),59),E(ke(oo(qn.o),8),59),E(ke(oo(qn.o),9),59),Nrt=qn.p,E(ke(et(qn.p),0),34),E(ke(et(qn.p),1),34),E(ke(et(qn.p),2),34),E(ke(et(qn.p),3),34),E(ke(et(qn.p),4),18),E(ke(et(qn.p),5),18),E(ke(oo(qn.p),0),59),E(ke(oo(qn.p),1),59),Brt=qn.q,E(ke(et(qn.q),0),34),pE=qn.v,E(ke(et(qn.v),0),18),E(ke(oo(qn.v),0),59),E(ke(oo(qn.v),1),59),E(ke(oo(qn.v),2),59),mw=qn.w,E(ke(et(qn.w),0),34),E(ke(et(qn.w),1),34),E(ke(et(qn.w),2),34),E(ke(et(qn.w),3),18),gE=qn.B,E(ke(et(qn.B),0),18),E(ke(oo(qn.B),0),59),E(ke(oo(qn.B),1),59),E(ke(oo(qn.B),2),59),zrt=qn.Q,E(ke(et(qn.Q),0),18),E(ke(oo(qn.Q),0),59),Hrt=qn.R,E(ke(et(qn.R),0),34),Mp=qn.S,E(ke(oo(qn.S),0),59),E(ke(oo(qn.S),1),59),E(ke(oo(qn.S),2),59),E(ke(oo(qn.S),3),59),E(ke(oo(qn.S),4),59),E(ke(oo(qn.S),5),59),E(ke(oo(qn.S),6),59),E(ke(oo(qn.S),7),59),E(ke(oo(qn.S),8),59),E(ke(oo(qn.S),9),59),E(ke(oo(qn.S),10),59),E(ke(oo(qn.S),11),59),E(ke(oo(qn.S),12),59),E(ke(oo(qn.S),13),59),E(ke(oo(qn.S),14),59),vw=qn.T,E(ke(et(qn.T),0),18),E(ke(et(qn.T),2),18),Urt=E(ke(et(qn.T),3),18),E(ke(et(qn.T),4),18),E(ke(oo(qn.T),0),59),E(ke(oo(qn.T),1),59),E(ke(et(qn.T),1),18),ww=qn.U,E(ke(et(qn.U),0),34),E(ke(et(qn.U),1),34),E(ke(et(qn.U),2),18),E(ke(et(qn.U),3),18),E(ke(et(qn.U),4),18),E(ke(et(qn.U),5),18),E(ke(oo(qn.U),0),59),p3=qn.V,E(ke(et(qn.V),0),18),yR=qn.W,E(ke(et(qn.W),0),34),E(ke(et(qn.W),1),34),E(ke(et(qn.W),2),34),E(ke(et(qn.W),3),18),E(ke(et(qn.W),4),18),E(ke(et(qn.W),5),18),Vrt=qn.bb,E(ke(et(qn.bb),0),34),E(ke(et(qn.bb),1),34),E(ke(et(qn.bb),2),34),E(ke(et(qn.bb),3),34),E(ke(et(qn.bb),4),34),E(ke(et(qn.bb),5),34),E(ke(et(qn.bb),6),34),E(ke(et(qn.bb),7),18),E(ke(oo(qn.bb),0),59),E(ke(oo(qn.bb),1),59),qrt=qn.eb,E(ke(et(qn.eb),0),34),E(ke(et(qn.eb),1),34),E(ke(et(qn.eb),2),34),E(ke(et(qn.eb),3),34),E(ke(et(qn.eb),4),34),E(ke(et(qn.eb),5),34),E(ke(et(qn.eb),6),18),E(ke(et(qn.eb),7),18),pu=qn.ab,E(ke(et(qn.ab),0),34),E(ke(et(qn.ab),1),34),Rx=qn.H,E(ke(et(qn.H),0),18),E(ke(et(qn.H),1),18),E(ke(et(qn.H),2),18),E(ke(et(qn.H),3),18),E(ke(et(qn.H),4),18),E(ke(et(qn.H),5),18),E(ke(oo(qn.H),0),59),Ox=qn.db,E(ke(et(qn.db),0),18),qg=qn.M}function nIt(r){var s;r.O||(r.O=!0,jl(r,"type"),_W(r,"ecore.xml.type"),SW(r,B2),s=E(iA((Mn(),jp),B2),1945),ei(tc(r.fb),r.b),Ic(r.b,sH,"AnyType",!1,!1,!0),ts(E(ke(et(r.b),0),34),r.wb.D,WB,null,0,-1,sH,!1,!1,!0,!1,!1,!1),ts(E(ke(et(r.b),1),34),r.wb.D,"any",null,0,-1,sH,!0,!0,!0,!1,!1,!0),ts(E(ke(et(r.b),2),34),r.wb.D,"anyAttribute",null,0,-1,sH,!1,!1,!0,!1,!1,!1),Ic(r.bb,CQ,_Ge,!1,!1,!0),ts(E(ke(et(r.bb),0),34),r.gb,"data",null,0,1,CQ,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.bb),1),34),r.gb,oEe,null,1,1,CQ,!1,!1,!0,!1,!0,!1),Ic(r.fb,aH,SGe,!1,!1,!0),ts(E(ke(et(r.fb),0),34),s.gb,"rawValue",null,0,1,aH,!0,!0,!0,!1,!0,!0),ts(E(ke(et(r.fb),1),34),s.a,D9,null,0,1,aH,!0,!0,!0,!1,!0,!0),_o(E(ke(et(r.fb),2),18),r.wb.q,null,"instanceType",1,1,aH,!1,!1,!0,!1,!1,!1,!1),Ic(r.qb,Jke,xGe,!1,!1,!0),ts(E(ke(et(r.qb),0),34),r.wb.D,WB,null,0,-1,null,!1,!1,!0,!1,!1,!1),_o(E(ke(et(r.qb),1),18),r.wb.ab,null,"xMLNSPrefixMap",0,-1,null,!0,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.qb),2),18),r.wb.ab,null,"xSISchemaLocation",0,-1,null,!0,!1,!0,!0,!1,!1,!1),ts(E(ke(et(r.qb),3),34),r.gb,"cDATA",null,0,-2,null,!0,!0,!0,!1,!1,!0),ts(E(ke(et(r.qb),4),34),r.gb,"comment",null,0,-2,null,!0,!0,!0,!1,!1,!0),_o(E(ke(et(r.qb),5),18),r.bb,null,MGe,0,-2,null,!0,!0,!0,!0,!1,!1,!0),ts(E(ke(et(r.qb),6),34),r.gb,Fse,null,0,-2,null,!0,!0,!0,!1,!1,!0),$i(r.a,mr,"AnySimpleType",!0),$i(r.c,Bt,"AnyURI",!0),$i(r.d,he(nd,1),"Base64Binary",!0),$i(r.e,Md,"Boolean",!0),$i(r.f,Us,"BooleanObject",!0),$i(r.g,nd,"Byte",!0),$i(r.i,Z5,"ByteObject",!0),$i(r.j,Bt,"Date",!0),$i(r.k,Bt,"DateTime",!0),$i(r.n,mae,"Decimal",!0),$i(r.o,ba,"Double",!0),$i(r.p,xa,"DoubleObject",!0),$i(r.q,Bt,"Duration",!0),$i(r.s,rp,"ENTITIES",!0),$i(r.r,rp,"ENTITIESBase",!0),$i(r.t,Bt,EEe,!0),$i(r.u,b3,"Float",!0),$i(r.v,jA,"FloatObject",!0),$i(r.w,Bt,"GDay",!0),$i(r.B,Bt,"GMonth",!0),$i(r.A,Bt,"GMonthDay",!0),$i(r.C,Bt,"GYear",!0),$i(r.D,Bt,"GYearMonth",!0),$i(r.F,he(nd,1),"HexBinary",!0),$i(r.G,Bt,"ID",!0),$i(r.H,Bt,"IDREF",!0),$i(r.J,rp,"IDREFS",!0),$i(r.I,rp,"IDREFSBase",!0),$i(r.K,Gr,"Int",!0),$i(r.M,Y4,"Integer",!0),$i(r.L,nu,"IntObject",!0),$i(r.P,Bt,"Language",!0),$i(r.Q,mE,"Long",!0),$i(r.R,cx,"LongObject",!0),$i(r.S,Bt,"Name",!0),$i(r.T,Bt,JK,!0),$i(r.U,Y4,"NegativeInteger",!0),$i(r.V,Bt,xEe,!0),$i(r.X,rp,"NMTOKENS",!0),$i(r.W,rp,"NMTOKENSBase",!0),$i(r.Y,Y4,"NonNegativeInteger",!0),$i(r.Z,Y4,"NonPositiveInteger",!0),$i(r.$,Bt,"NormalizedString",!0),$i(r._,Bt,"NOTATION",!0),$i(r.ab,Bt,"PositiveInteger",!0),$i(r.cb,Bt,"QName",!0),$i(r.db,xR,"Short",!0),$i(r.eb,lx,"ShortObject",!0),$i(r.gb,Bt,hve,!0),$i(r.hb,Bt,"Time",!0),$i(r.ib,Bt,"Token",!0),$i(r.jb,xR,"UnsignedByte",!0),$i(r.kb,lx,"UnsignedByteObject",!0),$i(r.lb,mE,"UnsignedInt",!0),$i(r.mb,cx,"UnsignedIntObject",!0),$i(r.nb,Y4,"UnsignedLong",!0),$i(r.ob,Gr,"UnsignedShort",!0),$i(r.pb,nu,"UnsignedShortObject",!0),Sge(r,B2),rIt(r))}function CUe(r){Oe(r,new O2(v8(MD(Av(hy(gy(py(new Pa,pr),"ELK Layered"),"Layer-based algorithm provided by the Eclipse Layout Kernel. Arranges as many edges as possible into one direction by placing nodes into subsequent layers. This implementation supports different routing styles (straight, orthogonal, splines); if orthogonal routing is selected, arbitrary port constraints are respected, thus enabling the layout of block diagrams such as actor-oriented models or circuit schematics. Furthermore, full layout of compound graphs with cross-hierarchy edges is supported when the respective option is activated on the top level."),new ov),pr),Ro((rA(),ple),pe(he(vQ,1),wt,237,0,[bQ,mQ,gQ,hle,pQ,hQ]))))),At(r,pr,jwe,Ut(que)),At(r,pr,Mwe,Ut(Xxe)),At(r,pr,yoe,Ut(_z)),At(r,pr,Nwe,Ut(h1)),At(r,pr,Coe,Ut(hI)),At(r,pr,Lwe,Ut(_x)),At(r,pr,Bwe,Ut(r3)),At(r,pr,zwe,Ut(o$)),At(r,pr,Hwe,Ut(s$)),At(r,pr,Uwe,Ut(Wue)),At(r,pr,FT,Ut(Sx)),At(r,pr,Vwe,Ut(Gue)),At(r,pr,qwe,Ut(uj)),At(r,pr,Wwe,Ut(_X)),At(r,pr,vwe,Ut(Ez)),At(r,pr,ywe,Ut(cR)),At(r,pr,wwe,Ut(Y2)),At(r,pr,Ewe,Ut(lR)),At(r,pr,$B,Ot(0)),At(r,pr,_we,Ut(i$)),At(r,pr,Swe,Ut(Yxe)),At(r,pr,xwe,Ut(dI)),At(r,pr,B0,Ut(iCe)),At(r,pr,mK,Ut(Qxe)),At(r,pr,vK,Ut(Jxe)),At(r,pr,S9,Ut(Yue)),At(r,pr,Xoe,Ut(Zxe)),At(r,pr,Qoe,Ut(eCe)),At(r,pr,wK,Ut(SX)),At(r,pr,yK,Ut(Xue)),At(r,pr,EK,Ut(nCe)),At(r,pr,_K,Ut(tCe)),At(r,pr,Joe,Ut(rCe)),At(r,pr,Voe,Ut(yx)),At(r,pr,qoe,Ut(aj)),At(r,pr,pK,Ut(Bue)),At(r,pr,gK,Ut(kxe)),At(r,pr,rx,Vxe),At(r,pr,BB,xxe),At(r,pr,Gwe,0),At(r,pr,sK,Ot(1)),At(r,pr,W5,SA),At(r,pr,Kwe,Ut(K2)),At(r,pr,Toe,Ut(Zo)),At(r,pr,Ywe,Ut(r$)),At(r,pr,HB,Ut(dZe)),At(r,pr,Xwe,Ut(Mb)),At(r,pr,xK,Ut(JT)),At(r,pr,m9,(tr(),!0)),At(r,pr,Qwe,Ut(ZT)),At(r,pr,Jwe,Ut(W2)),At(r,pr,z4,Ut(G2)),At(r,pr,G5,Ut(EX)),At(r,pr,ise,Ut(Vue)),At(r,pr,Zwe,Sxe),At(r,pr,xA,Ut(wx)),At(r,pr,eye,Ut(wX)),At(r,pr,CA,Ut(t3)),At(r,pr,tye,Ut(vZe)),At(r,pr,nye,Ut(Gxe)),At(r,pr,rye,Wxe),At(r,pr,iye,Ut(gZe)),At(r,pr,oye,Ut(bZe)),At(r,pr,sye,Ut(mZe)),At(r,pr,aye,Ut(pZe)),At(r,pr,awe,Ut(Kue)),At(r,pr,NB,Ut(Nxe)),At(r,pr,Foe,Ut(Hue)),At(r,pr,swe,Ut(cj)),At(r,pr,cwe,Ut(rf)),At(r,pr,Aoe,Ut(QT)),At(r,pr,_9,Ut(oj)),At(r,pr,dwe,Ut(XT)),At(r,pr,gwe,Ut(yxe)),At(r,pr,Boe,Ut(jue)),At(r,pr,dK,Ut(yz)),At(r,pr,Loe,Ut(Mue)),At(r,pr,nwe,Ut(Lxe)),At(r,pr,rwe,Ut(Bxe)),At(r,pr,fK,Ut($xe)),At(r,pr,H4,Ut(yX)),At(r,pr,Hoe,Ut(Uue)),At(r,pr,twe,Ut(zue)),At(r,pr,Uoe,Ut(Hxe)),At(r,pr,bwe,Ut(Txe)),At(r,pr,mwe,Ut(Lue)),At(r,pr,CK,Ut(Fue)),At(r,pr,zoe,Ut(zxe)),At(r,pr,Cwe,Ut(fX)),At(r,pr,Twe,Ut(mxe)),At(r,pr,Goe,Ut(lX)),At(r,pr,bK,Ut(Ixe)),At(r,pr,Koe,Ut(Oxe)),At(r,pr,Yoe,Ut(Dxe)),At(r,pr,K5,Ut(t$)),At(r,pr,uye,Ut(Ku)),At(r,pr,Eoe,Ut(cw)),At(r,pr,cye,Ut(Nb)),At(r,pr,aK,Ut(Nue)),At(r,pr,Noe,Ut(Exe)),At(r,pr,lye,Ut(lw)),At(r,pr,fye,Ut(ij)),At(r,pr,dye,Ut(bX)),At(r,pr,hye,Ut(Ex)),At(r,pr,ose,Ut(qxe)),At(r,pr,sse,Ut(n$)),At(r,pr,$oe,Ut(Fxe)),At(r,pr,Poe,Ut(jxe)),At(r,pr,TK,Ut(n3)),At(r,pr,iwe,Ut($ue)),At(r,pr,joe,Ut(Mxe)),At(r,pr,kwe,Ut(gX)),At(r,pr,Rwe,Ut(pX)),At(r,pr,pye,Ut(vX)),At(r,pr,Moe,Ut(Pxe)),At(r,pr,hK,Ut(sj)),At(r,pr,gye,Ut(Sz)),At(r,pr,ewe,Ut(_xe)),At(r,pr,owe,Ut(Kxe)),At(r,pr,Woe,Ut(Cxe)),At(r,pr,lwe,Ut(hZe)),At(r,pr,hwe,Ut(fZe)),At(r,pr,ase,Ut(Axe)),At(r,pr,fwe,Ut(mX)),At(r,pr,pwe,Ut(hX)),At(r,pr,SK,Ut(tE)),At(r,pr,Iwe,Ut(wxe)),At(r,pr,ese,Ut(dX)),At(r,pr,tse,Ut(vxe)),At(r,pr,Owe,Ut(Pue)),At(r,pr,Zoe,Ut(fI)),At(r,pr,uwe,Ut(Rxe))}function M4(r,s){var a,l;return SR||(SR=new jr,v$=new jr,l=(zi(),zi(),new vh(4)),zL(l,`
\r\r `),Uu(SR,eae,l),Uu(v$,eae,OT(l)),l=new vh(4),zL(l,LGe),Uu(SR,B9,l),Uu(v$,B9,OT(l)),l=new vh(4),zL(l,LGe),Uu(SR,B9,l),Uu(v$,B9,OT(l)),l=new vh(4),zL(l,BGe),IT(l,E(ml(SR,B9),117)),Uu(SR,Zse,l),Uu(v$,Zse,OT(l)),l=new vh(4),zL(l,"-.0:AZ__az··ÀÖØöøıĴľŁňŊžƀǃǍǰǴǵǺȗɐʨʻˁːˑ̀͠͡ͅΆΊΌΌΎΡΣώϐϖϚϚϜϜϞϞϠϠϢϳЁЌЎяёќўҁ҃҆ҐӄӇӈӋӌӐӫӮӵӸӹԱՖՙՙաֆֹֻֽֿֿׁׂ֑֣֡ׄׄאתװײءغـْ٠٩ٰڷںھۀێېۓە۪ۭۨ۰۹ँःअह़्॑॔क़ॣ०९ঁঃঅঌএঐওনপরললশহ়়াৄেৈো্ৗৗড়ঢ়য়ৣ০ৱਂਂਅਊਏਐਓਨਪਰਲਲ਼ਵਸ਼ਸਹ਼਼ਾੂੇੈੋ੍ਖ਼ੜਫ਼ਫ਼੦ੴઁઃઅઋઍઍએઑઓનપરલળવહ઼ૅેૉો્ૠૠ૦૯ଁଃଅଌଏଐଓନପରଲଳଶହ଼ୃେୈୋ୍ୖୗଡ଼ଢ଼ୟୡ୦୯ஂஃஅஊஎஐஒகஙசஜஜஞடணதநபமவஷஹாூெைொ்ௗௗ௧௯ఁఃఅఌఎఐఒనపళవహాౄెైొ్ౕౖౠౡ౦౯ಂಃಅಌಎಐಒನಪಳವಹಾೄೆೈೊ್ೕೖೞೞೠೡ೦೯ംഃഅഌഎഐഒനപഹാൃെൈൊ്ൗൗൠൡ൦൯กฮะฺเ๎๐๙ກຂຄຄງຈຊຊຍຍດທນຟມຣລລວວສຫອຮະູົຽເໄໆໆ່ໍ໐໙༘༙༠༩༹༹༵༵༷༷༾ཇཉཀྵ྄ཱ྆ྋྐྕྗྗྙྭྱྷྐྵྐྵႠჅაჶᄀᄀᄂᄃᄅᄇᄉᄉᄋᄌᄎᄒᄼᄼᄾᄾᅀᅀᅌᅌᅎᅎᅐᅐᅔᅕᅙᅙᅟᅡᅣᅣᅥᅥᅧᅧᅩᅩᅭᅮᅲᅳᅵᅵᆞᆞᆨᆨᆫᆫᆮᆯᆷᆸᆺᆺᆼᇂᇫᇫᇰᇰᇹᇹḀẛẠỹἀἕἘἝἠὅὈὍὐὗὙὙὛὛὝὝὟώᾀᾴᾶᾼιιῂῄῆῌῐΐῖΊῠῬῲῴῶῼ⃐⃜⃡⃡ΩΩKÅ℮℮ↀↂ々々〇〇〡〯〱〵ぁゔ゙゚ゝゞァヺーヾㄅㄬ一龥가힣"),Uu(SR,tae,l),Uu(v$,tae,OT(l)),l=new vh(4),zL(l,BGe),yl(l,95,95),yl(l,58,58),Uu(SR,nae,l),Uu(v$,nae,OT(l))),a=E(ml(s?SR:v$,r),136),a}function rIt(r){ti(r.a,vi,pe(he(Bt,1),ft,2,6,[ji,"anySimpleType"])),ti(r.b,vi,pe(he(Bt,1),ft,2,6,[ji,"anyType",xp,WB])),ti(E(ke(et(r.b),0),34),vi,pe(he(Bt,1),ft,2,6,[xp,Kse,ji,":mixed"])),ti(E(ke(et(r.b),1),34),vi,pe(he(Bt,1),ft,2,6,[xp,Kse,wEe,Xse,ji,":1",CGe,"lax"])),ti(E(ke(et(r.b),2),34),vi,pe(he(Bt,1),ft,2,6,[xp,EGe,wEe,Xse,ji,":2",CGe,"lax"])),ti(r.c,vi,pe(he(Bt,1),ft,2,6,[ji,"anyURI",Tp,Y1])),ti(r.d,vi,pe(he(Bt,1),ft,2,6,[ji,"base64Binary",Tp,Y1])),ti(r.e,vi,pe(he(Bt,1),ft,2,6,[ji,L5,Tp,Y1])),ti(r.f,vi,pe(he(Bt,1),ft,2,6,[ji,"boolean:Object",Wa,L5])),ti(r.g,vi,pe(he(Bt,1),ft,2,6,[ji,$9])),ti(r.i,vi,pe(he(Bt,1),ft,2,6,[ji,"byte:Object",Wa,$9])),ti(r.j,vi,pe(he(Bt,1),ft,2,6,[ji,"date",Tp,Y1])),ti(r.k,vi,pe(he(Bt,1),ft,2,6,[ji,"dateTime",Tp,Y1])),ti(r.n,vi,pe(he(Bt,1),ft,2,6,[ji,"decimal",Tp,Y1])),ti(r.o,vi,pe(he(Bt,1),ft,2,6,[ji,P9,Tp,Y1])),ti(r.p,vi,pe(he(Bt,1),ft,2,6,[ji,"double:Object",Wa,P9])),ti(r.q,vi,pe(he(Bt,1),ft,2,6,[ji,"duration",Tp,Y1])),ti(r.s,vi,pe(he(Bt,1),ft,2,6,[ji,"ENTITIES",Wa,TGe,yEe,"1"])),ti(r.r,vi,pe(he(Bt,1),ft,2,6,[ji,TGe,Yse,EEe])),ti(r.t,vi,pe(he(Bt,1),ft,2,6,[ji,EEe,Wa,JK])),ti(r.u,vi,pe(he(Bt,1),ft,2,6,[ji,F9,Tp,Y1])),ti(r.v,vi,pe(he(Bt,1),ft,2,6,[ji,"float:Object",Wa,F9])),ti(r.w,vi,pe(he(Bt,1),ft,2,6,[ji,"gDay",Tp,Y1])),ti(r.B,vi,pe(he(Bt,1),ft,2,6,[ji,"gMonth",Tp,Y1])),ti(r.A,vi,pe(he(Bt,1),ft,2,6,[ji,"gMonthDay",Tp,Y1])),ti(r.C,vi,pe(he(Bt,1),ft,2,6,[ji,"gYear",Tp,Y1])),ti(r.D,vi,pe(he(Bt,1),ft,2,6,[ji,"gYearMonth",Tp,Y1])),ti(r.F,vi,pe(he(Bt,1),ft,2,6,[ji,"hexBinary",Tp,Y1])),ti(r.G,vi,pe(he(Bt,1),ft,2,6,[ji,"ID",Wa,JK])),ti(r.H,vi,pe(he(Bt,1),ft,2,6,[ji,"IDREF",Wa,JK])),ti(r.J,vi,pe(he(Bt,1),ft,2,6,[ji,"IDREFS",Wa,kGe,yEe,"1"])),ti(r.I,vi,pe(he(Bt,1),ft,2,6,[ji,kGe,Yse,"IDREF"])),ti(r.K,vi,pe(he(Bt,1),ft,2,6,[ji,j9])),ti(r.M,vi,pe(he(Bt,1),ft,2,6,[ji,_Ee])),ti(r.L,vi,pe(he(Bt,1),ft,2,6,[ji,"int:Object",Wa,j9])),ti(r.P,vi,pe(he(Bt,1),ft,2,6,[ji,"language",Wa,Qse,Jse,RGe])),ti(r.Q,vi,pe(he(Bt,1),ft,2,6,[ji,M9])),ti(r.R,vi,pe(he(Bt,1),ft,2,6,[ji,"long:Object",Wa,M9])),ti(r.S,vi,pe(he(Bt,1),ft,2,6,[ji,"Name",Wa,Qse,Jse,SEe])),ti(r.T,vi,pe(he(Bt,1),ft,2,6,[ji,JK,Wa,"Name",Jse,OGe])),ti(r.U,vi,pe(he(Bt,1),ft,2,6,[ji,"negativeInteger",Wa,IGe,QB,"-1"])),ti(r.V,vi,pe(he(Bt,1),ft,2,6,[ji,xEe,Wa,Qse,Jse,"\\c+"])),ti(r.X,vi,pe(he(Bt,1),ft,2,6,[ji,"NMTOKENS",Wa,DGe,yEe,"1"])),ti(r.W,vi,pe(he(Bt,1),ft,2,6,[ji,DGe,Yse,xEe])),ti(r.Y,vi,pe(he(Bt,1),ft,2,6,[ji,CEe,Wa,_Ee,JB,"0"])),ti(r.Z,vi,pe(he(Bt,1),ft,2,6,[ji,IGe,Wa,_Ee,QB,"0"])),ti(r.$,vi,pe(he(Bt,1),ft,2,6,[ji,AGe,Wa,Tie,Tp,"replace"])),ti(r._,vi,pe(he(Bt,1),ft,2,6,[ji,"NOTATION",Tp,Y1])),ti(r.ab,vi,pe(he(Bt,1),ft,2,6,[ji,"positiveInteger",Wa,CEe,JB,"1"])),ti(r.bb,vi,pe(he(Bt,1),ft,2,6,[ji,"processingInstruction_._type",xp,"empty"])),ti(E(ke(et(r.bb),0),34),vi,pe(he(Bt,1),ft,2,6,[xp,KK,ji,"data"])),ti(E(ke(et(r.bb),1),34),vi,pe(he(Bt,1),ft,2,6,[xp,KK,ji,oEe])),ti(r.cb,vi,pe(he(Bt,1),ft,2,6,[ji,"QName",Tp,Y1])),ti(r.db,vi,pe(he(Bt,1),ft,2,6,[ji,N9])),ti(r.eb,vi,pe(he(Bt,1),ft,2,6,[ji,"short:Object",Wa,N9])),ti(r.fb,vi,pe(he(Bt,1),ft,2,6,[ji,"simpleAnyType",xp,GB])),ti(E(ke(et(r.fb),0),34),vi,pe(he(Bt,1),ft,2,6,[ji,":3",xp,GB])),ti(E(ke(et(r.fb),1),34),vi,pe(he(Bt,1),ft,2,6,[ji,":4",xp,GB])),ti(E(ke(et(r.fb),2),18),vi,pe(he(Bt,1),ft,2,6,[ji,":5",xp,GB])),ti(r.gb,vi,pe(he(Bt,1),ft,2,6,[ji,Tie,Tp,"preserve"])),ti(r.hb,vi,pe(he(Bt,1),ft,2,6,[ji,"time",Tp,Y1])),ti(r.ib,vi,pe(he(Bt,1),ft,2,6,[ji,Qse,Wa,AGe,Tp,Y1])),ti(r.jb,vi,pe(he(Bt,1),ft,2,6,[ji,$Ge,QB,"255",JB,"0"])),ti(r.kb,vi,pe(he(Bt,1),ft,2,6,[ji,"unsignedByte:Object",Wa,$Ge])),ti(r.lb,vi,pe(he(Bt,1),ft,2,6,[ji,PGe,QB,"4294967295",JB,"0"])),ti(r.mb,vi,pe(he(Bt,1),ft,2,6,[ji,"unsignedInt:Object",Wa,PGe])),ti(r.nb,vi,pe(he(Bt,1),ft,2,6,[ji,"unsignedLong",Wa,CEe,QB,FGe,JB,"0"])),ti(r.ob,vi,pe(he(Bt,1),ft,2,6,[ji,jGe,QB,"65535",JB,"0"])),ti(r.pb,vi,pe(he(Bt,1),ft,2,6,[ji,"unsignedShort:Object",Wa,jGe])),ti(r.qb,vi,pe(he(Bt,1),ft,2,6,[ji,"",xp,WB])),ti(E(ke(et(r.qb),0),34),vi,pe(he(Bt,1),ft,2,6,[xp,Kse,ji,":mixed"])),ti(E(ke(et(r.qb),1),18),vi,pe(he(Bt,1),ft,2,6,[xp,KK,ji,"xmlns:prefix"])),ti(E(ke(et(r.qb),2),18),vi,pe(he(Bt,1),ft,2,6,[xp,KK,ji,"xsi:schemaLocation"])),ti(E(ke(et(r.qb),3),34),vi,pe(he(Bt,1),ft,2,6,[xp,YK,ji,"cDATA",XK,KB])),ti(E(ke(et(r.qb),4),34),vi,pe(he(Bt,1),ft,2,6,[xp,YK,ji,"comment",XK,KB])),ti(E(ke(et(r.qb),5),18),vi,pe(he(Bt,1),ft,2,6,[xp,YK,ji,MGe,XK,KB])),ti(E(ke(et(r.qb),6),34),vi,pe(he(Bt,1),ft,2,6,[xp,YK,ji,Fse,XK,KB]))}function di(r){return xn("_UI_EMFDiagnostic_marker",r)?"EMF Problem":xn("_UI_CircularContainment_diagnostic",r)?"An object may not circularly contain itself":xn(wWe,r)?"Wrong character.":xn(yWe,r)?"Invalid reference number.":xn(LK,r)?"A character is required after \\.":xn(Hse,r)?"'?' is not expected. '(?:' or '(?=' or '(?!' or '(?<' or '(?#' or '(?>'?":xn(EWe,r)?"'(?<' or '(?<!' is expected.":xn(_We,r)?"A comment is not terminated.":xn(L2,r)?"')' is expected.":xn(sEe,r)?"Unexpected end of the pattern in a modifier group.":xn(SWe,r)?"':' is expected.":xn(xWe,r)?"Unexpected end of the pattern in a conditional group.":xn(CWe,r)?"A back reference or an anchor or a lookahead or a look-behind is expected in a conditional pattern.":xn(TWe,r)?"There are more than three choices in a conditional group.":xn(kWe,r)?"A character in U+0040-U+005f must follow \\c.":xn(RWe,r)?"A '{' is required before a character category.":xn(OWe,r)?"A property name is not closed by '}'.":xn(aEe,r)?"Unexpected meta character.":xn(Use,r)?"Unknown property.":xn(uEe,r)?"A POSIX character class must be closed by ':]'.":xn(BK,r)?"Unexpected end of the pattern in a character class.":xn(IWe,r)?"Unknown name for a POSIX character class.":xn("parser.cc.4",r)?"'-' is invalid here.":xn(DWe,r)?"']' is expected.":xn(cEe,r)?"'[' is invalid in a character class. Write '\\['.":xn(lEe,r)?"']' is invalid in a character class. Write '\\]'.":xn(Vse,r)?"'-' is an invalid character range. Write '\\-'.":xn(AWe,r)?"'[' is expected.":xn($We,r)?"')' or '-[' or '+[' or '&[' is expected.":xn(PWe,r)?"The range end code point is less than the start code point.":xn(aw,r)?"Invalid Unicode hex notation.":xn(FWe,r)?"Overflow in a hex notation.":xn(jWe,r)?"'\\x{' must be closed by '}'.":xn(MWe,r)?"Invalid Unicode code point.":xn(NWe,r)?"An anchor must not be here.":xn(np,r)?"This expression is not supported in the current option setting.":xn(LWe,r)?"Invalid quantifier. A digit is expected.":xn(BWe,r)?"Invalid quantifier. Invalid quantity or a '}' is missing.":xn(zWe,r)?"Invalid quantifier. A digit or '}' is expected.":xn(HWe,r)?"Invalid quantifier. A min quantity must be <= a max quantity.":xn(fEe,r)?"Invalid quantifier. A quantity value overflow.":xn("_UI_PackageRegistry_extensionpoint",r)?"Ecore Package Registry for Generated Packages":xn("_UI_DynamicPackageRegistry_extensionpoint",r)?"Ecore Package Registry for Dynamic Packages":xn("_UI_FactoryRegistry_extensionpoint",r)?"Ecore Factory Override Registry":xn("_UI_URIExtensionParserRegistry_extensionpoint",r)?"URI Extension Parser Registry":xn("_UI_URIProtocolParserRegistry_extensionpoint",r)?"URI Protocol Parser Registry":xn("_UI_URIContentParserRegistry_extensionpoint",r)?"URI Content Parser Registry":xn("_UI_ContentHandlerRegistry_extensionpoint",r)?"Content Handler Registry":xn("_UI_URIMappingRegistry_extensionpoint",r)?"URI Converter Mapping Registry":xn("_UI_PackageRegistryImplementation_extensionpoint",r)?"Ecore Package Registry Implementation":xn("_UI_ValidationDelegateRegistry_extensionpoint",r)?"Validation Delegate Registry":xn("_UI_SettingDelegateRegistry_extensionpoint",r)?"Feature Setting Delegate Factory Registry":xn("_UI_InvocationDelegateRegistry_extensionpoint",r)?"Operation Invocation Delegate Factory Registry":xn("_UI_EClassInterfaceNotAbstract_diagnostic",r)?"A class that is an interface must also be abstract":xn("_UI_EClassNoCircularSuperTypes_diagnostic",r)?"A class may not be a super type of itself":xn("_UI_EClassNotWellFormedMapEntryNoInstanceClassName_diagnostic",r)?"A class that inherits from a map entry class must have instance class name 'java.util.Map$Entry'":xn("_UI_EReferenceOppositeOfOppositeInconsistent_diagnostic",r)?"The opposite of the opposite may not be a reference different from this one":xn("_UI_EReferenceOppositeNotFeatureOfType_diagnostic",r)?"The opposite must be a feature of the reference's type":xn("_UI_EReferenceTransientOppositeNotTransient_diagnostic",r)?"The opposite of a transient reference must be transient if it is proxy resolving":xn("_UI_EReferenceOppositeBothContainment_diagnostic",r)?"The opposite of a containment reference must not be a containment reference":xn("_UI_EReferenceConsistentUnique_diagnostic",r)?"A containment or bidirectional reference must be unique if its upper bound is different from 1":xn("_UI_ETypedElementNoType_diagnostic",r)?"The typed element must have a type":xn("_UI_EAttributeNoDataType_diagnostic",r)?"The generic attribute type must not refer to a class":xn("_UI_EReferenceNoClass_diagnostic",r)?"The generic reference type must not refer to a data type":xn("_UI_EGenericTypeNoTypeParameterAndClassifier_diagnostic",r)?"A generic type can't refer to both a type parameter and a classifier":xn("_UI_EGenericTypeNoClass_diagnostic",r)?"A generic super type must refer to a class":xn("_UI_EGenericTypeNoTypeParameterOrClassifier_diagnostic",r)?"A generic type in this context must refer to a classifier or a type parameter":xn("_UI_EGenericTypeBoundsOnlyForTypeArgument_diagnostic",r)?"A generic type may have bounds only when used as a type argument":xn("_UI_EGenericTypeNoUpperAndLowerBound_diagnostic",r)?"A generic type must not have both a lower and an upper bound":xn("_UI_EGenericTypeNoTypeParameterOrClassifierAndBound_diagnostic",r)?"A generic type with bounds must not also refer to a type parameter or classifier":xn("_UI_EGenericTypeNoArguments_diagnostic",r)?"A generic type may have arguments only if it refers to a classifier":xn("_UI_EGenericTypeOutOfScopeTypeParameter_diagnostic",r)?"A generic type may only refer to a type parameter that is in scope":r}function iIt(r){var s,a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie;r.r||(r.r=!0,jl(r,"graph"),_W(r,"graph"),SW(r,IA),xL(r.o,"T"),ei(tc(r.a),r.p),ei(tc(r.f),r.a),ei(tc(r.n),r.f),ei(tc(r.g),r.n),ei(tc(r.c),r.n),ei(tc(r.i),r.c),ei(tc(r.j),r.c),ei(tc(r.d),r.f),ei(tc(r.e),r.a),Ic(r.p,yIt,vVe,!0,!0,!1),ee=g4(r.p,r.p,"setProperty"),ie=k9e(ee),A=_0(r.o),F=(a=(l=new b0,l),a),ei((!A.d&&(A.d=new xs(Au,A,1)),A.d),F),z=Yee(ie),Xbe(F,z),hG(ee,A,Xye),A=Yee(ie),hG(ee,A,D9),ee=g4(r.p,null,"getProperty"),ie=k9e(ee),A=_0(r.o),F=Yee(ie),ei((!A.d&&(A.d=new xs(Au,A,1)),A.d),F),hG(ee,A,Xye),A=Yee(ie),Q=$g(ee,A,null),Q&&Q.Fi(),ee=g4(r.p,r.wb.e,"hasProperty"),A=_0(r.o),F=(v=(y=new b0,y),v),ei((!A.d&&(A.d=new xs(Au,A,1)),A.d),F),hG(ee,A,Xye),ee=g4(r.p,r.p,"copyProperties"),Gu(ee,r.p,Dse),ee=g4(r.p,null,"getAllProperties"),A=_0(r.wb.P),F=_0(r.o),ei((!A.d&&(A.d=new xs(Au,A,1)),A.d),F),z=(x=(T=new b0,T),x),ei((!F.d&&(F.d=new xs(Au,F,1)),F.d),z),F=_0(r.wb.M),ei((!A.d&&(A.d=new xs(Au,A,1)),A.d),F),q=$g(ee,A,null),q&&q.Fi(),Ic(r.a,m$,Yqe,!0,!1,!0),_o(E(ke(et(r.a),0),18),r.k,null,aWe,0,-1,m$,!1,!1,!0,!0,!1,!1,!1),Ic(r.f,Zz,Qqe,!0,!1,!0),_o(E(ke(et(r.f),0),18),r.g,E(ke(et(r.g),0),18),"labels",0,-1,Zz,!1,!1,!0,!0,!1,!1,!1),ts(E(ke(et(r.f),1),34),r.wb._,uWe,null,0,1,Zz,!1,!1,!0,!1,!0,!1),Ic(r.n,eH,"ElkShape",!0,!1,!0),ts(E(ke(et(r.n),0),34),r.wb.t,Ase,vA,1,1,eH,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.n),1),34),r.wb.t,$se,vA,1,1,eH,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.n),2),34),r.wb.t,"x",vA,1,1,eH,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.n),3),34),r.wb.t,"y",vA,1,1,eH,!1,!1,!0,!1,!0,!1),ee=g4(r.n,null,"setDimensions"),Gu(ee,r.wb.t,$se),Gu(ee,r.wb.t,Ase),ee=g4(r.n,null,"setLocation"),Gu(ee,r.wb.t,"x"),Gu(ee,r.wb.t,"y"),Ic(r.g,pc,Gye,!1,!1,!0),_o(E(ke(et(r.g),0),18),r.f,E(ke(et(r.f),0),18),Pse,0,1,pc,!1,!1,!0,!1,!1,!1,!1),ts(E(ke(et(r.g),1),34),r.wb._,Fse,"",0,1,pc,!1,!1,!0,!1,!0,!1),Ic(r.c,Nr,Jqe,!0,!1,!0),_o(E(ke(et(r.c),0),18),r.d,E(ke(et(r.d),1),18),"outgoingEdges",0,-1,Nr,!1,!1,!0,!1,!0,!1,!1),_o(E(ke(et(r.c),1),18),r.d,E(ke(et(r.d),2),18),"incomingEdges",0,-1,Nr,!1,!1,!0,!1,!0,!1,!1),Ic(r.i,Ko,Kye,!1,!1,!0),_o(E(ke(et(r.i),0),18),r.j,E(ke(et(r.j),0),18),"ports",0,-1,Ko,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.i),1),18),r.i,E(ke(et(r.i),2),18),jse,0,-1,Ko,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.i),2),18),r.i,E(ke(et(r.i),1),18),Pse,0,1,Ko,!1,!1,!0,!1,!1,!1,!1),_o(E(ke(et(r.i),3),18),r.d,E(ke(et(r.d),0),18),"containedEdges",0,-1,Ko,!1,!1,!0,!0,!1,!1,!1),ts(E(ke(et(r.i),4),34),r.wb.e,cWe,null,0,1,Ko,!0,!0,!1,!1,!0,!0),Ic(r.j,jd,Yye,!1,!1,!0),_o(E(ke(et(r.j),0),18),r.i,E(ke(et(r.i),0),18),Pse,0,1,jd,!1,!1,!0,!1,!1,!1,!1),Ic(r.d,ra,Wye,!1,!1,!0),_o(E(ke(et(r.d),0),18),r.i,E(ke(et(r.i),3),18),"containingNode",0,1,ra,!1,!1,!0,!1,!1,!1,!1),_o(E(ke(et(r.d),1),18),r.c,E(ke(et(r.c),0),18),Qye,0,-1,ra,!1,!1,!0,!1,!0,!1,!1),_o(E(ke(et(r.d),2),18),r.c,E(ke(et(r.c),1),18),Mse,0,-1,ra,!1,!1,!0,!1,!0,!1,!1),_o(E(ke(et(r.d),3),18),r.e,E(ke(et(r.e),5),18),Jye,0,-1,ra,!1,!1,!0,!0,!1,!1,!1),ts(E(ke(et(r.d),4),34),r.wb.e,"hyperedge",null,0,1,ra,!0,!0,!1,!1,!0,!0),ts(E(ke(et(r.d),5),34),r.wb.e,cWe,null,0,1,ra,!0,!0,!1,!1,!0,!0),ts(E(ke(et(r.d),6),34),r.wb.e,"selfloop",null,0,1,ra,!0,!0,!1,!1,!0,!0),ts(E(ke(et(r.d),7),34),r.wb.e,"connected",null,0,1,ra,!0,!0,!1,!1,!0,!0),Ic(r.b,$p,Xqe,!1,!1,!0),ts(E(ke(et(r.b),0),34),r.wb.t,"x",vA,1,1,$p,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.b),1),34),r.wb.t,"y",vA,1,1,$p,!1,!1,!0,!1,!0,!1),ee=g4(r.b,null,"set"),Gu(ee,r.wb.t,"x"),Gu(ee,r.wb.t,"y"),Ic(r.e,Uo,Zqe,!1,!1,!0),ts(E(ke(et(r.e),0),34),r.wb.t,"startX",null,0,1,Uo,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.e),1),34),r.wb.t,"startY",null,0,1,Uo,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.e),2),34),r.wb.t,"endX",null,0,1,Uo,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.e),3),34),r.wb.t,"endY",null,0,1,Uo,!1,!1,!0,!1,!0,!1),_o(E(ke(et(r.e),4),18),r.b,null,FK,0,-1,Uo,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.e),5),18),r.d,E(ke(et(r.d),3),18),Pse,0,1,Uo,!1,!1,!0,!1,!1,!1,!1),_o(E(ke(et(r.e),6),18),r.c,null,Zye,0,1,Uo,!1,!1,!0,!1,!0,!1,!1),_o(E(ke(et(r.e),7),18),r.c,null,eEe,0,1,Uo,!1,!1,!0,!1,!0,!1,!1),_o(E(ke(et(r.e),8),18),r.e,E(ke(et(r.e),9),18),tEe,0,-1,Uo,!1,!1,!0,!1,!0,!1,!1),_o(E(ke(et(r.e),9),18),r.e,E(ke(et(r.e),8),18),nEe,0,-1,Uo,!1,!1,!0,!1,!0,!1,!1),ts(E(ke(et(r.e),10),34),r.wb._,uWe,null,0,1,Uo,!1,!1,!0,!1,!0,!1),ee=g4(r.e,null,"setStartLocation"),Gu(ee,r.wb.t,"x"),Gu(ee,r.wb.t,"y"),ee=g4(r.e,null,"setEndLocation"),Gu(ee,r.wb.t,"x"),Gu(ee,r.wb.t,"y"),Ic(r.k,z2,"ElkPropertyToValueMapEntry",!1,!1,!1),A=_0(r.o),F=(O=(s=new b0,s),O),ei((!A.d&&(A.d=new xs(Au,A,1)),A.d),F),kLe(E(ke(et(r.k),0),34),A,"key",z2,!1,!1,!0,!1),ts(E(ke(et(r.k),1),34),r.s,D9,null,0,1,z2,!1,!1,!0,!1,!0,!1),$i(r.o,Uce,"IProperty",!0),$i(r.s,mr,"PropertyValue",!0),Sge(r,IA))}function TUe(){TUe=xe,ye=Pe(nd,W4,25,du,15,1),ye[9]=35,ye[10]=19,ye[13]=19,ye[32]=51,ye[33]=49,ye[34]=33,ze(ye,35,38,49),ye[38]=1,ze(ye,39,45,49),ze(ye,45,47,-71),ye[47]=49,ze(ye,48,58,-71),ye[58]=61,ye[59]=49,ye[60]=1,ye[61]=49,ye[62]=33,ze(ye,63,65,49),ze(ye,65,91,-3),ze(ye,91,93,33),ye[93]=1,ye[94]=33,ye[95]=-3,ye[96]=33,ze(ye,97,123,-3),ze(ye,123,183,33),ye[183]=-87,ze(ye,184,192,33),ze(ye,192,215,-19),ye[215]=33,ze(ye,216,247,-19),ye[247]=33,ze(ye,248,306,-19),ze(ye,306,308,33),ze(ye,308,319,-19),ze(ye,319,321,33),ze(ye,321,329,-19),ye[329]=33,ze(ye,330,383,-19),ye[383]=33,ze(ye,384,452,-19),ze(ye,452,461,33),ze(ye,461,497,-19),ze(ye,497,500,33),ze(ye,500,502,-19),ze(ye,502,506,33),ze(ye,506,536,-19),ze(ye,536,592,33),ze(ye,592,681,-19),ze(ye,681,699,33),ze(ye,699,706,-19),ze(ye,706,720,33),ze(ye,720,722,-87),ze(ye,722,768,33),ze(ye,768,838,-87),ze(ye,838,864,33),ze(ye,864,866,-87),ze(ye,866,902,33),ye[902]=-19,ye[903]=-87,ze(ye,904,907,-19),ye[907]=33,ye[908]=-19,ye[909]=33,ze(ye,910,930,-19),ye[930]=33,ze(ye,931,975,-19),ye[975]=33,ze(ye,976,983,-19),ze(ye,983,986,33),ye[986]=-19,ye[987]=33,ye[988]=-19,ye[989]=33,ye[990]=-19,ye[991]=33,ye[992]=-19,ye[993]=33,ze(ye,994,1012,-19),ze(ye,1012,1025,33),ze(ye,1025,1037,-19),ye[1037]=33,ze(ye,1038,1104,-19),ye[1104]=33,ze(ye,1105,1117,-19),ye[1117]=33,ze(ye,1118,1154,-19),ye[1154]=33,ze(ye,1155,1159,-87),ze(ye,1159,1168,33),ze(ye,1168,1221,-19),ze(ye,1221,1223,33),ze(ye,1223,1225,-19),ze(ye,1225,1227,33),ze(ye,1227,1229,-19),ze(ye,1229,1232,33),ze(ye,1232,1260,-19),ze(ye,1260,1262,33),ze(ye,1262,1270,-19),ze(ye,1270,1272,33),ze(ye,1272,1274,-19),ze(ye,1274,1329,33),ze(ye,1329,1367,-19),ze(ye,1367,1369,33),ye[1369]=-19,ze(ye,1370,1377,33),ze(ye,1377,1415,-19),ze(ye,1415,1425,33),ze(ye,1425,1442,-87),ye[1442]=33,ze(ye,1443,1466,-87),ye[1466]=33,ze(ye,1467,1470,-87),ye[1470]=33,ye[1471]=-87,ye[1472]=33,ze(ye,1473,1475,-87),ye[1475]=33,ye[1476]=-87,ze(ye,1477,1488,33),ze(ye,1488,1515,-19),ze(ye,1515,1520,33),ze(ye,1520,1523,-19),ze(ye,1523,1569,33),ze(ye,1569,1595,-19),ze(ye,1595,1600,33),ye[1600]=-87,ze(ye,1601,1611,-19),ze(ye,1611,1619,-87),ze(ye,1619,1632,33),ze(ye,1632,1642,-87),ze(ye,1642,1648,33),ye[1648]=-87,ze(ye,1649,1720,-19),ze(ye,1720,1722,33),ze(ye,1722,1727,-19),ye[1727]=33,ze(ye,1728,1743,-19),ye[1743]=33,ze(ye,1744,1748,-19),ye[1748]=33,ye[1749]=-19,ze(ye,1750,1765,-87),ze(ye,1765,1767,-19),ze(ye,1767,1769,-87),ye[1769]=33,ze(ye,1770,1774,-87),ze(ye,1774,1776,33),ze(ye,1776,1786,-87),ze(ye,1786,2305,33),ze(ye,2305,2308,-87),ye[2308]=33,ze(ye,2309,2362,-19),ze(ye,2362,2364,33),ye[2364]=-87,ye[2365]=-19,ze(ye,2366,2382,-87),ze(ye,2382,2385,33),ze(ye,2385,2389,-87),ze(ye,2389,2392,33),ze(ye,2392,2402,-19),ze(ye,2402,2404,-87),ze(ye,2404,2406,33),ze(ye,2406,2416,-87),ze(ye,2416,2433,33),ze(ye,2433,2436,-87),ye[2436]=33,ze(ye,2437,2445,-19),ze(ye,2445,2447,33),ze(ye,2447,2449,-19),ze(ye,2449,2451,33),ze(ye,2451,2473,-19),ye[2473]=33,ze(ye,2474,2481,-19),ye[2481]=33,ye[2482]=-19,ze(ye,2483,2486,33),ze(ye,2486,2490,-19),ze(ye,2490,2492,33),ye[2492]=-87,ye[2493]=33,ze(ye,2494,2501,-87),ze(ye,2501,2503,33),ze(ye,2503,2505,-87),ze(ye,2505,2507,33),ze(ye,2507,2510,-87),ze(ye,2510,2519,33),ye[2519]=-87,ze(ye,2520,2524,33),ze(ye,2524,2526,-19),ye[2526]=33,ze(ye,2527,2530,-19),ze(ye,2530,2532,-87),ze(ye,2532,2534,33),ze(ye,2534,2544,-87),ze(ye,2544,2546,-19),ze(ye,2546,2562,33),ye[2562]=-87,ze(ye,2563,2565,33),ze(ye,2565,2571,-19),ze(ye,2571,2575,33),ze(ye,2575,2577,-19),ze(ye,2577,2579,33),ze(ye,2579,2601,-19),ye[2601]=33,ze(ye,2602,2609,-19),ye[2609]=33,ze(ye,2610,2612,-19),ye[2612]=33,ze(ye,2613,2615,-19),ye[2615]=33,ze(ye,2616,2618,-19),ze(ye,2618,2620,33),ye[2620]=-87,ye[2621]=33,ze(ye,2622,2627,-87),ze(ye,2627,2631,33),ze(ye,2631,2633,-87),ze(ye,2633,2635,33),ze(ye,2635,2638,-87),ze(ye,2638,2649,33),ze(ye,2649,2653,-19),ye[2653]=33,ye[2654]=-19,ze(ye,2655,2662,33),ze(ye,2662,2674,-87),ze(ye,2674,2677,-19),ze(ye,2677,2689,33),ze(ye,2689,2692,-87),ye[2692]=33,ze(ye,2693,2700,-19),ye[2700]=33,ye[2701]=-19,ye[2702]=33,ze(ye,2703,2706,-19),ye[2706]=33,ze(ye,2707,2729,-19),ye[2729]=33,ze(ye,2730,2737,-19),ye[2737]=33,ze(ye,2738,2740,-19),ye[2740]=33,ze(ye,2741,2746,-19),ze(ye,2746,2748,33),ye[2748]=-87,ye[2749]=-19,ze(ye,2750,2758,-87),ye[2758]=33,ze(ye,2759,2762,-87),ye[2762]=33,ze(ye,2763,2766,-87),ze(ye,2766,2784,33),ye[2784]=-19,ze(ye,2785,2790,33),ze(ye,2790,2800,-87),ze(ye,2800,2817,33),ze(ye,2817,2820,-87),ye[2820]=33,ze(ye,2821,2829,-19),ze(ye,2829,2831,33),ze(ye,2831,2833,-19),ze(ye,2833,2835,33),ze(ye,2835,2857,-19),ye[2857]=33,ze(ye,2858,2865,-19),ye[2865]=33,ze(ye,2866,2868,-19),ze(ye,2868,2870,33),ze(ye,2870,2874,-19),ze(ye,2874,2876,33),ye[2876]=-87,ye[2877]=-19,ze(ye,2878,2884,-87),ze(ye,2884,2887,33),ze(ye,2887,2889,-87),ze(ye,2889,2891,33),ze(ye,2891,2894,-87),ze(ye,2894,2902,33),ze(ye,2902,2904,-87),ze(ye,2904,2908,33),ze(ye,2908,2910,-19),ye[2910]=33,ze(ye,2911,2914,-19),ze(ye,2914,2918,33),ze(ye,2918,2928,-87),ze(ye,2928,2946,33),ze(ye,2946,2948,-87),ye[2948]=33,ze(ye,2949,2955,-19),ze(ye,2955,2958,33),ze(ye,2958,2961,-19),ye[2961]=33,ze(ye,2962,2966,-19),ze(ye,2966,2969,33),ze(ye,2969,2971,-19),ye[2971]=33,ye[2972]=-19,ye[2973]=33,ze(ye,2974,2976,-19),ze(ye,2976,2979,33),ze(ye,2979,2981,-19),ze(ye,2981,2984,33),ze(ye,2984,2987,-19),ze(ye,2987,2990,33),ze(ye,2990,2998,-19),ye[2998]=33,ze(ye,2999,3002,-19),ze(ye,3002,3006,33),ze(ye,3006,3011,-87),ze(ye,3011,3014,33),ze(ye,3014,3017,-87),ye[3017]=33,ze(ye,3018,3022,-87),ze(ye,3022,3031,33),ye[3031]=-87,ze(ye,3032,3047,33),ze(ye,3047,3056,-87),ze(ye,3056,3073,33),ze(ye,3073,3076,-87),ye[3076]=33,ze(ye,3077,3085,-19),ye[3085]=33,ze(ye,3086,3089,-19),ye[3089]=33,ze(ye,3090,3113,-19),ye[3113]=33,ze(ye,3114,3124,-19),ye[3124]=33,ze(ye,3125,3130,-19),ze(ye,3130,3134,33),ze(ye,3134,3141,-87),ye[3141]=33,ze(ye,3142,3145,-87),ye[3145]=33,ze(ye,3146,3150,-87),ze(ye,3150,3157,33),ze(ye,3157,3159,-87),ze(ye,3159,3168,33),ze(ye,3168,3170,-19),ze(ye,3170,3174,33),ze(ye,3174,3184,-87),ze(ye,3184,3202,33),ze(ye,3202,3204,-87),ye[3204]=33,ze(ye,3205,3213,-19),ye[3213]=33,ze(ye,3214,3217,-19),ye[3217]=33,ze(ye,3218,3241,-19),ye[3241]=33,ze(ye,3242,3252,-19),ye[3252]=33,ze(ye,3253,3258,-19),ze(ye,3258,3262,33),ze(ye,3262,3269,-87),ye[3269]=33,ze(ye,3270,3273,-87),ye[3273]=33,ze(ye,3274,3278,-87),ze(ye,3278,3285,33),ze(ye,3285,3287,-87),ze(ye,3287,3294,33),ye[3294]=-19,ye[3295]=33,ze(ye,3296,3298,-19),ze(ye,3298,3302,33),ze(ye,3302,3312,-87),ze(ye,3312,3330,33),ze(ye,3330,3332,-87),ye[3332]=33,ze(ye,3333,3341,-19),ye[3341]=33,ze(ye,3342,3345,-19),ye[3345]=33,ze(ye,3346,3369,-19),ye[3369]=33,ze(ye,3370,3386,-19),ze(ye,3386,3390,33),ze(ye,3390,3396,-87),ze(ye,3396,3398,33),ze(ye,3398,3401,-87),ye[3401]=33,ze(ye,3402,3406,-87),ze(ye,3406,3415,33),ye[3415]=-87,ze(ye,3416,3424,33),ze(ye,3424,3426,-19),ze(ye,3426,3430,33),ze(ye,3430,3440,-87),ze(ye,3440,3585,33),ze(ye,3585,3631,-19),ye[3631]=33,ye[3632]=-19,ye[3633]=-87,ze(ye,3634,3636,-19),ze(ye,3636,3643,-87),ze(ye,3643,3648,33),ze(ye,3648,3654,-19),ze(ye,3654,3663,-87),ye[3663]=33,ze(ye,3664,3674,-87),ze(ye,3674,3713,33),ze(ye,3713,3715,-19),ye[3715]=33,ye[3716]=-19,ze(ye,3717,3719,33),ze(ye,3719,3721,-19),ye[3721]=33,ye[3722]=-19,ze(ye,3723,3725,33),ye[3725]=-19,ze(ye,3726,3732,33),ze(ye,3732,3736,-19),ye[3736]=33,ze(ye,3737,3744,-19),ye[3744]=33,ze(ye,3745,3748,-19),ye[3748]=33,ye[3749]=-19,ye[3750]=33,ye[3751]=-19,ze(ye,3752,3754,33),ze(ye,3754,3756,-19),ye[3756]=33,ze(ye,3757,3759,-19),ye[3759]=33,ye[3760]=-19,ye[3761]=-87,ze(ye,3762,3764,-19),ze(ye,3764,3770,-87),ye[3770]=33,ze(ye,3771,3773,-87),ye[3773]=-19,ze(ye,3774,3776,33),ze(ye,3776,3781,-19),ye[3781]=33,ye[3782]=-87,ye[3783]=33,ze(ye,3784,3790,-87),ze(ye,3790,3792,33),ze(ye,3792,3802,-87),ze(ye,3802,3864,33),ze(ye,3864,3866,-87),ze(ye,3866,3872,33),ze(ye,3872,3882,-87),ze(ye,3882,3893,33),ye[3893]=-87,ye[3894]=33,ye[3895]=-87,ye[3896]=33,ye[3897]=-87,ze(ye,3898,3902,33),ze(ye,3902,3904,-87),ze(ye,3904,3912,-19),ye[3912]=33,ze(ye,3913,3946,-19),ze(ye,3946,3953,33),ze(ye,3953,3973,-87),ye[3973]=33,ze(ye,3974,3980,-87),ze(ye,3980,3984,33),ze(ye,3984,3990,-87),ye[3990]=33,ye[3991]=-87,ye[3992]=33,ze(ye,3993,4014,-87),ze(ye,4014,4017,33),ze(ye,4017,4024,-87),ye[4024]=33,ye[4025]=-87,ze(ye,4026,4256,33),ze(ye,4256,4294,-19),ze(ye,4294,4304,33),ze(ye,4304,4343,-19),ze(ye,4343,4352,33),ye[4352]=-19,ye[4353]=33,ze(ye,4354,4356,-19),ye[4356]=33,ze(ye,4357,4360,-19),ye[4360]=33,ye[4361]=-19,ye[4362]=33,ze(ye,4363,4365,-19),ye[4365]=33,ze(ye,4366,4371,-19),ze(ye,4371,4412,33),ye[4412]=-19,ye[4413]=33,ye[4414]=-19,ye[4415]=33,ye[4416]=-19,ze(ye,4417,4428,33),ye[4428]=-19,ye[4429]=33,ye[4430]=-19,ye[4431]=33,ye[4432]=-19,ze(ye,4433,4436,33),ze(ye,4436,4438,-19),ze(ye,4438,4441,33),ye[4441]=-19,ze(ye,4442,4447,33),ze(ye,4447,4450,-19),ye[4450]=33,ye[4451]=-19,ye[4452]=33,ye[4453]=-19,ye[4454]=33,ye[4455]=-19,ye[4456]=33,ye[4457]=-19,ze(ye,4458,4461,33),ze(ye,4461,4463,-19),ze(ye,4463,4466,33),ze(ye,4466,4468,-19),ye[4468]=33,ye[4469]=-19,ze(ye,4470,4510,33),ye[4510]=-19,ze(ye,4511,4520,33),ye[4520]=-19,ze(ye,4521,4523,33),ye[4523]=-19,ze(ye,4524,4526,33),ze(ye,4526,4528,-19),ze(ye,4528,4535,33),ze(ye,4535,4537,-19),ye[4537]=33,ye[4538]=-19,ye[4539]=33,ze(ye,4540,4547,-19),ze(ye,4547,4587,33),ye[4587]=-19,ze(ye,4588,4592,33),ye[4592]=-19,ze(ye,4593,4601,33),ye[4601]=-19,ze(ye,4602,7680,33),ze(ye,7680,7836,-19),ze(ye,7836,7840,33),ze(ye,7840,7930,-19),ze(ye,7930,7936,33),ze(ye,7936,7958,-19),ze(ye,7958,7960,33),ze(ye,7960,7966,-19),ze(ye,7966,7968,33),ze(ye,7968,8006,-19),ze(ye,8006,8008,33),ze(ye,8008,8014,-19),ze(ye,8014,8016,33),ze(ye,8016,8024,-19),ye[8024]=33,ye[8025]=-19,ye[8026]=33,ye[8027]=-19,ye[8028]=33,ye[8029]=-19,ye[8030]=33,ze(ye,8031,8062,-19),ze(ye,8062,8064,33),ze(ye,8064,8117,-19),ye[8117]=33,ze(ye,8118,8125,-19),ye[8125]=33,ye[8126]=-19,ze(ye,8127,8130,33),ze(ye,8130,8133,-19),ye[8133]=33,ze(ye,8134,8141,-19),ze(ye,8141,8144,33),ze(ye,8144,8148,-19),ze(ye,8148,8150,33),ze(ye,8150,8156,-19),ze(ye,8156,8160,33),ze(ye,8160,8173,-19),ze(ye,8173,8178,33),ze(ye,8178,8181,-19),ye[8181]=33,ze(ye,8182,8189,-19),ze(ye,8189,8400,33),ze(ye,8400,8413,-87),ze(ye,8413,8417,33),ye[8417]=-87,ze(ye,8418,8486,33),ye[8486]=-19,ze(ye,8487,8490,33),ze(ye,8490,8492,-19),ze(ye,8492,8494,33),ye[8494]=-19,ze(ye,8495,8576,33),ze(ye,8576,8579,-19),ze(ye,8579,12293,33),ye[12293]=-87,ye[12294]=33,ye[12295]=-19,ze(ye,12296,12321,33),ze(ye,12321,12330,-19),ze(ye,12330,12336,-87),ye[12336]=33,ze(ye,12337,12342,-87),ze(ye,12342,12353,33),ze(ye,12353,12437,-19),ze(ye,12437,12441,33),ze(ye,12441,12443,-87),ze(ye,12443,12445,33),ze(ye,12445,12447,-87),ze(ye,12447,12449,33),ze(ye,12449,12539,-19),ye[12539]=33,ze(ye,12540,12543,-87),ze(ye,12543,12549,33),ze(ye,12549,12589,-19),ze(ye,12589,19968,33),ze(ye,19968,40870,-19),ze(ye,40870,44032,33),ze(ye,44032,55204,-19),ze(ye,55204,kB,33),ze(ye,57344,65534,33)}function oIt(r){var s,a,l,v,y,x,T;r.hb||(r.hb=!0,jl(r,"ecore"),_W(r,"ecore"),SW(r,Cp),xL(r.fb,"E"),xL(r.L,"T"),xL(r.P,"K"),xL(r.P,"V"),xL(r.cb,"E"),ei(tc(r.b),r.bb),ei(tc(r.a),r.Q),ei(tc(r.o),r.p),ei(tc(r.p),r.R),ei(tc(r.q),r.p),ei(tc(r.v),r.q),ei(tc(r.w),r.R),ei(tc(r.B),r.Q),ei(tc(r.R),r.Q),ei(tc(r.T),r.eb),ei(tc(r.U),r.R),ei(tc(r.V),r.eb),ei(tc(r.W),r.bb),ei(tc(r.bb),r.eb),ei(tc(r.eb),r.R),ei(tc(r.db),r.R),Ic(r.b,f3,JWe,!1,!1,!0),ts(E(ke(et(r.b),0),34),r.e,"iD",null,0,1,f3,!1,!1,!0,!1,!0,!1),_o(E(ke(et(r.b),1),18),r.q,null,"eAttributeType",1,1,f3,!0,!0,!1,!1,!0,!1,!0),Ic(r.a,xi,YWe,!1,!1,!0),ts(E(ke(et(r.a),0),34),r._,Dse,null,0,1,xi,!1,!1,!0,!1,!0,!1),_o(E(ke(et(r.a),1),18),r.ab,null,"details",0,-1,xi,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.a),2),18),r.Q,E(ke(et(r.Q),0),18),"eModelElement",0,1,xi,!0,!1,!0,!1,!1,!1,!1),_o(E(ke(et(r.a),3),18),r.S,null,"contents",0,-1,xi,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.a),4),18),r.S,null,"references",0,-1,xi,!1,!1,!0,!1,!0,!1,!1),Ic(r.o,Pp,"EClass",!1,!1,!0),ts(E(ke(et(r.o),0),34),r.e,"abstract",null,0,1,Pp,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.o),1),34),r.e,"interface",null,0,1,Pp,!1,!1,!0,!1,!0,!1),_o(E(ke(et(r.o),2),18),r.o,null,"eSuperTypes",0,-1,Pp,!1,!1,!0,!1,!0,!0,!1),_o(E(ke(et(r.o),3),18),r.T,E(ke(et(r.T),0),18),"eOperations",0,-1,Pp,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.o),4),18),r.b,null,"eAllAttributes",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.o),5),18),r.W,null,"eAllReferences",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.o),6),18),r.W,null,"eReferences",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.o),7),18),r.b,null,"eAttributes",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.o),8),18),r.W,null,"eAllContainments",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.o),9),18),r.T,null,"eAllOperations",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.o),10),18),r.bb,null,"eAllStructuralFeatures",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.o),11),18),r.o,null,"eAllSuperTypes",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.o),12),18),r.b,null,"eIDAttribute",0,1,Pp,!0,!0,!1,!1,!1,!1,!0),_o(E(ke(et(r.o),13),18),r.bb,E(ke(et(r.bb),7),18),"eStructuralFeatures",0,-1,Pp,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.o),14),18),r.H,null,"eGenericSuperTypes",0,-1,Pp,!1,!1,!0,!0,!1,!0,!1),_o(E(ke(et(r.o),15),18),r.H,null,"eAllGenericSuperTypes",0,-1,Pp,!0,!0,!1,!1,!0,!1,!0),T=Mu(E(ke(oo(r.o),0),59),r.e,"isSuperTypeOf"),Gu(T,r.o,"someClass"),Mu(E(ke(oo(r.o),1),59),r.I,"getFeatureCount"),T=Mu(E(ke(oo(r.o),2),59),r.bb,lGe),Gu(T,r.I,"featureID"),T=Mu(E(ke(oo(r.o),3),59),r.I,fGe),Gu(T,r.bb,L9),T=Mu(E(ke(oo(r.o),4),59),r.bb,lGe),Gu(T,r._,"featureName"),Mu(E(ke(oo(r.o),5),59),r.I,"getOperationCount"),T=Mu(E(ke(oo(r.o),6),59),r.T,"getEOperation"),Gu(T,r.I,"operationID"),T=Mu(E(ke(oo(r.o),7),59),r.I,dGe),Gu(T,r.T,mEe),T=Mu(E(ke(oo(r.o),8),59),r.T,"getOverride"),Gu(T,r.T,mEe),T=Mu(E(ke(oo(r.o),9),59),r.H,"getFeatureType"),Gu(T,r.bb,L9),Ic(r.p,Z1,ZWe,!0,!1,!0),ts(E(ke(et(r.p),0),34),r._,"instanceClassName",null,0,1,Z1,!1,!0,!0,!0,!0,!1),s=_0(r.L),a=Rpe(),ei((!s.d&&(s.d=new xs(Au,s,1)),s.d),a),kLe(E(ke(et(r.p),1),34),s,"instanceClass",Z1,!0,!0,!1,!0),ts(E(ke(et(r.p),2),34),r.M,hGe,null,0,1,Z1,!0,!0,!1,!1,!0,!0),ts(E(ke(et(r.p),3),34),r._,"instanceTypeName",null,0,1,Z1,!1,!0,!0,!0,!0,!1),_o(E(ke(et(r.p),4),18),r.U,E(ke(et(r.U),3),18),"ePackage",0,1,Z1,!0,!1,!1,!1,!0,!1,!1),_o(E(ke(et(r.p),5),18),r.db,null,pGe,0,-1,Z1,!1,!1,!0,!0,!0,!1,!1),T=Mu(E(ke(oo(r.p),0),59),r.e,gGe),Gu(T,r.M,wB),Mu(E(ke(oo(r.p),1),59),r.I,"getClassifierID"),Ic(r.q,mle,"EDataType",!1,!1,!0),ts(E(ke(et(r.q),0),34),r.e,"serializable",RA,0,1,mle,!1,!1,!0,!1,!0,!1),Ic(r.v,EQ,"EEnum",!1,!1,!0),_o(E(ke(et(r.v),0),18),r.w,E(ke(et(r.w),3),18),"eLiterals",0,-1,EQ,!1,!1,!0,!0,!1,!1,!1),T=Mu(E(ke(oo(r.v),0),59),r.w,bGe),Gu(T,r._,ji),T=Mu(E(ke(oo(r.v),1),59),r.w,bGe),Gu(T,r.I,D9),T=Mu(E(ke(oo(r.v),2),59),r.w,"getEEnumLiteralByLiteral"),Gu(T,r._,"literal"),Ic(r.w,W0,eGe,!1,!1,!0),ts(E(ke(et(r.w),0),34),r.I,D9,null,0,1,W0,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.w),1),34),r.A,"instance",null,0,1,W0,!0,!1,!0,!1,!0,!1),ts(E(ke(et(r.w),2),34),r._,"literal",null,0,1,W0,!1,!1,!0,!1,!0,!1),_o(E(ke(et(r.w),3),18),r.v,E(ke(et(r.v),0),18),"eEnum",0,1,W0,!0,!1,!1,!1,!1,!1,!1),Ic(r.B,Nj,"EFactory",!1,!1,!0),_o(E(ke(et(r.B),0),18),r.U,E(ke(et(r.U),2),18),"ePackage",1,1,Nj,!0,!1,!0,!1,!1,!1,!1),T=Mu(E(ke(oo(r.B),0),59),r.S,"create"),Gu(T,r.o,"eClass"),T=Mu(E(ke(oo(r.B),1),59),r.M,"createFromString"),Gu(T,r.q,"eDataType"),Gu(T,r._,"literalValue"),T=Mu(E(ke(oo(r.B),2),59),r._,"convertToString"),Gu(T,r.q,"eDataType"),Gu(T,r.M,"instanceValue"),Ic(r.Q,tH,eWe,!0,!1,!0),_o(E(ke(et(r.Q),0),18),r.a,E(ke(et(r.a),2),18),"eAnnotations",0,-1,tH,!1,!1,!0,!0,!1,!1,!1),T=Mu(E(ke(oo(r.Q),0),59),r.a,"getEAnnotation"),Gu(T,r._,Dse),Ic(r.R,fle,tWe,!0,!1,!0),ts(E(ke(et(r.R),0),34),r._,ji,null,0,1,fle,!1,!1,!0,!1,!0,!1),Ic(r.S,lE,"EObject",!1,!1,!0),Mu(E(ke(oo(r.S),0),59),r.o,"eClass"),Mu(E(ke(oo(r.S),1),59),r.e,"eIsProxy"),Mu(E(ke(oo(r.S),2),59),r.X,"eResource"),Mu(E(ke(oo(r.S),3),59),r.S,"eContainer"),Mu(E(ke(oo(r.S),4),59),r.bb,"eContainingFeature"),Mu(E(ke(oo(r.S),5),59),r.W,"eContainmentFeature"),T=Mu(E(ke(oo(r.S),6),59),null,"eContents"),s=_0(r.fb),a=_0(r.S),ei((!s.d&&(s.d=new xs(Au,s,1)),s.d),a),v=$g(T,s,null),v&&v.Fi(),T=Mu(E(ke(oo(r.S),7),59),null,"eAllContents"),s=_0(r.cb),a=_0(r.S),ei((!s.d&&(s.d=new xs(Au,s,1)),s.d),a),y=$g(T,s,null),y&&y.Fi(),T=Mu(E(ke(oo(r.S),8),59),null,"eCrossReferences"),s=_0(r.fb),a=_0(r.S),ei((!s.d&&(s.d=new xs(Au,s,1)),s.d),a),x=$g(T,s,null),x&&x.Fi(),T=Mu(E(ke(oo(r.S),9),59),r.M,"eGet"),Gu(T,r.bb,L9),T=Mu(E(ke(oo(r.S),10),59),r.M,"eGet"),Gu(T,r.bb,L9),Gu(T,r.e,"resolve"),T=Mu(E(ke(oo(r.S),11),59),null,"eSet"),Gu(T,r.bb,L9),Gu(T,r.M,"newValue"),T=Mu(E(ke(oo(r.S),12),59),r.e,"eIsSet"),Gu(T,r.bb,L9),T=Mu(E(ke(oo(r.S),13),59),null,"eUnset"),Gu(T,r.bb,L9),T=Mu(E(ke(oo(r.S),14),59),r.M,"eInvoke"),Gu(T,r.T,mEe),s=_0(r.fb),a=Rpe(),ei((!s.d&&(s.d=new xs(Au,s,1)),s.d),a),hG(T,s,"arguments"),ift(T,r.K),Ic(r.T,Fp,nGe,!1,!1,!0),_o(E(ke(et(r.T),0),18),r.o,E(ke(et(r.o),3),18),mGe,0,1,Fp,!0,!1,!1,!1,!1,!1,!1),_o(E(ke(et(r.T),1),18),r.db,null,pGe,0,-1,Fp,!1,!1,!0,!0,!0,!1,!1),_o(E(ke(et(r.T),2),18),r.V,E(ke(et(r.V),0),18),"eParameters",0,-1,Fp,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.T),3),18),r.p,null,"eExceptions",0,-1,Fp,!1,!1,!0,!1,!0,!0,!1),_o(E(ke(et(r.T),4),18),r.H,null,"eGenericExceptions",0,-1,Fp,!1,!1,!0,!0,!1,!0,!1),Mu(E(ke(oo(r.T),0),59),r.I,dGe),T=Mu(E(ke(oo(r.T),1),59),r.e,"isOverrideOf"),Gu(T,r.T,"someOperation"),Ic(r.U,J1,"EPackage",!1,!1,!0),ts(E(ke(et(r.U),0),34),r._,"nsURI",null,0,1,J1,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.U),1),34),r._,"nsPrefix",null,0,1,J1,!1,!1,!0,!1,!0,!1),_o(E(ke(et(r.U),2),18),r.B,E(ke(et(r.B),0),18),"eFactoryInstance",1,1,J1,!0,!1,!0,!1,!1,!1,!1),_o(E(ke(et(r.U),3),18),r.p,E(ke(et(r.p),4),18),"eClassifiers",0,-1,J1,!1,!1,!0,!0,!0,!1,!1),_o(E(ke(et(r.U),4),18),r.U,E(ke(et(r.U),5),18),"eSubpackages",0,-1,J1,!1,!1,!0,!0,!0,!1,!1),_o(E(ke(et(r.U),5),18),r.U,E(ke(et(r.U),4),18),"eSuperPackage",0,1,J1,!0,!1,!1,!1,!0,!1,!1),T=Mu(E(ke(oo(r.U),0),59),r.p,"getEClassifier"),Gu(T,r._,ji),Ic(r.V,kx,rGe,!1,!1,!0),_o(E(ke(et(r.V),0),18),r.T,E(ke(et(r.T),2),18),"eOperation",0,1,kx,!0,!1,!1,!1,!1,!1,!1),Ic(r.W,d3,iGe,!1,!1,!0),ts(E(ke(et(r.W),0),34),r.e,"containment",null,0,1,d3,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.W),1),34),r.e,"container",null,0,1,d3,!0,!0,!1,!1,!0,!0),ts(E(ke(et(r.W),2),34),r.e,"resolveProxies",RA,0,1,d3,!1,!1,!0,!1,!0,!1),_o(E(ke(et(r.W),3),18),r.W,null,"eOpposite",0,1,d3,!1,!1,!0,!1,!0,!1,!1),_o(E(ke(et(r.W),4),18),r.o,null,"eReferenceType",1,1,d3,!0,!0,!1,!1,!0,!1,!0),_o(E(ke(et(r.W),5),18),r.b,null,"eKeys",0,-1,d3,!1,!1,!0,!1,!0,!1,!1),Ic(r.bb,Mf,QWe,!0,!1,!0),ts(E(ke(et(r.bb),0),34),r.e,"changeable",RA,0,1,Mf,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.bb),1),34),r.e,"volatile",null,0,1,Mf,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.bb),2),34),r.e,"transient",null,0,1,Mf,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.bb),3),34),r._,"defaultValueLiteral",null,0,1,Mf,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.bb),4),34),r.M,hGe,null,0,1,Mf,!0,!0,!1,!1,!0,!0),ts(E(ke(et(r.bb),5),34),r.e,"unsettable",null,0,1,Mf,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.bb),6),34),r.e,"derived",null,0,1,Mf,!1,!1,!0,!1,!0,!1),_o(E(ke(et(r.bb),7),18),r.o,E(ke(et(r.o),13),18),mGe,0,1,Mf,!0,!1,!1,!1,!1,!1,!1),Mu(E(ke(oo(r.bb),0),59),r.I,fGe),T=Mu(E(ke(oo(r.bb),1),59),null,"getContainerClass"),s=_0(r.L),a=Rpe(),ei((!s.d&&(s.d=new xs(Au,s,1)),s.d),a),l=$g(T,s,null),l&&l.Fi(),Ic(r.eb,l3,XWe,!0,!1,!0),ts(E(ke(et(r.eb),0),34),r.e,"ordered",RA,0,1,l3,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.eb),1),34),r.e,"unique",RA,0,1,l3,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.eb),2),34),r.I,"lowerBound",null,0,1,l3,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.eb),3),34),r.I,"upperBound","1",0,1,l3,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.eb),4),34),r.e,"many",null,0,1,l3,!0,!0,!1,!1,!0,!0),ts(E(ke(et(r.eb),5),34),r.e,"required",null,0,1,l3,!0,!0,!1,!1,!0,!0),_o(E(ke(et(r.eb),6),18),r.p,null,"eType",0,1,l3,!1,!0,!0,!1,!0,!0,!1),_o(E(ke(et(r.eb),7),18),r.H,null,"eGenericType",0,1,l3,!1,!0,!0,!0,!1,!0,!1),Ic(r.ab,z2,"EStringToStringMapEntry",!1,!1,!1),ts(E(ke(et(r.ab),0),34),r._,"key",null,0,1,z2,!1,!1,!0,!1,!0,!1),ts(E(ke(et(r.ab),1),34),r._,D9,null,0,1,z2,!1,!1,!0,!1,!0,!1),Ic(r.H,Au,tGe,!1,!1,!0),_o(E(ke(et(r.H),0),18),r.H,null,"eUpperBound",0,1,Au,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.H),1),18),r.H,null,"eTypeArguments",0,-1,Au,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.H),2),18),r.p,null,"eRawType",1,1,Au,!0,!1,!1,!1,!0,!1,!0),_o(E(ke(et(r.H),3),18),r.H,null,"eLowerBound",0,1,Au,!1,!1,!0,!0,!1,!1,!1),_o(E(ke(et(r.H),4),18),r.db,null,"eTypeParameter",0,1,Au,!1,!1,!0,!1,!1,!1,!1),_o(E(ke(et(r.H),5),18),r.p,null,"eClassifier",0,1,Au,!1,!1,!0,!1,!0,!1,!1),T=Mu(E(ke(oo(r.H),0),59),r.e,gGe),Gu(T,r.M,wB),Ic(r.db,af,oGe,!1,!1,!0),_o(E(ke(et(r.db),0),18),r.H,null,"eBounds",0,-1,af,!1,!1,!0,!0,!1,!1,!1),$i(r.c,mae,"EBigDecimal",!0),$i(r.d,Y4,"EBigInteger",!0),$i(r.e,Md,"EBoolean",!0),$i(r.f,Us,"EBooleanObject",!0),$i(r.i,nd,"EByte",!0),$i(r.g,he(nd,1),"EByteArray",!0),$i(r.j,Z5,"EByteObject",!0),$i(r.k,ap,"EChar",!0),$i(r.n,H9,"ECharacterObject",!0),$i(r.r,sY,"EDate",!0),$i(r.s,l4e,"EDiagnosticChain",!1),$i(r.t,ba,"EDouble",!0),$i(r.u,xa,"EDoubleObject",!0),$i(r.fb,Cke,"EEList",!1),$i(r.A,Rke,"EEnumerator",!1),$i(r.C,Qke,"EFeatureMap",!1),$i(r.D,_Q,"EFeatureMapEntry",!1),$i(r.F,b3,"EFloat",!0),$i(r.G,jA,"EFloatObject",!0),$i(r.I,Gr,"EInt",!0),$i(r.J,nu,"EIntegerObject",!0),$i(r.L,REe,"EJavaClass",!0),$i(r.M,mr,"EJavaObject",!0),$i(r.N,mE,"ELong",!0),$i(r.O,cx,"ELongObject",!0),$i(r.P,OEe,"EMap",!1),$i(r.X,Gke,"EResource",!1),$i(r.Y,f4e,"EResourceSet",!1),$i(r.Z,xR,"EShort",!0),$i(r.$,lx,"EShortObject",!0),$i(r._,Bt,"EString",!0),$i(r.cb,kke,"ETreeIterator",!1),$i(r.K,d4e,"EInvocationTargetException",!1),Sge(r,Cp))}var wB="object",L5="boolean",lve="number",Tie="string",kie="function",qi=2147483647,xc="java.lang",yB={3:1},EB="com.google.common.base",fu=", ",kUe="%s (%s) must not be negative",Ht={3:1,4:1,5:1},RUe="negative size: ",OUe="Optional.of(",$f="null",hA={198:1,47:1},pn="com.google.common.collect",pA={198:1,47:1,125:1},D2={224:1,3:1},ga={47:1},Mr="java.util",tx={83:1},DT={20:1,28:1,14:1},Pg=1965,Jf={20:1,28:1,14:1,21:1},IUe={83:1,171:1,161:1},DUe={20:1,28:1,14:1,21:1,84:1},fve={20:1,28:1,14:1,271:1,21:1,84:1},Tm={47:1,125:1},GG={345:1,42:1},AUe="AbstractMapEntry",$Ue="expectedValuesPerKey",ft={3:1,6:1,4:1,5:1},xb=16384,yp={164:1},gr={38:1},KG={l:4194303,m:4194303,h:524287},_B={196:1},Rie={245:1,3:1,35:1},PUe="range unbounded on this side",km={20:1},FUe={20:1,14:1},dve={3:1,20:1,28:1,14:1},c9={152:1,3:1,20:1,28:1,14:1,15:1,54:1},YG={3:1,4:1,5:1,165:1},gA={3:1,83:1},Oie={20:1,14:1,21:1},bA={3:1,20:1,28:1,14:1,21:1},jUe={20:1,14:1,21:1,84:1},Rm=461845907,Om=-862048943,SB={3:1,6:1,4:1,5:1,165:1},MUe="expectedSize",l9=1073741824,AT="initialArraySize",wt={3:1,6:1,4:1,9:1,5:1},mA={20:1,28:1,52:1,14:1,15:1},Iie="arraySize",NUe={20:1,28:1,52:1,14:1,15:1,54:1},Ni={45:1},XG={365:1},Uy=1e-4,qa=-2147483648,LUe="__noinit__",M0={3:1,102:1,60:1,78:1},xB="com.google.gwt.core.client.impl",hve="String",pve="com.google.gwt.core.client",Die="anonymous",Aie="fnStack",gve="Unknown",Cb={195:1,3:1,4:1},rw=1e3,ls=65535,$ie="January",Pie="February",Fie="March",jie="April",B5="May",Mie="June",Nie="July",Lie="August",Bie="September",zie="October",Hie="November",Uie="December",Vy=1900,Ei={48:1,3:1,4:1},BUe="Before Christ",zUe="Anno Domini",Vie="Sunday",qie="Monday",Wie="Tuesday",Gie="Wednesday",Kie="Thursday",Yie="Friday",Xie="Saturday",bve="com.google.gwt.i18n.shared",HUe="DateTimeFormat",Qie="com.google.gwt.i18n.client",UUe="DefaultDateTimeFormatInfo",VUe={3:1,4:1,35:1,199:1},z5="com.google.gwt.json.client",$d=4194303,N0=1048575,CB=524288,H5=4194304,A2=17592186044416,QG=1e9,TB=-17592186044416,mve="java.io",Jie={3:1,102:1,73:1,60:1,78:1},qUe={3:1,289:1,78:1},nx='For input string: "',Qo=1/0,ws=-1/0,$T=4096,Zie={3:1,4:1,364:1},du=65536,kB=55296,Lu={104:1,3:1,4:1},eoe=1e5,WUe=.3010299956639812,Ou=4294967295,toe=4294967296,vA="0.0",noe={42:1},GUe={3:1,4:1,20:1,28:1,52:1,12:1,14:1,15:1,54:1},KUe={3:1,20:1,28:1,52:1,14:1,15:1,54:1},YUe={20:1,14:1,15:1},roe={3:1,62:1},RB={182:1},N4={3:1,4:1,83:1},vve={3:1,4:1,20:1,28:1,14:1,53:1,21:1},ioe="delete",f9=14901161193847656e-24,d9=11102230246251565e-32,ooe=15525485,OB=5960464477539063e-23,wve=16777216,JG=16777215,yve=", length: ",XUe={3:1,4:1,20:1,28:1,52:1,14:1,15:1,54:1},soe={3:1,35:1,22:1,297:1},aoe="java.util.function",h9="java.util.logging",QUe={3:1,4:1,5:1,842:1},Eve="undefined",Rs="java.util.stream",_ve={525:1,670:1},ZG="fromIndex: ",JUe=" > toIndex: ",Sve=", toIndex: ",xve="Index: ",Cve=", Size: ",wA="org.eclipse.elk.alg.common",go={62:1},ZUe="org.eclipse.elk.alg.common.compaction",eVe="Scanline/EventHandler",Im="org.eclipse.elk.alg.common.compaction.oned",tVe="CNode belongs to another CGroup.",nVe="ISpacingsHandler/1",uoe="The ",coe=" instance has been finished already.",rVe="The direction ",iVe=" is not supported by the CGraph instance.",oVe="OneDimensionalCompactor",sVe="OneDimensionalCompactor/lambda$0$Type",aVe="Quadruplet",uVe="ScanlineConstraintCalculator",cVe="ScanlineConstraintCalculator/ConstraintsScanlineHandler",lVe="ScanlineConstraintCalculator/ConstraintsScanlineHandler/lambda$0$Type",fVe="ScanlineConstraintCalculator/Timestamp",dVe="ScanlineConstraintCalculator/lambda$0$Type",Tb={169:1,45:1},loe="org.eclipse.elk.alg.common.compaction.options",Cc="org.eclipse.elk.core.data",Tve="org.eclipse.elk.polyomino.traversalStrategy",kve="org.eclipse.elk.polyomino.lowLevelSort",Rve="org.eclipse.elk.polyomino.highLevelSort",Ove="org.eclipse.elk.polyomino.fill",Ep={130:1},foe="polyomino",p9="org.eclipse.elk.alg.common.networksimplex",Dm={177:1,3:1,4:1},hVe="org.eclipse.elk.alg.common.nodespacing",$2="org.eclipse.elk.alg.common.nodespacing.cellsystem",yA="CENTER",pVe={212:1,326:1},Ive={3:1,4:1,5:1,595:1},U5="LEFT",V5="RIGHT",Dve="Vertical alignment cannot be null",Ave="BOTTOM",eK="org.eclipse.elk.alg.common.nodespacing.internal",g9="UNDEFINED",Fg=.01,IB="org.eclipse.elk.alg.common.nodespacing.internal.algorithm",gVe="LabelPlacer/lambda$0$Type",bVe="LabelPlacer/lambda$1$Type",mVe="portRatioOrPosition",EA="org.eclipse.elk.alg.common.overlaps",doe="DOWN",kb="org.eclipse.elk.alg.common.polyomino",tK="NORTH",hoe="EAST",poe="SOUTH",goe="WEST",nK="org.eclipse.elk.alg.common.polyomino.structures",$ve="Direction",boe="Grid is only of size ",moe=". Requested point (",voe=") is out of bounds.",rK=" Given center based coordinates were (",DB="org.eclipse.elk.graph.properties",vVe="IPropertyHolder",Pve={3:1,94:1,134:1},q5="org.eclipse.elk.alg.common.spore",wVe="org.eclipse.elk.alg.common.utils",P2={209:1},L4="org.eclipse.elk.core",yVe="Connected Components Compaction",EVe="org.eclipse.elk.alg.disco",iK="org.eclipse.elk.alg.disco.graph",woe="org.eclipse.elk.alg.disco.options",Fve="CompactionStrategy",jve="org.eclipse.elk.disco.componentCompaction.strategy",Mve="org.eclipse.elk.disco.componentCompaction.componentLayoutAlgorithm",Nve="org.eclipse.elk.disco.debug.discoGraph",Lve="org.eclipse.elk.disco.debug.discoPolys",_Ve="componentCompaction",F2="org.eclipse.elk.disco",yoe="org.eclipse.elk.spacing.componentComponent",Eoe="org.eclipse.elk.edge.thickness",W5="org.eclipse.elk.aspectRatio",rx="org.eclipse.elk.padding",B4="org.eclipse.elk.alg.disco.transform",_oe=1.5707963267948966,_A=17976931348623157e292,PT={3:1,4:1,5:1,192:1},Bve={3:1,6:1,4:1,5:1,106:1,120:1},zve="org.eclipse.elk.alg.force",Hve="ComponentsProcessor",SVe="ComponentsProcessor/1",AB="org.eclipse.elk.alg.force.graph",xVe="Component Layout",Uve="org.eclipse.elk.alg.force.model",oK="org.eclipse.elk.force.model",Vve="org.eclipse.elk.force.iterations",qve="org.eclipse.elk.force.repulsivePower",Soe="org.eclipse.elk.force.temperature",Rb=.001,xoe="org.eclipse.elk.force.repulsion",b9="org.eclipse.elk.alg.force.options",SA=1.600000023841858,Th="org.eclipse.elk.force",$B="org.eclipse.elk.priority",FT="org.eclipse.elk.spacing.nodeNode",Coe="org.eclipse.elk.spacing.edgeLabel",sK="org.eclipse.elk.randomSeed",m9="org.eclipse.elk.separateConnectedComponents",PB="org.eclipse.elk.interactive",Toe="org.eclipse.elk.portConstraints",aK="org.eclipse.elk.edgeLabels.inline",v9="org.eclipse.elk.omitNodeMicroLayout",G5="org.eclipse.elk.nodeSize.options",z4="org.eclipse.elk.nodeSize.constraints",xA="org.eclipse.elk.nodeLabels.placement",CA="org.eclipse.elk.portLabels.placement",Wve="origin",CVe="random",TVe="boundingBox.upLeft",kVe="boundingBox.lowRight",Gve="org.eclipse.elk.stress.fixed",Kve="org.eclipse.elk.stress.desiredEdgeLength",Yve="org.eclipse.elk.stress.dimension",Xve="org.eclipse.elk.stress.epsilon",Qve="org.eclipse.elk.stress.iterationLimit",qy="org.eclipse.elk.stress",RVe="ELK Stress",K5="org.eclipse.elk.nodeSize.minimum",uK="org.eclipse.elk.alg.force.stress",OVe="Layered layout",Y5="org.eclipse.elk.alg.layered",FB="org.eclipse.elk.alg.layered.compaction.components",w9="org.eclipse.elk.alg.layered.compaction.oned",cK="org.eclipse.elk.alg.layered.compaction.oned.algs",j2="org.eclipse.elk.alg.layered.compaction.recthull",Ob="org.eclipse.elk.alg.layered.components",L0="NONE",nl={3:1,6:1,4:1,9:1,5:1,122:1},IVe={3:1,6:1,4:1,5:1,141:1,106:1,120:1},lK="org.eclipse.elk.alg.layered.compound",Jo={51:1},Ll="org.eclipse.elk.alg.layered.graph",koe=" -> ",DVe="Not supported by LGraph",Jve="Port side is undefined",Roe={3:1,6:1,4:1,5:1,474:1,141:1,106:1,120:1},iw={3:1,6:1,4:1,5:1,141:1,193:1,203:1,106:1,120:1},AVe={3:1,6:1,4:1,5:1,141:1,1943:1,203:1,106:1,120:1},$Ve=`([{"' \r
`,PVe=`)]}"' \r
`,FVe="The given string contains parts that cannot be parsed as numbers.",jB="org.eclipse.elk.core.math",jVe={3:1,4:1,142:1,207:1,414:1},MVe={3:1,4:1,116:1,207:1,414:1},pr="org.eclipse.elk.layered",ow="org.eclipse.elk.alg.layered.graph.transform",NVe="ElkGraphImporter",LVe="ElkGraphImporter/lambda$0$Type",BVe="ElkGraphImporter/lambda$1$Type",zVe="ElkGraphImporter/lambda$2$Type",HVe="ElkGraphImporter/lambda$4$Type",UVe="Node margin calculation",or="org.eclipse.elk.alg.layered.intermediate",VVe="ONE_SIDED_GREEDY_SWITCH",qVe="TWO_SIDED_GREEDY_SWITCH",Ooe="No implementation is available for the layout processor ",Zve="IntermediateProcessorStrategy",Ioe="Node '",WVe="FIRST_SEPARATE",GVe="LAST_SEPARATE",KVe="Odd port side processing",ys="org.eclipse.elk.alg.layered.intermediate.compaction",y9="org.eclipse.elk.alg.layered.intermediate.greedyswitch",Am="org.eclipse.elk.alg.layered.p3order.counting",MB={225:1},X5="org.eclipse.elk.alg.layered.intermediate.loops",kh="org.eclipse.elk.alg.layered.intermediate.loops.ordering",Wy="org.eclipse.elk.alg.layered.intermediate.loops.routing",E9="org.eclipse.elk.alg.layered.intermediate.preserveorder",Ib="org.eclipse.elk.alg.layered.intermediate.wrapping",rl="org.eclipse.elk.alg.layered.options",Doe="INTERACTIVE",YVe="DEPTH_FIRST",XVe="EDGE_LENGTH",QVe="SELF_LOOPS",JVe="firstTryWithInitialOrder",ewe="org.eclipse.elk.layered.directionCongruency",twe="org.eclipse.elk.layered.feedbackEdges",fK="org.eclipse.elk.layered.interactiveReferencePoint",nwe="org.eclipse.elk.layered.mergeEdges",rwe="org.eclipse.elk.layered.mergeHierarchyEdges",iwe="org.eclipse.elk.layered.allowNonFlowPortsToSwitchSides",owe="org.eclipse.elk.layered.portSortingStrategy",swe="org.eclipse.elk.layered.thoroughness",awe="org.eclipse.elk.layered.unnecessaryBendpoints",uwe="org.eclipse.elk.layered.generatePositionAndLayerIds",Aoe="org.eclipse.elk.layered.cycleBreaking.strategy",NB="org.eclipse.elk.layered.layering.strategy",cwe="org.eclipse.elk.layered.layering.layerConstraint",lwe="org.eclipse.elk.layered.layering.layerChoiceConstraint",fwe="org.eclipse.elk.layered.layering.layerId",$oe="org.eclipse.elk.layered.layering.minWidth.upperBoundOnWidth",Poe="org.eclipse.elk.layered.layering.minWidth.upperLayerEstimationScalingFactor",Foe="org.eclipse.elk.layered.layering.nodePromotion.strategy",joe="org.eclipse.elk.layered.layering.nodePromotion.maxIterations",Moe="org.eclipse.elk.layered.layering.coffmanGraham.layerBound",_9="org.eclipse.elk.layered.crossingMinimization.strategy",dwe="org.eclipse.elk.layered.crossingMinimization.forceNodeModelOrder",Noe="org.eclipse.elk.layered.crossingMinimization.hierarchicalSweepiness",Loe="org.eclipse.elk.layered.crossingMinimization.semiInteractive",hwe="org.eclipse.elk.layered.crossingMinimization.positionChoiceConstraint",pwe="org.eclipse.elk.layered.crossingMinimization.positionId",gwe="org.eclipse.elk.layered.crossingMinimization.greedySwitch.activationThreshold",Boe="org.eclipse.elk.layered.crossingMinimization.greedySwitch.type",dK="org.eclipse.elk.layered.crossingMinimization.greedySwitchHierarchical.type",H4="org.eclipse.elk.layered.nodePlacement.strategy",hK="org.eclipse.elk.layered.nodePlacement.favorStraightEdges",zoe="org.eclipse.elk.layered.nodePlacement.bk.edgeStraightening",Hoe="org.eclipse.elk.layered.nodePlacement.bk.fixedAlignment",Uoe="org.eclipse.elk.layered.nodePlacement.linearSegments.deflectionDampening",Voe="org.eclipse.elk.layered.nodePlacement.networkSimplex.nodeFlexibility",qoe="org.eclipse.elk.layered.nodePlacement.networkSimplex.nodeFlexibility.default",bwe="org.eclipse.elk.layered.edgeRouting.selfLoopDistribution",mwe="org.eclipse.elk.layered.edgeRouting.selfLoopOrdering",pK="org.eclipse.elk.layered.edgeRouting.splines.mode",gK="org.eclipse.elk.layered.edgeRouting.splines.sloppy.layerSpacingFactor",Woe="org.eclipse.elk.layered.edgeRouting.polyline.slopedEdgeZoneWidth",vwe="org.eclipse.elk.layered.spacing.baseValue",wwe="org.eclipse.elk.layered.spacing.edgeNodeBetweenLayers",ywe="org.eclipse.elk.layered.spacing.edgeEdgeBetweenLayers",Ewe="org.eclipse.elk.layered.spacing.nodeNodeBetweenLayers",_we="org.eclipse.elk.layered.priority.direction",Swe="org.eclipse.elk.layered.priority.shortness",xwe="org.eclipse.elk.layered.priority.straightness",Goe="org.eclipse.elk.layered.compaction.connectedComponents",Cwe="org.eclipse.elk.layered.compaction.postCompaction.strategy",Twe="org.eclipse.elk.layered.compaction.postCompaction.constraints",bK="org.eclipse.elk.layered.highDegreeNodes.treatment",Koe="org.eclipse.elk.layered.highDegreeNodes.threshold",Yoe="org.eclipse.elk.layered.highDegreeNodes.treeHeight",B0="org.eclipse.elk.layered.wrapping.strategy",mK="org.eclipse.elk.layered.wrapping.additionalEdgeSpacing",vK="org.eclipse.elk.layered.wrapping.correctionFactor",S9="org.eclipse.elk.layered.wrapping.cutting.strategy",Xoe="org.eclipse.elk.layered.wrapping.cutting.cuts",Qoe="org.eclipse.elk.layered.wrapping.cutting.msd.freedom",wK="org.eclipse.elk.layered.wrapping.validify.strategy",yK="org.eclipse.elk.layered.wrapping.validify.forbiddenIndices",EK="org.eclipse.elk.layered.wrapping.multiEdge.improveCuts",_K="org.eclipse.elk.layered.wrapping.multiEdge.distancePenalty",Joe="org.eclipse.elk.layered.wrapping.multiEdge.improveWrappedEdges",kwe="org.eclipse.elk.layered.edgeLabels.sideSelection",Rwe="org.eclipse.elk.layered.edgeLabels.centerLabelPlacementStrategy",SK="org.eclipse.elk.layered.considerModelOrder.strategy",Owe="org.eclipse.elk.layered.considerModelOrder.noModelOrder",Zoe="org.eclipse.elk.layered.considerModelOrder.components",Iwe="org.eclipse.elk.layered.considerModelOrder.longEdgeStrategy",ese="org.eclipse.elk.layered.considerModelOrder.crossingCounterNodeInfluence",tse="org.eclipse.elk.layered.considerModelOrder.crossingCounterPortInfluence",nse="layering",ZVe="layering.minWidth",eqe="layering.nodePromotion",LB="crossingMinimization",xK="org.eclipse.elk.hierarchyHandling",tqe="crossingMinimization.greedySwitch",nqe="nodePlacement",rqe="nodePlacement.bk",iqe="edgeRouting",BB="org.eclipse.elk.edgeRouting",jg="spacing",Dwe="priority",Awe="compaction",oqe="compaction.postCompaction",sqe="Specifies whether and how post-process compaction is applied.",$we="highDegreeNodes",Pwe="wrapping",aqe="wrapping.cutting",uqe="wrapping.validify",Fwe="wrapping.multiEdge",rse="edgeLabels",zB="considerModelOrder",jwe="org.eclipse.elk.spacing.commentComment",Mwe="org.eclipse.elk.spacing.commentNode",Nwe="org.eclipse.elk.spacing.edgeEdge",Lwe="org.eclipse.elk.spacing.edgeNode",Bwe="org.eclipse.elk.spacing.labelLabel",zwe="org.eclipse.elk.spacing.labelPortHorizontal",Hwe="org.eclipse.elk.spacing.labelPortVertical",Uwe="org.eclipse.elk.spacing.labelNode",Vwe="org.eclipse.elk.spacing.nodeSelfLoop",qwe="org.eclipse.elk.spacing.portPort",Wwe="org.eclipse.elk.spacing.individual",Gwe="org.eclipse.elk.port.borderOffset",Kwe="org.eclipse.elk.noLayout",Ywe="org.eclipse.elk.port.side",HB="org.eclipse.elk.debugMode",Xwe="org.eclipse.elk.alignment",Qwe="org.eclipse.elk.insideSelfLoops.activate",Jwe="org.eclipse.elk.insideSelfLoops.yo",ise="org.eclipse.elk.nodeSize.fixedGraphSize",Zwe="org.eclipse.elk.direction",eye="org.eclipse.elk.nodeLabels.padding",tye="org.eclipse.elk.portLabels.nextToPortIfPossible",nye="org.eclipse.elk.portLabels.treatAsGroup",rye="org.eclipse.elk.portAlignment.default",iye="org.eclipse.elk.portAlignment.north",oye="org.eclipse.elk.portAlignment.south",sye="org.eclipse.elk.portAlignment.west",aye="org.eclipse.elk.portAlignment.east",CK="org.eclipse.elk.contentAlignment",uye="org.eclipse.elk.junctionPoints",cye="org.eclipse.elk.edgeLabels.placement",lye="org.eclipse.elk.port.index",fye="org.eclipse.elk.commentBox",dye="org.eclipse.elk.hypernode",hye="org.eclipse.elk.port.anchor",ose="org.eclipse.elk.partitioning.activate",sse="org.eclipse.elk.partitioning.partition",TK="org.eclipse.elk.position",pye="org.eclipse.elk.margins",gye="org.eclipse.elk.spacing.portsSurrounding",ase="org.eclipse.elk.interactiveLayout",il="org.eclipse.elk.core.util",bye={3:1,4:1,5:1,593:1},cqe="NETWORK_SIMPLEX",_l={123:1,51:1},kK="org.eclipse.elk.alg.layered.p1cycles",jT="org.eclipse.elk.alg.layered.p2layers",mye={402:1,225:1},lqe={832:1,3:1,4:1},Zf="org.eclipse.elk.alg.layered.p3order",Iu="org.eclipse.elk.alg.layered.p4nodes",fqe={3:1,4:1,5:1,840:1},Db=1e-5,Gy="org.eclipse.elk.alg.layered.p4nodes.bk",use="org.eclipse.elk.alg.layered.p5edges",K1="org.eclipse.elk.alg.layered.p5edges.orthogonal",cse="org.eclipse.elk.alg.layered.p5edges.orthogonal.direction",lse=1e-6,MT="org.eclipse.elk.alg.layered.p5edges.splines",fse=.09999999999999998,RK=1e-8,dqe=4.71238898038469,hqe=3.141592653589793,x9="org.eclipse.elk.alg.mrtree",C9="org.eclipse.elk.alg.mrtree.graph",Q5="org.eclipse.elk.alg.mrtree.intermediate",pqe="Set neighbors in level",gqe="DESCENDANTS",vye="org.eclipse.elk.mrtree.weighting",wye="org.eclipse.elk.mrtree.searchOrder",OK="org.eclipse.elk.alg.mrtree.options",sw="org.eclipse.elk.mrtree",bqe="org.eclipse.elk.tree",yye="org.eclipse.elk.alg.radial",U4=6.283185307179586,Eye=5e-324,mqe="org.eclipse.elk.alg.radial.intermediate",dse="org.eclipse.elk.alg.radial.intermediate.compaction",vqe={3:1,4:1,5:1,106:1},_ye="org.eclipse.elk.alg.radial.intermediate.optimization",hse="No implementation is available for the layout option ",T9="org.eclipse.elk.alg.radial.options",Sye="org.eclipse.elk.radial.orderId",xye="org.eclipse.elk.radial.radius",pse="org.eclipse.elk.radial.compactor",gse="org.eclipse.elk.radial.compactionStepSize",Cye="org.eclipse.elk.radial.sorter",Tye="org.eclipse.elk.radial.wedgeCriteria",kye="org.eclipse.elk.radial.optimizationCriteria",Ab="org.eclipse.elk.radial",wqe="org.eclipse.elk.alg.radial.p1position.wedge",Rye="org.eclipse.elk.alg.radial.sorting",yqe=5.497787143782138,Eqe=3.9269908169872414,_qe=2.356194490192345,Sqe="org.eclipse.elk.alg.rectpacking",IK="org.eclipse.elk.alg.rectpacking.firstiteration",bse="org.eclipse.elk.alg.rectpacking.options",Oye="org.eclipse.elk.rectpacking.optimizationGoal",Iye="org.eclipse.elk.rectpacking.lastPlaceShift",Dye="org.eclipse.elk.rectpacking.currentPosition",Aye="org.eclipse.elk.rectpacking.desiredPosition",$ye="org.eclipse.elk.rectpacking.onlyFirstIteration",Pye="org.eclipse.elk.rectpacking.rowCompaction",mse="org.eclipse.elk.rectpacking.expandToAspectRatio",Fye="org.eclipse.elk.rectpacking.targetWidth",DK="org.eclipse.elk.expandNodes",_p="org.eclipse.elk.rectpacking",UB="org.eclipse.elk.alg.rectpacking.util",AK="No implementation available for ",NT="org.eclipse.elk.alg.spore",LT="org.eclipse.elk.alg.spore.options",ix="org.eclipse.elk.sporeCompaction",vse="org.eclipse.elk.underlyingLayoutAlgorithm",jye="org.eclipse.elk.processingOrder.treeConstruction",Mye="org.eclipse.elk.processingOrder.spanningTreeCostFunction",wse="org.eclipse.elk.processingOrder.preferredRoot",yse="org.eclipse.elk.processingOrder.rootSelection",Ese="org.eclipse.elk.structure.structureExtractionStrategy",Nye="org.eclipse.elk.compaction.compactionStrategy",Lye="org.eclipse.elk.compaction.orthogonal",Bye="org.eclipse.elk.overlapRemoval.maxIterations",zye="org.eclipse.elk.overlapRemoval.runScanline",_se="processingOrder",xqe="overlapRemoval",TA="org.eclipse.elk.sporeOverlap",Cqe="org.eclipse.elk.alg.spore.p1structure",Sse="org.eclipse.elk.alg.spore.p2processingorder",xse="org.eclipse.elk.alg.spore.p3execution",Tqe="Invalid index: ",kA="org.eclipse.elk.core.alg",V4={331:1},BT={288:1},kqe="Make sure its type is registered with the ",Hye=" utility class.",RA="true",Cse="false",Rqe="Couldn't clone property '",ox=.05,Sp="org.eclipse.elk.core.options",Oqe=1.2999999523162842,sx="org.eclipse.elk.box",Uye="org.eclipse.elk.box.packingMode",Iqe="org.eclipse.elk.algorithm",Dqe="org.eclipse.elk.resolvedAlgorithm",Vye="org.eclipse.elk.bendPoints",sIt="org.eclipse.elk.labelManager",Aqe="org.eclipse.elk.scaleFactor",$qe="org.eclipse.elk.animate",Pqe="org.eclipse.elk.animTimeFactor",Fqe="org.eclipse.elk.layoutAncestors",jqe="org.eclipse.elk.maxAnimTime",Mqe="org.eclipse.elk.minAnimTime",Nqe="org.eclipse.elk.progressBar",Lqe="org.eclipse.elk.validateGraph",Bqe="org.eclipse.elk.validateOptions",zqe="org.eclipse.elk.zoomToFit",aIt="org.eclipse.elk.font.name",Hqe="org.eclipse.elk.font.size",Uqe="org.eclipse.elk.edge.type",Vqe="partitioning",qqe="nodeLabels",$K="portAlignment",Tse="nodeSize",kse="port",qye="portLabels",Wqe="insideSelfLoops",k9="org.eclipse.elk.fixed",PK="org.eclipse.elk.random",Gqe="port must have a parent node to calculate the port side",Kqe="The edge needs to have exactly one edge section. Found: ",R9="org.eclipse.elk.core.util.adapters",tp="org.eclipse.emf.ecore",q4="org.eclipse.elk.graph",Yqe="EMapPropertyHolder",Xqe="ElkBendPoint",Qqe="ElkGraphElement",Jqe="ElkConnectableShape",Wye="ElkEdge",Zqe="ElkEdgeSection",eWe="EModelElement",tWe="ENamedElement",Gye="ElkLabel",Kye="ElkNode",Yye="ElkPort",nWe={92:1,90:1},J5="org.eclipse.emf.common.notify.impl",Ky="The feature '",O9="' is not a valid changeable feature",rWe="Expecting null",Rse="' is not a valid feature",iWe="The feature ID",oWe=" is not a valid feature ID",Uc=32768,sWe={105:1,92:1,90:1,56:1,49:1,97:1},Wn="org.eclipse.emf.ecore.impl",M2="org.eclipse.elk.graph.impl",I9="Recursive containment not allowed for ",OA="The datatype '",ax="' is not a valid classifier",Ose="The value '",W4={190:1,3:1,4:1},Ise="The class '",IA="http://www.eclipse.org/elk/ElkGraph",l1=1024,Xye="property",D9="value",Dse="source",aWe="properties",uWe="identifier",Ase="height",$se="width",Pse="parent",Fse="text",jse="children",cWe="hierarchical",Qye="sources",Mse="targets",Jye="sections",FK="bendPoints",Zye="outgoingShape",eEe="incomingShape",tEe="outgoingSections",nEe="incomingSections",tu="org.eclipse.emf.common.util",rEe="Severe implementation error in the Json to ElkGraph importer.",$b="id",La="org.eclipse.elk.graph.json",iEe="Unhandled parameter types: ",lWe="startPoint",fWe="An edge must have at least one source and one target (edge id: '",DA="').",dWe="Referenced edge section does not exist: ",hWe=" (edge id: '",oEe="target",pWe="sourcePoint",gWe="targetPoint",jK="group",ji="name",bWe="connectableShape cannot be null",mWe="edge cannot be null",Nse="Passed edge is not 'simple'.",MK="org.eclipse.elk.graph.util",VB="The 'no duplicates' constraint is violated",Lse="targetIndex=",N2=", size=",Bse="sourceIndex=",Pb={3:1,4:1,20:1,28:1,52:1,14:1,15:1,54:1,67:1,63:1,58:1},zse={3:1,4:1,20:1,28:1,52:1,14:1,47:1,15:1,54:1,67:1,63:1,58:1,588:1},NK="logging",vWe="measureExecutionTime",wWe="parser.parse.1",yWe="parser.parse.2",LK="parser.next.1",Hse="parser.next.2",EWe="parser.next.3",_We="parser.next.4",L2="parser.factor.1",sEe="parser.factor.2",SWe="parser.factor.3",xWe="parser.factor.4",CWe="parser.factor.5",TWe="parser.factor.6",kWe="parser.atom.1",RWe="parser.atom.2",OWe="parser.atom.3",aEe="parser.atom.4",Use="parser.atom.5",uEe="parser.cc.1",BK="parser.cc.2",IWe="parser.cc.3",DWe="parser.cc.5",cEe="parser.cc.6",lEe="parser.cc.7",Vse="parser.cc.8",AWe="parser.ope.1",$We="parser.ope.2",PWe="parser.ope.3",aw="parser.descape.1",FWe="parser.descape.2",jWe="parser.descape.3",MWe="parser.descape.4",NWe="parser.descape.5",np="parser.process.1",LWe="parser.quantifier.1",BWe="parser.quantifier.2",zWe="parser.quantifier.3",HWe="parser.quantifier.4",fEe="parser.quantifier.5",UWe="org.eclipse.emf.common.notify",dEe={415:1,672:1},VWe={3:1,4:1,20:1,28:1,52:1,14:1,15:1,67:1,58:1},qB={366:1,143:1},A9="index=",qse={3:1,4:1,5:1,126:1},qWe={3:1,4:1,20:1,28:1,52:1,14:1,15:1,54:1,67:1,58:1},hEe={3:1,6:1,4:1,5:1,192:1},WWe={3:1,4:1,5:1,165:1,367:1},GWe=";/?:@&=+$,",KWe="invalid authority: ",YWe="EAnnotation",XWe="ETypedElement",QWe="EStructuralFeature",JWe="EAttribute",ZWe="EClassifier",eGe="EEnumLiteral",tGe="EGenericType",nGe="EOperation",rGe="EParameter",iGe="EReference",oGe="ETypeParameter",Oo="org.eclipse.emf.ecore.util",Wse={76:1},pEe={3:1,20:1,14:1,15:1,58:1,589:1,76:1,69:1,95:1},sGe="org.eclipse.emf.ecore.util.FeatureMap$Entry",ed=8192,zT=2048,$9="byte",zK="char",P9="double",F9="float",j9="int",M9="long",N9="short",aGe="java.lang.Object",G4={3:1,4:1,5:1,247:1},gEe={3:1,4:1,5:1,673:1},uGe={3:1,4:1,20:1,28:1,52:1,14:1,15:1,54:1,67:1,63:1,58:1,69:1},hc={3:1,4:1,20:1,28:1,52:1,14:1,15:1,54:1,67:1,63:1,58:1,76:1,69:1,95:1},WB="mixed",vi="http:///org/eclipse/emf/ecore/util/ExtendedMetaData",xp="kind",cGe={3:1,4:1,5:1,674:1},bEe={3:1,4:1,20:1,28:1,52:1,14:1,15:1,67:1,58:1,76:1,69:1,95:1},HK={20:1,28:1,52:1,14:1,15:1,58:1,69:1},UK={47:1,125:1,279:1},VK={72:1,332:1},qK="The value of type '",WK="' must be of type '",K4=1316,Cp="http://www.eclipse.org/emf/2002/Ecore",GK=-32768,ux="constraints",Wa="baseType",lGe="getEStructuralFeature",fGe="getFeatureID",L9="feature",dGe="getOperationID",mEe="operation",hGe="defaultValue",pGe="eTypeParameters",gGe="isInstance",bGe="getEEnumLiteral",mGe="eContainingClass",Ai={55:1},vGe={3:1,4:1,5:1,119:1},wGe="org.eclipse.emf.ecore.resource",yGe={92:1,90:1,591:1,1935:1},Gse="org.eclipse.emf.ecore.resource.impl",vEe="unspecified",GB="simple",KK="attribute",EGe="attributeWildcard",YK="element",Kse="elementWildcard",Y1="collapse",Yse="itemType",XK="namespace",KB="##targetNamespace",Tp="whiteSpace",wEe="wildcards",B2="http://www.eclipse.org/emf/2003/XMLType",Xse="##any",AA="uninitialized",YB="The multiplicity constraint is violated",QK="org.eclipse.emf.ecore.xml.type",_Ge="ProcessingInstruction",SGe="SimpleAnyType",xGe="XMLTypeDocumentRoot",fs="org.eclipse.emf.ecore.xml.type.impl",XB="INF",CGe="processing",TGe="ENTITIES_._base",yEe="minLength",EEe="ENTITY",JK="NCName",kGe="IDREFS_._base",_Ee="integer",Qse="token",Jse="pattern",RGe="[a-zA-Z]{1,8}(-[a-zA-Z0-9]{1,8})*",SEe="\\i\\c*",OGe="[\\i-[:]][\\c-[:]]*",IGe="nonPositiveInteger",QB="maxInclusive",xEe="NMTOKEN",DGe="NMTOKENS_._base",CEe="nonNegativeInteger",JB="minInclusive",AGe="normalizedString",$Ge="unsignedByte",PGe="unsignedInt",FGe="18446744073709551615",jGe="unsignedShort",MGe="processingInstruction",uw="org.eclipse.emf.ecore.xml.type.internal",$A=1114111,NGe="Internal Error: shorthands: \\u",B9="xml:isDigit",Zse="xml:isWord",eae="xml:isSpace",tae="xml:isNameChar",nae="xml:isInitialNameChar",LGe="09٠٩۰۹०९০৯੦੯૦૯୦୯௧௯౦౯೦೯൦൯๐๙໐໙༠༩",BGe="AZazÀÖØöøıĴľŁňŊžƀǃǍǰǴǵǺȗɐʨʻˁΆΆΈΊΌΌΎΡΣώϐϖϚϚϜϜϞϞϠϠϢϳЁЌЎяёќўҁҐӄӇӈӋӌӐӫӮӵӸӹԱՖՙՙաֆאתװײءغفيٱڷںھۀێېۓەەۥۦअहऽऽक़ॡঅঌএঐওনপরললশহড়ঢ়য়ৡৰৱਅਊਏਐਓਨਪਰਲਲ਼ਵਸ਼ਸਹਖ਼ੜਫ਼ਫ਼ੲੴઅઋઍઍએઑઓનપરલળવહઽઽૠૠଅଌଏଐଓନପରଲଳଶହଽଽଡ଼ଢ଼ୟୡஅஊஎஐஒகஙசஜஜஞடணதநபமவஷஹఅఌఎఐఒనపళవహౠౡಅಌಎಐಒನಪಳವಹೞೞೠೡഅഌഎഐഒനപഹൠൡกฮะะาำเๅກຂຄຄງຈຊຊຍຍດທນຟມຣລລວວສຫອຮະະາຳຽຽເໄཀཇཉཀྵႠჅაჶᄀᄀᄂᄃᄅᄇᄉᄉᄋᄌᄎᄒᄼᄼᄾᄾᅀᅀᅌᅌᅎᅎᅐᅐᅔᅕᅙᅙᅟᅡᅣᅣᅥᅥᅧᅧᅩᅩᅭᅮᅲᅳᅵᅵᆞᆞᆨᆨᆫᆫᆮᆯᆷᆸᆺᆺᆼᇂᇫᇫᇰᇰᇹᇹḀẛẠỹἀἕἘἝἠὅὈὍὐὗὙὙὛὛὝὝὟώᾀᾴᾶᾼιιῂῄῆῌῐΐῖΊῠῬῲῴῶῼΩΩKÅ℮℮ↀↂ〇〇〡〩ぁゔァヺㄅㄬ一龥가힣",zGe="Private Use",rae="ASSIGNED",iae="\0ÿĀſƀɏɐʯʰ˿̀ͯͰϿЀӿ֏ۿ܀ݏހऀॿঀ૿ఀ౿ಀഀൿༀက႟ႠჿᄀᇿሀᎠ᐀ᙿ ᚠក᠀Ḁỿἀ ⁰₠⃐℀⅏⅐←⇿∀⋿⌀⏿␀⑀①⓿─╿▀▟■◿☀⛿✀➿⠀⣿⺀⼀⿰ 〿ゟ゠ヿㄯ㆐㆟ㆠㆿ㈀㋿㌀㏿㐀䶵一鿿ꀀ꒐가힣豈ffﭏﭐ﷿︠︯︰﹏﹐ﹰ\uFEFF\uFEFF",TEe="UNASSIGNED",PA={3:1,117:1},HGe="org.eclipse.emf.ecore.xml.type.util",ZK={3:1,4:1,5:1,368:1},kEe="org.eclipse.xtext.xbase.lib",UGe="Cannot add elements to a Range",VGe="Cannot set elements in a Range",qGe="Cannot remove elements from a Range",eY="locale",tY="default",nY="user.agent",S,rY,oae;m.goog=m.goog||{},m.goog.global=m.goog.global||m,$2t(),H(1,null,{},_),S.Fb=function(s){return BRe(this,s)},S.Gb=function(){return this.gm},S.Hb=function(){return gS(this)},S.Ib=function(){var s;return v0(Od(this))+"@"+(s=$o(this)>>>0,s.toString(16))},S.equals=function(r){return this.Fb(r)},S.hashCode=function(){return this.Hb()},S.toString=function(){return this.Ib()};var WGe,GGe,KGe;H(290,1,{290:1,2026:1},rge),S.le=function(s){var a;return a=new rge,a.i=4,s>1?a.c=rAe(this,s-1):a.c=this,a},S.me=function(){return y0(this),this.b},S.ne=function(){return v0(this)},S.oe=function(){return y0(this),this.k},S.pe=function(){return(this.i&4)!=0},S.qe=function(){return(this.i&1)!=0},S.Ib=function(){return v1e(this)},S.i=0;var mr=V(xc,"Object",1),REe=V(xc,"Class",290);H(1998,1,yB),V(EB,"Optional",1998),H(1170,1998,yB,C),S.Fb=function(s){return s===this},S.Hb=function(){return 2040732332},S.Ib=function(){return"Optional.absent()"},S.Jb=function(s){return Jr(s),Pk(),sae};var sae;V(EB,"Absent",1170),H(628,1,{},FD),V(EB,"Joiner",628);var uIt=zo(EB,"Predicate");H(582,1,{169:1,582:1,3:1,45:1},q$),S.Mb=function(s){return U9e(this,s)},S.Lb=function(s){return U9e(this,s)},S.Fb=function(s){var a;return Ce(s,582)?(a=E(s,582),Xme(this.a,a.a)):!1},S.Hb=function(){return uge(this.a)+306654252},S.Ib=function(){return w_t(this.a)},V(EB,"Predicates/AndPredicate",582),H(408,1998,{408:1,3:1},dO),S.Fb=function(s){var a;return Ce(s,408)?(a=E(s,408),Ki(this.a,a.a)):!1},S.Hb=function(){return 1502476572+$o(this.a)},S.Ib=function(){return OUe+this.a+")"},S.Jb=function(s){return new dO(yq(s.Kb(this.a),"the Function passed to Optional.transform() must not return null."))},V(EB,"Present",408),H(198,1,hA),S.Nb=function(s){ja(this,s)},S.Qb=function(){qM()},V(pn,"UnmodifiableIterator",198),H(1978,198,pA),S.Qb=function(){qM()},S.Rb=function(s){throw de(new Yr)},S.Wb=function(s){throw de(new Yr)},V(pn,"UnmodifiableListIterator",1978),H(386,1978,pA),S.Ob=function(){return this.c<this.d},S.Sb=function(){return this.c>0},S.Pb=function(){if(this.c>=this.d)throw de(new mc);return this.Xb(this.c++)},S.Tb=function(){return this.c},S.Ub=function(){if(this.c<=0)throw de(new mc);return this.Xb(--this.c)},S.Vb=function(){return this.c-1},S.c=0,S.d=0,V(pn,"AbstractIndexedListIterator",386),H(699,198,hA),S.Ob=function(){return Jte(this)},S.Pb=function(){return d1e(this)},S.e=1,V(pn,"AbstractIterator",699),H(1986,1,{224:1}),S.Zb=function(){var s;return s=this.f,s||(this.f=this.ac())},S.Fb=function(s){return bne(this,s)},S.Hb=function(){return $o(this.Zb())},S.dc=function(){return this.gc()==0},S.ec=function(){return f5(this)},S.Ib=function(){return dc(this.Zb())},V(pn,"AbstractMultimap",1986),H(726,1986,D2),S.$b=function(){pW(this)},S._b=function(s){return IU(this,s)},S.ac=function(){return new VC(this,this.c)},S.ic=function(s){return this.hc()},S.bc=function(){return new i4(this,this.c)},S.jc=function(){return this.mc(this.hc())},S.kc=function(){return new dU(this)},S.lc=function(){return Sre(this.c.vc().Nc(),new I,64,this.d)},S.cc=function(s){return no(this,s)},S.fc=function(s){return PL(this,s)},S.gc=function(){return this.d},S.mc=function(s){return In(),new G_(s)},S.nc=function(){return new NM(this)},S.oc=function(){return Sre(this.c.Cc().Nc(),new k,64,this.d)},S.pc=function(s,a){return new Kq(this,s,a,null)},S.d=0,V(pn,"AbstractMapBasedMultimap",726),H(1631,726,D2),S.hc=function(){return new Fl(this.a)},S.jc=function(){return In(),In(),wu},S.cc=function(s){return E(no(this,s),15)},S.fc=function(s){return E(PL(this,s),15)},S.Zb=function(){return b5(this)},S.Fb=function(s){return bne(this,s)},S.qc=function(s){return E(no(this,s),15)},S.rc=function(s){return E(PL(this,s),15)},S.mc=function(s){return GN(E(s,15))},S.pc=function(s,a){return u$e(this,s,E(a,15),null)},V(pn,"AbstractListMultimap",1631),H(732,1,ga),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.c.Ob()||this.e.Ob()},S.Pb=function(){var s;return this.e.Ob()||(s=E(this.c.Pb(),42),this.b=s.cd(),this.a=E(s.dd(),14),this.e=this.a.Kc()),this.sc(this.b,this.e.Pb())},S.Qb=function(){this.e.Qb(),this.a.dc()&&this.c.Qb(),--this.d.d},V(pn,"AbstractMapBasedMultimap/Itr",732),H(1099,732,ga,NM),S.sc=function(s,a){return a},V(pn,"AbstractMapBasedMultimap/1",1099),H(1100,1,{},k),S.Kb=function(s){return E(s,14).Nc()},V(pn,"AbstractMapBasedMultimap/1methodref$spliterator$Type",1100),H(1101,732,ga,dU),S.sc=function(s,a){return new vy(s,a)},V(pn,"AbstractMapBasedMultimap/2",1101);var OEe=zo(Mr,"Map");H(1967,1,tx),S.wc=function(s){RF(this,s)},S.yc=function(s,a,l){return $ne(this,s,a,l)},S.$b=function(){this.vc().$b()},S.tc=function(s){return sre(this,s)},S._b=function(s){return!!Zbe(this,s,!1)},S.uc=function(s){var a,l,v;for(l=this.vc().Kc();l.Ob();)if(a=E(l.Pb(),42),v=a.dd(),Qe(s)===Qe(v)||s!=null&&Ki(s,v))return!0;return!1},S.Fb=function(s){var a,l,v;if(s===this)return!0;if(!Ce(s,83)||(v=E(s,83),this.gc()!=v.gc()))return!1;for(l=v.vc().Kc();l.Ob();)if(a=E(l.Pb(),42),!this.tc(a))return!1;return!0},S.xc=function(s){return Rc(Zbe(this,s,!1))},S.Hb=function(){return J1e(this.vc())},S.dc=function(){return this.gc()==0},S.ec=function(){return new WE(this)},S.zc=function(s,a){throw de(new M1("Put not supported on this map"))},S.Ac=function(s){kF(this,s)},S.Bc=function(s){return Rc(Zbe(this,s,!0))},S.gc=function(){return this.vc().gc()},S.Ib=function(){return qMe(this)},S.Cc=function(){return new Nh(this)},V(Mr,"AbstractMap",1967),H(1987,1967,tx),S.bc=function(){return new C8(this)},S.vc=function(){return aDe(this)},S.ec=function(){var s;return s=this.g,s||(this.g=this.bc())},S.Cc=function(){var s;return s=this.i,s||(this.i=new HD(this))},V(pn,"Maps/ViewCachingAbstractMap",1987),H(389,1987,tx,VC),S.xc=function(s){return tgt(this,s)},S.Bc=function(s){return mmt(this,s)},S.$b=function(){this.d==this.e.c?this.e.$b():XV(new yhe(this))},S._b=function(s){return _je(this.d,s)},S.Ec=function(){return new x7(this)},S.Dc=function(){return this.Ec()},S.Fb=function(s){return this===s||Ki(this.d,s)},S.Hb=function(){return $o(this.d)},S.ec=function(){return this.e.ec()},S.gc=function(){return this.d.gc()},S.Ib=function(){return dc(this.d)},V(pn,"AbstractMapBasedMultimap/AsMap",389);var Mg=zo(xc,"Iterable");H(28,1,DT),S.Jc=function(s){Na(this,s)},S.Lc=function(){return this.Oc()},S.Nc=function(){return new zn(this,0)},S.Oc=function(){return new Nn(null,this.Nc())},S.Fc=function(s){throw de(new M1("Add not supported on this collection"))},S.Gc=function(s){return cu(this,s)},S.$b=function(){ope(this)},S.Hc=function(s){return bT(this,s,!1)},S.Ic=function(s){return CL(this,s)},S.dc=function(){return this.gc()==0},S.Mc=function(s){return bT(this,s,!0)},S.Pc=function(){return $he(this)},S.Qc=function(s){return VL(this,s)},S.Ib=function(){return Ly(this)},V(Mr,"AbstractCollection",28);var kp=zo(Mr,"Set");H(Pg,28,Jf),S.Nc=function(){return new zn(this,1)},S.Fb=function(s){return g7e(this,s)},S.Hb=function(){return J1e(this)},V(Mr,"AbstractSet",Pg),H(1970,Pg,Jf),V(pn,"Sets/ImprovedAbstractSet",1970),H(1971,1970,Jf),S.$b=function(){this.Rc().$b()},S.Hc=function(s){return Xje(this,s)},S.dc=function(){return this.Rc().dc()},S.Mc=function(s){var a;return this.Hc(s)?(a=E(s,42),this.Rc().ec().Mc(a.cd())):!1},S.gc=function(){return this.Rc().gc()},V(pn,"Maps/EntrySet",1971),H(1097,1971,Jf,x7),S.Hc=function(s){return kge(this.a.d.vc(),s)},S.Kc=function(){return new yhe(this.a)},S.Rc=function(){return this.a},S.Mc=function(s){var a;return kge(this.a.d.vc(),s)?(a=E(s,42),zpt(this.a.e,a.cd()),!0):!1},S.Nc=function(){return LN(this.a.d.vc().Nc(),new W$(this.a))},V(pn,"AbstractMapBasedMultimap/AsMap/AsMapEntries",1097),H(1098,1,{},W$),S.Kb=function(s){return Q$e(this.a,E(s,42))},V(pn,"AbstractMapBasedMultimap/AsMap/AsMapEntries/0methodref$wrapEntry$Type",1098),H(730,1,ga,yhe),S.Nb=function(s){ja(this,s)},S.Pb=function(){var s;return s=E(this.b.Pb(),42),this.a=E(s.dd(),14),Q$e(this.c,s)},S.Ob=function(){return this.b.Ob()},S.Qb=function(){h4(!!this.a),this.b.Qb(),this.c.e.d-=this.a.gc(),this.a.$b(),this.a=null},V(pn,"AbstractMapBasedMultimap/AsMap/AsMapIterator",730),H(532,1970,Jf,C8),S.$b=function(){this.b.$b()},S.Hc=function(s){return this.b._b(s)},S.Jc=function(s){Jr(s),this.b.wc(new O7(s))},S.dc=function(){return this.b.dc()},S.Kc=function(){return new Fk(this.b.vc().Kc())},S.Mc=function(s){return this.b._b(s)?(this.b.Bc(s),!0):!1},S.gc=function(){return this.b.gc()},V(pn,"Maps/KeySet",532),H(318,532,Jf,i4),S.$b=function(){var s;XV((s=this.b.vc().Kc(),new zU(this,s)))},S.Ic=function(s){return this.b.ec().Ic(s)},S.Fb=function(s){return this===s||Ki(this.b.ec(),s)},S.Hb=function(){return $o(this.b.ec())},S.Kc=function(){var s;return s=this.b.vc().Kc(),new zU(this,s)},S.Mc=function(s){var a,l;return l=0,a=E(this.b.Bc(s),14),a&&(l=a.gc(),a.$b(),this.a.d-=l),l>0},S.Nc=function(){return this.b.ec().Nc()},V(pn,"AbstractMapBasedMultimap/KeySet",318),H(731,1,ga,zU),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.c.Ob()},S.Pb=function(){return this.a=E(this.c.Pb(),42),this.a.cd()},S.Qb=function(){var s;h4(!!this.a),s=E(this.a.dd(),14),this.c.Qb(),this.b.a.d-=s.gc(),s.$b(),this.a=null},V(pn,"AbstractMapBasedMultimap/KeySet/1",731),H(491,389,{83:1,161:1},AN),S.bc=function(){return this.Sc()},S.ec=function(){return this.Tc()},S.Sc=function(){return new Hk(this.c,this.Uc())},S.Tc=function(){var s;return s=this.b,s||(this.b=this.Sc())},S.Uc=function(){return E(this.d,161)},V(pn,"AbstractMapBasedMultimap/SortedAsMap",491),H(542,491,IUe,MV),S.bc=function(){return new Uk(this.a,E(E(this.d,161),171))},S.Sc=function(){return new Uk(this.a,E(E(this.d,161),171))},S.ec=function(){var s;return s=this.b,E(s||(this.b=new Uk(this.a,E(E(this.d,161),171))),271)},S.Tc=function(){var s;return s=this.b,E(s||(this.b=new Uk(this.a,E(E(this.d,161),171))),271)},S.Uc=function(){return E(E(this.d,161),171)},V(pn,"AbstractMapBasedMultimap/NavigableAsMap",542),H(490,318,DUe,Hk),S.Nc=function(){return this.b.ec().Nc()},V(pn,"AbstractMapBasedMultimap/SortedKeySet",490),H(388,490,fve,Uk),V(pn,"AbstractMapBasedMultimap/NavigableKeySet",388),H(541,28,DT,Kq),S.Fc=function(s){var a,l;return Id(this),l=this.d.dc(),a=this.d.Fc(s),a&&(++this.f.d,l&&jN(this)),a},S.Gc=function(s){var a,l,v;return s.dc()?!1:(v=(Id(this),this.d.gc()),a=this.d.Gc(s),a&&(l=this.d.gc(),this.f.d+=l-v,v==0&&jN(this)),a)},S.$b=function(){var s;s=(Id(this),this.d.gc()),s!=0&&(this.d.$b(),this.f.d-=s,tq(this))},S.Hc=function(s){return Id(this),this.d.Hc(s)},S.Ic=function(s){return Id(this),this.d.Ic(s)},S.Fb=function(s){return s===this?!0:(Id(this),Ki(this.d,s))},S.Hb=function(){return Id(this),$o(this.d)},S.Kc=function(){return Id(this),new she(this)},S.Mc=function(s){var a;return Id(this),a=this.d.Mc(s),a&&(--this.f.d,tq(this)),a},S.gc=function(){return CRe(this)},S.Nc=function(){return Id(this),this.d.Nc()},S.Ib=function(){return Id(this),dc(this.d)},V(pn,"AbstractMapBasedMultimap/WrappedCollection",541);var rp=zo(Mr,"List");H(728,541,{20:1,28:1,14:1,15:1},Fhe),S.ad=function(s){d4(this,s)},S.Nc=function(){return Id(this),this.d.Nc()},S.Vc=function(s,a){var l;Id(this),l=this.d.dc(),E(this.d,15).Vc(s,a),++this.a.d,l&&jN(this)},S.Wc=function(s,a){var l,v,y;return a.dc()?!1:(y=(Id(this),this.d.gc()),l=E(this.d,15).Wc(s,a),l&&(v=this.d.gc(),this.a.d+=v-y,y==0&&jN(this)),l)},S.Xb=function(s){return Id(this),E(this.d,15).Xb(s)},S.Xc=function(s){return Id(this),E(this.d,15).Xc(s)},S.Yc=function(){return Id(this),new iOe(this)},S.Zc=function(s){return Id(this),new m6e(this,s)},S.$c=function(s){var a;return Id(this),a=E(this.d,15).$c(s),--this.a.d,tq(this),a},S._c=function(s,a){return Id(this),E(this.d,15)._c(s,a)},S.bd=function(s,a){return Id(this),u$e(this.a,this.e,E(this.d,15).bd(s,a),this.b?this.b:this)},V(pn,"AbstractMapBasedMultimap/WrappedList",728),H(1096,728,{20:1,28:1,14:1,15:1,54:1},KOe),V(pn,"AbstractMapBasedMultimap/RandomAccessWrappedList",1096),H(620,1,ga,she),S.Nb=function(s){ja(this,s)},S.Ob=function(){return c6(this),this.b.Ob()},S.Pb=function(){return c6(this),this.b.Pb()},S.Qb=function(){DOe(this)},V(pn,"AbstractMapBasedMultimap/WrappedCollection/WrappedIterator",620),H(729,620,Tm,iOe,m6e),S.Qb=function(){DOe(this)},S.Rb=function(s){var a;a=CRe(this.a)==0,(c6(this),E(this.b,125)).Rb(s),++this.a.a.d,a&&jN(this.a)},S.Sb=function(){return(c6(this),E(this.b,125)).Sb()},S.Tb=function(){return(c6(this),E(this.b,125)).Tb()},S.Ub=function(){return(c6(this),E(this.b,125)).Ub()},S.Vb=function(){return(c6(this),E(this.b,125)).Vb()},S.Wb=function(s){(c6(this),E(this.b,125)).Wb(s)},V(pn,"AbstractMapBasedMultimap/WrappedList/WrappedListIterator",729),H(727,541,DUe,kde),S.Nc=function(){return Id(this),this.d.Nc()},V(pn,"AbstractMapBasedMultimap/WrappedSortedSet",727),H(1095,727,fve,XRe),V(pn,"AbstractMapBasedMultimap/WrappedNavigableSet",1095),H(1094,541,Jf,u5e),S.Nc=function(){return Id(this),this.d.Nc()},V(pn,"AbstractMapBasedMultimap/WrappedSet",1094),H(1103,1,{},I),S.Kb=function(s){return Gpt(E(s,42))},V(pn,"AbstractMapBasedMultimap/lambda$1$Type",1103),H(1102,1,{},mk),S.Kb=function(s){return new vy(this.a,s)},V(pn,"AbstractMapBasedMultimap/lambda$2$Type",1102);var z2=zo(Mr,"Map/Entry");H(345,1,GG),S.Fb=function(s){var a;return Ce(s,42)?(a=E(s,42),yb(this.cd(),a.cd())&&yb(this.dd(),a.dd())):!1},S.Hb=function(){var s,a;return s=this.cd(),a=this.dd(),(s==null?0:$o(s))^(a==null?0:$o(a))},S.ed=function(s){throw de(new Yr)},S.Ib=function(){return this.cd()+"="+this.dd()},V(pn,AUe,345),H(1988,28,DT),S.$b=function(){this.fd().$b()},S.Hc=function(s){var a;return Ce(s,42)?(a=E(s,42),kht(this.fd(),a.cd(),a.dd())):!1},S.Mc=function(s){var a;return Ce(s,42)?(a=E(s,42),HAe(this.fd(),a.cd(),a.dd())):!1},S.gc=function(){return this.fd().d},V(pn,"Multimaps/Entries",1988),H(733,1988,DT,hO),S.Kc=function(){return this.a.kc()},S.fd=function(){return this.a},S.Nc=function(){return this.a.lc()},V(pn,"AbstractMultimap/Entries",733),H(734,733,Jf,hU),S.Nc=function(){return this.a.lc()},S.Fb=function(s){return mme(this,s)},S.Hb=function(){return UFe(this)},V(pn,"AbstractMultimap/EntrySet",734),H(735,28,DT,G$),S.$b=function(){this.a.$b()},S.Hc=function(s){return fmt(this.a,s)},S.Kc=function(){return this.a.nc()},S.gc=function(){return this.a.d},S.Nc=function(){return this.a.oc()},V(pn,"AbstractMultimap/Values",735),H(1989,28,{835:1,20:1,28:1,14:1}),S.Jc=function(s){Jr(s),s4(this).Jc(new yC(s))},S.Nc=function(){var s;return s=s4(this).Nc(),Sre(s,new oe,64|s.qd()&1296,this.a.d)},S.Fc=function(s){return Ks(),!0},S.Gc=function(s){return Jr(this),Jr(s),Ce(s,543)?Aht(E(s,835)):!s.dc()&&Ute(this,s.Kc())},S.Hc=function(s){var a;return a=E(gT(b5(this.a),s),14),(a?a.gc():0)>0},S.Fb=function(s){return Cxt(this,s)},S.Hb=function(){return $o(s4(this))},S.dc=function(){return s4(this).dc()},S.Mc=function(s){return uLe(this,s,1)>0},S.Ib=function(){return dc(s4(this))},V(pn,"AbstractMultiset",1989),H(1991,1970,Jf),S.$b=function(){pW(this.a.a)},S.Hc=function(s){var a,l;return Ce(s,492)?(l=E(s,416),E(l.a.dd(),14).gc()<=0?!1:(a=vAe(this.a,l.a.cd()),a==E(l.a.dd(),14).gc())):!1},S.Mc=function(s){var a,l,v,y;return Ce(s,492)&&(l=E(s,416),a=l.a.cd(),v=E(l.a.dd(),14).gc(),v!=0)?(y=this.a,hSt(y,a,v)):!1},V(pn,"Multisets/EntrySet",1991),H(1109,1991,Jf,pO),S.Kc=function(){return new wJ(aDe(b5(this.a.a)).Kc())},S.gc=function(){return b5(this.a.a).gc()},V(pn,"AbstractMultiset/EntrySet",1109),H(619,726,D2),S.hc=function(){return this.gd()},S.jc=function(){return this.hd()},S.cc=function(s){return this.jd(s)},S.fc=function(s){return this.kd(s)},S.Zb=function(){var s;return s=this.f,s||(this.f=this.ac())},S.hd=function(){return In(),In(),cY},S.Fb=function(s){return bne(this,s)},S.jd=function(s){return E(no(this,s),21)},S.kd=function(s){return E(PL(this,s),21)},S.mc=function(s){return In(),new Ov(E(s,21))},S.pc=function(s,a){return new u5e(this,s,E(a,21))},V(pn,"AbstractSetMultimap",619),H(1657,619,D2),S.hc=function(){return new gm(this.b)},S.gd=function(){return new gm(this.b)},S.jc=function(){return Xhe(new gm(this.b))},S.hd=function(){return Xhe(new gm(this.b))},S.cc=function(s){return E(E(no(this,s),21),84)},S.jd=function(s){return E(E(no(this,s),21),84)},S.fc=function(s){return E(E(PL(this,s),21),84)},S.kd=function(s){return E(E(PL(this,s),21),84)},S.mc=function(s){return Ce(s,271)?Xhe(E(s,271)):(In(),new sde(E(s,84)))},S.Zb=function(){var s;return s=this.f,s||(this.f=Ce(this.c,171)?new MV(this,E(this.c,171)):Ce(this.c,161)?new AN(this,E(this.c,161)):new VC(this,this.c))},S.pc=function(s,a){return Ce(a,271)?new XRe(this,s,E(a,271)):new kde(this,s,E(a,84))},V(pn,"AbstractSortedSetMultimap",1657),H(1658,1657,D2),S.Zb=function(){var s;return s=this.f,E(E(s||(this.f=Ce(this.c,171)?new MV(this,E(this.c,171)):Ce(this.c,161)?new AN(this,E(this.c,161)):new VC(this,this.c)),161),171)},S.ec=function(){var s;return s=this.i,E(E(s||(this.i=Ce(this.c,171)?new Uk(this,E(this.c,171)):Ce(this.c,161)?new Hk(this,E(this.c,161)):new i4(this,this.c)),84),271)},S.bc=function(){return Ce(this.c,171)?new Uk(this,E(this.c,171)):Ce(this.c,161)?new Hk(this,E(this.c,161)):new i4(this,this.c)},V(pn,"AbstractSortedKeySortedSetMultimap",1658),H(2010,1,{1947:1}),S.Fb=function(s){return nEt(this,s)},S.Hb=function(){var s;return J1e((s=this.g,s||(this.g=new wC(this))))},S.Ib=function(){var s;return qMe((s=this.f,s||(this.f=new Jfe(this))))},V(pn,"AbstractTable",2010),H(665,Pg,Jf,wC),S.$b=function(){hb()},S.Hc=function(s){var a,l;return Ce(s,468)?(a=E(s,682),l=E(gT(IDe(this.a),yy(a.c.e,a.b)),83),!!l&&kge(l.vc(),new vy(yy(a.c.c,a.a),S5(a.c,a.b,a.a)))):!1},S.Kc=function(){return Bft(this.a)},S.Mc=function(s){var a,l;return Ce(s,468)?(a=E(s,682),l=E(gT(IDe(this.a),yy(a.c.e,a.b)),83),!!l&&Nmt(l.vc(),new vy(yy(a.c.c,a.a),S5(a.c,a.b,a.a)))):!1},S.gc=function(){return HIe(this.a)},S.Nc=function(){return Fht(this.a)},V(pn,"AbstractTable/CellSet",665),H(1928,28,DT,fg),S.$b=function(){hb()},S.Hc=function(s){return GEt(this.a,s)},S.Kc=function(){return zft(this.a)},S.gc=function(){return HIe(this.a)},S.Nc=function(){return qAe(this.a)},V(pn,"AbstractTable/Values",1928),H(1632,1631,D2),V(pn,"ArrayListMultimapGwtSerializationDependencies",1632),H(513,1632,D2,ly,Epe),S.hc=function(){return new Fl(this.a)},S.a=0,V(pn,"ArrayListMultimap",513),H(664,2010,{664:1,1947:1,3:1},vLe),V(pn,"ArrayTable",664),H(1924,386,pA,COe),S.Xb=function(s){return new nge(this.a,s)},V(pn,"ArrayTable/1",1924),H(1925,1,{},_7),S.ld=function(s){return new nge(this.a,s)},V(pn,"ArrayTable/1methodref$getCell$Type",1925),H(2011,1,{682:1}),S.Fb=function(s){var a;return s===this?!0:Ce(s,468)?(a=E(s,682),yb(yy(this.c.e,this.b),yy(a.c.e,a.b))&&yb(yy(this.c.c,this.a),yy(a.c.c,a.a))&&yb(S5(this.c,this.b,this.a),S5(a.c,a.b,a.a))):!1},S.Hb=function(){return PW(pe(he(mr,1),Ht,1,5,[yy(this.c.e,this.b),yy(this.c.c,this.a),S5(this.c,this.b,this.a)]))},S.Ib=function(){return"("+yy(this.c.e,this.b)+","+yy(this.c.c,this.a)+")="+S5(this.c,this.b,this.a)},V(pn,"Tables/AbstractCell",2011),H(468,2011,{468:1,682:1},nge),S.a=0,S.b=0,S.d=0,V(pn,"ArrayTable/2",468),H(1927,1,{},pH),S.ld=function(s){return n8e(this.a,s)},V(pn,"ArrayTable/2methodref$getValue$Type",1927),H(1926,386,pA,TOe),S.Xb=function(s){return n8e(this.a,s)},V(pn,"ArrayTable/3",1926),H(1979,1967,tx),S.$b=function(){XV(this.kc())},S.vc=function(){return new I7(this)},S.lc=function(){return new i6e(this.kc(),this.gc())},V(pn,"Maps/IteratorBasedAbstractMap",1979),H(828,1979,tx),S.$b=function(){throw de(new Yr)},S._b=function(s){return ZM(this.c,s)},S.kc=function(){return new kOe(this,this.c.b.c.gc())},S.lc=function(){return wee(this.c.b.c.gc(),16,new S7(this))},S.xc=function(s){var a;return a=E(eF(this.c,s),19),a?this.nd(a.a):null},S.dc=function(){return this.c.b.c.dc()},S.ec=function(){return kee(this.c)},S.zc=function(s,a){var l;if(l=E(eF(this.c,s),19),!l)throw de(new Yn(this.md()+" "+s+" not in "+kee(this.c)));return this.od(l.a,a)},S.Bc=function(s){throw de(new Yr)},S.gc=function(){return this.c.b.c.gc()},V(pn,"ArrayTable/ArrayMap",828),H(1923,1,{},S7),S.ld=function(s){return ADe(this.a,s)},V(pn,"ArrayTable/ArrayMap/0methodref$getEntry$Type",1923),H(1921,345,GG,VJ),S.cd=function(){return tst(this.a,this.b)},S.dd=function(){return this.a.nd(this.b)},S.ed=function(s){return this.a.od(this.b,s)},S.b=0,V(pn,"ArrayTable/ArrayMap/1",1921),H(1922,386,pA,kOe),S.Xb=function(s){return ADe(this.a,s)},V(pn,"ArrayTable/ArrayMap/2",1922),H(1920,828,tx,wDe),S.md=function(){return"Column"},S.nd=function(s){return S5(this.b,this.a,s)},S.od=function(s,a){return R9e(this.b,this.a,s,a)},S.a=0,V(pn,"ArrayTable/Row",1920),H(829,828,tx,Jfe),S.nd=function(s){return new wDe(this.a,s)},S.zc=function(s,a){return E(a,83),dh()},S.od=function(s,a){return E(a,83),hm()},S.md=function(){return"Row"},V(pn,"ArrayTable/RowMap",829),H(1120,1,yp,qJ),S.qd=function(){return this.a.qd()&-262},S.rd=function(){return this.a.rd()},S.Nb=function(s){this.a.Nb(new UJ(s,this.b))},S.sd=function(s){return this.a.sd(new HJ(s,this.b))},V(pn,"CollectSpliterators/1",1120),H(1121,1,gr,HJ),S.td=function(s){this.a.td(this.b.Kb(s))},V(pn,"CollectSpliterators/1/lambda$0$Type",1121),H(1122,1,gr,UJ),S.td=function(s){this.a.td(this.b.Kb(s))},V(pn,"CollectSpliterators/1/lambda$1$Type",1122),H(1123,1,yp,n$e),S.qd=function(){return this.a},S.rd=function(){return this.d&&(this.b=sOe(this.b,this.d.rd())),sOe(this.b,0)},S.Nb=function(s){this.d&&(this.d.Nb(s),this.d=null),this.c.Nb(new Vk(this.e,s)),this.b=0},S.sd=function(s){for(;;){if(this.d&&this.d.sd(s))return H8(this.b,KG)&&(this.b=My(this.b,1)),!0;if(this.d=null,!this.c.sd(new rN(this,this.e)))return!1}},S.a=0,S.b=0,V(pn,"CollectSpliterators/1FlatMapSpliterator",1123),H(1124,1,gr,rN),S.td=function(s){oat(this.a,this.b,s)},V(pn,"CollectSpliterators/1FlatMapSpliterator/lambda$0$Type",1124),H(1125,1,gr,Vk),S.td=function(s){Hot(this.b,this.a,s)},V(pn,"CollectSpliterators/1FlatMapSpliterator/lambda$1$Type",1125),H(1117,1,yp,N5e),S.qd=function(){return 16464|this.b},S.rd=function(){return this.a.rd()},S.Nb=function(s){this.a.xe(new qk(s,this.c))},S.sd=function(s){return this.a.ye(new iN(s,this.c))},S.b=0,V(pn,"CollectSpliterators/1WithCharacteristics",1117),H(1118,1,_B,iN),S.ud=function(s){this.a.td(this.b.ld(s))},V(pn,"CollectSpliterators/1WithCharacteristics/lambda$0$Type",1118),H(1119,1,_B,qk),S.ud=function(s){this.a.td(this.b.ld(s))},V(pn,"CollectSpliterators/1WithCharacteristics/lambda$1$Type",1119),H(245,1,Rie),S.wd=function(s){return this.vd(E(s,245))},S.vd=function(s){var a;return s==(RD(),uae)?1:s==(n8(),aae)?-1:(a=(GV(),EL(this.a,s.a)),a!=0?a:Ce(this,519)==Ce(s,519)?0:Ce(this,519)?1:-1)},S.zd=function(){return this.a},S.Fb=function(s){return obe(this,s)},V(pn,"Cut",245),H(1761,245,Rie,d8),S.vd=function(s){return s==this?0:1},S.xd=function(s){throw de(new NP)},S.yd=function(s){s.a+="+∞)"},S.zd=function(){throw de(new zu(PUe))},S.Hb=function(){return mg(),pbe(this)},S.Ad=function(s){return!1},S.Ib=function(){return"+∞"};var aae;V(pn,"Cut/AboveAll",1761),H(519,245,{245:1,519:1,3:1,35:1},AOe),S.xd=function(s){zc((s.a+="(",s),this.a)},S.yd=function(s){Ty(zc(s,this.a),93)},S.Hb=function(){return~$o(this.a)},S.Ad=function(s){return GV(),EL(this.a,s)<0},S.Ib=function(){return"/"+this.a+"\\"},V(pn,"Cut/AboveValue",519),H(1760,245,Rie,GM),S.vd=function(s){return s==this?0:-1},S.xd=function(s){s.a+="(-∞"},S.yd=function(s){throw de(new NP)},S.zd=function(){throw de(new zu(PUe))},S.Hb=function(){return mg(),pbe(this)},S.Ad=function(s){return!0},S.Ib=function(){return"-∞"};var uae;V(pn,"Cut/BelowAll",1760),H(1762,245,Rie,$Oe),S.xd=function(s){zc((s.a+="[",s),this.a)},S.yd=function(s){Ty(zc(s,this.a),41)},S.Hb=function(){return $o(this.a)},S.Ad=function(s){return GV(),EL(this.a,s)<=0},S.Ib=function(){return"\\"+this.a+"/"},V(pn,"Cut/BelowValue",1762),H(537,1,km),S.Jc=function(s){Na(this,s)},S.Ib=function(){return p0t(E(yq(this,"use Optional.orNull() instead of Optional.or(null)"),20).Kc())},V(pn,"FluentIterable",537),H(433,537,km,q8),S.Kc=function(){return new Rr(Ar(this.a.Kc(),new M))},V(pn,"FluentIterable/2",433),H(1046,537,km,MRe),S.Kc=function(){return Cy(this)},V(pn,"FluentIterable/3",1046),H(708,386,pA,Zfe),S.Xb=function(s){return this.a[s].Kc()},V(pn,"FluentIterable/3/1",708),H(1972,1,{}),S.Ib=function(){return dc(this.Bd().b)},V(pn,"ForwardingObject",1972),H(1973,1972,FUe),S.Bd=function(){return this.Cd()},S.Jc=function(s){Na(this,s)},S.Lc=function(){return this.Oc()},S.Nc=function(){return new zn(this,0)},S.Oc=function(){return new Nn(null,this.Nc())},S.Fc=function(s){return this.Cd(),DJ()},S.Gc=function(s){return this.Cd(),y8()},S.$b=function(){this.Cd(),$U()},S.Hc=function(s){return this.Cd().Hc(s)},S.Ic=function(s){return this.Cd().Ic(s)},S.dc=function(){return this.Cd().b.dc()},S.Kc=function(){return this.Cd().Kc()},S.Mc=function(s){return this.Cd(),E8()},S.gc=function(){return this.Cd().b.gc()},S.Pc=function(){return this.Cd().Pc()},S.Qc=function(s){return this.Cd().Qc(s)},V(pn,"ForwardingCollection",1973),H(1980,28,dve),S.Kc=function(){return this.Ed()},S.Fc=function(s){throw de(new Yr)},S.Gc=function(s){throw de(new Yr)},S.$b=function(){throw de(new Yr)},S.Hc=function(s){return s!=null&&bT(this,s,!1)},S.Dd=function(){switch(this.gc()){case 0:return rT(),rT(),cae;case 1:return rT(),new yee(Jr(this.Ed().Pb()));default:return new yDe(this,this.Pc())}},S.Mc=function(s){throw de(new Yr)},V(pn,"ImmutableCollection",1980),H(712,1980,dve,jP),S.Kc=function(){return x5(this.a.Kc())},S.Hc=function(s){return s!=null&&this.a.Hc(s)},S.Ic=function(s){return this.a.Ic(s)},S.dc=function(){return this.a.dc()},S.Ed=function(){return x5(this.a.Kc())},S.gc=function(){return this.a.gc()},S.Pc=function(){return this.a.Pc()},S.Qc=function(s){return this.a.Qc(s)},S.Ib=function(){return dc(this.a)},V(pn,"ForwardingImmutableCollection",712),H(152,1980,c9),S.Kc=function(){return this.Ed()},S.Yc=function(){return this.Fd(0)},S.Zc=function(s){return this.Fd(s)},S.ad=function(s){d4(this,s)},S.Nc=function(){return new zn(this,16)},S.bd=function(s,a){return this.Gd(s,a)},S.Vc=function(s,a){throw de(new Yr)},S.Wc=function(s,a){throw de(new Yr)},S.Fb=function(s){return cxt(this,s)},S.Hb=function(){return ybt(this)},S.Xc=function(s){return s==null?-1:$wt(this,s)},S.Ed=function(){return this.Fd(0)},S.Fd=function(s){return pde(this,s)},S.$c=function(s){throw de(new Yr)},S._c=function(s,a){throw de(new Yr)},S.Gd=function(s,a){var l;return MW((l=new UU(this),new Em(l,s,a)))};var cae;V(pn,"ImmutableList",152),H(2006,152,c9),S.Kc=function(){return x5(this.Hd().Kc())},S.bd=function(s,a){return MW(this.Hd().bd(s,a))},S.Hc=function(s){return s!=null&&this.Hd().Hc(s)},S.Ic=function(s){return this.Hd().Ic(s)},S.Fb=function(s){return Ki(this.Hd(),s)},S.Xb=function(s){return yy(this,s)},S.Hb=function(){return $o(this.Hd())},S.Xc=function(s){return this.Hd().Xc(s)},S.dc=function(){return this.Hd().dc()},S.Ed=function(){return x5(this.Hd().Kc())},S.gc=function(){return this.Hd().gc()},S.Gd=function(s,a){return MW(this.Hd().bd(s,a))},S.Pc=function(){return this.Hd().Qc(Pe(mr,Ht,1,this.Hd().gc(),5,1))},S.Qc=function(s){return this.Hd().Qc(s)},S.Ib=function(){return dc(this.Hd())},V(pn,"ForwardingImmutableList",2006),H(714,1,gA),S.vc=function(){return wS(this)},S.wc=function(s){RF(this,s)},S.ec=function(){return kee(this)},S.yc=function(s,a,l){return $ne(this,s,a,l)},S.Cc=function(){return this.Ld()},S.$b=function(){throw de(new Yr)},S._b=function(s){return this.xc(s)!=null},S.uc=function(s){return this.Ld().Hc(s)},S.Jd=function(){return new MP(this)},S.Kd=function(){return new JQ(this)},S.Fb=function(s){return dmt(this,s)},S.Hb=function(){return wS(this).Hb()},S.dc=function(){return this.gc()==0},S.zc=function(s,a){return iS()},S.Bc=function(s){throw de(new Yr)},S.Ib=function(){return V2t(this)},S.Ld=function(){return this.e?this.e:this.e=this.Kd()},S.c=null,S.d=null,S.e=null;var YGe;V(pn,"ImmutableMap",714),H(715,714,gA),S._b=function(s){return ZM(this,s)},S.uc=function(s){return WU(this.b,s)},S.Id=function(){return Eje(new GI(this))},S.Jd=function(){return Eje(e6e(this.b))},S.Kd=function(){return wb(),new jP(ZDe(this.b))},S.Fb=function(s){return GU(this.b,s)},S.xc=function(s){return eF(this,s)},S.Hb=function(){return $o(this.b.c)},S.dc=function(){return this.b.c.dc()},S.gc=function(){return this.b.c.gc()},S.Ib=function(){return dc(this.b.c)},V(pn,"ForwardingImmutableMap",715),H(1974,1973,Oie),S.Bd=function(){return this.Md()},S.Cd=function(){return this.Md()},S.Nc=function(){return new zn(this,1)},S.Fb=function(s){return s===this||this.Md().Fb(s)},S.Hb=function(){return this.Md().Hb()},V(pn,"ForwardingSet",1974),H(1069,1974,Oie,GI),S.Bd=function(){return a6(this.a.b)},S.Cd=function(){return a6(this.a.b)},S.Hc=function(s){if(Ce(s,42)&&E(s,42).cd()==null)return!1;try{return qU(a6(this.a.b),s)}catch(a){if(a=Mo(a),Ce(a,205))return!1;throw de(a)}},S.Md=function(){return a6(this.a.b)},S.Qc=function(s){var a;return a=F6e(a6(this.a.b),s),a6(this.a.b).b.gc()<a.length&&qo(a,a6(this.a.b).b.gc(),null),a},V(pn,"ForwardingImmutableMap/1",1069),H(1981,1980,bA),S.Kc=function(){return this.Ed()},S.Nc=function(){return new zn(this,1)},S.Fb=function(s){return mme(this,s)},S.Hb=function(){return UFe(this)},V(pn,"ImmutableSet",1981),H(703,1981,bA),S.Kc=function(){return x5(new K_(this.a.b.Kc()))},S.Hc=function(s){return s!=null&&XO(this.a,s)},S.Ic=function(s){return VU(this.a,s)},S.Hb=function(){return $o(this.a.b)},S.dc=function(){return this.a.b.dc()},S.Ed=function(){return x5(new K_(this.a.b.Kc()))},S.gc=function(){return this.a.b.gc()},S.Pc=function(){return this.a.b.Pc()},S.Qc=function(s){return JJ(this.a,s)},S.Ib=function(){return dc(this.a.b)},V(pn,"ForwardingImmutableSet",703),H(1975,1974,jUe),S.Bd=function(){return this.b},S.Cd=function(){return this.b},S.Md=function(){return this.b},S.Nc=function(){return new wy(this)},V(pn,"ForwardingSortedSet",1975),H(533,1979,gA,sG),S.Ac=function(s){kF(this,s)},S.Cc=function(){var s;return s=this.d,new VZ(s||(this.d=new KI(this)))},S.$b=function(){nL(this)},S._b=function(s){return!!CF(this,s,Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))))},S.uc=function(s){return Z8e(this,s)},S.kc=function(){return new ROe(this,this)},S.wc=function(s){W6e(this,s)},S.xc=function(s){return f4(this,s)},S.ec=function(){return new qZ(this)},S.zc=function(s,a){return PG(this,s,a)},S.Bc=function(s){var a;return a=CF(this,s,Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15)))),a?(O4(this,a),a.e=null,a.c=null,a.i):null},S.gc=function(){return this.i},S.pd=function(){var s;return s=this.d,new VZ(s||(this.d=new KI(this)))},S.f=0,S.g=0,S.i=0,V(pn,"HashBiMap",533),H(534,1,ga),S.Nb=function(s){ja(this,s)},S.Ob=function(){return f$e(this)},S.Pb=function(){var s;if(!f$e(this))throw de(new mc);return s=this.c,this.c=s.c,this.f=s,--this.d,this.Nd(s)},S.Qb=function(){if(this.e.g!=this.b)throw de(new Td);h4(!!this.f),O4(this.e,this.f),this.b=this.e.g,this.f=null},S.b=0,S.d=0,S.f=null,V(pn,"HashBiMap/Itr",534),H(1011,534,ga,ROe),S.Nd=function(s){return new GJ(this,s)},V(pn,"HashBiMap/1",1011),H(1012,345,GG,GJ),S.cd=function(){return this.a.g},S.dd=function(){return this.a.i},S.ed=function(s){var a,l,v;return l=this.a.i,v=Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))),v==this.a.f&&(Qe(s)===Qe(l)||s!=null&&Ki(s,l))?s:(x9e(!TF(this.b.a,s,v),s),O4(this.b.a,this.a),a=new hq(this.a.g,this.a.a,s,v),tB(this.b.a,a,this.a),this.a.e=null,this.a.c=null,this.b.b=this.b.a.g,this.b.f==this.a&&(this.b.f=a),this.a=a,l)},V(pn,"HashBiMap/1/MapEntry",1012),H(238,345,{345:1,238:1,3:1,42:1},vy),S.cd=function(){return this.g},S.dd=function(){return this.i},S.ed=function(s){throw de(new Yr)},V(pn,"ImmutableEntry",238),H(317,238,{345:1,317:1,238:1,3:1,42:1},hq),S.a=0,S.f=0;var lae=V(pn,"HashBiMap/BiEntry",317);H(610,1979,gA,KI),S.Ac=function(s){kF(this,s)},S.Cc=function(){return new qZ(this.a)},S.$b=function(){nL(this.a)},S._b=function(s){return Z8e(this.a,s)},S.kc=function(){return new OOe(this,this.a)},S.wc=function(s){Jr(s),W6e(this.a,new C7(s))},S.xc=function(s){return mW(this,s)},S.ec=function(){return new VZ(this)},S.zc=function(s,a){return pkt(this.a,s,a,!1)},S.Bc=function(s){var a;return a=TF(this.a,s,Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15)))),a?(O4(this.a,a),a.e=null,a.c=null,a.g):null},S.gc=function(){return this.a.i},S.pd=function(){return new qZ(this.a)},V(pn,"HashBiMap/Inverse",610),H(1008,534,ga,OOe),S.Nd=function(s){return new sN(this,s)},V(pn,"HashBiMap/Inverse/1",1008),H(1009,345,GG,sN),S.cd=function(){return this.a.i},S.dd=function(){return this.a.g},S.ed=function(s){var a,l,v;return v=this.a.g,a=Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))),a==this.a.a&&(Qe(s)===Qe(v)||s!=null&&Ki(s,v))?s:(x9e(!CF(this.b.a.a,s,a),s),O4(this.b.a.a,this.a),l=new hq(s,a,this.a.i,this.a.f),this.a=l,tB(this.b.a.a,l,null),this.b.b=this.b.a.a.g,v)},V(pn,"HashBiMap/Inverse/1/InverseEntry",1009),H(611,532,Jf,VZ),S.Kc=function(){return new mU(this.a.a)},S.Mc=function(s){var a;return a=TF(this.a.a,s,Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15)))),a?(O4(this.a.a,a),!0):!1},V(pn,"HashBiMap/Inverse/InverseKeySet",611),H(1007,534,ga,mU),S.Nd=function(s){return s.i},V(pn,"HashBiMap/Inverse/InverseKeySet/1",1007),H(1010,1,{},C7),S.Od=function(s,a){RM(this.a,s,a)},V(pn,"HashBiMap/Inverse/lambda$0$Type",1010),H(609,532,Jf,qZ),S.Kc=function(){return new BM(this.a)},S.Mc=function(s){var a;return a=CF(this.a,s,Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15)))),a?(O4(this.a,a),a.e=null,a.c=null,!0):!1},V(pn,"HashBiMap/KeySet",609),H(1006,534,ga,BM),S.Nd=function(s){return s.g},V(pn,"HashBiMap/KeySet/1",1006),H(1093,619,D2),V(pn,"HashMultimapGwtSerializationDependencies",1093),H(265,1093,D2,kS),S.hc=function(){return new VO(lT(this.a))},S.gd=function(){return new VO(lT(this.a))},S.a=2,V(pn,"HashMultimap",265),H(1999,152,c9),S.Hc=function(s){return this.Pd().Hc(s)},S.dc=function(){return this.Pd().dc()},S.gc=function(){return this.Pd().gc()},V(pn,"ImmutableAsList",1999),H(1931,715,gA),S.Ld=function(){return wb(),new cd(this.a)},S.Cc=function(){return wb(),new cd(this.a)},S.pd=function(){return wb(),new cd(this.a)},V(pn,"ImmutableBiMap",1931),H(1977,1,{}),V(pn,"ImmutableCollection/Builder",1977),H(1022,703,bA,vJ),V(pn,"ImmutableEnumSet",1022),H(969,386,pA,M5e),S.Xb=function(s){return this.a.Xb(s)},V(pn,"ImmutableList/1",969),H(968,1977,{},m5e),V(pn,"ImmutableList/Builder",968),H(614,198,hA,gO),S.Ob=function(){return this.a.Ob()},S.Pb=function(){return E(this.a.Pb(),42).cd()},V(pn,"ImmutableMap/1",614),H(1041,1,{},$),S.Kb=function(s){return E(s,42).cd()},V(pn,"ImmutableMap/2methodref$getKey$Type",1041),H(1040,1,{},v5e),V(pn,"ImmutableMap/Builder",1040),H(2e3,1981,bA),S.Kc=function(){var s;return s=wS(this.a).Ed(),new gO(s)},S.Dd=function(){return new wD(this)},S.Jc=function(s){var a,l;for(Jr(s),l=this.gc(),a=0;a<l;a++)s.td(E(jhe(wS(this.a)).Xb(a),42).cd())},S.Ed=function(){var s;return(s=this.c,s||(this.c=new wD(this))).Ed()},S.Nc=function(){return wee(this.gc(),1296,new K$(this))},V(pn,"IndexedImmutableSet",2e3),H(1180,2e3,bA,MP),S.Kc=function(){var s;return s=wS(this.a).Ed(),new gO(s)},S.Hc=function(s){return this.a._b(s)},S.Jc=function(s){Jr(s),RF(this.a,new T7(s))},S.Ed=function(){var s;return s=wS(this.a).Ed(),new gO(s)},S.gc=function(){return this.a.gc()},S.Nc=function(){return LN(wS(this.a).Nc(),new $)},V(pn,"ImmutableMapKeySet",1180),H(1181,1,{},T7),S.Od=function(s,a){wb(),this.a.td(s)},V(pn,"ImmutableMapKeySet/lambda$0$Type",1181),H(1178,1980,dve,JQ),S.Kc=function(){return new bee(this)},S.Hc=function(s){return s!=null&&tEt(new bee(this),s)},S.Ed=function(){return new bee(this)},S.gc=function(){return this.a.gc()},S.Nc=function(){return LN(wS(this.a).Nc(),new P)},V(pn,"ImmutableMapValues",1178),H(1179,1,{},P),S.Kb=function(s){return E(s,42).dd()},V(pn,"ImmutableMapValues/0methodref$getValue$Type",1179),H(626,198,hA,bee),S.Ob=function(){return this.a.Ob()},S.Pb=function(){return E(this.a.Pb(),42).dd()},V(pn,"ImmutableMapValues/1",626),H(1182,1,{},K$),S.ld=function(s){return _De(this.a,s)},V(pn,"IndexedImmutableSet/0methodref$get$Type",1182),H(752,1999,c9,wD),S.Pd=function(){return this.a},S.Xb=function(s){return _De(this.a,s)},S.gc=function(){return this.a.a.gc()},V(pn,"IndexedImmutableSet/1",752),H(44,1,{},M),S.Kb=function(s){return E(s,20).Kc()},S.Fb=function(s){return this===s},V(pn,"Iterables/10",44),H(1042,537,km,SIe),S.Jc=function(s){Jr(s),this.b.Jc(new KJ(this.a,s))},S.Kc=function(){return Lfe(this)},V(pn,"Iterables/4",1042),H(1043,1,gr,KJ),S.td=function(s){Nit(this.b,this.a,s)},V(pn,"Iterables/4/lambda$0$Type",1043),H(1044,537,km,xIe),S.Jc=function(s){Jr(s),Na(this.a,new WJ(s,this.b))},S.Kc=function(){return Ar(new Tr(this.a),this.b)},V(pn,"Iterables/5",1044),H(1045,1,gr,WJ),S.td=function(s){this.a.td(KRe(s))},V(pn,"Iterables/5/lambda$0$Type",1045),H(1071,198,hA,ty),S.Ob=function(){return this.a.Ob()},S.Pb=function(){return this.a.Pb()},V(pn,"Iterators/1",1071),H(1072,699,hA,oN),S.Yb=function(){for(var s;this.b.Ob();)if(s=this.b.Pb(),this.a.Lb(s))return s;return this.e=2,null},V(pn,"Iterators/5",1072),H(487,1,ga),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.b.Ob()},S.Pb=function(){return this.Qd(this.b.Pb())},S.Qb=function(){this.b.Qb()},V(pn,"TransformedIterator",487),H(1073,487,ga,IOe),S.Qd=function(s){return this.a.Kb(s)},V(pn,"Iterators/6",1073),H(717,198,hA,Ua),S.Ob=function(){return!this.a},S.Pb=function(){if(this.a)throw de(new mc);return this.a=!0,this.b},S.a=!1,V(pn,"Iterators/9",717),H(1070,386,pA,GIe),S.Xb=function(s){return this.a[this.b+s]},S.b=0;var XGe;V(pn,"Iterators/ArrayItr",1070),H(39,1,{39:1,47:1},Rr),S.Nb=function(s){ja(this,s)},S.Ob=function(){return fi(this)},S.Pb=function(){return Zr(this)},S.Qb=function(){h4(!!this.c),this.c.Qb(),this.c=null},V(pn,"Iterators/ConcatenatedIterator",39),H(22,1,{3:1,35:1,22:1}),S.wd=function(s){return wU(this,E(s,22))},S.Fb=function(s){return this===s},S.Hb=function(){return gS(this)},S.Ib=function(){return JZ(this)},S.g=0;var hi=V(xc,"Enum",22);H(538,22,{538:1,3:1,35:1,22:1,47:1},POe),S.Nb=function(s){ja(this,s)},S.Ob=function(){return!1},S.Pb=function(){throw de(new mc)},S.Qb=function(){h4(!1)};var fae,QGe=ci(pn,"Iterators/EmptyModifiableIterator",538,hi,Plt,gst),JGe;H(1834,619,D2),V(pn,"LinkedHashMultimapGwtSerializationDependencies",1834),H(1835,1834,D2,fje),S.hc=function(){return new YZ(lT(this.b))},S.$b=function(){pW(this),$O(this.a,this.a)},S.gd=function(){return new YZ(lT(this.b))},S.ic=function(s){return new X9e(this,s,this.b)},S.kc=function(){return new tde(this)},S.lc=function(){var s;return new zn((s=this.g,E(s||(this.g=new hU(this)),21)),17)},S.ec=function(){var s;return s=this.i,s||(this.i=new i4(this,this.c))},S.nc=function(){return new zM(new tde(this))},S.oc=function(){var s;return LN(new zn((s=this.g,E(s||(this.g=new hU(this)),21)),17),new U)},S.b=2,V(pn,"LinkedHashMultimap",1835),H(1838,1,{},U),S.Kb=function(s){return E(s,42).dd()},V(pn,"LinkedHashMultimap/0methodref$getValue$Type",1838),H(824,1,ga,tde),S.Nb=function(s){ja(this,s)},S.Pb=function(){return egt(this)},S.Ob=function(){return this.a!=this.b.a},S.Qb=function(){h4(!!this.c),HAe(this.b,this.c.g,this.c.i),this.c=null},V(pn,"LinkedHashMultimap/1",824),H(330,238,{345:1,238:1,330:1,2020:1,3:1,42:1},rpe),S.Rd=function(){return this.f},S.Sd=function(s){this.c=s},S.Td=function(s){this.f=s},S.d=0;var ZGe=V(pn,"LinkedHashMultimap/ValueEntry",330);H(1836,1970,{2020:1,20:1,28:1,14:1,21:1},X9e),S.Fc=function(s){var a,l,v,y,x;for(x=Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))),a=x&this.b.length-1,y=this.b[a],l=y;l;l=l.a)if(l.d==x&&yb(l.i,s))return!1;return v=new rpe(this.c,s,x,y),l8(this.d,v),v.f=this,this.d=v,$O(this.g.a.b,v),$O(v,this.g.a),this.b[a]=v,++this.f,++this.e,Jyt(this),!0},S.$b=function(){var s,a;for(hN(this.b,null),this.f=0,s=this.a;s!=this;s=s.Rd())a=E(s,330),$O(a.b,a.e);this.a=this,this.d=this,++this.e},S.Hc=function(s){var a,l;for(l=Qr(Va(Rm,ym(Qr(Va(s==null?0:$o(s),Om)),15))),a=this.b[l&this.b.length-1];a;a=a.a)if(a.d==l&&yb(a.i,s))return!0;return!1},S.Jc=function(s){var a;for(Jr(s),a=this.a;a!=this;a=a.Rd())s.td(E(a,330).i)},S.Rd=function(){return this.a},S.Kc=function(){return new HDe(this)},S.Mc=function(s){return LLe(this,s)},S.Sd=function(s){this.d=s},S.Td=function(s){this.a=s},S.gc=function(){return this.f},S.e=0,S.f=0,V(pn,"LinkedHashMultimap/ValueSet",1836),H(1837,1,ga,HDe),S.Nb=function(s){ja(this,s)},S.Ob=function(){return Che(this),this.b!=this.c},S.Pb=function(){var s,a;if(Che(this),this.b==this.c)throw de(new mc);return s=E(this.b,330),a=s.i,this.d=s,this.b=s.f,a},S.Qb=function(){Che(this),h4(!!this.d),LLe(this.c,this.d.i),this.a=this.c.e,this.d=null},S.a=0,V(pn,"LinkedHashMultimap/ValueSet/1",1837),H(766,1986,D2,PRe),S.Zb=function(){var s;return s=this.f,s||(this.f=new hh(this))},S.Fb=function(s){return bne(this,s)},S.cc=function(s){return new aN(this,s)},S.fc=function(s){return jpe(this,s)},S.$b=function(){TDe(this)},S._b=function(s){return KU(this,s)},S.ac=function(){return new hh(this)},S.bc=function(){return new D7(this)},S.qc=function(s){return new aN(this,s)},S.dc=function(){return!this.a},S.rc=function(s){return jpe(this,s)},S.gc=function(){return this.d},S.c=0,S.d=0,V(pn,"LinkedListMultimap",766),H(52,28,mA),S.ad=function(s){d4(this,s)},S.Nc=function(){return new zn(this,16)},S.Vc=function(s,a){throw de(new M1("Add not supported on this list"))},S.Fc=function(s){return this.Vc(this.gc(),s),!0},S.Wc=function(s,a){var l,v,y;for(Qn(a),l=!1,y=a.Kc();y.Ob();)v=y.Pb(),this.Vc(s++,v),l=!0;return l},S.$b=function(){this.Ud(0,this.gc())},S.Fb=function(s){return Xme(this,s)},S.Hb=function(){return uge(this)},S.Xc=function(s){return _Fe(this,s)},S.Kc=function(){return new ry(this)},S.Yc=function(){return this.Zc(0)},S.Zc=function(s){return new Oa(this,s)},S.$c=function(s){throw de(new M1("Remove not supported on this list"))},S.Ud=function(s,a){var l,v;for(v=this.Zc(s),l=s;l<a;++l)v.Pb(),v.Qb()},S._c=function(s,a){throw de(new M1("Set not supported on this list"))},S.bd=function(s,a){return new Em(this,s,a)},S.j=0,V(Mr,"AbstractList",52),H(1964,52,mA),S.Vc=function(s,a){QD(this,s,a)},S.Wc=function(s,a){return J9e(this,s,a)},S.Xb=function(s){return W1(this,s)},S.Kc=function(){return this.Zc(0)},S.$c=function(s){return hre(this,s)},S._c=function(s,a){var l,v;l=this.Zc(s);try{return v=l.Pb(),l.Wb(a),v}catch(y){throw y=Mo(y),Ce(y,109)?de(new xu("Can't set element "+s)):de(y)}},V(Mr,"AbstractSequentialList",1964),H(636,1964,mA,aN),S.Zc=function(s){return NOe(this,s)},S.gc=function(){var s;return s=E(Cr(this.a.b,this.b),283),s?s.a:0},V(pn,"LinkedListMultimap/1",636),H(1297,1970,Jf,D7),S.Hc=function(s){return KU(this.a,s)},S.Kc=function(){return new NFe(this.a)},S.Mc=function(s){return!jpe(this.a,s).a.dc()},S.gc=function(){return YO(this.a.b)},V(pn,"LinkedListMultimap/1KeySetImpl",1297),H(1296,1,ga,NFe),S.Nb=function(s){ja(this,s)},S.Ob=function(){return xhe(this),!!this.c},S.Pb=function(){xhe(this),ide(this.c),this.a=this.c,Bs(this.d,this.a.a);do this.c=this.c.b;while(this.c&&!Bs(this.d,this.c.a));return this.a.a},S.Qb=function(){xhe(this),h4(!!this.a),XV(new Nte(this.e,this.a.a)),this.a=null,this.b=this.e.c},S.b=0,V(pn,"LinkedListMultimap/DistinctKeyIterator",1296),H(283,1,{283:1},dpe),S.a=0,V(pn,"LinkedListMultimap/KeyList",283),H(1295,345,GG,YJ),S.cd=function(){return this.a},S.dd=function(){return this.f},S.ed=function(s){var a;return a=this.f,this.f=s,a},V(pn,"LinkedListMultimap/Node",1295),H(560,1,Tm,Nte,ANe),S.Nb=function(s){ja(this,s)},S.Rb=function(s){this.e=C0e(this.f,this.b,s,this.c),++this.d,this.a=null},S.Ob=function(){return!!this.c},S.Sb=function(){return!!this.e},S.Pb=function(){return vpe(this)},S.Tb=function(){return this.d},S.Ub=function(){return iAe(this)},S.Vb=function(){return this.d-1},S.Qb=function(){h4(!!this.a),this.a!=this.c?(this.e=this.a.e,--this.d):this.c=this.a.c,rSt(this.f,this.a),this.a=null},S.Wb=function(s){rde(!!this.a),this.a.f=s},S.d=0,V(pn,"LinkedListMultimap/ValueForKeyIterator",560),H(1018,52,mA),S.Vc=function(s,a){this.a.Vc(s,a)},S.Wc=function(s,a){return this.a.Wc(s,a)},S.Hc=function(s){return this.a.Hc(s)},S.Xb=function(s){return this.a.Xb(s)},S.$c=function(s){return this.a.$c(s)},S._c=function(s,a){return this.a._c(s,a)},S.gc=function(){return this.a.gc()},V(pn,"Lists/AbstractListWrapper",1018),H(1019,1018,NUe),V(pn,"Lists/RandomAccessListWrapper",1019),H(1021,1019,NUe,UU),S.Zc=function(s){return this.a.Zc(s)},V(pn,"Lists/1",1021),H(131,52,{131:1,20:1,28:1,52:1,14:1,15:1},Nv),S.Vc=function(s,a){this.a.Vc(r6(this,s),a)},S.$b=function(){this.a.$b()},S.Xb=function(s){return this.a.Xb(Qhe(this,s))},S.Kc=function(){return _pe(this,0)},S.Zc=function(s){return _pe(this,s)},S.$c=function(s){return this.a.$c(Qhe(this,s))},S.Ud=function(s,a){(YAe(s,a,this.a.gc()),m2(this.a.bd(r6(this,a),r6(this,s)))).$b()},S._c=function(s,a){return this.a._c(Qhe(this,s),a)},S.gc=function(){return this.a.gc()},S.bd=function(s,a){return YAe(s,a,this.a.gc()),m2(this.a.bd(r6(this,a),r6(this,s)))},V(pn,"Lists/ReverseList",131),H(280,131,{131:1,20:1,28:1,52:1,14:1,15:1,54:1},ay),V(pn,"Lists/RandomAccessReverseList",280),H(1020,1,Tm,XJ),S.Nb=function(s){ja(this,s)},S.Rb=function(s){this.c.Rb(s),this.c.Ub(),this.a=!1},S.Ob=function(){return this.c.Sb()},S.Sb=function(){return this.c.Ob()},S.Pb=function(){return J$e(this)},S.Tb=function(){return r6(this.b,this.c.Tb())},S.Ub=function(){if(!this.c.Ob())throw de(new mc);return this.a=!0,this.c.Pb()},S.Vb=function(){return r6(this.b,this.c.Tb())-1},S.Qb=function(){h4(this.a),this.c.Qb(),this.a=!1},S.Wb=function(s){rde(this.a),this.c.Wb(s)},S.a=!1,V(pn,"Lists/ReverseList/1",1020),H(432,487,ga,Fk),S.Qd=function(s){return uc(s)},V(pn,"Maps/1",432),H(698,487,ga,zM),S.Qd=function(s){return E(s,42).dd()},V(pn,"Maps/2",698),H(962,487,ga,MOe),S.Qd=function(s){return new vy(s,LRe(this.a,s))},V(pn,"Maps/3",962),H(959,1971,Jf,I7),S.Jc=function(s){au(this.a,s)},S.Kc=function(){return this.a.kc()},S.Rc=function(){return this.a},S.Nc=function(){return this.a.lc()},V(pn,"Maps/IteratorBasedAbstractMap/1",959),H(960,1,{},O7),S.Od=function(s,a){this.a.td(s)},V(pn,"Maps/KeySet/lambda$0$Type",960),H(958,28,DT,HD),S.$b=function(){this.a.$b()},S.Hc=function(s){return this.a.uc(s)},S.Jc=function(s){Jr(s),this.a.wc(new X$(s))},S.dc=function(){return this.a.dc()},S.Kc=function(){return new zM(this.a.vc().Kc())},S.Mc=function(s){var a,l;try{return bT(this,s,!0)}catch(v){if(v=Mo(v),Ce(v,41)){for(l=this.a.vc().Kc();l.Ob();)if(a=E(l.Pb(),42),yb(s,a.dd()))return this.a.Bc(a.cd()),!0;return!1}else throw de(v)}},S.gc=function(){return this.a.gc()},V(pn,"Maps/Values",958),H(961,1,{},X$),S.Od=function(s,a){this.a.td(a)},V(pn,"Maps/Values/lambda$0$Type",961),H(736,1987,tx,hh),S.xc=function(s){return this.a._b(s)?this.a.cc(s):null},S.Bc=function(s){return this.a._b(s)?this.a.fc(s):null},S.$b=function(){this.a.$b()},S._b=function(s){return this.a._b(s)},S.Ec=function(){return new um(this)},S.Dc=function(){return this.Ec()},S.dc=function(){return this.a.dc()},S.ec=function(){return this.a.ec()},S.gc=function(){return this.a.ec().gc()},V(pn,"Multimaps/AsMap",736),H(1104,1971,Jf,um),S.Kc=function(){return Bot(this.a.a.ec(),new k7(this))},S.Rc=function(){return this.a},S.Mc=function(s){var a;return Xje(this,s)?(a=E(s,42),LO(this.a,a.cd()),!0):!1},V(pn,"Multimaps/AsMap/EntrySet",1104),H(1108,1,{},k7),S.Kb=function(s){return LRe(this,s)},S.Fb=function(s){return this===s},V(pn,"Multimaps/AsMap/EntrySet/1",1108),H(543,1989,{543:1,835:1,20:1,28:1,14:1},Bc),S.$b=function(){pW(this.a)},S.Hc=function(s){return IU(this.a,s)},S.Jc=function(s){Jr(s),Na(cF(this.a),new Q$(s))},S.Kc=function(){return new Fk(cF(this.a).a.kc())},S.gc=function(){return this.a.d},S.Nc=function(){return LN(cF(this.a).Nc(),new G)},V(pn,"Multimaps/Keys",543),H(1106,1,{},G),S.Kb=function(s){return E(s,42).cd()},V(pn,"Multimaps/Keys/0methodref$getKey$Type",1106),H(1105,487,ga,wJ),S.Qd=function(s){return new R7(E(s,42))},V(pn,"Multimaps/Keys/1",1105),H(1990,1,{416:1}),S.Fb=function(s){var a;return Ce(s,492)?(a=E(s,416),E(this.a.dd(),14).gc()==E(a.a.dd(),14).gc()&&yb(this.a.cd(),a.a.cd())):!1},S.Hb=function(){var s;return s=this.a.cd(),(s==null?0:$o(s))^E(this.a.dd(),14).gc()},S.Ib=function(){var s,a;return a=Y8(this.a.cd()),s=E(this.a.dd(),14).gc(),s==1?a:a+" x "+s},V(pn,"Multisets/AbstractEntry",1990),H(492,1990,{492:1,416:1},R7),V(pn,"Multimaps/Keys/1/1",492),H(1107,1,gr,Q$),S.td=function(s){this.a.td(E(s,42).cd())},V(pn,"Multimaps/Keys/lambda$1$Type",1107),H(1110,1,gr,X),S.td=function(s){Hct(E(s,416))},V(pn,"Multiset/lambda$0$Type",1110),H(737,1,gr,yC),S.td=function(s){ogt(this.a,E(s,416))},V(pn,"Multiset/lambda$1$Type",737),H(1111,1,{},ge),V(pn,"Multisets/0methodref$add$Type",1111),H(738,1,{},oe),S.Kb=function(s){return Yht(E(s,416))},V(pn,"Multisets/lambda$3$Type",738),H(2008,1,yB),V(pn,"RangeGwtSerializationDependencies",2008),H(514,2008,{169:1,514:1,3:1,45:1},gbe),S.Lb=function(s){return cDe(this,E(s,35))},S.Mb=function(s){return cDe(this,E(s,35))},S.Fb=function(s){var a;return Ce(s,514)?(a=E(s,514),obe(this.a,a.a)&&obe(this.b,a.b)):!1},S.Hb=function(){return this.a.Hb()*31+this.b.Hb()},S.Ib=function(){return m$e(this.a,this.b)},V(pn,"Range",514),H(778,1999,c9,yDe),S.Zc=function(s){return pde(this.b,s)},S.Pd=function(){return this.a},S.Xb=function(s){return yy(this.b,s)},S.Fd=function(s){return pde(this.b,s)},V(pn,"RegularImmutableAsList",778),H(646,2006,c9,ete),S.Hd=function(){return this.a},V(pn,"RegularImmutableList",646),H(616,715,gA,OD),V(pn,"RegularImmutableMap",616),H(716,703,bA,tfe);var IEe;V(pn,"RegularImmutableSet",716),H(1976,Pg,Jf),S.Kc=function(){return new spe(this.a,this.b)},S.Fc=function(s){throw de(new Yr)},S.Gc=function(s){throw de(new Yr)},S.$b=function(){throw de(new Yr)},S.Mc=function(s){throw de(new Yr)},V(pn,"Sets/SetView",1976),H(963,1976,Jf,uN),S.Kc=function(){return new spe(this.a,this.b)},S.Hc=function(s){return See(this.a,s)&&this.b.Hc(s)},S.Ic=function(s){return CL(this.a,s)&&this.b.Ic(s)},S.dc=function(){return F7e(this.b,this.a)},S.Lc=function(){return So(new Nn(null,new zn(this.a,1)),new J$(this.b))},S.gc=function(){return _L(this)},S.Oc=function(){return So(new Nn(null,new zn(this.a,1)),new A7(this.b))},V(pn,"Sets/2",963),H(700,699,hA,spe),S.Yb=function(){for(var s;Ufe(this.a);)if(s=vF(this.a),this.c.Hc(s))return s;return this.e=2,null},V(pn,"Sets/2/1",700),H(964,1,Ni,A7),S.Mb=function(s){return this.a.Hc(s)},V(pn,"Sets/2/4methodref$contains$Type",964),H(965,1,Ni,J$),S.Mb=function(s){return this.a.Hc(s)},V(pn,"Sets/2/5methodref$contains$Type",965),H(607,1975,{607:1,3:1,20:1,14:1,271:1,21:1,84:1},B6e),S.Bd=function(){return this.b},S.Cd=function(){return this.b},S.Md=function(){return this.b},S.Jc=function(s){this.a.Jc(s)},S.Lc=function(){return this.a.Lc()},S.Oc=function(){return this.a.Oc()},V(pn,"Sets/UnmodifiableNavigableSet",607),H(1932,1931,gA,KDe),S.Ld=function(){return wb(),new cd(this.a)},S.Cc=function(){return wb(),new cd(this.a)},S.pd=function(){return wb(),new cd(this.a)},V(pn,"SingletonImmutableBiMap",1932),H(647,2006,c9,yee),S.Hd=function(){return this.a},V(pn,"SingletonImmutableList",647),H(350,1981,bA,cd),S.Kc=function(){return new Ua(this.a)},S.Hc=function(s){return Ki(this.a,s)},S.Ed=function(){return new Ua(this.a)},S.gc=function(){return 1},V(pn,"SingletonImmutableSet",350),H(1115,1,{},me),S.Kb=function(s){return E(s,164)},V(pn,"Streams/lambda$0$Type",1115),H(1116,1,XG,bO),S.Vd=function(){Bpt(this.a)},V(pn,"Streams/lambda$1$Type",1116),H(1659,1658,D2,A6e),S.Zb=function(){var s;return s=this.f,E(E(s||(this.f=Ce(this.c,171)?new MV(this,E(this.c,171)):Ce(this.c,161)?new AN(this,E(this.c,161)):new VC(this,this.c)),161),171)},S.hc=function(){return new gm(this.b)},S.gd=function(){return new gm(this.b)},S.ec=function(){var s;return s=this.i,E(E(s||(this.i=Ce(this.c,171)?new Uk(this,E(this.c,171)):Ce(this.c,161)?new Hk(this,E(this.c,161)):new i4(this,this.c)),84),271)},S.ac=function(){return Ce(this.c,171)?new MV(this,E(this.c,171)):Ce(this.c,161)?new AN(this,E(this.c,161)):new VC(this,this.c)},S.ic=function(s){return s==null&&this.a.ue(s,s),new gm(this.b)},V(pn,"TreeMultimap",1659),H(78,1,{3:1,78:1}),S.Wd=function(s){return new Error(s)},S.Xd=function(){return this.e},S.Yd=function(){return Z0t(xf($ee((this.k==null&&(this.k=Pe(dae,ft,78,0,0,1)),this.k)),new st))},S.Zd=function(){return this.f},S.$d=function(){return this.g},S._d=function(){yJ(this,$ht(this.Wd(tte(this,this.g)))),OM(this)},S.Ib=function(){return tte(this,this.$d())},S.e=LUe,S.i=!1,S.n=!0;var dae=V(xc,"Throwable",78);H(102,78,{3:1,102:1,78:1}),V(xc,"Exception",102),H(60,102,M0,fb,Zu),V(xc,"RuntimeException",60),H(598,60,M0),V(xc,"JsException",598),H(863,598,M0),V(xB,"JavaScriptExceptionBase",863),H(477,863,{477:1,3:1,102:1,60:1,78:1},lje),S.$d=function(){return _Et(this),this.c},S.ae=function(){return Qe(this.b)===Qe(DEe)?null:this.b};var DEe;V(pve,"JavaScriptException",477);var eKe=V(pve,"JavaScriptObject$",0),hae;H(1948,1,{}),V(pve,"Scheduler",1948);var iY=0,tKe=0,oY=-1;H(890,1948,{},De);var AEe;V(xB,"SchedulerImpl",890);var pae;H(1960,1,{}),V(xB,"StackTraceCreator/Collector",1960),H(864,1960,{},Le),S.be=function(s){var a={},l=[];s[Aie]=l;for(var v=arguments.callee.caller;v;){var y=(l6(),v.name||(v.name=Egt(v.toString())));l.push(y);var x=":"+y,T=a[x];if(T){var O,A;for(O=0,A=T.length;O<A;O++)if(T[O]===v)return}(T||(a[x]=[])).push(v),v=v.caller}},S.ce=function(s){var a,l,v,y;for(v=(l6(),s&&s[Aie]?s[Aie]:[]),l=v.length,y=Pe(WEe,ft,310,l,0,1),a=0;a<l;a++)y[a]=new Wee(v[a],null,-1);return y},V(xB,"StackTraceCreator/CollectorLegacy",864),H(1961,1960,{}),S.be=function(s){},S.de=function(s,a,l,v){return new Wee(a,s+"@"+v,l<0?-1:l)},S.ce=function(s){var a,l,v,y,x,T;if(y=Kwt(s),x=Pe(WEe,ft,310,0,0,1),a=0,v=y.length,v==0)return x;for(T=EHe(this,y[0]),xn(T.d,Die)||(x[a++]=T),l=1;l<v;l++)x[a++]=EHe(this,y[l]);return x},V(xB,"StackTraceCreator/CollectorModern",1961),H(865,1961,{},ne),S.de=function(s,a,l,v){return new Wee(a,s,-1)},V(xB,"StackTraceCreator/CollectorModernNoSourceMap",865),H(1050,1,{}),V(bve,HUe,1050),H(615,1050,{615:1},jDe);var $Ee;V(Qie,HUe,615),H(2001,1,{}),V(bve,UUe,2001),H(2002,2001,{}),V(Qie,UUe,2002),H(1090,1,{},re);var z9;V(Qie,"LocaleInfo",1090),H(1918,1,{},ve),S.a=0,V(Qie,"TimeZone",1918),H(1258,2002,{},Z),V("com.google.gwt.i18n.client.impl.cldr","DateTimeFormatInfoImpl",1258),H(434,1,{434:1},dIe),S.a=!1,S.b=0,V(bve,"DateTimeFormat/PatternPart",434),H(199,1,VUe,T8,ige,xde),S.wd=function(s){return Iht(this,E(s,199))},S.Fb=function(s){return Ce(s,199)&&dS(Df(this.q.getTime()),Df(E(s,199).q.getTime()))},S.Hb=function(){var s;return s=Df(this.q.getTime()),Qr(hte(s,eT(s,32)))},S.Ib=function(){var s,a,l;return l=-this.q.getTimezoneOffset(),s=(l>=0?"+":"")+(l/60|0),a=yV(m.Math.abs(l)%60),(tNe(),fKe)[this.q.getDay()]+" "+dKe[this.q.getMonth()]+" "+yV(this.q.getDate())+" "+yV(this.q.getHours())+":"+yV(this.q.getMinutes())+":"+yV(this.q.getSeconds())+" GMT"+s+a+" "+this.q.getFullYear()};var sY=V(Mr,"Date",199);H(1915,199,VUe,RMe),S.a=!1,S.b=0,S.c=0,S.d=0,S.e=0,S.f=0,S.g=!1,S.i=0,S.j=0,S.k=0,S.n=0,S.o=0,S.p=0,V("com.google.gwt.i18n.shared.impl","DateRecord",1915),H(1966,1,{}),S.fe=function(){return null},S.ge=function(){return null},S.he=function(){return null},S.ie=function(){return null},S.je=function(){return null},V(z5,"JSONValue",1966),H(216,1966,{216:1},ob,YI),S.Fb=function(s){return Ce(s,216)?xpe(this.a,E(s,216).a):!1},S.ee=function(){return YH},S.Hb=function(){return fpe(this.a)},S.fe=function(){return this},S.Ib=function(){var s,a,l;for(l=new gh("["),a=0,s=this.a.length;a<s;a++)a>0&&(l.a+=","),zc(l,cT(this,a));return l.a+="]",l.a},V(z5,"JSONArray",216),H(483,1966,{483:1},Z$),S.ee=function(){return CM},S.ge=function(){return this},S.Ib=function(){return tr(),""+this.a},S.a=!1;var nKe,rKe;V(z5,"JSONBoolean",483),H(985,60,M0,vU),V(z5,"JSONException",985),H(1023,1966,{},Se),S.ee=function(){return kM},S.Ib=function(){return $f};var iKe;V(z5,"JSONNull",1023),H(258,1966,{258:1},mO),S.Fb=function(s){return Ce(s,258)?this.a==E(s,258).a:!1},S.ee=function(){return DO},S.Hb=function(){return GD(this.a)},S.he=function(){return this},S.Ib=function(){return this.a+""},S.a=0,V(z5,"JSONNumber",258),H(183,1966,{183:1},NC,vk),S.Fb=function(s){return Ce(s,183)?xpe(this.a,E(s,183).a):!1},S.ee=function(){return PP},S.Hb=function(){return fpe(this.a)},S.ie=function(){return this},S.Ib=function(){var s,a,l,v,y,x,T;for(T=new gh("{"),s=!0,x=nne(this,Pe(Bt,ft,2,0,6,1)),l=x,v=0,y=l.length;v<y;++v)a=l[v],s?s=!1:T.a+=fu,gi(T,wLe(a)),T.a+=":",zc(T,S0(this,a));return T.a+="}",T.a},V(z5,"JSONObject",183),H(596,Pg,Jf,cN),S.Hc=function(s){return ha(s)&&p8(this.a,ai(s))},S.Kc=function(){return new ry(new yf(this.b))},S.gc=function(){return this.b.length},V(z5,"JSONObject/1",596);var gae;H(204,1966,{204:1},nT),S.Fb=function(s){return Ce(s,204)?xn(this.a,E(s,204).a):!1},S.ee=function(){return FP},S.Hb=function(){return ew(this.a)},S.je=function(){return this},S.Ib=function(){return wLe(this.a)},V(z5,"JSONString",204);var Yy,PEe,oKe,FEe,jEe;H(1962,1,{525:1}),V(mve,"OutputStream",1962),H(1963,1962,{525:1}),V(mve,"FilterOutputStream",1963),H(866,1963,{525:1},Tn),V(mve,"PrintStream",866),H(418,1,{475:1}),S.Ib=function(){return this.a},V(xc,"AbstractStringBuilder",418),H(529,60,M0,ID),V(xc,"ArithmeticException",529),H(73,60,Jie,yD,xu),V(xc,"IndexOutOfBoundsException",73),H(320,73,{3:1,320:1,102:1,73:1,60:1,78:1},SD,BC),V(xc,"ArrayIndexOutOfBoundsException",320),H(528,60,M0,ED,yU),V(xc,"ArrayStoreException",528),H(289,78,qUe,UM),V(xc,"Error",289),H(194,289,qUe,NP,zpe),V(xc,"AssertionError",194),WGe={3:1,476:1,35:1};var H2,FA,Us=V(xc,"Boolean",476);H(236,1,{3:1,236:1});var MEe;V(xc,"Number",236),H(217,236,{3:1,217:1,35:1,236:1},z7),S.wd=function(s){return xU(this,E(s,217))},S.ke=function(){return this.a},S.Fb=function(s){return Ce(s,217)&&E(s,217).a==this.a},S.Hb=function(){return this.a},S.Ib=function(){return""+this.a},S.a=0;var Z5=V(xc,"Byte",217),NEe;H(172,1,{3:1,172:1,35:1},_O),S.wd=function(s){return CU(this,E(s,172))},S.Fb=function(s){return Ce(s,172)&&E(s,172).a==this.a},S.Hb=function(){return this.a},S.Ib=function(){return String.fromCharCode(this.a)},S.a=0;var LEe,H9=V(xc,"Character",172),BEe;H(205,60,{3:1,205:1,102:1,60:1,78:1},JH,rS),V(xc,"ClassCastException",205),GGe={3:1,35:1,333:1,236:1};var xa=V(xc,"Double",333);H(155,236,{3:1,35:1,155:1,236:1},SC,CD),S.wd=function(s){return Jit(this,E(s,155))},S.ke=function(){return this.a},S.Fb=function(s){return Ce(s,155)&&L5e(this.a,E(s,155).a)},S.Hb=function(){return ss(this.a)},S.Ib=function(){return""+this.a},S.a=0;var jA=V(xc,"Float",155);H(32,60,{3:1,102:1,32:1,60:1,78:1},PO,Yn,nje),V(xc,"IllegalArgumentException",32),H(71,60,M0,Kl,zu),V(xc,"IllegalStateException",71),H(19,236,{3:1,35:1,19:1,236:1},Sk),S.wd=function(s){return Zit(this,E(s,19))},S.ke=function(){return this.a},S.Fb=function(s){return Ce(s,19)&&E(s,19).a==this.a},S.Hb=function(){return this.a},S.Ib=function(){return""+this.a},S.a=0;var nu=V(xc,"Integer",19),zEe,sKe;H(162,236,{3:1,35:1,162:1,236:1},xC),S.wd=function(s){return eot(this,E(s,162))},S.ke=function(){return OS(this.a)},S.Fb=function(s){return Ce(s,162)&&dS(E(s,162).a,this.a)},S.Hb=function(){return Qr(this.a)},S.Ib=function(){return""+oF(this.a)},S.a=0;var cx=V(xc,"Long",162),HEe;H(2039,1,{}),H(1831,60,M0,VM),V(xc,"NegativeArraySizeException",1831),H(173,598,{3:1,102:1,173:1,60:1,78:1},FC,LC),S.Wd=function(s){return new TypeError(s)},V(xc,"NullPointerException",173);var UEe,bae,aKe,VEe;H(127,32,{3:1,102:1,32:1,127:1,60:1,78:1},Bh),V(xc,"NumberFormatException",127),H(184,236,{3:1,35:1,236:1,184:1},fm),S.wd=function(s){return TU(this,E(s,184))},S.ke=function(){return this.a},S.Fb=function(s){return Ce(s,184)&&E(s,184).a==this.a},S.Hb=function(){return this.a},S.Ib=function(){return""+this.a},S.a=0;var lx=V(xc,"Short",184),qEe;H(310,1,{3:1,310:1},Wee),S.Fb=function(s){var a;return Ce(s,310)?(a=E(s,310),this.c==a.c&&this.d==a.d&&this.a==a.a&&this.b==a.b):!1},S.Hb=function(){return PW(pe(he(mr,1),Ht,1,5,[Ot(this.c),this.a,this.d,this.b]))},S.Ib=function(){return this.a+"."+this.d+"("+(this.b!=null?this.b:"Unknown Source")+(this.c>=0?":"+this.c:"")+")"},S.c=0;var WEe=V(xc,"StackTraceElement",310);KGe={3:1,475:1,35:1,2:1};var Bt=V(xc,hve,2);H(107,418,{475:1},bg,zC,pp),V(xc,"StringBuffer",107),H(100,418,{475:1},pm,fy,gh),V(xc,"StringBuilder",100),H(687,73,Jie,SU),V(xc,"StringIndexOutOfBoundsException",687),H(2043,1,{});var GEe;H(844,1,{},st),S.Kb=function(s){return E(s,78).e},V(xc,"Throwable/lambda$0$Type",844),H(41,60,{3:1,102:1,60:1,78:1,41:1},Yr,M1),V(xc,"UnsupportedOperationException",41),H(240,236,{3:1,35:1,236:1,240:1},bL,PU),S.wd=function(s){return Fze(this,E(s,240))},S.ke=function(){return ST(mHe(this))},S.Fb=function(s){var a;return this===s?!0:Ce(s,240)?(a=E(s,240),this.e==a.e&&Fze(this,a)==0):!1},S.Hb=function(){var s;return this.b!=0?this.b:this.a<54?(s=Df(this.f),this.b=Qr(zs(s,-1)),this.b=33*this.b+Qr(zs(xy(s,32),-1)),this.b=17*this.b+ss(this.e),this.b):(this.b=17*gje(this.c)+ss(this.e),this.b)},S.Ib=function(){return mHe(this)},S.a=0,S.b=0,S.d=0,S.e=0,S.f=0;var uKe,U2,KEe,YEe,XEe,QEe,JEe,ZEe,mae=V("java.math","BigDecimal",240);H(91,236,{3:1,35:1,236:1,91:1},hbe,Wv,o4,Ybe,v7e,_y),S.wd=function(s){return h7e(this,E(s,91))},S.ke=function(){return ST(Cie(this,0))},S.Fb=function(s){return Wge(this,s)},S.Hb=function(){return gje(this)},S.Ib=function(){return Cie(this,0)},S.b=-2,S.c=0,S.d=0,S.e=0;var vae,aY,e2e,wae,uY,MA,Y4=V("java.math","BigInteger",91),cKe,lKe,eI,U9;H(488,1967,tx),S.$b=function(){fd(this)},S._b=function(s){return Xd(this,s)},S.uc=function(s){return Z9e(this,s,this.g)||Z9e(this,s,this.f)},S.vc=function(){return new dg(this)},S.xc=function(s){return Cr(this,s)},S.zc=function(s,a){return Qi(this,s,a)},S.Bc=function(s){return _5(this,s)},S.gc=function(){return YO(this)},V(Mr,"AbstractHashMap",488),H(261,Pg,Jf,dg),S.$b=function(){this.a.$b()},S.Hc=function(s){return QAe(this,s)},S.Kc=function(){return new _2(this.a)},S.Mc=function(s){var a;return QAe(this,s)?(a=E(s,42).cd(),this.a.Bc(a),!0):!1},S.gc=function(){return this.a.gc()},V(Mr,"AbstractHashMap/EntrySet",261),H(262,1,ga,_2),S.Nb=function(s){ja(this,s)},S.Pb=function(){return $S(this)},S.Ob=function(){return this.b},S.Qb=function(){KPe(this)},S.b=!1,V(Mr,"AbstractHashMap/EntrySetIterator",262),H(417,1,ga,ry),S.Nb=function(s){ja(this,s)},S.Ob=function(){return Pl(this)},S.Pb=function(){return w6e(this)},S.Qb=function(){Qd(this)},S.b=0,S.c=-1,V(Mr,"AbstractList/IteratorImpl",417),H(96,417,Tm,Oa),S.Qb=function(){Qd(this)},S.Rb=function(s){QC(this,s)},S.Sb=function(){return this.b>0},S.Tb=function(){return this.b},S.Ub=function(){return vr(this.b>0),this.a.Xb(this.c=--this.b)},S.Vb=function(){return this.b-1},S.Wb=function(s){KC(this.c!=-1),this.a._c(this.c,s)},V(Mr,"AbstractList/ListIteratorImpl",96),H(219,52,mA,Em),S.Vc=function(s,a){oT(s,this.b),this.c.Vc(this.a+s,a),++this.b},S.Xb=function(s){return Vn(s,this.b),this.c.Xb(this.a+s)},S.$c=function(s){var a;return Vn(s,this.b),a=this.c.$c(this.a+s),--this.b,a},S._c=function(s,a){return Vn(s,this.b),this.c._c(this.a+s,a)},S.gc=function(){return this.b},S.a=0,S.b=0,V(Mr,"AbstractList/SubList",219),H(384,Pg,Jf,WE),S.$b=function(){this.a.$b()},S.Hc=function(s){return this.a._b(s)},S.Kc=function(){var s;return s=this.a.vc().Kc(),new eD(s)},S.Mc=function(s){return this.a._b(s)?(this.a.Bc(s),!0):!1},S.gc=function(){return this.a.gc()},V(Mr,"AbstractMap/1",384),H(691,1,ga,eD),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.a.Ob()},S.Pb=function(){var s;return s=E(this.a.Pb(),42),s.cd()},S.Qb=function(){this.a.Qb()},V(Mr,"AbstractMap/1/1",691),H(226,28,DT,Nh),S.$b=function(){this.a.$b()},S.Hc=function(s){return this.a.uc(s)},S.Kc=function(){var s;return s=this.a.vc().Kc(),new j1(s)},S.gc=function(){return this.a.gc()},V(Mr,"AbstractMap/2",226),H(294,1,ga,j1),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.a.Ob()},S.Pb=function(){var s;return s=E(this.a.Pb(),42),s.dd()},S.Qb=function(){this.a.Qb()},V(Mr,"AbstractMap/2/1",294),H(484,1,{484:1,42:1}),S.Fb=function(s){var a;return Ce(s,42)?(a=E(s,42),bl(this.d,a.cd())&&bl(this.e,a.dd())):!1},S.cd=function(){return this.d},S.dd=function(){return this.e},S.Hb=function(){return t4(this.d)^t4(this.e)},S.ed=function(s){return Pde(this,s)},S.Ib=function(){return this.d+"="+this.e},V(Mr,"AbstractMap/AbstractEntry",484),H(383,484,{484:1,383:1,42:1},tV),V(Mr,"AbstractMap/SimpleEntry",383),H(1984,1,noe),S.Fb=function(s){var a;return Ce(s,42)?(a=E(s,42),bl(this.cd(),a.cd())&&bl(this.dd(),a.dd())):!1},S.Hb=function(){return t4(this.cd())^t4(this.dd())},S.Ib=function(){return this.cd()+"="+this.dd()},V(Mr,AUe,1984),H(1992,1967,IUe),S.tc=function(s){return oPe(this,s)},S._b=function(s){return uee(this,s)},S.vc=function(){return new SO(this)},S.xc=function(s){var a;return a=s,Rc(hge(this,a))},S.ec=function(){return new xk(this)},V(Mr,"AbstractNavigableMap",1992),H(739,Pg,Jf,SO),S.Hc=function(s){return Ce(s,42)&&oPe(this.b,E(s,42))},S.Kc=function(){return new Z8(this.b)},S.Mc=function(s){var a;return Ce(s,42)?(a=E(s,42),WPe(this.b,a)):!1},S.gc=function(){return this.b.c},V(Mr,"AbstractNavigableMap/EntrySet",739),H(493,Pg,fve,xk),S.Nc=function(){return new wy(this)},S.$b=function(){MO(this.a)},S.Hc=function(s){return uee(this.a,s)},S.Kc=function(){var s;return s=new Z8(new X8(this.a).b),new Ck(s)},S.Mc=function(s){return uee(this.a,s)?(hF(this.a,s),!0):!1},S.gc=function(){return this.a.c},V(Mr,"AbstractNavigableMap/NavigableKeySet",493),H(494,1,ga,Ck),S.Nb=function(s){ja(this,s)},S.Ob=function(){return Pl(this.a.a)},S.Pb=function(){var s;return s=FV(this.a),s.cd()},S.Qb=function(){Y5e(this.a)},V(Mr,"AbstractNavigableMap/NavigableKeySet/1",494),H(2004,28,DT),S.Fc=function(s){return b6(Z6(this,s)),!0},S.Gc=function(s){return Qn(s),UV(s!=this,"Can't add a queue to itself"),cu(this,s)},S.$b=function(){for(;Vte(this)!=null;);},V(Mr,"AbstractQueue",2004),H(302,28,{4:1,20:1,28:1,14:1},YE,_Ae),S.Fc=function(s){return Ape(this,s),!0},S.$b=function(){Npe(this)},S.Hc=function(s){return _9e(new dF(this),s)},S.dc=function(){return NO(this)},S.Kc=function(){return new dF(this)},S.Mc=function(s){return Cdt(new dF(this),s)},S.gc=function(){return this.c-this.b&this.a.length-1},S.Nc=function(){return new zn(this,272)},S.Qc=function(s){var a;return a=this.c-this.b&this.a.length-1,s.length<a&&(s=Iv(new Array(a),s)),PFe(this,s,a),s.length>a&&qo(s,a,null),s},S.b=0,S.c=0,V(Mr,"ArrayDeque",302),H(446,1,ga,dF),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.a!=this.b},S.Pb=function(){return jW(this)},S.Qb=function(){yFe(this)},S.a=0,S.b=0,S.c=-1,V(Mr,"ArrayDeque/IteratorImpl",446),H(12,52,GUe,vt,Fl,Kf),S.Vc=function(s,a){ZC(this,s,a)},S.Fc=function(s){return Et(this,s)},S.Wc=function(s,a){return wge(this,s,a)},S.Gc=function(s){return Cs(this,s)},S.$b=function(){this.c=Pe(mr,Ht,1,0,5,1)},S.Hc=function(s){return lc(this,s,0)!=-1},S.Jc=function(s){Rf(this,s)},S.Xb=function(s){return Vt(this,s)},S.Xc=function(s){return lc(this,s,0)},S.dc=function(){return this.c.length==0},S.Kc=function(){return new le(this)},S.$c=function(s){return qv(this,s)},S.Mc=function(s){return Tf(this,s)},S.Ud=function(s,a){EAe(this,s,a)},S._c=function(s,a){return Kh(this,s,a)},S.gc=function(){return this.c.length},S.ad=function(s){sa(this,s)},S.Pc=function(){return QZ(this)},S.Qc=function(s){return Ag(this,s)};var cIt=V(Mr,"ArrayList",12);H(7,1,ga,le),S.Nb=function(s){ja(this,s)},S.Ob=function(){return wc(this)},S.Pb=function(){return ce(this)},S.Qb=function(){uF(this)},S.a=0,S.b=-1,V(Mr,"ArrayList/1",7),H(2013,m.Function,{},rt),S.te=function(s,a){return Ts(s,a)},H(154,52,KUe,yf),S.Hc=function(s){return _Fe(this,s)!=-1},S.Jc=function(s){var a,l,v,y;for(Qn(s),l=this.a,v=0,y=l.length;v<y;++v)a=l[v],s.td(a)},S.Xb=function(s){return LIe(this,s)},S._c=function(s,a){var l;return l=(Vn(s,this.a.length),this.a[s]),qo(this.a,s,a),l},S.gc=function(){return this.a.length},S.ad=function(s){_ee(this.a,this.a.length,s)},S.Pc=function(){return T7e(this,Pe(mr,Ht,1,this.a.length,5,1))},S.Qc=function(s){return T7e(this,s)},V(Mr,"Arrays/ArrayList",154);var wu,$m,cY;H(940,52,KUe,Ze),S.Hc=function(s){return!1},S.Xb=function(s){return $fe(s)},S.Kc=function(){return In(),Wk(),NA},S.Yc=function(){return In(),Wk(),NA},S.gc=function(){return 0},V(Mr,"Collections/EmptyList",940),H(941,1,Tm,gt),S.Nb=function(s){ja(this,s)},S.Rb=function(s){throw de(new Yr)},S.Ob=function(){return!1},S.Sb=function(){return!1},S.Pb=function(){throw de(new mc)},S.Tb=function(){return 0},S.Ub=function(){throw de(new mc)},S.Vb=function(){return-1},S.Qb=function(){throw de(new Kl)},S.Wb=function(s){throw de(new Kl)};var NA;V(Mr,"Collections/EmptyListIterator",941),H(943,1967,gA,$t),S._b=function(s){return!1},S.uc=function(s){return!1},S.vc=function(){return In(),cY},S.xc=function(s){return null},S.ec=function(){return In(),cY},S.gc=function(){return 0},S.Cc=function(){return In(),wu},V(Mr,"Collections/EmptyMap",943),H(942,Pg,bA,Ue),S.Hc=function(s){return!1},S.Kc=function(){return In(),Wk(),NA},S.gc=function(){return 0},V(Mr,"Collections/EmptySet",942),H(599,52,{3:1,20:1,28:1,52:1,14:1,15:1},tD),S.Hc=function(s){return bl(this.a,s)},S.Xb=function(s){return Vn(s,1),this.a},S.gc=function(){return 1},V(Mr,"Collections/SingletonList",599),H(372,1,FUe,G_),S.Jc=function(s){Na(this,s)},S.Lc=function(){return new Nn(null,this.Nc())},S.Nc=function(){return new zn(this,0)},S.Oc=function(){return new Nn(null,this.Nc())},S.Fc=function(s){return DJ()},S.Gc=function(s){return y8()},S.$b=function(){$U()},S.Hc=function(s){return XO(this,s)},S.Ic=function(s){return VU(this,s)},S.dc=function(){return this.b.dc()},S.Kc=function(){return new K_(this.b.Kc())},S.Mc=function(s){return E8()},S.gc=function(){return this.b.gc()},S.Pc=function(){return this.b.Pc()},S.Qc=function(s){return JJ(this,s)},S.Ib=function(){return dc(this.b)},V(Mr,"Collections/UnmodifiableCollection",372),H(371,1,ga,K_),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.b.Ob()},S.Pb=function(){return this.b.Pb()},S.Qb=function(){AJ()},V(Mr,"Collections/UnmodifiableCollectionIterator",371),H(531,372,YUe,OV),S.Nc=function(){return new zn(this,16)},S.Vc=function(s,a){throw de(new Yr)},S.Wc=function(s,a){throw de(new Yr)},S.Fb=function(s){return Ki(this.a,s)},S.Xb=function(s){return this.a.Xb(s)},S.Hb=function(){return $o(this.a)},S.Xc=function(s){return this.a.Xc(s)},S.dc=function(){return this.a.dc()},S.Yc=function(){return new ode(this.a.Zc(0))},S.Zc=function(s){return new ode(this.a.Zc(s))},S.$c=function(s){throw de(new Yr)},S._c=function(s,a){throw de(new Yr)},S.ad=function(s){throw de(new Yr)},S.bd=function(s,a){return new OV(this.a.bd(s,a))},V(Mr,"Collections/UnmodifiableList",531),H(690,371,Tm,ode),S.Qb=function(){AJ()},S.Rb=function(s){throw de(new Yr)},S.Sb=function(){return this.a.Sb()},S.Tb=function(){return this.a.Tb()},S.Ub=function(){return this.a.Ub()},S.Vb=function(){return this.a.Vb()},S.Wb=function(s){throw de(new Yr)},V(Mr,"Collections/UnmodifiableListIterator",690),H(600,1,tx,nD),S.wc=function(s){RF(this,s)},S.yc=function(s,a,l){return $ne(this,s,a,l)},S.$b=function(){throw de(new Yr)},S._b=function(s){return this.c._b(s)},S.uc=function(s){return WU(this,s)},S.vc=function(){return a6(this)},S.Fb=function(s){return GU(this,s)},S.xc=function(s){return this.c.xc(s)},S.Hb=function(){return $o(this.c)},S.dc=function(){return this.c.dc()},S.ec=function(){return e6e(this)},S.zc=function(s,a){throw de(new Yr)},S.Bc=function(s){throw de(new Yr)},S.gc=function(){return this.c.gc()},S.Ib=function(){return dc(this.c)},S.Cc=function(){return ZDe(this)},V(Mr,"Collections/UnmodifiableMap",600),H(382,372,Oie,Ov),S.Nc=function(){return new zn(this,1)},S.Fb=function(s){return Ki(this.b,s)},S.Hb=function(){return $o(this.b)},V(Mr,"Collections/UnmodifiableSet",382),H(944,382,Oie,Ao),S.Hc=function(s){return qU(this,s)},S.Ic=function(s){return this.b.Ic(s)},S.Kc=function(){var s;return s=this.b.Kc(),new Kp(s)},S.Pc=function(){var s;return s=this.b.Pc(),T$e(s,s.length),s},S.Qc=function(s){return F6e(this,s)},V(Mr,"Collections/UnmodifiableMap/UnmodifiableEntrySet",944),H(945,1,ga,Kp),S.Nb=function(s){ja(this,s)},S.Pb=function(){return new Tk(E(this.a.Pb(),42))},S.Ob=function(){return this.a.Ob()},S.Qb=function(){throw de(new Yr)},V(Mr,"Collections/UnmodifiableMap/UnmodifiableEntrySet/1",945),H(688,1,noe,Tk),S.Fb=function(s){return this.a.Fb(s)},S.cd=function(){return this.a.cd()},S.dd=function(){return this.a.dd()},S.Hb=function(){return this.a.Hb()},S.ed=function(s){throw de(new Yr)},S.Ib=function(){return dc(this.a)},V(Mr,"Collections/UnmodifiableMap/UnmodifiableEntrySet/UnmodifiableEntry",688),H(601,531,{20:1,14:1,15:1,54:1},f8),V(Mr,"Collections/UnmodifiableRandomAccessList",601),H(689,382,jUe,sde),S.Nc=function(){return new wy(this)},S.Fb=function(s){return Ki(this.a,s)},S.Hb=function(){return $o(this.a)},V(Mr,"Collections/UnmodifiableSortedSet",689),H(847,1,roe,Fe),S.ue=function(s,a){var l;return l=k$e(E(s,11),E(a,11)),l!=0?l:jze(E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Mr,"Comparator/lambda$0$Type",847);var t2e,n2e,r2e;H(751,1,roe,Re),S.ue=function(s,a){return Vct(E(s,35),E(a,35))},S.Fb=function(s){return this===s},S.ve=function(){return a4(),r2e},V(Mr,"Comparators/NaturalOrderComparator",751),H(1177,1,roe,Ae),S.ue=function(s,a){return qct(E(s,35),E(a,35))},S.Fb=function(s){return this===s},S.ve=function(){return a4(),n2e},V(Mr,"Comparators/ReverseNaturalOrderComparator",1177),H(64,1,roe,Xi),S.Fb=function(s){return this===s},S.ue=function(s,a){return this.a.ue(a,s)},S.ve=function(){return this.a},V(Mr,"Comparators/ReversedComparator",64),H(166,60,M0,Td),V(Mr,"ConcurrentModificationException",166);var fKe,dKe;H(1904,1,RB,je),S.we=function(s){Zje(this,s)},S.Ib=function(){return"DoubleSummaryStatistics[count = "+oF(this.a)+", avg = "+(ph(this.a,0)?lPe(this)/OS(this.a):0)+", min = "+this.c+", max = "+this.b+", sum = "+lPe(this)+"]"},S.a=0,S.b=ws,S.c=Qo,S.d=0,S.e=0,S.f=0,V(Mr,"DoubleSummaryStatistics",1904),H(1805,60,M0,LP),V(Mr,"EmptyStackException",1805),H(451,1967,tx,MF),S.zc=function(s,a){return $de(this,s,a)},S.$b=function(){VDe(this)},S._b=function(s){return e1(this,s)},S.uc=function(s){var a,l;for(l=new lS(this.a);l.a<l.c.a.length;)if(a=vF(l),bl(s,this.b[a.g]))return!0;return!1},S.vc=function(){return new lP(this)},S.xc=function(s){return ju(this,s)},S.Bc=function(s){return wpe(this,s)},S.gc=function(){return this.a.c},V(Mr,"EnumMap",451),H(1352,Pg,Jf,lP),S.$b=function(){VDe(this.a)},S.Hc=function(s){return XAe(this,s)},S.Kc=function(){return new MIe(this.a)},S.Mc=function(s){var a;return XAe(this,s)?(a=E(s,42).cd(),wpe(this.a,a),!0):!1},S.gc=function(){return this.a.a.c},V(Mr,"EnumMap/EntrySet",1352),H(1353,1,ga,MIe),S.Nb=function(s){ja(this,s)},S.Pb=function(){return this.b=vF(this.a),new g4e(this.c,this.b)},S.Ob=function(){return Ufe(this.a)},S.Qb=function(){KC(!!this.b),wpe(this.c,this.b),this.b=null},V(Mr,"EnumMap/EntrySetIterator",1353),H(1354,1984,noe,g4e),S.cd=function(){return this.a},S.dd=function(){return this.b.b[this.a.g]},S.ed=function(s){return Uhe(this.b,this.a.g,s)},V(Mr,"EnumMap/MapEntry",1354),H(174,Pg,{20:1,28:1,14:1,174:1,21:1});var hKe=V(Mr,"EnumSet",174);H(156,174,{20:1,28:1,14:1,174:1,156:1,21:1},qh),S.Fc=function(s){return a1(this,E(s,22))},S.Hc=function(s){return See(this,s)},S.Kc=function(){return new lS(this)},S.Mc=function(s){return QIe(this,s)},S.gc=function(){return this.c},S.c=0,V(Mr,"EnumSet/EnumSetImpl",156),H(343,1,ga,lS),S.Nb=function(s){ja(this,s)},S.Pb=function(){return vF(this)},S.Ob=function(){return Ufe(this)},S.Qb=function(){KC(this.b!=-1),qo(this.c.b,this.b,null),--this.c.c,this.b=-1},S.a=-1,S.b=-1,V(Mr,"EnumSet/EnumSetImpl/IteratorImpl",343),H(43,488,N4,jr,cS,IRe),S.re=function(s,a){return Qe(s)===Qe(a)||s!=null&&Ki(s,a)},S.se=function(s){var a;return a=$o(s),a|0},V(Mr,"HashMap",43),H(53,Pg,vve,vs,VO,nF),S.Fc=function(s){return Bs(this,s)},S.$b=function(){this.a.$b()},S.Hc=function(s){return vg(this,s)},S.dc=function(){return this.a.gc()==0},S.Kc=function(){return this.a.ec().Kc()},S.Mc=function(s){return Gfe(this,s)},S.gc=function(){return this.a.gc()};var lIt=V(Mr,"HashSet",53);H(1781,1,_B,Ge),S.ud=function(s){l9e(this,s)},S.Ib=function(){return"IntSummaryStatistics[count = "+oF(this.a)+", avg = "+(ph(this.a,0)?OS(this.d)/OS(this.a):0)+", min = "+this.c+", max = "+this.b+", sum = "+oF(this.d)+"]"},S.a=0,S.b=qa,S.c=qi,S.d=0,V(Mr,"IntSummaryStatistics",1781),H(1049,1,km,URe),S.Jc=function(s){Na(this,s)},S.Kc=function(){return new Ope(this)},S.c=0,V(Mr,"InternalHashCodeMap",1049),H(711,1,ga,Ope),S.Nb=function(s){ja(this,s)},S.Pb=function(){return this.d=this.a[this.c++],this.d},S.Ob=function(){var s;return this.c<this.a.length?!0:(s=this.b.next(),s.done?!1:(this.a=s.value[1],this.c=0,!0))},S.Qb=function(){Vme(this.e,this.d.cd()),this.c!=0&&--this.c},S.c=0,S.d=null,V(Mr,"InternalHashCodeMap/1",711);var pKe;H(1047,1,km,VRe),S.Jc=function(s){Na(this,s)},S.Kc=function(){return new Lpe(this)},S.c=0,S.d=0,V(Mr,"InternalStringMap",1047),H(710,1,ga,Lpe),S.Nb=function(s){ja(this,s)},S.Pb=function(){return this.c=this.a,this.a=this.b.next(),new G5e(this.d,this.c,this.d.d)},S.Ob=function(){return!this.a.done},S.Qb=function(){w9e(this.d,this.c.value[0])},V(Mr,"InternalStringMap/1",710),H(1048,1984,noe,G5e),S.cd=function(){return this.b.value[0]},S.dd=function(){return this.a.d!=this.c?Ef(this.a,this.b.value[0]):this.b.value[1]},S.ed=function(s){return zS(this.a,this.b.value[0],s)},S.c=0,V(Mr,"InternalStringMap/2",1048),H(228,43,N4,h2,i1e),S.$b=function(){E5e(this)},S._b=function(s){return Yk(this,s)},S.uc=function(s){var a;for(a=this.d.a;a!=this.d;){if(bl(a.e,s))return!0;a=a.a}return!1},S.vc=function(){return new ab(this)},S.xc=function(s){return DS(this,s)},S.zc=function(s,a){return T2(this,s,a)},S.Bc=function(s){return w8e(this,s)},S.gc=function(){return YO(this.e)},S.c=!1,V(Mr,"LinkedHashMap",228),H(387,383,{484:1,383:1,387:1,42:1},WOe,ahe),V(Mr,"LinkedHashMap/ChainEntry",387),H(701,Pg,Jf,ab),S.$b=function(){E5e(this.a)},S.Hc=function(s){return JAe(this,s)},S.Kc=function(){return new tpe(this)},S.Mc=function(s){var a;return JAe(this,s)?(a=E(s,42).cd(),w8e(this.a,a),!0):!1},S.gc=function(){return YO(this.a.e)},V(Mr,"LinkedHashMap/EntrySet",701),H(702,1,ga,tpe),S.Nb=function(s){ja(this,s)},S.Pb=function(){return YPe(this)},S.Ob=function(){return this.b!=this.c.a.d},S.Qb=function(){KC(!!this.a),mte(this.c.a.e,this),mhe(this.a),_5(this.c.a.e,this.a.d),_de(this.c.a.e,this),this.a=null},V(Mr,"LinkedHashMap/EntrySet/EntryIterator",702),H(178,53,vve,w0,YZ,Ehe);var fIt=V(Mr,"LinkedHashSet",178);H(68,1964,{3:1,4:1,20:1,28:1,52:1,14:1,68:1,15:1},Po,cee),S.Fc=function(s){return Ii(this,s)},S.$b=function(){bp(this)},S.Zc=function(s){return Ti(this,s)},S.gc=function(){return this.b},S.b=0;var dIt=V(Mr,"LinkedList",68);H(970,1,Tm,K5e),S.Nb=function(s){ja(this,s)},S.Rb=function(s){VN(this,s)},S.Ob=function(){return LD(this)},S.Sb=function(){return this.b.b!=this.d.a},S.Pb=function(){return Ci(this)},S.Tb=function(){return this.a},S.Ub=function(){return gte(this)},S.Vb=function(){return this.a-1},S.Qb=function(){sW(this)},S.Wb=function(s){KC(!!this.c),this.c.c=s},S.a=0,S.c=null,V(Mr,"LinkedList/ListIteratorImpl",970),H(608,1,{},Rt),V(Mr,"LinkedList/Node",608),H(1959,1,{});var i2e,gKe;V(Mr,"Locale",1959),H(861,1959,{},mt),S.Ib=function(){return""},V(Mr,"Locale/1",861),H(862,1959,{},en),S.Ib=function(){return"unknown"},V(Mr,"Locale/4",862),H(109,60,{3:1,102:1,60:1,78:1,109:1},mc,n6e),V(Mr,"NoSuchElementException",109),H(404,1,{404:1},r8),S.Fb=function(s){var a;return s===this?!0:Ce(s,404)?(a=E(s,404),bl(this.a,a.a)):!1},S.Hb=function(){return t4(this.a)},S.Ib=function(){return this.a!=null?OUe+Y8(this.a)+")":"Optional.empty()"};var lY;V(Mr,"Optional",404),H(463,1,{463:1},FRe,gde),S.Fb=function(s){var a;return s===this?!0:Ce(s,463)?(a=E(s,463),this.a==a.a&&Ts(this.b,a.b)==0):!1},S.Hb=function(){return this.a?ss(this.b):0},S.Ib=function(){return this.a?"OptionalDouble.of("+(""+this.b)+")":"OptionalDouble.empty()"},S.a=!1,S.b=0;var o2e;V(Mr,"OptionalDouble",463),H(517,1,{517:1},jRe,UOe),S.Fb=function(s){var a;return s===this?!0:Ce(s,517)?(a=E(s,517),this.a==a.a&&_f(this.b,a.b)==0):!1},S.Hb=function(){return this.a?this.b:0},S.Ib=function(){return this.a?"OptionalInt.of("+(""+this.b)+")":"OptionalInt.empty()"},S.a=!1,S.b=0;var bKe;V(Mr,"OptionalInt",517),H(503,2004,DT,uq),S.Gc=function(s){return Obe(this,s)},S.$b=function(){this.b.c=Pe(mr,Ht,1,0,5,1)},S.Hc=function(s){return(s==null?-1:lc(this.b,s,0))!=-1},S.Kc=function(){return new rD(this)},S.Mc=function(s){return FFe(this,s)},S.gc=function(){return this.b.c.length},S.Nc=function(){return new zn(this,256)},S.Pc=function(){return QZ(this.b)},S.Qc=function(s){return Ag(this.b,s)},V(Mr,"PriorityQueue",503),H(1277,1,ga,rD),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.a<this.c.b.c.length},S.Pb=function(){return vr(this.a<this.c.b.c.length),this.b=this.a++,Vt(this.c.b,this.b)},S.Qb=function(){KC(this.b!=-1),ene(this.c,this.a=this.b),this.b=-1},S.a=0,S.b=-1,V(Mr,"PriorityQueue/1",1277),H(230,1,{230:1},Pne,zq),S.a=0,S.b=0;var s2e,a2e,hIt=0;V(Mr,"Random",230),H(27,1,yp,zn,yS,i6e),S.qd=function(){return this.a},S.rd=function(){return Mhe(this),this.c},S.Nb=function(s){Mhe(this),this.d.Nb(s)},S.sd=function(s){return U8e(this,s)},S.a=0,S.c=0,V(Mr,"Spliterators/IteratorSpliterator",27),H(485,27,yp,wy),V(Mr,"SortedSet/1",485),H(602,1,RB,cP),S.we=function(s){this.a.td(s)},V(Mr,"Spliterator/OfDouble/0methodref$accept$Type",602),H(603,1,RB,Y_),S.we=function(s){this.a.td(s)},V(Mr,"Spliterator/OfDouble/1methodref$accept$Type",603),H(604,1,_B,iD),S.ud=function(s){this.a.td(Ot(s))},V(Mr,"Spliterator/OfInt/2methodref$accept$Type",604),H(605,1,_B,kk),S.ud=function(s){this.a.td(Ot(s))},V(Mr,"Spliterator/OfInt/3methodref$accept$Type",605),H(617,1,yp),S.Nb=function(s){FU(this,s)},S.qd=function(){return this.d},S.rd=function(){return this.e},S.d=0,S.e=0,V(Mr,"Spliterators/BaseSpliterator",617),H(721,617,yp),S.xe=function(s){by(this,s)},S.Nb=function(s){Ce(s,182)?by(this,E(s,182)):by(this,new Y_(s))},S.sd=function(s){return Ce(s,182)?this.ye(E(s,182)):this.ye(new cP(s))},V(Mr,"Spliterators/AbstractDoubleSpliterator",721),H(720,617,yp),S.xe=function(s){by(this,s)},S.Nb=function(s){Ce(s,196)?by(this,E(s,196)):by(this,new kk(s))},S.sd=function(s){return Ce(s,196)?this.ye(E(s,196)):this.ye(new iD(s))},V(Mr,"Spliterators/AbstractIntSpliterator",720),H(540,617,yp),V(Mr,"Spliterators/AbstractSpliterator",540),H(692,1,yp),S.Nb=function(s){FU(this,s)},S.qd=function(){return this.b},S.rd=function(){return this.d-this.c},S.b=0,S.c=0,S.d=0,V(Mr,"Spliterators/BaseArraySpliterator",692),H(947,692,yp,CIe),S.ze=function(s,a){Ule(this,E(s,38),a)},S.Nb=function(s){Hee(this,s)},S.sd=function(s){return Gq(this,s)},V(Mr,"Spliterators/ArraySpliterator",947),H(693,692,yp,V5e),S.ze=function(s,a){pb(this,E(s,182),a)},S.xe=function(s){Hee(this,s)},S.Nb=function(s){Ce(s,182)?Hee(this,E(s,182)):Hee(this,new Y_(s))},S.ye=function(s){return Gq(this,s)},S.sd=function(s){return Ce(s,182)?Gq(this,E(s,182)):Gq(this,new cP(s))},V(Mr,"Spliterators/DoubleArraySpliterator",693),H(1968,1,yp),S.Nb=function(s){FU(this,s)},S.qd=function(){return 16448},S.rd=function(){return 0};var mKe;V(Mr,"Spliterators/EmptySpliterator",1968),H(946,1968,yp,Je),S.xe=function(s){bk(s)},S.Nb=function(s){Ce(s,196)?bk(E(s,196)):bk(new kk(s))},S.ye=function(s){return R8(s)},S.sd=function(s){return Ce(s,196)?R8(E(s,196)):R8(new iD(s))},V(Mr,"Spliterators/EmptySpliterator/OfInt",946),H(580,52,XUe,zP),S.Vc=function(s,a){n6(s,this.a.c.length+1),ZC(this.a,s,a)},S.Fc=function(s){return Et(this.a,s)},S.Wc=function(s,a){return n6(s,this.a.c.length+1),wge(this.a,s,a)},S.Gc=function(s){return Cs(this.a,s)},S.$b=function(){this.a.c=Pe(mr,Ht,1,0,5,1)},S.Hc=function(s){return lc(this.a,s,0)!=-1},S.Ic=function(s){return CL(this.a,s)},S.Jc=function(s){Rf(this.a,s)},S.Xb=function(s){return n6(s,this.a.c.length),Vt(this.a,s)},S.Xc=function(s){return lc(this.a,s,0)},S.dc=function(){return this.a.c.length==0},S.Kc=function(){return new le(this.a)},S.$c=function(s){return n6(s,this.a.c.length),qv(this.a,s)},S.Ud=function(s,a){EAe(this.a,s,a)},S._c=function(s,a){return n6(s,this.a.c.length),Kh(this.a,s,a)},S.gc=function(){return this.a.c.length},S.ad=function(s){sa(this.a,s)},S.bd=function(s,a){return new Em(this.a,s,a)},S.Pc=function(){return QZ(this.a)},S.Qc=function(s){return Ag(this.a,s)},S.Ib=function(){return Ly(this.a)},V(Mr,"Vector",580),H(809,580,XUe,iU),V(Mr,"Stack",809),H(206,1,{206:1},w2),S.Ib=function(){return VAe(this)},V(Mr,"StringJoiner",206),H(544,1992,{3:1,83:1,171:1,161:1},XU,Iee),S.$b=function(){MO(this)},S.vc=function(){return new X8(this)},S.zc=function(s,a){return AW(this,s,a)},S.Bc=function(s){return hF(this,s)},S.gc=function(){return this.c},S.c=0,V(Mr,"TreeMap",544),H(390,1,ga,Z8),S.Nb=function(s){ja(this,s)},S.Pb=function(){return FV(this)},S.Ob=function(){return Pl(this.a)},S.Qb=function(){Y5e(this)},V(Mr,"TreeMap/EntryIterator",390),H(435,739,Jf,X8),S.$b=function(){MO(this.a)},V(Mr,"TreeMap/EntrySet",435),H(436,383,{484:1,383:1,42:1,436:1},$te),S.b=!1;var pIt=V(Mr,"TreeMap/Node",436);H(621,1,{},lt),S.Ib=function(){return"State: mv="+this.c+" value="+this.d+" done="+this.a+" found="+this.b},S.a=!1,S.b=!1,S.c=!1,V(Mr,"TreeMap/State",621),H(297,22,soe,eV),S.Ae=function(){return!1},S.Be=function(){return!1};var yae,u2e,c2e,l2e,fY=ci(Mr,"TreeMap/SubMapType",297,hi,zht,vat);H(1112,297,soe,QRe),S.Be=function(){return!0},ci(Mr,"TreeMap/SubMapType/1",1112,fY,null,null),H(1113,297,soe,cOe),S.Ae=function(){return!0},S.Be=function(){return!0},ci(Mr,"TreeMap/SubMapType/2",1113,fY,null,null),H(1114,297,soe,JRe),S.Ae=function(){return!0},ci(Mr,"TreeMap/SubMapType/3",1114,fY,null,null);var vKe;H(208,Pg,{3:1,20:1,28:1,14:1,271:1,21:1,84:1,208:1},FO,gm),S.Nc=function(){return new wy(this)},S.Fc=function(s){return UN(this,s)},S.$b=function(){MO(this.a)},S.Hc=function(s){return uee(this.a,s)},S.Kc=function(){var s;return s=new Z8(new X8(new xk(this.a).a).b),new Ck(s)},S.Mc=function(s){return KZ(this,s)},S.gc=function(){return this.a.c};var gIt=V(Mr,"TreeSet",208);H(966,1,{},GE),S.Ce=function(s,a){return jst(this.a,s,a)},V(aoe,"BinaryOperator/lambda$0$Type",966),H(967,1,{},iy),S.Ce=function(s,a){return Mst(this.a,s,a)},V(aoe,"BinaryOperator/lambda$1$Type",967),H(846,1,{},Tt),S.Kb=function(s){return s},V(aoe,"Function/lambda$0$Type",846),H(431,1,Ni,X_),S.Mb=function(s){return!this.a.Mb(s)},V(aoe,"Predicate/lambda$2$Type",431),H(572,1,{572:1});var wKe=V(h9,"Handler",572);H(2007,1,yB),S.ne=function(){return"DUMMY"},S.Ib=function(){return this.ne()};var f2e;V(h9,"Level",2007),H(1621,2007,yB,qt),S.ne=function(){return"INFO"},V(h9,"Level/LevelInfo",1621),H(1640,1,{},TD);var Eae;V(h9,"LogManager",1640),H(1780,1,yB,X5e),S.b=null,V(h9,"LogRecord",1780),H(512,1,{512:1},xte),S.e=!1;var yKe=!1,EKe=!1,Ng=!1,_Ke=!1,SKe=!1;V(h9,"Logger",512),H(819,572,{572:1},Pt),V(h9,"SimpleConsoleLogHandler",819),H(132,22,{3:1,35:1,22:1,132:1},cZ);var d2e,Rh,HT,Pd=ci(Rs,"Collector/Characteristics",132,hi,Ndt,wat),xKe;H(744,1,{},Hhe),V(Rs,"CollectorImpl",744),H(1060,1,{},_t),S.Ce=function(s,a){return Umt(E(s,206),E(a,206))},V(Rs,"Collectors/10methodref$merge$Type",1060),H(1061,1,{},lr),S.Kb=function(s){return VAe(E(s,206))},V(Rs,"Collectors/11methodref$toString$Type",1061),H(1062,1,{},fP),S.Kb=function(s){return tr(),!!Pfe(s)},V(Rs,"Collectors/12methodref$test$Type",1062),H(251,1,{},Be),S.Od=function(s,a){E(s,14).Fc(a)},V(Rs,"Collectors/20methodref$add$Type",251),H(253,1,{},We),S.Ee=function(){return new vt},V(Rs,"Collectors/21methodref$ctor$Type",253),H(346,1,{},jn),S.Ee=function(){return new vs},V(Rs,"Collectors/23methodref$ctor$Type",346),H(347,1,{},ii),S.Od=function(s,a){Bs(E(s,53),a)},V(Rs,"Collectors/24methodref$add$Type",347),H(1055,1,{},Zi),S.Ce=function(s,a){return nZ(E(s,15),E(a,14))},V(Rs,"Collectors/4methodref$addAll$Type",1055),H(1059,1,{},No),S.Od=function(s,a){T0(E(s,206),E(a,475))},V(Rs,"Collectors/9methodref$add$Type",1059),H(1058,1,{},hIe),S.Ee=function(){return new w2(this.a,this.b,this.c)},V(Rs,"Collectors/lambda$15$Type",1058),H(1063,1,{},Is),S.Ee=function(){var s;return s=new h2,T2(s,(tr(),!1),new vt),T2(s,!0,new vt),s},V(Rs,"Collectors/lambda$22$Type",1063),H(1064,1,{},Rk),S.Ee=function(){return pe(he(mr,1),Ht,1,5,[this.a])},V(Rs,"Collectors/lambda$25$Type",1064),H(1065,1,{},sD),S.Od=function(s,a){Wct(this.a,b2(s))},V(Rs,"Collectors/lambda$26$Type",1065),H(1066,1,{},H7),S.Ce=function(s,a){return vlt(this.a,b2(s),b2(a))},V(Rs,"Collectors/lambda$27$Type",1066),H(1067,1,{},Ca),S.Kb=function(s){return b2(s)[0]},V(Rs,"Collectors/lambda$28$Type",1067),H(713,1,{},Xs),S.Ce=function(s,a){return _he(s,a)},V(Rs,"Collectors/lambda$4$Type",713),H(252,1,{},Io),S.Ce=function(s,a){return ZJ(E(s,14),E(a,14))},V(Rs,"Collectors/lambda$42$Type",252),H(348,1,{},pi),S.Ce=function(s,a){return eZ(E(s,53),E(a,53))},V(Rs,"Collectors/lambda$50$Type",348),H(349,1,{},Es),S.Kb=function(s){return E(s,53)},V(Rs,"Collectors/lambda$51$Type",349),H(1054,1,{},oy),S.Od=function(s,a){smt(this.a,E(s,83),a)},V(Rs,"Collectors/lambda$7$Type",1054),H(1056,1,{},$u),S.Ce=function(s,a){return Pbt(E(s,83),E(a,83),new Zi)},V(Rs,"Collectors/lambda$8$Type",1056),H(1057,1,{},xO),S.Kb=function(s){return S0t(this.a,E(s,83))},V(Rs,"Collectors/lambda$9$Type",1057),H(539,1,{}),S.He=function(){fF(this)},S.d=!1,V(Rs,"TerminatableStream",539),H(812,539,_ve,Cde),S.He=function(){fF(this)},V(Rs,"DoubleStreamImpl",812),H(1784,721,yp,pIe),S.ye=function(s){return Dwt(this,E(s,182))},S.a=null,V(Rs,"DoubleStreamImpl/2",1784),H(1785,1,RB,aD),S.we=function(s){got(this.a,s)},V(Rs,"DoubleStreamImpl/2/lambda$0$Type",1785),H(1782,1,RB,dP),S.we=function(s){pot(this.a,s)},V(Rs,"DoubleStreamImpl/lambda$0$Type",1782),H(1783,1,RB,Yp),S.we=function(s){Zje(this.a,s)},V(Rs,"DoubleStreamImpl/lambda$2$Type",1783),H(1358,720,yp,tPe),S.ye=function(s){return Pht(this,E(s,196))},S.a=0,S.b=0,S.c=0,V(Rs,"IntStream/5",1358),H(787,539,_ve,Tde),S.He=function(){fF(this)},S.Ie=function(){return Ry(this),this.a},V(Rs,"IntStreamImpl",787),H(788,539,_ve,lN),S.He=function(){fF(this)},S.Ie=function(){return Ry(this),Kfe(),mKe},V(Rs,"IntStreamImpl/Empty",788),H(1463,1,_B,CC),S.ud=function(s){l9e(this.a,s)},V(Rs,"IntStreamImpl/lambda$4$Type",1463);var bIt=zo(Rs,"Stream");H(30,539,{525:1,670:1,833:1},Nn),S.He=function(){fF(this)};var LA;V(Rs,"StreamImpl",30),H(845,1,{},ir),S.ld=function(s){return bIe(s)},V(Rs,"StreamImpl/0methodref$lambda$2$Type",845),H(1084,540,yp,U5e),S.sd=function(s){for(;x1t(this);){if(this.a.sd(s))return!0;fF(this.b),this.b=null,this.a=null}return!1},V(Rs,"StreamImpl/1",1084),H(1085,1,gr,hP),S.td=function(s){yct(this.a,E(s,833))},V(Rs,"StreamImpl/1/lambda$0$Type",1085),H(1086,1,Ni,Q_),S.Mb=function(s){return Bs(this.a,s)},V(Rs,"StreamImpl/1methodref$add$Type",1086),H(1087,540,yp,v6e),S.sd=function(s){var a;return this.a||(a=new vt,this.b.a.Nb(new KE(a)),In(),sa(a,this.c),this.a=new zn(a,16)),U8e(this.a,s)},S.a=null,V(Rs,"StreamImpl/5",1087),H(1088,1,gr,KE),S.td=function(s){Et(this.a,s)},V(Rs,"StreamImpl/5/2methodref$add$Type",1088),H(722,540,yp,l1e),S.sd=function(s){for(this.b=!1;!this.b&&this.c.sd(new m4e(this,s)););return this.b},S.b=!1,V(Rs,"StreamImpl/FilterSpliterator",722),H(1079,1,gr,m4e),S.td=function(s){mlt(this.a,this.b,s)},V(Rs,"StreamImpl/FilterSpliterator/lambda$0$Type",1079),H(1075,721,yp,hPe),S.ye=function(s){return sat(this,E(s,182))},V(Rs,"StreamImpl/MapToDoubleSpliterator",1075),H(1078,1,gr,v4e),S.td=function(s){jit(this.a,this.b,s)},V(Rs,"StreamImpl/MapToDoubleSpliterator/lambda$0$Type",1078),H(1074,720,yp,pPe),S.ye=function(s){return aat(this,E(s,196))},V(Rs,"StreamImpl/MapToIntSpliterator",1074),H(1077,1,gr,w4e),S.td=function(s){Fit(this.a,this.b,s)},V(Rs,"StreamImpl/MapToIntSpliterator/lambda$0$Type",1077),H(719,540,yp,Jpe),S.sd=function(s){return B5e(this,s)},V(Rs,"StreamImpl/MapToObjSpliterator",719),H(1076,1,gr,y4e),S.td=function(s){Mit(this.a,this.b,s)},V(Rs,"StreamImpl/MapToObjSpliterator/lambda$0$Type",1076),H(618,1,gr,rn),S.td=function(s){$7(this,s)},V(Rs,"StreamImpl/ValueConsumer",618),H(1080,1,gr,sn),S.td=function(s){Lv()},V(Rs,"StreamImpl/lambda$0$Type",1080),H(1081,1,gr,Zn),S.td=function(s){Lv()},V(Rs,"StreamImpl/lambda$1$Type",1081),H(1082,1,{},U7),S.Ce=function(s,a){return Mat(this.a,s,a)},V(Rs,"StreamImpl/lambda$4$Type",1082),H(1083,1,gr,b4e),S.td=function(s){Gst(this.b,this.a,s)},V(Rs,"StreamImpl/lambda$5$Type",1083),H(1089,1,gr,pP),S.td=function(s){Zbt(this.a,E(s,365))},V(Rs,"TerminatableStream/lambda$0$Type",1089),H(2041,1,{}),H(1914,1,{},oi),V("javaemul.internal","ConsoleLogger",1914),H(2038,1,{});var mIt=0,h2e,p2e=0,dY;H(1768,1,gr,li),S.td=function(s){E(s,308)},V(wA,"BowyerWatsonTriangulation/lambda$0$Type",1768),H(1769,1,gr,xv),S.td=function(s){cu(this.a,E(s,308).e)},V(wA,"BowyerWatsonTriangulation/lambda$1$Type",1769),H(1770,1,gr,ur),S.td=function(s){E(s,168)},V(wA,"BowyerWatsonTriangulation/lambda$2$Type",1770),H(1765,1,go,gP),S.ue=function(s,a){return hpt(this.a,E(s,168),E(a,168))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(wA,"NaiveMinST/lambda$0$Type",1765),H(499,1,{},TC),V(wA,"NodeMicroLayout",499),H(168,1,{168:1},e5),S.Fb=function(s){var a;return Ce(s,168)?(a=E(s,168),bl(this.a,a.a)&&bl(this.b,a.b)||bl(this.a,a.b)&&bl(this.b,a.a)):!1},S.Hb=function(){return t4(this.a)+t4(this.b)};var vIt=V(wA,"TEdge",168);H(308,1,{308:1},L0e),S.Fb=function(s){var a;return Ce(s,308)?(a=E(s,308),eW(this,a.a)&&eW(this,a.b)&&eW(this,a.c)):!1},S.Hb=function(){return t4(this.a)+t4(this.b)+t4(this.c)},V(wA,"TTriangle",308),H(221,1,{221:1},CV),V(wA,"Tree",221),H(1254,1,{},oAe),V(ZUe,"Scanline",1254);var CKe=zo(ZUe,eVe);H(1692,1,{},G8e),V(Im,"CGraph",1692),H(307,1,{307:1},eAe),S.b=0,S.c=0,S.d=0,S.g=0,S.i=0,S.k=ws,V(Im,"CGroup",307),H(815,1,{},qP),V(Im,"CGroup/CGroupBuilder",815),H(57,1,{57:1},x5e),S.Ib=function(){var s;return this.j?ai(this.j.Kb(this)):(y0(hY),hY.o+"@"+(s=gS(this)>>>0,s.toString(16)))},S.f=0,S.i=ws;var hY=V(Im,"CNode",57);H(814,1,{},jO),V(Im,"CNode/CNodeBuilder",814);var TKe;H(1525,1,{},Sr),S.Oe=function(s,a){return 0},S.Pe=function(s,a){return 0},V(Im,nVe,1525),H(1790,1,{},ki),S.Le=function(s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;for(F=Qo,v=new le(s.a.b);v.a<v.c.c.length;)a=E(ce(v),57),F=m.Math.min(F,a.a.j.d.c+a.b.a);for(ee=new Po,T=new le(s.a.a);T.a<T.c.c.length;)x=E(ce(T),307),x.k=F,x.g==0&&os(ee,x,ee.c.b,ee.c);for(;ee.b!=0;){for(x=E(ee.b==0?null:(vr(ee.b!=0),Xh(ee,ee.a.a)),307),y=x.j.d.c,Q=x.a.a.ec().Kc();Q.Ob();)z=E(Q.Pb(),57),fe=x.k+z.b.a,!Omt(s,x,s.d)||z.d.c<fe?z.i=fe:z.i=z.d.c;for(y-=x.j.i,x.b+=y,s.d==(ku(),p1)||s.d==H0?x.c+=y:x.c-=y,q=x.a.a.ec().Kc();q.Ob();)for(z=E(q.Pb(),57),A=z.c.Kc();A.Ob();)O=E(A.Pb(),57),Ey(s.d)?ie=s.g.Oe(z,O):ie=s.g.Pe(z,O),O.a.k=m.Math.max(O.a.k,z.i+z.d.b+ie-O.b.a),T6e(s,O,s.d)&&(O.a.k=m.Math.max(O.a.k,O.d.c-O.b.a)),--O.a.g,O.a.g==0&&Ii(ee,O.a)}for(l=new le(s.a.b);l.a<l.c.c.length;)a=E(ce(l),57),a.d.c=a.i},V(Im,"LongestPathCompaction",1790),H(1690,1,{},yLe),S.e=!1;var kKe,RKe,OKe,_ae=V(Im,oVe,1690);H(1691,1,gr,vf),S.td=function(s){Dbt(this.a,E(s,46))},V(Im,sVe,1691),H(1791,1,{},co),S.Me=function(s){var a,l,v,y,x,T,O;for(l=new le(s.a.b);l.a<l.c.c.length;)a=E(ce(l),57),a.c.$b();for(y=new le(s.a.b);y.a<y.c.c.length;)for(v=E(ce(y),57),T=new le(s.a.b);T.a<T.c.c.length;)x=E(ce(T),57),v!=x&&(v.a&&v.a==x.a||(Ey(s.d)?O=s.g.Pe(v,x):O=s.g.Oe(v,x),(x.d.c>v.d.c||v.d.c==x.d.c&&v.d.b<x.d.b)&&bvt(x.d.d+x.d.a+O,v.d.d)&&sbe(x.d.d,v.d.d+v.d.a+O)&&v.c.Fc(x)))},V(Im,"QuadraticConstraintCalculation",1791),H(522,1,{522:1},SM),S.a=!1,S.b=!1,S.c=!1,S.d=!1,V(Im,aVe,522),H(803,1,{},Rhe),S.Me=function(s){this.c=s,eB(this,new Co)},V(Im,uVe,803),H(1718,1,{679:1},R6e),S.Ke=function(s){T_t(this,E(s,464))},V(Im,cVe,1718),H(1719,1,go,xo),S.ue=function(s,a){return kft(E(s,57),E(a,57))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Im,lVe,1719),H(464,1,{464:1},rfe),S.a=!1,V(Im,fVe,464),H(1720,1,go,Ho),S.ue=function(s,a){return Nyt(E(s,464),E(a,464))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Im,dVe,1720),H(1721,1,Tb,Co),S.Lb=function(s){return E(s,57),!0},S.Fb=function(s){return this===s},S.Mb=function(s){return E(s,57),!0},V(Im,"ScanlineConstraintCalculator/lambda$1$Type",1721),H(428,22,{3:1,35:1,22:1,428:1},sfe);var g2e,Sae,b2e=ci(loe,"HighLevelSortingCriterion",428,hi,hdt,yat),IKe;H(427,22,{3:1,35:1,22:1,427:1},afe);var m2e,xae,v2e=ci(loe,"LowLevelSortingCriterion",427,hi,pdt,Eat),DKe,X4=zo(Cc,"ILayoutMetaDataProvider");H(853,1,Ep,ck),S.Qe=function(s){wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Tve),foe),"Polyomino Traversal Strategy"),"Traversal strategy for trying different candidate positions for polyominoes."),C2e),(nw(),es)),P2e),yn((q1(),cr))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,kve),foe),"Polyomino Secondary Sorting Criterion"),"Possible secondary sorting criteria for the processing order of polyominoes. They are used when polyominoes are equal according to the primary sorting criterion HighLevelSortingCriterion."),S2e),es),v2e),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Rve),foe),"Polyomino Primary Sorting Criterion"),"Possible primary sorting criteria for the processing order of polyominoes."),E2e),es),b2e),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Ove),foe),"Fill Polyominoes"),"Use the Profile Fill algorithm to fill polyominoes to prevent small polyominoes from being placed inside of big polyominoes with large holes. Might increase packing area."),(tr(),!0)),Ga),Us),yn(cr))))};var w2e,y2e,E2e,_2e,S2e,x2e,C2e;V(loe,"PolyominoOptions",853),H(250,22,{3:1,35:1,22:1,250:1},Xk);var T2e,k2e,R2e,O2e,I2e,D2e,Cae,A2e,$2e,P2e=ci(loe,"TraversalStrategy",250,hi,kgt,_at),AKe;H(213,1,{213:1},ma),S.Ib=function(){return"NEdge[id="+this.b+" w="+this.g+" d="+this.a+"]"},S.a=1,S.b=0,S.c=0,S.f=!1,S.g=0;var $Ke=V(p9,"NEdge",213);H(176,1,{},Wd),V(p9,"NEdge/NEdgeBuilder",176),H(653,1,{},HP),V(p9,"NGraph",653),H(121,1,{121:1},fPe),S.c=-1,S.d=0,S.e=0,S.i=-1,S.j=!1;var F2e=V(p9,"NNode",121);H(795,1,YUe,UP),S.Jc=function(s){Na(this,s)},S.Lc=function(){return new Nn(null,new zn(this,16))},S.ad=function(s){d4(this,s)},S.Nc=function(){return new zn(this,16)},S.Oc=function(){return new Nn(null,new zn(this,16))},S.Vc=function(s,a){++this.b,ZC(this.a,s,a)},S.Fc=function(s){return AV(this,s)},S.Wc=function(s,a){return++this.b,wge(this.a,s,a)},S.Gc=function(s){return++this.b,Cs(this.a,s)},S.$b=function(){++this.b,this.a.c=Pe(mr,Ht,1,0,5,1)},S.Hc=function(s){return lc(this.a,s,0)!=-1},S.Ic=function(s){return CL(this.a,s)},S.Xb=function(s){return Vt(this.a,s)},S.Xc=function(s){return lc(this.a,s,0)},S.dc=function(){return this.a.c.length==0},S.Kc=function(){return x5(new le(this.a))},S.Yc=function(){throw de(new Yr)},S.Zc=function(s){throw de(new Yr)},S.$c=function(s){return++this.b,qv(this.a,s)},S.Mc=function(s){return lde(this,s)},S._c=function(s,a){return++this.b,Kh(this.a,s,a)},S.gc=function(){return this.a.c.length},S.bd=function(s,a){return new Em(this.a,s,a)},S.Pc=function(){return QZ(this.a)},S.Qc=function(s){return Ag(this.a,s)},S.b=0,V(p9,"NNode/ChangeAwareArrayList",795),H(269,1,{},db),V(p9,"NNode/NNodeBuilder",269),H(1630,1,{},Yi),S.a=!1,S.f=qi,S.j=0,V(p9,"NetworkSimplex",1630),H(1294,1,gr,ud),S.td=function(s){KHe(this.a,E(s,680),!0,!1)},V(hVe,"NodeLabelAndSizeCalculator/lambda$0$Type",1294),H(558,1,{},dp),S.b=!0,S.c=!0,S.d=!0,S.e=!0,V(hVe,"NodeMarginCalculator",558),H(212,1,{212:1}),S.j=!1,S.k=!1;var PKe=V($2,"Cell",212);H(124,212,{124:1,212:1},I5e),S.Re=function(){return WV(this)},S.Se=function(){var s;return s=this.n,this.a.a+s.b+s.c},V($2,"AtomicCell",124),H(232,22,{3:1,35:1,22:1,232:1},lZ);var Ac,Bl,$c,UT=ci($2,"ContainerArea",232,hi,Ldt,Sat),FKe;H(326,212,pVe),V($2,"ContainerCell",326),H(1473,326,pVe,Gje),S.Re=function(){var s;return s=0,this.e?this.b?s=this.b.b:this.a[1][1]&&(s=this.a[1][1].Re()):s=zge(this,oMe(this,!0)),s>0?s+this.n.d+this.n.a:0},S.Se=function(){var s,a,l,v,y;if(y=0,this.e)this.b?y=this.b.a:this.a[1][1]&&(y=this.a[1][1].Se());else if(this.g)y=zge(this,pre(this,null,!0));else for(a=(U1(),pe(he(UT,1),wt,232,0,[Ac,Bl,$c])),l=0,v=a.length;l<v;++l)s=a[l],y=m.Math.max(y,zge(this,pre(this,s,!0)));return y>0?y+this.n.b+this.n.c:0},S.Te=function(){var s,a,l,v,y;if(this.g)for(s=pre(this,null,!1),l=(U1(),pe(he(UT,1),wt,232,0,[Ac,Bl,$c])),v=0,y=l.length;v<y;++v)a=l[v],ABe(this,a,s);else for(l=(U1(),pe(he(UT,1),wt,232,0,[Ac,Bl,$c])),v=0,y=l.length;v<y;++v)a=l[v],s=pre(this,a,!1),ABe(this,a,s)},S.Ue=function(){var s,a,l,v;a=this.i,s=this.n,v=oMe(this,!1),qpe(this,(U1(),Ac),a.d+s.d,v),qpe(this,$c,a.d+a.a-s.a-v[2],v),l=a.a-s.d-s.a,v[0]>0&&(v[0]+=this.d,l-=v[0]),v[2]>0&&(v[2]+=this.d,l-=v[2]),this.c.a=m.Math.max(0,l),this.c.d=a.d+s.d+(this.c.a-l)/2,v[1]=m.Math.max(v[1],l),qpe(this,Bl,a.d+s.d+v[0]-(v[1]-l)/2,v)},S.b=null,S.d=0,S.e=!1,S.f=!1,S.g=!1;var Tae=0,pY=0;V($2,"GridContainerCell",1473),H(461,22,{3:1,35:1,22:1,461:1},fZ);var Xy,Fb,f1,jKe=ci($2,"HorizontalLabelAlignment",461,hi,Bdt,xat),MKe;H(306,212,{212:1,306:1},H6e,Y8e,L6e),S.Re=function(){return TIe(this)},S.Se=function(){return vhe(this)},S.a=0,S.c=!1;var wIt=V($2,"LabelCell",306);H(244,326,{212:1,326:1,244:1},LF),S.Re=function(){return nB(this)},S.Se=function(){return rB(this)},S.Te=function(){oie(this)},S.Ue=function(){sie(this)},S.b=0,S.c=0,S.d=!1,V($2,"StripContainerCell",244),H(1626,1,Ni,so),S.Mb=function(s){return Ble(E(s,212))},V($2,"StripContainerCell/lambda$0$Type",1626),H(1627,1,{},hs),S.Fe=function(s){return E(s,212).Se()},V($2,"StripContainerCell/lambda$1$Type",1627),H(1628,1,Ni,Qs),S.Mb=function(s){return _U(E(s,212))},V($2,"StripContainerCell/lambda$2$Type",1628),H(1629,1,{},yo),S.Fe=function(s){return E(s,212).Re()},V($2,"StripContainerCell/lambda$3$Type",1629),H(462,22,{3:1,35:1,22:1,462:1},dZ);var d1,Qy,X1,NKe=ci($2,"VerticalLabelAlignment",462,hi,zdt,Cat),LKe;H(789,1,{},tve),S.c=0,S.d=0,S.k=0,S.s=0,S.t=0,S.v=!1,S.w=0,S.D=!1,V(eK,"NodeContext",789),H(1471,1,go,ru),S.ue=function(s,a){return HRe(E(s,61),E(a,61))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(eK,"NodeContext/0methodref$comparePortSides$Type",1471),H(1472,1,go,iu),S.ue=function(s,a){return f2t(E(s,111),E(a,111))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(eK,"NodeContext/1methodref$comparePortContexts$Type",1472),H(159,22,{3:1,35:1,22:1,159:1},Qh);var BKe,zKe,HKe,UKe,VKe,qKe,WKe,GKe,KKe,YKe,XKe,QKe,JKe,ZKe,eYe,tYe,nYe,rYe,iYe,oYe,sYe,kae,aYe=ci(eK,"NodeLabelLocation",159,hi,Wne,Tat),uYe;H(111,1,{111:1},ELe),S.a=!1,V(eK,"PortContext",111),H(1476,1,gr,Pu),S.td=function(s){UC(E(s,306))},V(IB,gVe,1476),H(1477,1,Ni,Js),S.Mb=function(s){return!!E(s,111).c},V(IB,bVe,1477),H(1478,1,gr,yu),S.td=function(s){UC(E(s,111).c)},V(IB,"LabelPlacer/lambda$2$Type",1478);var j2e;H(1475,1,gr,Rl),S.td=function(s){XC(),XH(E(s,111))},V(IB,"NodeLabelAndSizeUtilities/lambda$0$Type",1475),H(790,1,gr,Qde),S.td=function(s){jt(this.b,this.c,this.a,E(s,181))},S.a=!1,S.c=!1,V(IB,"NodeLabelCellCreator/lambda$0$Type",790),H(1474,1,gr,J_),S.td=function(s){ZQ(this.a,E(s,181))},V(IB,"PortContextCreator/lambda$0$Type",1474);var gY;H(1829,1,{},zt),V(EA,"GreedyRectangleStripOverlapRemover",1829),H(1830,1,go,za),S.ue=function(s,a){return sst(E(s,222),E(a,222))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(EA,"GreedyRectangleStripOverlapRemover/0methodref$compareByYCoordinate$Type",1830),H(1786,1,{},$M),S.a=5,S.e=0,V(EA,"RectangleStripOverlapRemover",1786),H(1787,1,go,Ri),S.ue=function(s,a){return ast(E(s,222),E(a,222))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(EA,"RectangleStripOverlapRemover/0methodref$compareLeftRectangleBorders$Type",1787),H(1789,1,go,Do),S.ue=function(s,a){return Alt(E(s,222),E(a,222))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(EA,"RectangleStripOverlapRemover/1methodref$compareRightRectangleBorders$Type",1789),H(406,22,{3:1,35:1,22:1,406:1},iV);var ZB,Rae,Oae,ez,cYe=ci(EA,"RectangleStripOverlapRemover/OverlapRemovalDirection",406,hi,Bht,kat),lYe;H(222,1,{222:1},Cee),V(EA,"RectangleStripOverlapRemover/RectangleNode",222),H(1788,1,gr,ub),S.td=function(s){jwt(this.a,E(s,222))},V(EA,"RectangleStripOverlapRemover/lambda$1$Type",1788),H(1304,1,go,Ds),S.ue=function(s,a){return H4t(E(s,167),E(a,167))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kb,"PolyominoCompactor/CornerCasesGreaterThanRestComparator",1304),H(1307,1,{},eo),S.Kb=function(s){return E(s,324).a},V(kb,"PolyominoCompactor/CornerCasesGreaterThanRestComparator/lambda$0$Type",1307),H(1308,1,Ni,As),S.Mb=function(s){return E(s,323).a},V(kb,"PolyominoCompactor/CornerCasesGreaterThanRestComparator/lambda$1$Type",1308),H(1309,1,Ni,ps),S.Mb=function(s){return E(s,323).a},V(kb,"PolyominoCompactor/CornerCasesGreaterThanRestComparator/lambda$2$Type",1309),H(1302,1,go,dt),S.ue=function(s,a){return _3t(E(s,167),E(a,167))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kb,"PolyominoCompactor/MinNumOfExtensionDirectionsComparator",1302),H(1305,1,{},hr),S.Kb=function(s){return E(s,324).a},V(kb,"PolyominoCompactor/MinNumOfExtensionDirectionsComparator/lambda$0$Type",1305),H(767,1,go,ht),S.ue=function(s,a){return xbt(E(s,167),E(a,167))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kb,"PolyominoCompactor/MinNumOfExtensionsComparator",767),H(1300,1,go,qe),S.ue=function(s,a){return $gt(E(s,321),E(a,321))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kb,"PolyominoCompactor/MinPerimeterComparator",1300),H(1301,1,go,it),S.ue=function(s,a){return cwt(E(s,321),E(a,321))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kb,"PolyominoCompactor/MinPerimeterComparatorWithShape",1301),H(1303,1,go,pt),S.ue=function(s,a){return q3t(E(s,167),E(a,167))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kb,"PolyominoCompactor/SingleExtensionSideGreaterThanRestComparator",1303),H(1306,1,{},Sn),S.Kb=function(s){return E(s,324).a},V(kb,"PolyominoCompactor/SingleExtensionSideGreaterThanRestComparator/lambda$0$Type",1306),H(777,1,{},ife),S.Ce=function(s,a){return jht(this,E(s,46),E(a,167))},V(kb,"SuccessorCombination",777),H(644,1,{},Hn),S.Ce=function(s,a){var l;return CSt((l=E(s,46),E(a,167),l))},V(kb,"SuccessorJitter",644),H(643,1,{},Un),S.Ce=function(s,a){var l;return hTt((l=E(s,46),E(a,167),l))},V(kb,"SuccessorLineByLine",643),H(568,1,{},mn),S.Ce=function(s,a){var l;return Txt((l=E(s,46),E(a,167),l))},V(kb,"SuccessorManhattan",568),H(1356,1,{},wr),S.Ce=function(s,a){var l;return MCt((l=E(s,46),E(a,167),l))},V(kb,"SuccessorMaxNormWindingInMathPosSense",1356),H(400,1,{},Z_),S.Ce=function(s,a){return Whe(this,s,a)},S.c=!1,S.d=!1,S.e=!1,S.f=!1,V(kb,"SuccessorQuadrantsGeneric",400),H(1357,1,{},Ui),S.Kb=function(s){return E(s,324).a},V(kb,"SuccessorQuadrantsGeneric/lambda$0$Type",1357),H(323,22,{3:1,35:1,22:1,323:1},rV),S.a=!1;var tz,nz,rz,iz,fYe=ci(nK,$ve,323,hi,Uht,Rat),dYe;H(1298,1,{}),S.Ib=function(){var s,a,l,v,y,x;for(l=" ",s=Ot(0),y=0;y<this.o;y++)l+=""+s.a,s=Ot(w5e(s.a));for(l+=`
`,s=Ot(0),x=0;x<this.p;x++){for(l+=""+s.a,s=Ot(w5e(s.a)),v=0;v<this.o;v++)a=Zte(this,v,x),tl(a,0)==0?l+="_":tl(a,1)==0?l+="X":l+="0";l+=`
`}return bh(l,0,l.length-1)},S.o=0,S.p=0,V(nK,"TwoBitGrid",1298),H(321,1298,{321:1},Zge),S.j=0,S.k=0,V(nK,"PlanarGrid",321),H(167,321,{321:1,167:1}),S.g=0,S.i=0,V(nK,"Polyomino",167);var yIt=zo(DB,vVe);H(134,1,Pve,To),S.Ye=function(s,a){return IL(this,s,a)},S.Ve=function(){return zIe(this)},S.We=function(s){return se(this,s)},S.Xe=function(s){return ta(this,s)},V(DB,"MapPropertyHolder",134),H(1299,134,Pve,yBe),V(nK,"Polyominoes",1299);var hYe=!1,V9,M2e;H(1766,1,gr,$s),S.td=function(s){vHe(E(s,221))},V(q5,"DepthFirstCompaction/0methodref$compactTree$Type",1766),H(810,1,gr,N),S.td=function(s){rft(this.a,E(s,221))},V(q5,"DepthFirstCompaction/lambda$1$Type",810),H(1767,1,gr,eIe),S.td=function(s){kvt(this.a,this.b,this.c,E(s,221))},V(q5,"DepthFirstCompaction/lambda$2$Type",1767);var q9,N2e;H(65,1,{65:1},aAe),V(q5,"Node",65),H(1250,1,{},uOe),V(q5,"ScanlineOverlapCheck",1250),H(1251,1,{679:1},k6e),S.Ke=function(s){Bst(this,E(s,440))},V(q5,"ScanlineOverlapCheck/OverlapsScanlineHandler",1251),H(1252,1,go,Ia),S.ue=function(s,a){return c0t(E(s,65),E(a,65))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(q5,"ScanlineOverlapCheck/OverlapsScanlineHandler/lambda$0$Type",1252),H(440,1,{440:1},ofe),S.a=!1,V(q5,"ScanlineOverlapCheck/Timestamp",440),H(1253,1,go,Vo),S.ue=function(s,a){return Lyt(E(s,440),E(a,440))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(q5,"ScanlineOverlapCheck/lambda$0$Type",1253),H(550,1,{},qs),V(wVe,"SVGImage",550),H(324,1,{324:1},Jde),S.Ib=function(){return"("+this.a+fu+this.b+fu+this.c+")"},V(wVe,"UniqueTriple",324),H(209,1,P2),V(L4,"AbstractLayoutProvider",209),H(1132,209,P2,ou),S.Ze=function(s,a){var l,v,y,x;switch(Lr(a,yVe,1),this.a=ot(Dt(Xt(s,(BF(),V2e)))),p2(s,Dae)&&(y=ai(Xt(s,Dae)),l=Jre(k6(),y),l&&(v=E(rte(l.f),209),v.Ze(s,wl(a,1)))),x=new S$e(this.a),this.b=ROt(x,s),E(Xt(s,(yne(),B2e)),481).g){case 0:VSt(new rs,this.b),Nu(s,vY,se(this.b,vY));break;default:mg()}jOt(x),Nu(s,H2e,this.b),Or(a)},S.a=0,V(EVe,"DisCoLayoutProvider",1132),H(1244,1,{},rs),S.c=!1,S.e=0,S.f=0,V(EVe,"DisCoPolyominoCompactor",1244),H(561,1,{561:1},WIe),S.b=!0,V(iK,"DCComponent",561),H(394,22,{3:1,35:1,22:1,394:1},nV),S.a=!1;var bY,oz,mY,sz,pYe=ci(iK,"DCDirection",394,hi,Hht,Oat),gYe;H(266,134,{3:1,266:1,94:1,134:1},Nre),V(iK,"DCElement",266),H(395,1,{395:1},Sbe),S.c=0,V(iK,"DCExtension",395),H(755,134,Pve,OU),V(iK,"DCGraph",755),H(481,22,{3:1,35:1,22:1,481:1},GOe);var Iae,L2e=ci(woe,Fve,481,hi,vft,Iat),bYe;H(854,1,Ep,yv),S.Qe=function(s){wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,jve),_Ve),"Connected Components Compaction Strategy"),"Strategy for packing different connected components in order to save space and enhance readability of a graph."),z2e),(nw(),es)),L2e),yn((q1(),cr))))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Mve),_Ve),"Connected Components Layout Algorithm"),"A layout algorithm that is to be applied to each connected component before the components themselves are compacted. If unspecified, the positions of the components' nodes are not altered."),l$),Bt),yn(cr)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Nve),"debug"),"DCGraph"),"Access to the DCGraph is intended for the debug view,"),Hg),mr),yn(cr)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Lve),"debug"),"List of Polyominoes"),"Access to the polyominoes is intended for the debug view,"),Hg),mr),yn(cr)))),sHe((new V_,s))};var mYe,B2e,z2e,vYe,wYe;V(woe,"DisCoMetaDataProvider",854),H(998,1,Ep,V_),S.Qe=function(s){sHe(s)};var yYe,Dae,EYe,H2e,vY,Aae,U2e,_Ye,SYe,xYe,CYe,V2e;V(woe,"DisCoOptions",998),H(999,1,{},Da),S.$e=function(){var s;return s=new ou,s},S._e=function(s){},V(woe,"DisCoOptions/DiscoFactory",999),H(562,167,{321:1,167:1,562:1},rBe),S.a=0,S.b=0,S.c=0,S.d=0,V("org.eclipse.elk.alg.disco.structures","DCPolyomino",562);var $ae,Pae,wY;H(1268,1,Ni,Ol),S.Mb=function(s){return Pfe(s)},V(B4,"ElkGraphComponentsProcessor/lambda$0$Type",1268),H(1269,1,{},uf),S.Kb=function(s){return g5(),Cm(E(s,79))},V(B4,"ElkGraphComponentsProcessor/lambda$1$Type",1269),H(1270,1,Ni,Nd),S.Mb=function(s){return Oct(E(s,79))},V(B4,"ElkGraphComponentsProcessor/lambda$2$Type",1270),H(1271,1,{},gc),S.Kb=function(s){return g5(),Ny(E(s,79))},V(B4,"ElkGraphComponentsProcessor/lambda$3$Type",1271),H(1272,1,Ni,Nf),S.Mb=function(s){return Ict(E(s,79))},V(B4,"ElkGraphComponentsProcessor/lambda$4$Type",1272),H(1273,1,Ni,W),S.Mb=function(s){return ydt(this.a,E(s,79))},V(B4,"ElkGraphComponentsProcessor/lambda$5$Type",1273),H(1274,1,{},te),S.Kb=function(s){return Nlt(this.a,E(s,79))},V(B4,"ElkGraphComponentsProcessor/lambda$6$Type",1274),H(1241,1,{},S$e),S.a=0,V(B4,"ElkGraphTransformer",1241),H(1242,1,{},jc),S.Od=function(s,a){OSt(this,E(s,160),E(a,266))},V(B4,"ElkGraphTransformer/OffsetApplier",1242),H(1243,1,gr,Ee),S.td=function(s){Zot(this,E(s,8))},V(B4,"ElkGraphTransformer/OffsetApplier/OffSetToChainApplier",1243),H(753,1,{},Ka),V(zve,Hve,753),H(1232,1,go,Wc),S.ue=function(s,a){return gSt(E(s,231),E(a,231))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(zve,SVe,1232),H(740,209,P2,VP),S.Ze=function(s,a){sBe(this,s,a)},V(zve,"ForceLayoutProvider",740),H(357,134,{3:1,357:1,94:1,134:1}),V(AB,"FParticle",357),H(559,357,{3:1,559:1,357:1,94:1,134:1},kDe),S.Ib=function(){var s;return this.a?(s=lc(this.a.a,this,0),s>=0?"b"+s+"["+Ste(this.a)+"]":"b["+Ste(this.a)+"]"):"b_"+gS(this)},V(AB,"FBendpoint",559),H(282,134,{3:1,282:1,94:1,134:1},_5e),S.Ib=function(){return Ste(this)},V(AB,"FEdge",282),H(231,134,{3:1,231:1,94:1,134:1},Uq);var EIt=V(AB,"FGraph",231);H(447,357,{3:1,447:1,357:1,94:1,134:1},C$e),S.Ib=function(){return this.b==null||this.b.length==0?"l["+Ste(this.a)+"]":"l_"+this.b},V(AB,"FLabel",447),H(144,357,{3:1,144:1,357:1,94:1,134:1},FDe),S.Ib=function(){return Spe(this)},S.b=0,V(AB,"FNode",144),H(2003,1,{}),S.bf=function(s){P0e(this,s)},S.cf=function(){iMe(this)},S.d=0,V(Uve,"AbstractForceModel",2003),H(631,2003,{631:1},p9e),S.af=function(s,a){var l,v,y,x,T;return eLe(this.f,s,a),y=pa(Oc(a.d),s.d),T=m.Math.sqrt(y.a*y.a+y.b*y.b),v=m.Math.max(0,T-lF(s.e)/2-lF(a.e)/2),l=V9e(this.e,s,a),l>0?x=-Olt(v,this.c)*l:x=Est(v,this.b)*E(se(s,(G1(),BA)),19).a,mb(y,x/T),y},S.bf=function(s){P0e(this,s),this.a=E(se(s,(G1(),EY)),19).a,this.c=ot(Dt(se(s,_Y))),this.b=ot(Dt(se(s,jae)))},S.df=function(s){return s<this.a},S.a=0,S.b=0,S.c=0,V(Uve,"EadesModel",631),H(632,2003,{632:1},gIe),S.af=function(s,a){var l,v,y,x,T;return eLe(this.f,s,a),y=pa(Oc(a.d),s.d),T=m.Math.sqrt(y.a*y.a+y.b*y.b),v=m.Math.max(0,T-lF(s.e)/2-lF(a.e)/2),x=yst(v,this.a)*E(se(s,(G1(),BA)),19).a,l=V9e(this.e,s,a),l>0&&(x-=Mle(v,this.a)*l),mb(y,x*this.b/T),y},S.bf=function(s){var a,l,v,y,x,T,O;for(P0e(this,s),this.b=ot(Dt(se(s,(G1(),Mae)))),this.c=this.b/E(se(s,EY),19).a,v=s.e.c.length,x=0,y=0,O=new le(s.e);O.a<O.c.c.length;)T=E(ce(O),144),x+=T.e.a,y+=T.e.b;a=x*y,l=ot(Dt(se(s,_Y)))*Fg,this.a=m.Math.sqrt(a/(2*v))*l},S.cf=function(){iMe(this),this.b-=this.c},S.df=function(s){return this.b>0},S.a=0,S.b=0,S.c=0,V(Uve,"FruchtermanReingoldModel",632),H(849,1,Ep,q_),S.Qe=function(s){wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,oK),""),"Force Model"),"Determines the model for force calculation."),q2e),(nw(),es)),W2e),yn((q1(),cr))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Vve),""),"Iterations"),"The number of iterations on the force model."),Ot(300)),Vc),nu),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,qve),""),"Repulsive Power"),"Determines how many bend points are added to the edge; such bend points are regarded as repelling particles in the force model"),Ot(0)),Vc),nu),yn(Lb)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Soe),""),"FR Temperature"),"The temperature is used as a scaling factor for particle displacements."),Rb),sc),xa),yn(cr)))),Ea(s,Soe,oK,AYe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,xoe),""),"Eades Repulsion"),"Factor for repulsive forces in Eades' model."),5),sc),xa),yn(cr)))),Ea(s,xoe,oK,OYe),tUe((new lk,s))};var TYe,kYe,q2e,RYe,OYe,IYe,DYe,AYe;V(b9,"ForceMetaDataProvider",849),H(424,22,{3:1,35:1,22:1,424:1},ufe);var Fae,yY,W2e=ci(b9,"ForceModelStrategy",424,hi,gdt,Dat),$Ye;H(988,1,Ep,lk),S.Qe=function(s){tUe(s)};var PYe,FYe,G2e,EY,K2e,jYe,MYe,NYe,Y2e,LYe,X2e,Q2e,BYe,BA,zYe,jae,J2e,HYe,UYe,_Y,Mae;V(b9,"ForceOptions",988),H(989,1,{},wi),S.$e=function(){var s;return s=new VP,s},S._e=function(s){},V(b9,"ForceOptions/ForceFactory",989);var az,W9,tI,SY;H(850,1,Ep,mC),S.Qe=function(s){wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Gve),""),"Fixed Position"),"Prevent that the node is moved by the layout algorithm."),(tr(),!1)),(nw(),Ga)),Us),yn((q1(),ca))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Kve),""),"Desired Edge Length"),"Either specified for parent nodes or for individual edges, where the latter takes higher precedence."),100),sc),xa),Ro(cr,pe(he(pw,1),wt,175,0,[Lb]))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Yve),""),"Layout Dimension"),"Dimensions that are permitted to be altered during layout."),Z2e),es),s_e),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Xve),""),"Stress Epsilon"),"Termination criterion for the iterative process."),Rb),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Qve),""),"Iteration Limit"),"Maximum number of performed iterations. Takes higher precedence than 'epsilon'."),Ot(qi)),Vc),nu),yn(cr)))),LHe((new fk,s))};var VYe,qYe,Z2e,WYe,GYe,KYe;V(b9,"StressMetaDataProvider",850),H(992,1,Ep,fk),S.Qe=function(s){LHe(s)};var xY,e_e,t_e,n_e,r_e,i_e,YYe,XYe,QYe,JYe,o_e,ZYe;V(b9,"StressOptions",992),H(993,1,{},cf),S.$e=function(){var s;return s=new S5e,s},S._e=function(s){},V(b9,"StressOptions/StressFactory",993),H(1128,209,P2,S5e),S.Ze=function(s,a){var l,v,y,x,T;for(Lr(a,RVe,1),Wt(Gt(Xt(s,(GL(),r_e))))?Wt(Gt(Xt(s,o_e)))||Tq((l=new TC((Ns(),new uy(s))),l)):sBe(new VP,s,wl(a,1)),y=j9e(s),v=Yze(this.a,y),T=v.Kc();T.Ob();)x=E(T.Pb(),231),!(x.e.c.length<=1)&&(B4t(this.b,x),vxt(this.b),Rf(x.d,new Mc));y=uUe(v),oUe(y),Or(a)},V(uK,"StressLayoutProvider",1128),H(1129,1,gr,Mc),S.td=function(s){z0e(E(s,447))},V(uK,"StressLayoutProvider/lambda$0$Type",1129),H(990,1,{},eU),S.c=0,S.e=0,S.g=0,V(uK,"StressMajorization",990),H(379,22,{3:1,35:1,22:1,379:1},hZ);var Nae,Lae,Bae,s_e=ci(uK,"StressMajorization/Dimension",379,hi,Udt,Aat),eXe;H(991,1,go,Me),S.ue=function(s,a){return uat(this.a,E(s,144),E(a,144))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(uK,"StressMajorization/lambda$0$Type",991),H(1229,1,{},NAe),V(Y5,"ElkLayered",1229),H(1230,1,gr,Lf),S.td=function(s){wSt(E(s,37))},V(Y5,"ElkLayered/lambda$0$Type",1230),H(1231,1,gr,tt),S.td=function(s){cat(this.a,E(s,37))},V(Y5,"ElkLayered/lambda$1$Type",1231),H(1263,1,{},lOe);var tXe,nXe,rXe;V(Y5,"GraphConfigurator",1263),H(759,1,gr,Nt),S.td=function(s){dNe(this.a,E(s,10))},V(Y5,"GraphConfigurator/lambda$0$Type",759),H(760,1,{},vd),S.Kb=function(s){return Nbe(),new Nn(null,new zn(E(s,29).a,16))},V(Y5,"GraphConfigurator/lambda$1$Type",760),H(761,1,gr,Yt),S.td=function(s){dNe(this.a,E(s,10))},V(Y5,"GraphConfigurator/lambda$2$Type",761),H(1127,209,P2,ZE),S.Ze=function(s,a){var l;l=a4t(new dm,s),Qe(Xt(s,(Ft(),JT)))===Qe((D0(),gw))?L0t(this.a,l,a):FSt(this.a,l,a),eUe(new vC,l)},V(Y5,"LayeredLayoutProvider",1127),H(356,22,{3:1,35:1,22:1,356:1},pN);var jb,Jy,nf,Sl,oc,a_e=ci(Y5,"LayeredPhases",356,hi,Tpt,$at),iXe;H(1651,1,{},SFe),S.i=0;var oXe;V(FB,"ComponentsToCGraphTransformer",1651);var sXe;H(1652,1,{},wd),S.ef=function(s,a){return m.Math.min(s.a!=null?ot(s.a):s.c.i,a.a!=null?ot(a.a):a.c.i)},S.ff=function(s,a){return m.Math.min(s.a!=null?ot(s.a):s.c.i,a.a!=null?ot(a.a):a.c.i)},V(FB,"ComponentsToCGraphTransformer/1",1652),H(81,1,{81:1}),S.i=0,S.k=!0,S.o=ws;var zae=V(w9,"CNode",81);H(460,81,{460:1,81:1},cde,lbe),S.Ib=function(){return""},V(FB,"ComponentsToCGraphTransformer/CRectNode",460),H(1623,1,{},Gc);var Hae,Uae;V(FB,"OneDimensionalComponentsCompaction",1623),H(1624,1,{},Eu),S.Kb=function(s){return Pdt(E(s,46))},S.Fb=function(s){return this===s},V(FB,"OneDimensionalComponentsCompaction/lambda$0$Type",1624),H(1625,1,{},Yu),S.Kb=function(s){return G0t(E(s,46))},S.Fb=function(s){return this===s},V(FB,"OneDimensionalComponentsCompaction/lambda$1$Type",1625),H(1654,1,{},PDe),V(w9,"CGraph",1654),H(189,1,{189:1},Une),S.b=0,S.c=0,S.e=0,S.g=!0,S.i=ws,V(w9,"CGroup",189),H(1653,1,{},Ld),S.ef=function(s,a){return m.Math.max(s.a!=null?ot(s.a):s.c.i,a.a!=null?ot(a.a):a.c.i)},S.ff=function(s,a){return m.Math.max(s.a!=null?ot(s.a):s.c.i,a.a!=null?ot(a.a):a.c.i)},V(w9,nVe,1653),H(1655,1,{},hLe),S.d=!1;var aXe,Vae=V(w9,oVe,1655);H(1656,1,{},_1),S.Kb=function(s){return dN(),tr(),E(E(s,46).a,81).d.e!=0},S.Fb=function(s){return this===s},V(w9,sVe,1656),H(823,1,{},whe),S.a=!1,S.b=!1,S.c=!1,S.d=!1,V(w9,aVe,823),H(1825,1,{},JIe),V(cK,uVe,1825);var uz=zo(j2,eVe);H(1826,1,{369:1},O6e),S.Ke=function(s){RTt(this,E(s,466))},V(cK,cVe,1826),H(1827,1,go,up),S.ue=function(s,a){return Rft(E(s,81),E(a,81))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(cK,lVe,1827),H(466,1,{466:1},lfe),S.a=!1,V(cK,fVe,466),H(1828,1,go,nh),S.ue=function(s,a){return Byt(E(s,466),E(a,466))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(cK,dVe,1828),H(140,1,{140:1},WD,phe),S.Fb=function(s){var a;return s==null||_It!=Od(s)?!1:(a=E(s,140),bl(this.c,a.c)&&bl(this.d,a.d))},S.Hb=function(){return PW(pe(he(mr,1),Ht,1,5,[this.c,this.d]))},S.Ib=function(){return"("+this.c+fu+this.d+(this.a?"cx":"")+this.b+")"},S.a=!0,S.c=0,S.d=0;var _It=V(j2,"Point",140);H(405,22,{3:1,35:1,22:1,405:1},oV);var fx,VT,Q4,qT,uXe=ci(j2,"Point/Quadrant",405,hi,Vht,Pat),cXe;H(1642,1,{},DM),S.b=null,S.c=null,S.d=null,S.e=null,S.f=null;var lXe,fXe,dXe,hXe,pXe;V(j2,"RectilinearConvexHull",1642),H(574,1,{369:1},eG),S.Ke=function(s){k1t(this,E(s,140))},S.b=0;var u_e;V(j2,"RectilinearConvexHull/MaximalElementsEventHandler",574),H(1644,1,go,lf),S.ue=function(s,a){return mft(Dt(s),Dt(a))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(j2,"RectilinearConvexHull/MaximalElementsEventHandler/lambda$0$Type",1644),H(1643,1,{369:1},W8e),S.Ke=function(s){zCt(this,E(s,140))},S.a=0,S.b=null,S.c=null,S.d=null,S.e=null,V(j2,"RectilinearConvexHull/RectangleEventHandler",1643),H(1645,1,go,Il),S.ue=function(s,a){return yht(E(s,140),E(a,140))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(j2,"RectilinearConvexHull/lambda$0$Type",1645),H(1646,1,go,eg),S.ue=function(s,a){return Eht(E(s,140),E(a,140))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(j2,"RectilinearConvexHull/lambda$1$Type",1646),H(1647,1,go,Kg),S.ue=function(s,a){return Sht(E(s,140),E(a,140))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(j2,"RectilinearConvexHull/lambda$2$Type",1647),H(1648,1,go,Yg),S.ue=function(s,a){return _ht(E(s,140),E(a,140))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(j2,"RectilinearConvexHull/lambda$3$Type",1648),H(1649,1,go,Xg),S.ue=function(s,a){return C2t(E(s,140),E(a,140))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(j2,"RectilinearConvexHull/lambda$4$Type",1649),H(1650,1,{},sAe),V(j2,"Scanline",1650),H(2005,1,{}),V(Ob,"AbstractGraphPlacer",2005),H(325,1,{325:1},JOe),S.mf=function(s){return this.nf(s)?(_n(this.b,E(se(s,(bt(),GT)),21),s),!0):!1},S.nf=function(s){var a,l,v,y;for(a=E(se(s,(bt(),GT)),21),y=E(no(bo,a),21),v=y.Kc();v.Ob();)if(l=E(v.Pb(),21),!E(no(this.b,l),15).dc())return!1;return!0};var bo;V(Ob,"ComponentGroup",325),H(765,2005,{},WP),S.of=function(s){var a,l;for(l=new le(this.a);l.a<l.c.c.length;)if(a=E(ce(l),325),a.mf(s))return;Et(this.a,new JOe(s))},S.lf=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie;if(this.a.c=Pe(mr,Ht,1,0,5,1),a.a.c=Pe(mr,Ht,1,0,5,1),s.dc()){a.f.a=0,a.f.b=0;return}for(T=E(s.Xb(0),37),rc(a,T),y=s.Kc();y.Ob();)v=E(y.Pb(),37),this.of(v);for(ie=new ka,x=ot(Dt(se(T,(Ft(),_z)))),F=new le(this.a);F.a<F.c.c.length;)O=E(ce(F),325),z=bUe(O,x),Gv(dq(O.b),ie.a,ie.b),ie.a+=z.a,ie.b+=z.b;if(a.f.a=ie.a-x,a.f.b=ie.b-x,Wt(Gt(se(T,lX)))&&Qe(se(T,z0))===Qe(($0(),p$))){for(ee=s.Kc();ee.Ob();)q=E(ee.Pb(),37),e9(q,q.c.a,q.c.b);for(l=new Ve,ave(l,s,x),Q=s.Kc();Q.Ob();)q=E(Q.Pb(),37),io(L1(q.c),l.e);io(L1(a.f),l.a)}for(A=new le(this.a);A.a<A.c.c.length;)O=E(ce(A),325),a1e(a,dq(O.b))},V(Ob,"ComponentGroupGraphPlacer",765),H(1293,765,{},iJ),S.of=function(s){Sje(this,s)},S.lf=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne;if(this.a.c=Pe(mr,Ht,1,0,5,1),a.a.c=Pe(mr,Ht,1,0,5,1),s.dc()){a.f.a=0,a.f.b=0;return}for(T=E(s.Xb(0),37),rc(a,T),y=s.Kc();y.Ob();)v=E(y.Pb(),37),Sje(this,v);for(Ne=new ka,Te=new ka,fe=new ka,ie=new ka,x=ot(Dt(se(T,(Ft(),_z)))),F=new le(this.a);F.a<F.c.c.length;){if(O=E(ce(F),325),Ey(E(se(a,(Mi(),Cx)),103))){for(fe.a=Ne.a,Ie=new Fk(cF(Bee(O.b).a).a.kc());Ie.b.Ob();)if(be=E(uc(Ie.b.Pb()),21),be.Hc((It(),Jn))){fe.a=Te.a;break}}else if(KD(E(se(a,Cx),103))){for(fe.b=Ne.b,Ie=new Fk(cF(Bee(O.b).a).a.kc());Ie.b.Ob();)if(be=E(uc(Ie.b.Pb()),21),be.Hc((It(),nr))){fe.b=Te.b;break}}if(z=bUe(E(O,570),x),Gv(dq(O.b),fe.a,fe.b),Ey(E(se(a,Cx),103))){for(Te.a=fe.a+z.a,ie.a=m.Math.max(ie.a,Te.a),Ie=new Fk(cF(Bee(O.b).a).a.kc());Ie.b.Ob();)if(be=E(uc(Ie.b.Pb()),21),be.Hc((It(),Br))){Ne.a=fe.a+z.a;break}Te.b=fe.b+z.b,fe.b=Te.b,ie.b=m.Math.max(ie.b,fe.b)}else if(KD(E(se(a,Cx),103))){for(Te.b=fe.b+z.b,ie.b=m.Math.max(ie.b,Te.b),Ie=new Fk(cF(Bee(O.b).a).a.kc());Ie.b.Ob();)if(be=E(uc(Ie.b.Pb()),21),be.Hc((It(),fr))){Ne.b=fe.b+z.b;break}Te.a=fe.a+z.a,fe.a=Te.a,ie.a=m.Math.max(ie.a,fe.a)}}if(a.f.a=ie.a-x,a.f.b=ie.b-x,Wt(Gt(se(T,lX)))&&Qe(se(T,z0))===Qe(($0(),p$))){for(ee=s.Kc();ee.Ob();)q=E(ee.Pb(),37),e9(q,q.c.a,q.c.b);for(l=new Ve,ave(l,s,x),Q=s.Kc();Q.Ob();)q=E(Q.Pb(),37),io(L1(q.c),l.e);io(L1(a.f),l.a)}for(A=new le(this.a);A.a<A.c.c.length;)O=E(ce(A),325),a1e(a,dq(O.b))},V(Ob,"ComponentGroupModelOrderGraphPlacer",1293),H(423,22,{3:1,35:1,22:1,423:1},pZ);var qae,c_e,J4,l_e=ci(Ob,"ComponentOrderingStrategy",423,hi,Hdt,Fat),gXe;H(650,1,{},Ve),V(Ob,"ComponentsCompactor",650),H(1468,12,GUe,ePe),S.Fc=function(s){return WF(this,E(s,140))},V(Ob,"ComponentsCompactor/Hullpoints",1468),H(1465,1,{841:1},L7e),S.a=!1,V(Ob,"ComponentsCompactor/InternalComponent",1465),H(1464,1,km,AM),S.Jc=function(s){Na(this,s)},S.Kc=function(){return new le(this.a)},V(Ob,"ComponentsCompactor/InternalConnectedComponents",1464),H(1467,1,{594:1},gLe),S.hf=function(){return null},S.jf=function(){return this.a},S.gf=function(){return Gne(this.d)},S.kf=function(){return this.b},V(Ob,"ComponentsCompactor/InternalExternalExtension",1467),H(1466,1,{594:1},GP),S.jf=function(){return this.a},S.gf=function(){return Gne(this.d)},S.hf=function(){return this.c},S.kf=function(){return this.b},V(Ob,"ComponentsCompactor/InternalUnionExternalExtension",1466),H(1470,1,{},$Be),V(Ob,"ComponentsCompactor/OuterSegments",1470),H(1469,1,{},Dk),V(Ob,"ComponentsCompactor/Segments",1469),H(1264,1,{},I6e),V(Ob,Hve,1264),H(1265,1,go,ut),S.ue=function(s,a){return Tht(E(s,37),E(a,37))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Ob,"ComponentsProcessor/lambda$0$Type",1265),H(570,325,{325:1,570:1},Z$e),S.mf=function(s){return pge(this,s)},S.nf=function(s){return hBe(this,s)};var Si;V(Ob,"ModelOrderComponentGroup",570),H(1291,2005,{},Mt),S.lf=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt;if(s.gc()==1){Ne=E(s.Xb(0),37),Ne!=a&&(a.a.c=Pe(mr,Ht,1,0,5,1),vze(a,Ne,0,0),rc(a,Ne),upe(a.d,Ne.d),a.f.a=Ne.f.a,a.f.b=Ne.f.b);return}else if(s.dc()){a.a.c=Pe(mr,Ht,1,0,5,1),a.f.a=0,a.f.b=0;return}if(Qe(se(a,(Ft(),fI)))===Qe((BS(),J4))){for(A=s.Kc();A.Ob();){for(T=E(A.Pb(),37),Ie=0,fe=new le(T.a);fe.a<fe.c.c.length;)ie=E(ce(fe),10),Ie+=E(se(ie,wZe),19).a;T.p=Ie}In(),s.ad(new An)}for(x=E(s.Xb(0),37),a.a.c=Pe(mr,Ht,1,0,5,1),rc(a,x),ee=0,nt=0,F=s.Kc();F.Ob();)T=E(F.Pb(),37),Te=T.f,ee=m.Math.max(ee,Te.a),nt+=Te.a*Te.b;for(ee=m.Math.max(ee,m.Math.sqrt(nt)*ot(Dt(se(a,cX)))),y=ot(Dt(se(a,_z))),yt=0,Lt=0,Q=0,l=y,O=s.Kc();O.Ob();)T=E(O.Pb(),37),Te=T.f,yt+Te.a>ee&&(yt=0,Lt+=Q+y,Q=0),be=T.c,e9(T,yt+be.a,Lt+be.b),L1(be),l=m.Math.max(l,yt+Te.a),Q=m.Math.max(Q,Te.b),yt+=Te.a+y;if(a.f.a=l,a.f.b=Lt+Q,Wt(Gt(se(x,lX)))){for(v=new Ve,ave(v,s,y),q=s.Kc();q.Ob();)z=E(q.Pb(),37),io(L1(z.c),v.e);io(L1(a.f),v.a)}a1e(a,s)},V(Ob,"SimpleRowGraphPlacer",1291),H(1292,1,go,An),S.ue=function(s,a){return Sbt(E(s,37),E(a,37))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Ob,"SimpleRowGraphPlacer/1",1292);var bXe;H(1262,1,Tb,Xn),S.Lb=function(s){var a;return a=E(se(E(s,243).b,(Ft(),Ku)),74),!!a&&a.b!=0},S.Fb=function(s){return this===s},S.Mb=function(s){var a;return a=E(se(E(s,243).b,(Ft(),Ku)),74),!!a&&a.b!=0},V(lK,"CompoundGraphPostprocessor/1",1262),H(1261,1,Jo,tJ),S.pf=function(s,a){z7e(this,E(s,37),a)},V(lK,"CompoundGraphPreprocessor",1261),H(441,1,{441:1},Rje),S.c=!1,V(lK,"CompoundGraphPreprocessor/ExternalPort",441),H(243,1,{243:1},zV),S.Ib=function(){return JZ(this.c)+":"+cLe(this.b)},V(lK,"CrossHierarchyEdge",243),H(763,1,go,Cn),S.ue=function(s,a){return dyt(this,E(s,243),E(a,243))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(lK,"CrossHierarchyEdgeComparator",763),H(299,134,{3:1,299:1,94:1,134:1}),S.p=0,V(Ll,"LGraphElement",299),H(17,299,{3:1,17:1,299:1,94:1,134:1},CS),S.Ib=function(){return cLe(this)};var Wae=V(Ll,"LEdge",17);H(37,299,{3:1,20:1,37:1,299:1,94:1,134:1},O1e),S.Jc=function(s){Na(this,s)},S.Kc=function(){return new le(this.b)},S.Ib=function(){return this.b.c.length==0?"G-unlayered"+Ly(this.a):this.a.c.length==0?"G-layered"+Ly(this.b):"G[layerless"+Ly(this.a)+", layers"+Ly(this.b)+"]"};var mXe=V(Ll,"LGraph",37),vXe;H(657,1,{}),S.qf=function(){return this.e.n},S.We=function(s){return se(this.e,s)},S.rf=function(){return this.e.o},S.sf=function(){return this.e.p},S.Xe=function(s){return ta(this.e,s)},S.tf=function(s){this.e.n.a=s.a,this.e.n.b=s.b},S.uf=function(s){this.e.o.a=s.a,this.e.o.b=s.b},S.vf=function(s){this.e.p=s},V(Ll,"LGraphAdapters/AbstractLShapeAdapter",657),H(577,1,{839:1},yr),S.wf=function(){var s,a;if(!this.b)for(this.b=bm(this.a.b.c.length),a=new le(this.a.b);a.a<a.c.c.length;)s=E(ce(a),70),Et(this.b,new xr(s));return this.b},S.b=null,V(Ll,"LGraphAdapters/LEdgeAdapter",577),H(656,1,{},Gee),S.xf=function(){var s,a,l,v,y,x;if(!this.b){for(this.b=new vt,v=new le(this.a.b);v.a<v.c.c.length;)for(l=E(ce(v),29),x=new le(l.a);x.a<x.c.c.length;)if(y=E(ce(x),10),this.c.Mb(y)&&(Et(this.b,new HV(this,y,this.e)),this.d)){if(ta(y,(bt(),lI)))for(a=E(se(y,lI),15).Kc();a.Ob();)s=E(a.Pb(),10),Et(this.b,new HV(this,s,!1));if(ta(y,oI))for(a=E(se(y,oI),15).Kc();a.Ob();)s=E(a.Pb(),10),Et(this.b,new HV(this,s,!1))}}return this.b},S.qf=function(){throw de(new M1(DVe))},S.We=function(s){return se(this.a,s)},S.rf=function(){return this.a.f},S.sf=function(){return this.a.p},S.Xe=function(s){return ta(this.a,s)},S.tf=function(s){throw de(new M1(DVe))},S.uf=function(s){this.a.f.a=s.a,this.a.f.b=s.b},S.vf=function(s){this.a.p=s},S.b=null,S.d=!1,S.e=!1,V(Ll,"LGraphAdapters/LGraphAdapter",656),H(576,657,{181:1},xr),V(Ll,"LGraphAdapters/LLabelAdapter",576),H(575,657,{680:1},HV),S.yf=function(){return this.b},S.zf=function(){return In(),In(),wu},S.wf=function(){var s,a;if(!this.a)for(this.a=bm(E(this.e,10).b.c.length),a=new le(E(this.e,10).b);a.a<a.c.c.length;)s=E(ce(a),70),Et(this.a,new xr(s));return this.a},S.Af=function(){var s;return s=E(this.e,10).d,new Mde(s.d,s.c,s.a,s.b)},S.Bf=function(){return In(),In(),wu},S.Cf=function(){var s,a;if(!this.c)for(this.c=bm(E(this.e,10).j.c.length),a=new le(E(this.e,10).j);a.a<a.c.c.length;)s=E(ce(a),11),Et(this.c,new $4e(s,this.d));return this.c},S.Df=function(){return Wt(Gt(se(E(this.e,10),(bt(),DSe))))},S.Ef=function(s){E(this.e,10).d.b=s.b,E(this.e,10).d.d=s.d,E(this.e,10).d.c=s.c,E(this.e,10).d.a=s.a},S.Ff=function(s){E(this.e,10).f.b=s.b,E(this.e,10).f.d=s.d,E(this.e,10).f.c=s.c,E(this.e,10).f.a=s.a},S.Gf=function(){agt(this,(JO(),vXe))},S.a=null,S.b=null,S.c=null,S.d=!1,V(Ll,"LGraphAdapters/LNodeAdapter",575),H(1722,657,{838:1},$4e),S.zf=function(){var s,a,l,v;if(this.d&&E(this.e,11).i.k==(dr(),xl))return In(),In(),wu;if(!this.a){for(this.a=new vt,l=new le(E(this.e,11).e);l.a<l.c.c.length;)s=E(ce(l),17),Et(this.a,new yr(s));if(this.d&&(v=E(se(E(this.e,11),(bt(),pd)),10),v))for(a=new Rr(Ar(fc(v).a.Kc(),new M));fi(a);)s=E(Zr(a),17),Et(this.a,new yr(s))}return this.a},S.wf=function(){var s,a;if(!this.b)for(this.b=bm(E(this.e,11).f.c.length),a=new le(E(this.e,11).f);a.a<a.c.c.length;)s=E(ce(a),70),Et(this.b,new xr(s));return this.b},S.Bf=function(){var s,a,l,v;if(this.d&&E(this.e,11).i.k==(dr(),xl))return In(),In(),wu;if(!this.c){for(this.c=new vt,l=new le(E(this.e,11).g);l.a<l.c.c.length;)s=E(ce(l),17),Et(this.c,new yr(s));if(this.d&&(v=E(se(E(this.e,11),(bt(),pd)),10),v))for(a=new Rr(Ar(ks(v).a.Kc(),new M));fi(a);)s=E(Zr(a),17),Et(this.c,new yr(s))}return this.c},S.Hf=function(){return E(this.e,11).j},S.If=function(){return Wt(Gt(se(E(this.e,11),(bt(),bz))))},S.a=null,S.b=null,S.c=null,S.d=!1,V(Ll,"LGraphAdapters/LPortAdapter",1722),H(1723,1,go,Fi),S.ue=function(s,a){return e3t(E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Ll,"LGraphAdapters/PortComparator",1723),H(804,1,Ni,yi),S.Mb=function(s){return E(s,10),JO(),!0},V(Ll,"LGraphAdapters/lambda$0$Type",804),H(392,299,{3:1,299:1,392:1,94:1,134:1}),V(Ll,"LShape",392),H(70,392,{3:1,299:1,70:1,392:1,94:1,134:1},kJ,Vfe),S.Ib=function(){var s;return s=Act(this),s==null?"label":"l_"+s},V(Ll,"LLabel",70),H(207,1,{3:1,4:1,207:1,414:1}),S.Fb=function(s){var a;return Ce(s,207)?(a=E(s,207),this.d==a.d&&this.a==a.a&&this.b==a.b&&this.c==a.c):!1},S.Hb=function(){var s,a;return s=GD(this.b)<<16,s|=GD(this.a)&ls,a=GD(this.c)<<16,a|=GD(this.d)&ls,s^a},S.Jf=function(s){var a,l,v,y,x,T,O,A,F,z,q;for(x=0;x<s.length&&pje((ui(x,s.length),s.charCodeAt(x)),$Ve);)++x;for(a=s.length;a>0&&pje((ui(a-1,s.length),s.charCodeAt(a-1)),PVe);)--a;if(x<a){z=RT(s.substr(x,a-x),",|;");try{for(O=z,A=0,F=O.length;A<F;++A){if(T=O[A],y=RT(T,"="),y.length!=2)throw de(new Yn("Expecting a list of key-value pairs."));v=_T(y[0]),q=ST(_T(y[1])),xn(v,"top")?this.d=q:xn(v,"left")?this.b=q:xn(v,"bottom")?this.a=q:xn(v,"right")&&(this.c=q)}}catch(Q){throw Q=Mo(Q),Ce(Q,127)?(l=Q,de(new Yn(FVe+l))):de(Q)}}},S.Ib=function(){return"[top="+this.d+",left="+this.b+",bottom="+this.a+",right="+this.c+"]"},S.a=0,S.b=0,S.c=0,S.d=0,V(jB,"Spacing",207),H(142,207,jVe,jC,WRe,Mde,fee);var f_e=V(jB,"ElkMargin",142);H(651,142,jVe,KP),V(Ll,"LMargin",651),H(10,392,{3:1,299:1,10:1,392:1,94:1,134:1},P0),S.Ib=function(){return P7e(this)},S.i=!1;var Pm=V(Ll,"LNode",10);H(267,22,{3:1,35:1,22:1,267:1},I8);var Lg,ds,th,ua,Os,xl,Gae=ci(Ll,"LNode/NodeType",267,hi,m1t,jat),wXe;H(116,207,MVe,nS,pS,Xde);var d_e=V(jB,"ElkPadding",116);H(764,116,MVe,YP),V(Ll,"LPadding",764),H(11,392,{3:1,299:1,11:1,392:1,94:1,134:1},cl),S.Ib=function(){var s,a,l;return s=new pm,gi((s.a+="p_",s),lG(this)),this.i&&gi(zc((s.a+="[",s),this.i),"]"),this.e.c.length==1&&this.g.c.length==0&&E(Vt(this.e,0),17).c!=this&&(a=E(Vt(this.e,0),17).c,gi((s.a+=" << ",s),lG(a)),gi(zc((s.a+="[",s),a.i),"]")),this.e.c.length==0&&this.g.c.length==1&&E(Vt(this.g,0),17).d!=this&&(l=E(Vt(this.g,0),17).d,gi((s.a+=" >> ",s),lG(l)),gi(zc((s.a+="[",s),l.i),"]")),s.a},S.c=!0,S.d=!1;var h_e,p_e,g_e,b_e,m_e,v_e,yXe=V(Ll,"LPort",11);H(397,1,km,Pr),S.Jc=function(s){Na(this,s)},S.Kc=function(){var s;return s=new le(this.a.e),new Wi(s)},V(Ll,"LPort/1",397),H(1290,1,ga,Wi),S.Nb=function(s){ja(this,s)},S.Pb=function(){return E(ce(this.a),17).c},S.Ob=function(){return wc(this.a)},S.Qb=function(){uF(this.a)},V(Ll,"LPort/1/1",1290),H(359,1,km,vo),S.Jc=function(s){Na(this,s)},S.Kc=function(){var s;return s=new le(this.a.g),new bs(s)},V(Ll,"LPort/2",359),H(762,1,ga,bs),S.Nb=function(s){ja(this,s)},S.Pb=function(){return E(ce(this.a),17).d},S.Ob=function(){return wc(this.a)},S.Qb=function(){uF(this.a)},V(Ll,"LPort/2/1",762),H(1283,1,km,O4e),S.Jc=function(s){Na(this,s)},S.Kc=function(){return new kg(this)},V(Ll,"LPort/CombineIter",1283),H(201,1,ga,kg),S.Nb=function(s){ja(this,s)},S.Qb=function(){IJ()},S.Ob=function(){return Q8(this)},S.Pb=function(){return wc(this.a)?ce(this.a):ce(this.b)},V(Ll,"LPort/CombineIter/1",201),H(1285,1,Tb,_i),S.Lb=function(s){return lDe(s)},S.Fb=function(s){return this===s},S.Mb=function(s){return Xf(),E(s,11).e.c.length!=0},V(Ll,"LPort/lambda$0$Type",1285),H(1284,1,Tb,Oi),S.Lb=function(s){return fDe(s)},S.Fb=function(s){return this===s},S.Mb=function(s){return Xf(),E(s,11).g.c.length!=0},V(Ll,"LPort/lambda$1$Type",1284),H(1286,1,Tb,lo),S.Lb=function(s){return Xf(),E(s,11).j==(It(),Jn)},S.Fb=function(s){return this===s},S.Mb=function(s){return Xf(),E(s,11).j==(It(),Jn)},V(Ll,"LPort/lambda$2$Type",1286),H(1287,1,Tb,va),S.Lb=function(s){return Xf(),E(s,11).j==(It(),fr)},S.Fb=function(s){return this===s},S.Mb=function(s){return Xf(),E(s,11).j==(It(),fr)},V(Ll,"LPort/lambda$3$Type",1287),H(1288,1,Tb,ac),S.Lb=function(s){return Xf(),E(s,11).j==(It(),Br)},S.Fb=function(s){return this===s},S.Mb=function(s){return Xf(),E(s,11).j==(It(),Br)},V(Ll,"LPort/lambda$4$Type",1288),H(1289,1,Tb,Zs),S.Lb=function(s){return Xf(),E(s,11).j==(It(),nr)},S.Fb=function(s){return this===s},S.Mb=function(s){return Xf(),E(s,11).j==(It(),nr)},V(Ll,"LPort/lambda$5$Type",1289),H(29,299,{3:1,20:1,299:1,29:1,94:1,134:1},gp),S.Jc=function(s){Na(this,s)},S.Kc=function(){return new le(this.a)},S.Ib=function(){return"L_"+lc(this.b.b,this,0)+Ly(this.a)},V(Ll,"Layer",29),H(1342,1,{},dm),V(ow,NVe,1342),H(1346,1,{},fl),S.Kb=function(s){return ic(E(s,82))},V(ow,"ElkGraphImporter/0methodref$connectableShapeToNode$Type",1346),H(1349,1,{},sl),S.Kb=function(s){return ic(E(s,82))},V(ow,"ElkGraphImporter/1methodref$connectableShapeToNode$Type",1349),H(1343,1,gr,Ms),S.td=function(s){SLe(this.a,E(s,118))},V(ow,LVe,1343),H(1344,1,gr,us),S.td=function(s){SLe(this.a,E(s,118))},V(ow,BVe,1344),H(1345,1,{},wa),S.Kb=function(s){return new Nn(null,new zn(dft(E(s,79)),16))},V(ow,zVe,1345),H(1347,1,Ni,su),S.Mb=function(s){return dot(this.a,E(s,33))},V(ow,HVe,1347),H(1348,1,{},Ha),S.Kb=function(s){return new Nn(null,new zn(hft(E(s,79)),16))},V(ow,"ElkGraphImporter/lambda$5$Type",1348),H(1350,1,Ni,Su),S.Mb=function(s){return hot(this.a,E(s,33))},V(ow,"ElkGraphImporter/lambda$7$Type",1350),H(1351,1,Ni,xt),S.Mb=function(s){return Ift(E(s,79))},V(ow,"ElkGraphImporter/lambda$8$Type",1351),H(1278,1,{},vC);var EXe;V(ow,"ElkGraphLayoutTransferrer",1278),H(1279,1,Ni,Xp),S.Mb=function(s){return nat(this.a,E(s,17))},V(ow,"ElkGraphLayoutTransferrer/lambda$0$Type",1279),H(1280,1,gr,qd),S.td=function(s){UD(),Et(this.a,E(s,17))},V(ow,"ElkGraphLayoutTransferrer/lambda$1$Type",1280),H(1281,1,Ni,Qp),S.Mb=function(s){return zst(this.a,E(s,17))},V(ow,"ElkGraphLayoutTransferrer/lambda$2$Type",1281),H(1282,1,gr,wf),S.td=function(s){UD(),Et(this.a,E(s,17))},V(ow,"ElkGraphLayoutTransferrer/lambda$3$Type",1282),H(1485,1,Jo,vn),S.pf=function(s,a){Ugt(E(s,37),a)},V(or,"CommentNodeMarginCalculator",1485),H(1486,1,{},Ir),S.Kb=function(s){return new Nn(null,new zn(E(s,29).a,16))},V(or,"CommentNodeMarginCalculator/lambda$0$Type",1486),H(1487,1,gr,fo),S.td=function(s){S4t(E(s,10))},V(or,"CommentNodeMarginCalculator/lambda$1$Type",1487),H(1488,1,Jo,Xu),S.pf=function(s,a){jTt(E(s,37),a)},V(or,"CommentPostprocessor",1488),H(1489,1,Jo,Ws),S.pf=function(s,a){UOt(E(s,37),a)},V(or,"CommentPreprocessor",1489),H(1490,1,Jo,al),S.pf=function(s,a){oCt(E(s,37),a)},V(or,"ConstraintsPostprocessor",1490),H(1491,1,Jo,Dl),S.pf=function(s,a){dbt(E(s,37),a)},V(or,"EdgeAndLayerConstraintEdgeReverser",1491),H(1492,1,Jo,_u),S.pf=function(s,a){evt(E(s,37),a)},V(or,"EndLabelPostprocessor",1492),H(1493,1,{},Qu),S.Kb=function(s){return new Nn(null,new zn(E(s,29).a,16))},V(or,"EndLabelPostprocessor/lambda$0$Type",1493),H(1494,1,Ni,dl),S.Mb=function(s){return Kft(E(s,10))},V(or,"EndLabelPostprocessor/lambda$1$Type",1494),H(1495,1,gr,rh),S.td=function(s){zyt(E(s,10))},V(or,"EndLabelPostprocessor/lambda$2$Type",1495),H(1496,1,Jo,Kc),S.pf=function(s,a){I_t(E(s,37),a)},V(or,"EndLabelPreprocessor",1496),H(1497,1,{},Yc),S.Kb=function(s){return new Nn(null,new zn(E(s,29).a,16))},V(or,"EndLabelPreprocessor/lambda$0$Type",1497),H(1498,1,gr,tIe),S.td=function(s){Ln(this.a,this.b,this.c,E(s,10))},S.a=0,S.b=0,S.c=!1,V(or,"EndLabelPreprocessor/lambda$1$Type",1498),H(1499,1,Ni,Bd),S.Mb=function(s){return Qe(se(E(s,70),(Ft(),Nb)))===Qe((Rg(),h$))},V(or,"EndLabelPreprocessor/lambda$2$Type",1499),H(1500,1,gr,hg),S.td=function(s){Ii(this.a,E(s,70))},V(or,"EndLabelPreprocessor/lambda$3$Type",1500),H(1501,1,Ni,S1),S.Mb=function(s){return Qe(se(E(s,70),(Ft(),Nb)))===Qe((Rg(),u3))},V(or,"EndLabelPreprocessor/lambda$4$Type",1501),H(1502,1,gr,Cv),S.td=function(s){Ii(this.a,E(s,70))},V(or,"EndLabelPreprocessor/lambda$5$Type",1502),H(1551,1,Jo,dk),S.pf=function(s,a){u0t(E(s,37),a)};var _Xe;V(or,"EndLabelSorter",1551),H(1552,1,go,ih),S.ue=function(s,a){return Nvt(E(s,456),E(a,456))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"EndLabelSorter/1",1552),H(456,1,{456:1},E6e),V(or,"EndLabelSorter/LabelGroup",456),H(1553,1,{},Lp),S.Kb=function(s){return VD(),new Nn(null,new zn(E(s,29).a,16))},V(or,"EndLabelSorter/lambda$0$Type",1553),H(1554,1,Ni,_w),S.Mb=function(s){return VD(),E(s,10).k==(dr(),Os)},V(or,"EndLabelSorter/lambda$1$Type",1554),H(1555,1,gr,rd),S.td=function(s){z2t(E(s,10))},V(or,"EndLabelSorter/lambda$2$Type",1555),H(1556,1,Ni,Hl),S.Mb=function(s){return VD(),Qe(se(E(s,70),(Ft(),Nb)))===Qe((Rg(),u3))},V(or,"EndLabelSorter/lambda$3$Type",1556),H(1557,1,Ni,vE),S.Mb=function(s){return VD(),Qe(se(E(s,70),(Ft(),Nb)))===Qe((Rg(),h$))},V(or,"EndLabelSorter/lambda$4$Type",1557),H(1503,1,Jo,oh),S.pf=function(s,a){P4t(this,E(s,37))},S.b=0,S.c=0,V(or,"FinalSplineBendpointsCalculator",1503),H(1504,1,{},v3),S.Kb=function(s){return new Nn(null,new zn(E(s,29).a,16))},V(or,"FinalSplineBendpointsCalculator/lambda$0$Type",1504),H(1505,1,{},i_),S.Kb=function(s){return new Nn(null,new yS(new Rr(Ar(ks(E(s,10)).a.Kc(),new M))))},V(or,"FinalSplineBendpointsCalculator/lambda$1$Type",1505),H(1506,1,Ni,tg),S.Mb=function(s){return!uu(E(s,17))},V(or,"FinalSplineBendpointsCalculator/lambda$2$Type",1506),H(1507,1,Ni,Bb),S.Mb=function(s){return ta(E(s,17),(bt(),q2))},V(or,"FinalSplineBendpointsCalculator/lambda$3$Type",1507),H(1508,1,gr,uD),S.td=function(s){G3t(this.a,E(s,128))},V(or,"FinalSplineBendpointsCalculator/lambda$4$Type",1508),H(1509,1,gr,wE),S.td=function(s){Ire(E(s,17).a)},V(or,"FinalSplineBendpointsCalculator/lambda$5$Type",1509),H(792,1,Jo,V7),S.pf=function(s,a){kRt(this,E(s,37),a)},V(or,"GraphTransformer",792),H(511,22,{3:1,35:1,22:1,511:1},cfe);var Kae,cz,SXe=ci(or,"GraphTransformer/Mode",511,hi,bdt,Kut),xXe;H(1510,1,Jo,Nc),S.pf=function(s,a){rTt(E(s,37),a)},V(or,"HierarchicalNodeResizingProcessor",1510),H(1511,1,Jo,Bm),S.pf=function(s,a){Ngt(E(s,37),a)},V(or,"HierarchicalPortConstraintProcessor",1511),H(1512,1,go,Bp),S.ue=function(s,a){return Yvt(E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"HierarchicalPortConstraintProcessor/NodeComparator",1512),H(1513,1,Jo,zm),S.pf=function(s,a){i4t(E(s,37),a)},V(or,"HierarchicalPortDummySizeProcessor",1513),H(1514,1,Jo,sh),S.pf=function(s,a){t3t(this,E(s,37),a)},S.a=0,V(or,"HierarchicalPortOrthogonalEdgeRouter",1514),H(1515,1,go,G0),S.ue=function(s,a){return ost(E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"HierarchicalPortOrthogonalEdgeRouter/1",1515),H(1516,1,go,TR),S.ue=function(s,a){return y1t(E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"HierarchicalPortOrthogonalEdgeRouter/2",1516),H(1517,1,Jo,$x),S.pf=function(s,a){T2t(E(s,37),a)},V(or,"HierarchicalPortPositionProcessor",1517),H(1518,1,Jo,F$),S.pf=function(s,a){E5t(this,E(s,37))},S.a=0,S.c=0;var CY,TY;V(or,"HighDegreeNodeLayeringProcessor",1518),H(571,1,{571:1},kR),S.b=-1,S.d=-1,V(or,"HighDegreeNodeLayeringProcessor/HighDegreeNodeInformation",571),H(1519,1,{},K0),S.Kb=function(s){return NN(),fc(E(s,10))},S.Fb=function(s){return this===s},V(or,"HighDegreeNodeLayeringProcessor/lambda$0$Type",1519),H(1520,1,{},Sw),S.Kb=function(s){return NN(),ks(E(s,10))},S.Fb=function(s){return this===s},V(or,"HighDegreeNodeLayeringProcessor/lambda$1$Type",1520),H(1526,1,Jo,kI),S.pf=function(s,a){Akt(this,E(s,37),a)},V(or,"HyperedgeDummyMerger",1526),H(793,1,{},Zde),S.a=!1,S.b=!1,S.c=!1,V(or,"HyperedgeDummyMerger/MergeState",793),H(1527,1,{},Px),S.Kb=function(s){return new Nn(null,new zn(E(s,29).a,16))},V(or,"HyperedgeDummyMerger/lambda$0$Type",1527),H(1528,1,{},RR),S.Kb=function(s){return new Nn(null,new zn(E(s,10).j,16))},V(or,"HyperedgeDummyMerger/lambda$1$Type",1528),H(1529,1,gr,w3),S.td=function(s){E(s,11).p=-1},V(or,"HyperedgeDummyMerger/lambda$2$Type",1529),H(1530,1,Jo,o_),S.pf=function(s,a){Ikt(E(s,37),a)},V(or,"HypernodesProcessor",1530),H(1531,1,Jo,y3),S.pf=function(s,a){Dkt(E(s,37),a)},V(or,"InLayerConstraintProcessor",1531),H(1532,1,Jo,RI),S.pf=function(s,a){abt(E(s,37),a)},V(or,"InnermostNodeMarginCalculator",1532),H(1533,1,Jo,E3),S.pf=function(s,a){NOt(this,E(s,37))},S.a=ws,S.b=ws,S.c=Qo,S.d=Qo;var SIt=V(or,"InteractiveExternalPortPositioner",1533);H(1534,1,{},Fx),S.Kb=function(s){return E(s,17).d.i},S.Fb=function(s){return this===s},V(or,"InteractiveExternalPortPositioner/lambda$0$Type",1534),H(1535,1,{},q7),S.Kb=function(s){return ust(this.a,Dt(s))},S.Fb=function(s){return this===s},V(or,"InteractiveExternalPortPositioner/lambda$1$Type",1535),H(1536,1,{},OR),S.Kb=function(s){return E(s,17).c.i},S.Fb=function(s){return this===s},V(or,"InteractiveExternalPortPositioner/lambda$2$Type",1536),H(1537,1,{},DQ),S.Kb=function(s){return lst(this.a,Dt(s))},S.Fb=function(s){return this===s},V(or,"InteractiveExternalPortPositioner/lambda$3$Type",1537),H(1538,1,{},EH),S.Kb=function(s){return Zst(this.a,Dt(s))},S.Fb=function(s){return this===s},V(or,"InteractiveExternalPortPositioner/lambda$4$Type",1538),H(1539,1,{},AQ),S.Kb=function(s){return eat(this.a,Dt(s))},S.Fb=function(s){return this===s},V(or,"InteractiveExternalPortPositioner/lambda$5$Type",1539),H(77,22,{3:1,35:1,22:1,77:1,234:1},cs),S.Kf=function(){switch(this.g){case 15:return new tv;case 22:return new Ed;case 47:return new Kb;case 28:case 35:return new $R;case 32:return new vn;case 42:return new Xu;case 1:return new Ws;case 41:return new al;case 56:return new V7((R6(),cz));case 0:return new V7((R6(),Kae));case 2:return new Dl;case 54:return new _u;case 33:return new Kc;case 51:return new oh;case 55:return new Nc;case 13:return new Bm;case 38:return new zm;case 44:return new sh;case 40:return new $x;case 9:return new F$;case 49:return new zOe;case 37:return new kI;case 43:return new o_;case 27:return new y3;case 30:return new RI;case 3:return new E3;case 18:return new cp;case 29:return new jx;case 5:return new cO;case 50:return new xw;case 34:return new j$;case 36:return new Cw;case 52:return new dk;case 11:return new PR;case 7:return new hk;case 39:return new Hm;case 45:return new FR;case 16:return new Y0;case 10:return new Mx;case 48:return new Nx;case 21:return new Qg;case 23:return new i8((jS(),pj));case 8:return new ng;case 12:return new II;case 4:return new MR;case 19:return new M$;case 17:return new Ju;case 53:return new bc;case 6:return new Hb;case 25:return new FM;case 46:return new a_;case 31:return new C5e;case 14:return new Dw;case 26:return new od;case 20:return new qm;case 24:return new i8((jS(),IX));default:throw de(new Yn(Ooe+(this.f!=null?this.f:""+this.g)))}};var w_e,y_e,E_e,S_e,x_e,C_e,T_e,k_e,R_e,O_e,G9,kY,RY,I_e,D_e,A_e,$_e,P_e,F_e,j_e,K9,M_e,N_e,L_e,B_e,z_e,Yae,OY,IY,H_e,DY,AY,$Y,zA,HA,UA,U_e,PY,FY,V_e,jY,MY,q_e,W_e,G_e,K_e,NY,Xae,lz,LY,BY,zY,HY,Y_e,X_e,Q_e,J_e,xIt=ci(or,Zve,77,hi,gBe,Gut),CXe;H(1540,1,Jo,cp),S.pf=function(s,a){BOt(E(s,37),a)},V(or,"InvertedPortProcessor",1540),H(1541,1,Jo,jx),S.pf=function(s,a){B3t(E(s,37),a)},V(or,"LabelAndNodeSizeProcessor",1541),H(1542,1,Ni,yE),S.Mb=function(s){return E(s,10).k==(dr(),Os)},V(or,"LabelAndNodeSizeProcessor/lambda$0$Type",1542),H(1543,1,Ni,IR),S.Mb=function(s){return E(s,10).k==(dr(),ds)},V(or,"LabelAndNodeSizeProcessor/lambda$1$Type",1543),H(1544,1,gr,nIe),S.td=function(s){Jt(this.b,this.a,this.c,E(s,10))},S.a=!1,S.c=!1,V(or,"LabelAndNodeSizeProcessor/lambda$2$Type",1544),H(1545,1,Jo,cO),S.pf=function(s,a){lOt(E(s,37),a)};var TXe;V(or,"LabelDummyInserter",1545),H(1546,1,Tb,DR),S.Lb=function(s){return Qe(se(E(s,70),(Ft(),Nb)))===Qe((Rg(),d$))},S.Fb=function(s){return this===s},S.Mb=function(s){return Qe(se(E(s,70),(Ft(),Nb)))===Qe((Rg(),d$))},V(or,"LabelDummyInserter/1",1546),H(1547,1,Jo,xw),S.pf=function(s,a){dRt(E(s,37),a)},V(or,"LabelDummyRemover",1547),H(1548,1,Ni,_3),S.Mb=function(s){return Wt(Gt(se(E(s,70),(Ft(),Nue))))},V(or,"LabelDummyRemover/lambda$0$Type",1548),H(1359,1,Jo,j$),S.pf=function(s,a){zRt(this,E(s,37),a)},S.a=null;var Qae;V(or,"LabelDummySwitcher",1359),H(286,1,{286:1},hze),S.c=0,S.d=null,S.f=0,V(or,"LabelDummySwitcher/LabelDummyInfo",286),H(1360,1,{},s_),S.Kb=function(s){return T5(),new Nn(null,new zn(E(s,29).a,16))},V(or,"LabelDummySwitcher/lambda$0$Type",1360),H(1361,1,Ni,OI),S.Mb=function(s){return T5(),E(s,10).k==(dr(),th)},V(or,"LabelDummySwitcher/lambda$1$Type",1361),H(1362,1,{},_H),S.Kb=function(s){return Hst(this.a,E(s,10))},V(or,"LabelDummySwitcher/lambda$2$Type",1362),H(1363,1,gr,SH),S.td=function(s){zlt(this.a,E(s,286))},V(or,"LabelDummySwitcher/lambda$3$Type",1363),H(1364,1,go,AR),S.ue=function(s,a){return glt(E(s,286),E(a,286))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"LabelDummySwitcher/lambda$4$Type",1364),H(791,1,Jo,$R),S.pf=function(s,a){Jpt(E(s,37),a)},V(or,"LabelManagementProcessor",791),H(1549,1,Jo,Cw),S.pf=function(s,a){STt(E(s,37),a)},V(or,"LabelSideSelector",1549),H(1550,1,Ni,S3),S.Mb=function(s){return Wt(Gt(se(E(s,70),(Ft(),Nue))))},V(or,"LabelSideSelector/lambda$0$Type",1550),H(1558,1,Jo,PR),S.pf=function(s,a){o4t(E(s,37),a)},V(or,"LayerConstraintPostprocessor",1558),H(1559,1,Jo,hk),S.pf=function(s,a){wxt(E(s,37),a)};var Z_e;V(or,"LayerConstraintPreprocessor",1559),H(360,22,{3:1,35:1,22:1,360:1},sV);var fz,UY,VY,Jae,kXe=ci(or,"LayerConstraintPreprocessor/HiddenNodeConnections",360,hi,qht,Nat),RXe;H(1560,1,Jo,Hm),S.pf=function(s,a){cRt(E(s,37),a)},V(or,"LayerSizeAndGraphHeightCalculator",1560),H(1561,1,Jo,FR),S.pf=function(s,a){dCt(E(s,37),a)},V(or,"LongEdgeJoiner",1561),H(1562,1,Jo,Y0),S.pf=function(s,a){V4t(E(s,37),a)},V(or,"LongEdgeSplitter",1562),H(1563,1,Jo,Mx),S.pf=function(s,a){VRt(this,E(s,37),a)},S.d=0,S.e=0,S.i=0,S.j=0,S.k=0,S.n=0,V(or,"NodePromotion",1563),H(1564,1,{},jR),S.Kb=function(s){return E(s,46),tr(),!0},S.Fb=function(s){return this===s},V(or,"NodePromotion/lambda$0$Type",1564),H(1565,1,{},CO),S.Kb=function(s){return uft(this.a,E(s,46))},S.Fb=function(s){return this===s},S.a=0,V(or,"NodePromotion/lambda$1$Type",1565),H(1566,1,{},Lh),S.Kb=function(s){return cft(this.a,E(s,46))},S.Fb=function(s){return this===s},S.a=0,V(or,"NodePromotion/lambda$2$Type",1566),H(1567,1,Jo,Nx),S.pf=function(s,a){p5t(E(s,37),a)},V(or,"NorthSouthPortPostprocessor",1567),H(1568,1,Jo,Qg),S.pf=function(s,a){ZOt(E(s,37),a)},V(or,"NorthSouthPortPreprocessor",1568),H(1569,1,go,x1),S.ue=function(s,a){return Rbt(E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"NorthSouthPortPreprocessor/lambda$0$Type",1569),H(1570,1,Jo,ng),S.pf=function(s,a){bkt(E(s,37),a)},V(or,"PartitionMidprocessor",1570),H(1571,1,Ni,zb),S.Mb=function(s){return ta(E(s,10),(Ft(),n$))},V(or,"PartitionMidprocessor/lambda$0$Type",1571),H(1572,1,gr,bP),S.td=function(s){Dft(this.a,E(s,10))},V(or,"PartitionMidprocessor/lambda$1$Type",1572),H(1573,1,Jo,II),S.pf=function(s,a){ACt(E(s,37),a)},V(or,"PartitionPostprocessor",1573),H(1574,1,Jo,MR),S.pf=function(s,a){HSt(E(s,37),a)},V(or,"PartitionPreprocessor",1574),H(1575,1,Ni,x3),S.Mb=function(s){return ta(E(s,10),(Ft(),n$))},V(or,"PartitionPreprocessor/lambda$0$Type",1575),H(1576,1,{},C3),S.Kb=function(s){return new Nn(null,new yS(new Rr(Ar(ks(E(s,10)).a.Kc(),new M))))},V(or,"PartitionPreprocessor/lambda$1$Type",1576),H(1577,1,Ni,NR),S.Mb=function(s){return Fvt(E(s,17))},V(or,"PartitionPreprocessor/lambda$2$Type",1577),H(1578,1,gr,Tw),S.td=function(s){Nbt(E(s,17))},V(or,"PartitionPreprocessor/lambda$3$Type",1578),H(1579,1,Jo,M$),S.pf=function(s,a){ekt(E(s,37),a)};var eSe,OXe,IXe,DXe,tSe,nSe;V(or,"PortListSorter",1579),H(1580,1,{},En),S.Kb=function(s){return L6(),E(s,11).e},V(or,"PortListSorter/lambda$0$Type",1580),H(1581,1,{},br),S.Kb=function(s){return L6(),E(s,11).g},V(or,"PortListSorter/lambda$1$Type",1581),H(1582,1,go,er),S.ue=function(s,a){return k$e(E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"PortListSorter/lambda$2$Type",1582),H(1583,1,go,Bi),S.ue=function(s,a){return oyt(E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"PortListSorter/lambda$3$Type",1583),H(1584,1,go,fa),S.ue=function(s,a){return jze(E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"PortListSorter/lambda$4$Type",1584),H(1585,1,Jo,Ju),S.pf=function(s,a){hxt(E(s,37),a)},V(or,"PortSideProcessor",1585),H(1586,1,Jo,bc),S.pf=function(s,a){p3t(E(s,37),a)},V(or,"ReversedEdgeRestorer",1586),H(1591,1,Jo,FM),S.pf=function(s,a){Uwt(this,E(s,37),a)},V(or,"SelfLoopPortRestorer",1591),H(1592,1,{},Xc),S.Kb=function(s){return new Nn(null,new zn(E(s,29).a,16))},V(or,"SelfLoopPortRestorer/lambda$0$Type",1592),H(1593,1,Ni,kw),S.Mb=function(s){return E(s,10).k==(dr(),Os)},V(or,"SelfLoopPortRestorer/lambda$1$Type",1593),H(1594,1,Ni,LR),S.Mb=function(s){return ta(E(s,10),(bt(),ZA))},V(or,"SelfLoopPortRestorer/lambda$2$Type",1594),H(1595,1,{},C1),S.Kb=function(s){return E(se(E(s,10),(bt(),ZA)),403)},V(or,"SelfLoopPortRestorer/lambda$3$Type",1595),H(1596,1,gr,W7),S.td=function(s){J2t(this.a,E(s,403))},V(or,"SelfLoopPortRestorer/lambda$4$Type",1596),H(794,1,gr,Rw),S.td=function(s){h_t(E(s,101))},V(or,"SelfLoopPortRestorer/lambda$5$Type",794),H(1597,1,Jo,a_),S.pf=function(s,a){Jvt(E(s,37),a)},V(or,"SelfLoopPostProcessor",1597),H(1598,1,{},rg),S.Kb=function(s){return new Nn(null,new zn(E(s,29).a,16))},V(or,"SelfLoopPostProcessor/lambda$0$Type",1598),H(1599,1,Ni,u_),S.Mb=function(s){return E(s,10).k==(dr(),Os)},V(or,"SelfLoopPostProcessor/lambda$1$Type",1599),H(1600,1,Ni,Um),S.Mb=function(s){return ta(E(s,10),(bt(),ZA))},V(or,"SelfLoopPostProcessor/lambda$2$Type",1600),H(1601,1,gr,Bu),S.td=function(s){oEt(E(s,10))},V(or,"SelfLoopPostProcessor/lambda$3$Type",1601),H(1602,1,{},Ow),S.Kb=function(s){return new Nn(null,new zn(E(s,101).f,1))},V(or,"SelfLoopPostProcessor/lambda$4$Type",1602),H(1603,1,gr,mP),S.td=function(s){Kht(this.a,E(s,409))},V(or,"SelfLoopPostProcessor/lambda$5$Type",1603),H(1604,1,Ni,Vm),S.Mb=function(s){return!!E(s,101).i},V(or,"SelfLoopPostProcessor/lambda$6$Type",1604),H(1605,1,gr,G7),S.td=function(s){jle(this.a,E(s,101))},V(or,"SelfLoopPostProcessor/lambda$7$Type",1605),H(1587,1,Jo,Hb),S.pf=function(s,a){qxt(E(s,37),a)},V(or,"SelfLoopPreProcessor",1587),H(1588,1,{},T3),S.Kb=function(s){return new Nn(null,new zn(E(s,101).f,1))},V(or,"SelfLoopPreProcessor/lambda$0$Type",1588),H(1589,1,{},k3),S.Kb=function(s){return E(s,409).a},V(or,"SelfLoopPreProcessor/lambda$1$Type",1589),H(1590,1,gr,EE),S.td=function(s){jot(E(s,17))},V(or,"SelfLoopPreProcessor/lambda$2$Type",1590),H(1606,1,Jo,C5e),S.pf=function(s,a){H2t(this,E(s,37),a)},V(or,"SelfLoopRouter",1606),H(1607,1,{},c_),S.Kb=function(s){return new Nn(null,new zn(E(s,29).a,16))},V(or,"SelfLoopRouter/lambda$0$Type",1607),H(1608,1,Ni,Ub),S.Mb=function(s){return E(s,10).k==(dr(),Os)},V(or,"SelfLoopRouter/lambda$1$Type",1608),H(1609,1,Ni,Iw),S.Mb=function(s){return ta(E(s,10),(bt(),ZA))},V(or,"SelfLoopRouter/lambda$2$Type",1609),H(1610,1,{},Qc),S.Kb=function(s){return E(se(E(s,10),(bt(),ZA)),403)},V(or,"SelfLoopRouter/lambda$3$Type",1610),H(1611,1,gr,E4e),S.td=function(s){_ft(this.a,this.b,E(s,403))},V(or,"SelfLoopRouter/lambda$4$Type",1611),H(1612,1,Jo,Dw),S.pf=function(s,a){fTt(E(s,37),a)},V(or,"SemiInteractiveCrossMinProcessor",1612),H(1613,1,Ni,Lx),S.Mb=function(s){return E(s,10).k==(dr(),Os)},V(or,"SemiInteractiveCrossMinProcessor/lambda$0$Type",1613),H(1614,1,Ni,Vb),S.Mb=function(s){return zIe(E(s,10))._b((Ft(),n3))},V(or,"SemiInteractiveCrossMinProcessor/lambda$1$Type",1614),H(1615,1,go,Aw),S.ue=function(s,a){return Bgt(E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(or,"SemiInteractiveCrossMinProcessor/lambda$2$Type",1615),H(1616,1,{},l_),S.Ce=function(s,a){return Lft(E(s,10),E(a,10))},V(or,"SemiInteractiveCrossMinProcessor/lambda$3$Type",1616),H(1618,1,Jo,qm),S.pf=function(s,a){s4t(E(s,37),a)},V(or,"SortByInputModelProcessor",1618),H(1619,1,Ni,qb),S.Mb=function(s){return E(s,11).g.c.length!=0},V(or,"SortByInputModelProcessor/lambda$0$Type",1619),H(1620,1,gr,vP),S.td=function(s){v_t(this.a,E(s,11))},V(or,"SortByInputModelProcessor/lambda$1$Type",1620),H(1693,803,{},jFe),S.Me=function(s){var a,l,v,y;switch(this.c=s,this.a.g){case 2:a=new vt,Bo(So(new Nn(null,new zn(this.c.a.b,16)),new Hx),new T4e(this,a)),eB(this,new Bx),Rf(a,new R3),a.c=Pe(mr,Ht,1,0,5,1),Bo(So(new Nn(null,new zn(this.c.a.b,16)),new _E),new xH(a)),eB(this,new Gm),Rf(a,new $w),a.c=Pe(mr,Ht,1,0,5,1),l=oOe(YFe(bq(new Nn(null,new zn(this.c.a.b,16)),new kC(this))),new SE),Bo(new Nn(null,new zn(this.c.a.a,16)),new S4e(l,a)),eB(this,new zx),Rf(a,new Wm),a.c=Pe(mr,Ht,1,0,5,1);break;case 3:v=new vt,eB(this,new BR),y=oOe(YFe(bq(new Nn(null,new zn(this.c.a.b,16)),new K7(this))),new O3),Bo(So(new Nn(null,new zn(this.c.a.b,16)),new X0),new C4e(y,v)),eB(this,new id),Rf(v,new Ul),v.c=Pe(mr,Ht,1,0,5,1);break;default:throw de(new ZH)}},S.b=0,V(ys,"EdgeAwareScanlineConstraintCalculation",1693),H(1694,1,Tb,BR),S.Lb=function(s){return Ce(E(s,57).g,145)},S.Fb=function(s){return this===s},S.Mb=function(s){return Ce(E(s,57).g,145)},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$0$Type",1694),H(1695,1,{},K7),S.Fe=function(s){return Q_t(this.a,E(s,57))},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$1$Type",1695),H(1703,1,XG,_4e),S.Vd=function(){VF(this.a,this.b,-1)},S.b=0,V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$10$Type",1703),H(1705,1,Tb,Bx),S.Lb=function(s){return Ce(E(s,57).g,145)},S.Fb=function(s){return this===s},S.Mb=function(s){return Ce(E(s,57).g,145)},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$11$Type",1705),H(1706,1,gr,R3),S.td=function(s){E(s,365).Vd()},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$12$Type",1706),H(1707,1,Ni,_E),S.Mb=function(s){return Ce(E(s,57).g,10)},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$13$Type",1707),H(1709,1,gr,xH),S.td=function(s){x0t(this.a,E(s,57))},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$14$Type",1709),H(1708,1,XG,I4e),S.Vd=function(){VF(this.b,this.a,-1)},S.a=0,V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$15$Type",1708),H(1710,1,Tb,Gm),S.Lb=function(s){return Ce(E(s,57).g,10)},S.Fb=function(s){return this===s},S.Mb=function(s){return Ce(E(s,57).g,10)},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$16$Type",1710),H(1711,1,gr,$w),S.td=function(s){E(s,365).Vd()},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$17$Type",1711),H(1712,1,{},kC),S.Fe=function(s){return J_t(this.a,E(s,57))},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$18$Type",1712),H(1713,1,{},SE),S.De=function(){return 0},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$19$Type",1713),H(1696,1,{},O3),S.De=function(){return 0},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$2$Type",1696),H(1715,1,gr,S4e),S.td=function(s){olt(this.a,this.b,E(s,307))},S.a=0,V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$20$Type",1715),H(1714,1,XG,x4e),S.Vd=function(){WLe(this.a,this.b,-1)},S.b=0,V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$21$Type",1714),H(1716,1,Tb,zx),S.Lb=function(s){return E(s,57),!0},S.Fb=function(s){return this===s},S.Mb=function(s){return E(s,57),!0},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$22$Type",1716),H(1717,1,gr,Wm),S.td=function(s){E(s,365).Vd()},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$23$Type",1717),H(1697,1,Ni,X0),S.Mb=function(s){return Ce(E(s,57).g,10)},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$3$Type",1697),H(1699,1,gr,C4e),S.td=function(s){slt(this.a,this.b,E(s,57))},S.a=0,V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$4$Type",1699),H(1698,1,XG,D4e),S.Vd=function(){VF(this.b,this.a,-1)},S.a=0,V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$5$Type",1698),H(1700,1,Tb,id),S.Lb=function(s){return E(s,57),!0},S.Fb=function(s){return this===s},S.Mb=function(s){return E(s,57),!0},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$6$Type",1700),H(1701,1,gr,Ul),S.td=function(s){E(s,365).Vd()},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$7$Type",1701),H(1702,1,Ni,Hx),S.Mb=function(s){return Ce(E(s,57).g,145)},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$8$Type",1702),H(1704,1,gr,T4e),S.td=function(s){rgt(this.a,this.b,E(s,57))},V(ys,"EdgeAwareScanlineConstraintCalculation/lambda$9$Type",1704),H(1521,1,Jo,zOe),S.pf=function(s,a){Q4t(this,E(s,37),a)};var AXe;V(ys,"HorizontalGraphCompactor",1521),H(1522,1,{},RC),S.Oe=function(s,a){var l,v,y;return b1e(s,a)||(l=c4(s),v=c4(a),l&&l.k==(dr(),ds)||v&&v.k==(dr(),ds))?0:(y=E(se(this.a.a,(bt(),aR)),304),fst(y,l?l.k:(dr(),ua),v?v.k:(dr(),ua)))},S.Pe=function(s,a){var l,v,y;return b1e(s,a)?1:(l=c4(s),v=c4(a),y=E(se(this.a.a,(bt(),aR)),304),fde(y,l?l.k:(dr(),ua),v?v.k:(dr(),ua)))},V(ys,"HorizontalGraphCompactor/1",1522),H(1523,1,{},Pw),S.Ne=function(s,a){return ZO(),s.a.i==0},V(ys,"HorizontalGraphCompactor/lambda$0$Type",1523),H(1524,1,{},CH),S.Ne=function(s,a){return Fft(this.a,s,a)},V(ys,"HorizontalGraphCompactor/lambda$1$Type",1524),H(1664,1,{},E8e);var $Xe,PXe;V(ys,"LGraphToCGraphTransformer",1664),H(1672,1,Ni,Jg),S.Mb=function(s){return s!=null},V(ys,"LGraphToCGraphTransformer/0methodref$nonNull$Type",1672),H(1665,1,{},Ux),S.Kb=function(s){return n1(),dc(se(E(E(s,57).g,10),(bt(),to)))},V(ys,"LGraphToCGraphTransformer/lambda$0$Type",1665),H(1666,1,{},ah),S.Kb=function(s){return n1(),xje(E(E(s,57).g,145))},V(ys,"LGraphToCGraphTransformer/lambda$1$Type",1666),H(1675,1,Ni,xE),S.Mb=function(s){return n1(),Ce(E(s,57).g,10)},V(ys,"LGraphToCGraphTransformer/lambda$10$Type",1675),H(1676,1,gr,Km),S.td=function(s){Pft(E(s,57))},V(ys,"LGraphToCGraphTransformer/lambda$11$Type",1676),H(1677,1,Ni,zd),S.Mb=function(s){return n1(),Ce(E(s,57).g,145)},V(ys,"LGraphToCGraphTransformer/lambda$12$Type",1677),H(1681,1,gr,yd),S.td=function(s){Lmt(E(s,57))},V(ys,"LGraphToCGraphTransformer/lambda$13$Type",1681),H(1678,1,gr,$Q),S.td=function(s){uot(this.a,E(s,8))},S.a=0,V(ys,"LGraphToCGraphTransformer/lambda$14$Type",1678),H(1679,1,gr,cD),S.td=function(s){lot(this.a,E(s,110))},S.a=0,V(ys,"LGraphToCGraphTransformer/lambda$15$Type",1679),H(1680,1,gr,PQ),S.td=function(s){cot(this.a,E(s,8))},S.a=0,V(ys,"LGraphToCGraphTransformer/lambda$16$Type",1680),H(1682,1,{},T1),S.Kb=function(s){return n1(),new Nn(null,new yS(new Rr(Ar(ks(E(s,10)).a.Kc(),new M))))},V(ys,"LGraphToCGraphTransformer/lambda$17$Type",1682),H(1683,1,Ni,f_),S.Mb=function(s){return n1(),uu(E(s,17))},V(ys,"LGraphToCGraphTransformer/lambda$18$Type",1683),H(1684,1,gr,TH),S.td=function(s){q1t(this.a,E(s,17))},V(ys,"LGraphToCGraphTransformer/lambda$19$Type",1684),H(1668,1,gr,wP),S.td=function(s){Cht(this.a,E(s,145))},V(ys,"LGraphToCGraphTransformer/lambda$2$Type",1668),H(1685,1,{},Q0),S.Kb=function(s){return n1(),new Nn(null,new zn(E(s,29).a,16))},V(ys,"LGraphToCGraphTransformer/lambda$20$Type",1685),H(1686,1,{},Lc),S.Kb=function(s){return n1(),new Nn(null,new yS(new Rr(Ar(ks(E(s,10)).a.Kc(),new M))))},V(ys,"LGraphToCGraphTransformer/lambda$21$Type",1686),H(1687,1,{},lp),S.Kb=function(s){return n1(),E(se(E(s,17),(bt(),q2)),15)},V(ys,"LGraphToCGraphTransformer/lambda$22$Type",1687),H(1688,1,Ni,ia),S.Mb=function(s){return hst(E(s,15))},V(ys,"LGraphToCGraphTransformer/lambda$23$Type",1688),H(1689,1,gr,kH),S.td=function(s){H_t(this.a,E(s,15))},V(ys,"LGraphToCGraphTransformer/lambda$24$Type",1689),H(1667,1,gr,k4e),S.td=function(s){dpt(this.a,this.b,E(s,145))},V(ys,"LGraphToCGraphTransformer/lambda$3$Type",1667),H(1669,1,{},Ps),S.Kb=function(s){return n1(),new Nn(null,new zn(E(s,29).a,16))},V(ys,"LGraphToCGraphTransformer/lambda$4$Type",1669),H(1670,1,{},J0),S.Kb=function(s){return n1(),new Nn(null,new yS(new Rr(Ar(ks(E(s,10)).a.Kc(),new M))))},V(ys,"LGraphToCGraphTransformer/lambda$5$Type",1670),H(1671,1,{},Jc),S.Kb=function(s){return n1(),E(se(E(s,17),(bt(),q2)),15)},V(ys,"LGraphToCGraphTransformer/lambda$6$Type",1671),H(1673,1,gr,Y7),S.td=function(s){ySt(this.a,E(s,15))},V(ys,"LGraphToCGraphTransformer/lambda$8$Type",1673),H(1674,1,gr,R4e),S.td=function(s){Aot(this.a,this.b,E(s,145))},V(ys,"LGraphToCGraphTransformer/lambda$9$Type",1674),H(1663,1,{},Bf),S.Le=function(s){var a,l,v,y,x;for(this.a=s,this.d=new HP,this.c=Pe(F2e,Ht,121,this.a.a.a.c.length,0,1),this.b=0,l=new le(this.a.a.a);l.a<l.c.c.length;)a=E(ce(l),307),a.d=this.b,x=bS(QO(new db,a),this.d),this.c[this.b]=x,++this.b;for(rOt(this),i5t(this),_Ct(this),tie(dee(this.d),new Ak),y=new le(this.a.a.b);y.a<y.c.c.length;)v=E(ce(y),57),v.d.c=this.c[v.a.d].e+v.b.a},S.b=0,V(ys,"NetworkSimplexCompaction",1663),H(145,1,{35:1,145:1},r9),S.wd=function(s){return Y1t(this,E(s,145))},S.Ib=function(){return xje(this)},V(ys,"VerticalSegment",145),H(827,1,{},tme),S.c=0,S.e=0,S.i=0,V(y9,"BetweenLayerEdgeTwoNodeCrossingsCounter",827),H(663,1,{663:1},JFe),S.Ib=function(){return"AdjacencyList [node="+this.d+", adjacencies= "+this.a+"]"},S.b=0,S.c=0,S.f=0,V(y9,"BetweenLayerEdgeTwoNodeCrossingsCounter/AdjacencyList",663),H(287,1,{35:1,287:1},YOe),S.wd=function(s){return jct(this,E(s,287))},S.Ib=function(){return"Adjacency [position="+this.c+", cardinality="+this.a+", currentCardinality="+this.b+"]"},S.a=0,S.b=0,S.c=0,V(y9,"BetweenLayerEdgeTwoNodeCrossingsCounter/AdjacencyList/Adjacency",287),H(1929,1,{},yNe),S.b=0,S.e=!1,V(y9,"CrossingMatrixFiller",1929);var FXe=zo(Am,"IInitializable");H(1804,1,MB,F4e),S.Nf=function(s,a,l,v,y,x){},S.Pf=function(s,a,l){},S.Lf=function(){return this.c!=(jS(),pj)},S.Mf=function(){this.e=Pe(Gr,Ei,25,this.d,15,1)},S.Of=function(s,a){a[s][0].c.p=s},S.Qf=function(s,a,l,v){++this.d},S.Rf=function(){return!0},S.Sf=function(s,a,l,v){return mje(this,s,a,l),xpt(this,a)},S.Tf=function(s,a){var l;return l=Vle(a,s.length),mje(this,s,l,a),M9e(this,l)},S.d=0,V(y9,"GreedySwitchHeuristic",1804),H(1930,1,{},KIe),S.b=0,S.d=0,V(y9,"NorthSouthEdgeNeighbouringNodeCrossingsCounter",1930),H(1917,1,{},QBe),S.a=!1,V(y9,"SwitchDecider",1917),H(101,1,{101:1},RNe),S.a=null,S.c=null,S.i=null,V(X5,"SelfHyperLoop",101),H(1916,1,{},k7e),S.c=0,S.e=0,V(X5,"SelfHyperLoopLabels",1916),H(411,22,{3:1,35:1,22:1,411:1},aV);var nI,VA,qA,Zae,jXe=ci(X5,"SelfHyperLoopLabels/Alignment",411,hi,Wht,Lat),MXe;H(409,1,{409:1},dPe),V(X5,"SelfLoopEdge",409),H(403,1,{403:1},w7e),S.a=!1,V(X5,"SelfLoopHolder",403),H(1724,1,Ni,R1),S.Mb=function(s){return uu(E(s,17))},V(X5,"SelfLoopHolder/lambda$0$Type",1724),H(113,1,{113:1},R7e),S.a=!1,S.c=!1,V(X5,"SelfLoopPort",113),H(1792,1,Ni,d_),S.Mb=function(s){return uu(E(s,17))},V(X5,"SelfLoopPort/lambda$0$Type",1792),H(363,22,{3:1,35:1,22:1,363:1},gN);var qY,WY,GY,KY,YY,NXe=ci(X5,"SelfLoopType",363,hi,Mpt,Vat),LXe;H(1732,1,{},fO);var BXe,zXe,HXe,UXe;V(kh,"PortRestorer",1732),H(361,22,{3:1,35:1,22:1,361:1},gZ);var dx,Zy,hx,eue=ci(kh,"PortRestorer/PortSideArea",361,hi,Kdt,qat),VXe;H(1733,1,{},Z0),S.Kb=function(s){return By(),E(s,15).Oc()},V(kh,"PortRestorer/lambda$0$Type",1733),H(1734,1,gr,og),S.td=function(s){By(),E(s,113).c=!1},V(kh,"PortRestorer/lambda$1$Type",1734),H(1743,1,Ni,UR),S.Mb=function(s){return By(),E(s,11).j==(It(),nr)},V(kh,"PortRestorer/lambda$10$Type",1743),H(1744,1,{},Vx),S.Kb=function(s){return By(),E(s,113).d},V(kh,"PortRestorer/lambda$11$Type",1744),H(1745,1,gr,FQ),S.td=function(s){w8(this.a,E(s,11))},V(kh,"PortRestorer/lambda$12$Type",1745),H(1735,1,gr,RH),S.td=function(s){vst(this.a,E(s,101))},V(kh,"PortRestorer/lambda$2$Type",1735),H(1736,1,go,VR),S.ue=function(s,a){return vgt(E(s,113),E(a,113))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kh,"PortRestorer/lambda$3$Type",1736),H(1737,1,Ni,D3),S.Mb=function(s){return By(),E(s,113).c},V(kh,"PortRestorer/lambda$4$Type",1737),H(1738,1,Ni,Ke),S.Mb=function(s){return obt(E(s,11))},V(kh,"PortRestorer/lambda$5$Type",1738),H(1739,1,Ni,Ym),S.Mb=function(s){return By(),E(s,11).j==(It(),Jn)},V(kh,"PortRestorer/lambda$6$Type",1739),H(1740,1,Ni,ff),S.Mb=function(s){return By(),E(s,11).j==(It(),fr)},V(kh,"PortRestorer/lambda$7$Type",1740),H(1741,1,Ni,k1),S.Mb=function(s){return Ght(E(s,11))},V(kh,"PortRestorer/lambda$8$Type",1741),H(1742,1,Ni,uh),S.Mb=function(s){return By(),E(s,11).j==(It(),Br)},V(kh,"PortRestorer/lambda$9$Type",1742),H(270,22,{3:1,35:1,22:1,270:1},p5);var tue,nue,rue,iue,oue,sue,aue,uue,rSe=ci(kh,"PortSideAssigner/Target",270,hi,lgt,Bat),qXe;H(1725,1,{},Aa),S.Kb=function(s){return So(new Nn(null,new zn(E(s,101).j,16)),new HR)},V(kh,"PortSideAssigner/lambda$1$Type",1725),H(1726,1,{},ig),S.Kb=function(s){return E(s,113).d},V(kh,"PortSideAssigner/lambda$2$Type",1726),H(1727,1,gr,zR),S.td=function(s){Hs(E(s,11),(It(),Jn))},V(kh,"PortSideAssigner/lambda$3$Type",1727),H(1728,1,{},I3),S.Kb=function(s){return E(s,113).d},V(kh,"PortSideAssigner/lambda$4$Type",1728),H(1729,1,gr,X7),S.td=function(s){QH(this.a,E(s,11))},V(kh,"PortSideAssigner/lambda$5$Type",1729),H(1730,1,go,Zg),S.ue=function(s,a){return Klt(E(s,101),E(a,101))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kh,"PortSideAssigner/lambda$6$Type",1730),H(1731,1,go,h_),S.ue=function(s,a){return Ect(E(s,113),E(a,113))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kh,"PortSideAssigner/lambda$7$Type",1731),H(805,1,Ni,HR),S.Mb=function(s){return E(s,113).c},V(kh,"PortSideAssigner/lambda$8$Type",805),H(2009,1,{}),V(Wy,"AbstractSelfLoopRouter",2009),H(1750,1,go,A3),S.ue=function(s,a){return fat(E(s,101),E(a,101))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Wy,gVe,1750),H(1751,1,go,eb),S.ue=function(s,a){return lat(E(s,101),E(a,101))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Wy,bVe,1751),H(1793,2009,{},$3),S.Uf=function(s,a,l){return l},V(Wy,"OrthogonalSelfLoopRouter",1793),H(1795,1,gr,A4e),S.td=function(s){cbe(this.b,this.a,E(s,8))},V(Wy,"OrthogonalSelfLoopRouter/lambda$0$Type",1795),H(1794,1793,{},qR),S.Uf=function(s,a,l){var v,y;return v=s.c.d,QD(l,0,io(Oc(v.n),v.a)),y=s.d.d,Ii(l,io(Oc(y.n),y.a)),fkt(l)},V(Wy,"PolylineSelfLoopRouter",1794),H(1746,1,{},NE),S.a=null;var Z4;V(Wy,"RoutingDirector",1746),H(1747,1,go,Wb),S.ue=function(s,a){return xct(E(s,113),E(a,113))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Wy,"RoutingDirector/lambda$0$Type",1747),H(1748,1,{},qx),S.Kb=function(s){return qD(),E(s,101).j},V(Wy,"RoutingDirector/lambda$1$Type",1748),H(1749,1,gr,p_),S.td=function(s){qD(),E(s,15).ad(Z4)},V(Wy,"RoutingDirector/lambda$2$Type",1749),H(1752,1,{},ev),V(Wy,"RoutingSlotAssigner",1752),H(1753,1,Ni,Q7),S.Mb=function(s){return zit(this.a,E(s,101))},V(Wy,"RoutingSlotAssigner/lambda$0$Type",1753),H(1754,1,go,J7),S.ue=function(s,a){return Gct(this.a,E(s,101),E(a,101))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Wy,"RoutingSlotAssigner/lambda$1$Type",1754),H(1796,1793,{},ch),S.Uf=function(s,a,l){var v,y,x,T;return v=ot(Dt(ZW(s.b.g.b,(Ft(),hI)))),T=new QOe(pe(he(na,1),ft,8,0,[(x=s.c.d,io(new Hu(x.n),x.a))])),Wxt(s,a,l,T,v),Ii(T,(y=s.d.d,io(new Hu(y.n),y.a))),U7e(new B0e(T))},V(Wy,"SplineSelfLoopRouter",1796),H(578,1,go,qFe,mIe),S.ue=function(s,a){return gUe(this,E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(E9,"ModelOrderNodeComparator",578),H(1755,1,Ni,CE),S.Mb=function(s){return E(s,11).e.c.length!=0},V(E9,"ModelOrderNodeComparator/lambda$0$Type",1755),H(1756,1,{},O1),S.Kb=function(s){return E(Vt(E(s,11).e,0),17).c},V(E9,"ModelOrderNodeComparator/lambda$1$Type",1756),H(1757,1,Ni,Fw),S.Mb=function(s){return E(s,11).e.c.length!=0},V(E9,"ModelOrderNodeComparator/lambda$2$Type",1757),H(1758,1,{},jw),S.Kb=function(s){return E(Vt(E(s,11).e,0),17).c},V(E9,"ModelOrderNodeComparator/lambda$3$Type",1758),H(1759,1,Ni,Hd),S.Mb=function(s){return E(s,11).e.c.length!=0},V(E9,"ModelOrderNodeComparator/lambda$4$Type",1759),H(806,1,go,_8e,P4e),S.ue=function(s,a){return dDe(this,s,a)},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(E9,"ModelOrderPortComparator",806),H(801,1,{},Gb),S.Vf=function(s,a){var l,v,y,x;for(y=bNe(a),l=new vt,x=a.f/y,v=1;v<y;++v)Et(l,Ot(Qr(Df(m.Math.round(v*x)))));return l},S.Wf=function(){return!1},V(Ib,"ARDCutIndexHeuristic",801),H(1479,1,Jo,tv),S.pf=function(s,a){k3t(E(s,37),a)},V(Ib,"BreakingPointInserter",1479),H(305,1,{305:1},$pe),S.Ib=function(){var s;return s=new pm,s.a+="BPInfo[",s.a+=`
start=`,zc(s,this.i),s.a+=`
end=`,zc(s,this.a),s.a+=`
nodeStartEdge=`,zc(s,this.e),s.a+=`
startEndEdge=`,zc(s,this.j),s.a+=`
originalEdge=`,zc(s,this.f),s.a+=`
startInLayerDummy=`,zc(s,this.k),s.a+=`
startInLayerEdge=`,zc(s,this.n),s.a+=`
endInLayerDummy=`,zc(s,this.b),s.a+=`
endInLayerEdge=`,zc(s,this.c),s.a},V(Ib,"BreakingPointInserter/BPInfo",305),H(652,1,{652:1},EP),S.a=!1,S.b=0,S.c=0,V(Ib,"BreakingPointInserter/Cut",652),H(1480,1,Jo,Ed),S.pf=function(s,a){rCt(E(s,37),a)},V(Ib,"BreakingPointProcessor",1480),H(1481,1,Ni,Xm),S.Mb=function(s){return z8e(E(s,10))},V(Ib,"BreakingPointProcessor/0methodref$isEnd$Type",1481),H(1482,1,Ni,nv),S.Mb=function(s){return H8e(E(s,10))},V(Ib,"BreakingPointProcessor/1methodref$isStart$Type",1482),H(1483,1,Jo,Kb),S.pf=function(s,a){TCt(this,E(s,37),a)},V(Ib,"BreakingPointRemover",1483),H(1484,1,gr,TE),S.td=function(s){E(s,128).k=!0},V(Ib,"BreakingPointRemover/lambda$0$Type",1484),H(797,1,{},Gme),S.b=0,S.e=0,S.f=0,S.j=0,V(Ib,"GraphStats",797),H(798,1,{},rv),S.Ce=function(s,a){return m.Math.max(ot(Dt(s)),ot(Dt(a)))},V(Ib,"GraphStats/0methodref$max$Type",798),H(799,1,{},iv),S.Ce=function(s,a){return m.Math.max(ot(Dt(s)),ot(Dt(a)))},V(Ib,"GraphStats/2methodref$max$Type",799),H(1660,1,{},P3),S.Ce=function(s,a){return fct(Dt(s),Dt(a))},V(Ib,"GraphStats/lambda$1$Type",1660),H(1661,1,{},Z7),S.Kb=function(s){return I7e(this.a,E(s,29))},V(Ib,"GraphStats/lambda$2$Type",1661),H(1662,1,{},eM),S.Kb=function(s){return fBe(this.a,E(s,29))},V(Ib,"GraphStats/lambda$6$Type",1662),H(800,1,{},Qm),S.Vf=function(s,a){var l;return l=E(se(s,(Ft(),Zxe)),15),l||(In(),In(),wu)},S.Wf=function(){return!1},V(Ib,"ICutIndexCalculator/ManualCutIndexCalculator",800),H(802,1,{},zp),S.Vf=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt;for(nt=(a.n==null&&eMe(a),a.n),A=(a.d==null&&eMe(a),a.d),Ne=Pe(ba,Lu,25,nt.length,15,1),Ne[0]=nt[0],Ie=nt[0],F=1;F<nt.length;F++)Ne[F]=Ne[F-1]+nt[F],Ie+=nt[F];for(y=bNe(a)-1,T=E(se(s,(Ft(),eCe)),19).a,v=ws,l=new vt,Q=m.Math.max(0,y-T);Q<=m.Math.min(a.f-1,y+T);Q++){if(fe=Ie/(Q+1),be=0,z=1,x=new vt,Te=ws,q=0,O=0,ie=A[0],Q==0)Te=Ie,O=(a.g==null&&(a.g=GFe(a,new iv)),ot(a.g));else{for(;z<a.f;)Ne[z-1]-be>=fe&&(Et(x,Ot(z)),Te=m.Math.max(Te,Ne[z-1]-q),O+=ie,be+=Ne[z-1]-be,q=Ne[z-1],ie=A[z]),ie=m.Math.max(ie,A[z]),++z;O+=ie}ee=m.Math.min(1/Te,1/a.b/O),ee>v&&(v=ee,l=x)}return l},S.Wf=function(){return!1},V(Ib,"MSDCutIndexHeuristic",802),H(1617,1,Jo,od),S.pf=function(s,a){Jkt(E(s,37),a)},V(Ib,"SingleEdgeGraphWrapper",1617),H(227,22,{3:1,35:1,22:1,227:1},D8);var eR,WA,GA,WT,Y9,tR,KA=ci(rl,"CenterEdgeLabelPlacementStrategy",227,hi,c1t,zat),WXe;H(422,22,{3:1,35:1,22:1,422:1},ffe);var iSe,cue,oSe=ci(rl,"ConstraintCalculationStrategy",422,hi,Zft,Hat),GXe;H(314,22,{3:1,35:1,22:1,314:1,246:1,234:1},bZ),S.Kf=function(){return rLe(this)},S.Xf=function(){return rLe(this)};var dz,rI,sSe,aSe=ci(rl,"CrossingMinimizationStrategy",314,hi,qdt,Uat),KXe;H(337,22,{3:1,35:1,22:1,337:1},mZ);var uSe,lue,XY,cSe=ci(rl,"CuttingStrategy",337,hi,Wdt,Wat),YXe;H(335,22,{3:1,35:1,22:1,335:1,246:1,234:1},bN),S.Kf=function(){return ULe(this)},S.Xf=function(){return ULe(this)};var lSe,fue,X9,due,Q9,fSe=ci(rl,"CycleBreakingStrategy",335,hi,Fpt,Gat),XXe;H(419,22,{3:1,35:1,22:1,419:1},dfe);var QY,dSe,hSe=ci(rl,"DirectionCongruency",419,hi,Jft,Kat),QXe;H(450,22,{3:1,35:1,22:1,450:1},vZ);var YA,hue,nR,JXe=ci(rl,"EdgeConstraint",450,hi,Gdt,Yat),ZXe;H(276,22,{3:1,35:1,22:1,276:1},A8);var pue,gue,bue,mue,JY,vue,pSe=ci(rl,"EdgeLabelSideSelection",276,hi,h1t,Xat),eQe;H(479,22,{3:1,35:1,22:1,479:1},hfe);var ZY,gSe,bSe=ci(rl,"EdgeStraighteningStrategy",479,hi,Qft,Qat),tQe;H(274,22,{3:1,35:1,22:1,274:1},$8);var wue,mSe,vSe,eX,wSe,ySe,ESe=ci(rl,"FixedAlignment",274,hi,f1t,Jat),nQe;H(275,22,{3:1,35:1,22:1,275:1},P8);var _Se,SSe,xSe,CSe,J9,TSe,kSe=ci(rl,"GraphCompactionStrategy",275,hi,l1t,Zat),rQe;H(256,22,{3:1,35:1,22:1,256:1},qC);var XA,tX,QA,ip,Z9,nX,JA,rR,rX,ej,yue=ci(rl,"GraphProperties",256,hi,Jgt,eut),iQe;H(292,22,{3:1,35:1,22:1,292:1},wZ);var hz,Eue,_ue,Sue=ci(rl,"GreedySwitchType",292,hi,Xdt,tut),oQe;H(303,22,{3:1,35:1,22:1,303:1},yZ);var iI,pz,iR,sQe=ci(rl,"InLayerConstraint",303,hi,Ydt,nut),aQe;H(420,22,{3:1,35:1,22:1,420:1},pfe);var xue,RSe,OSe=ci(rl,"InteractiveReferencePoint",420,hi,edt,rut),uQe,ISe,oI,gx,iX,DSe,ASe,oX,$Se,gz,sX,tj,sI,GT,Cue,aX,Pc,PSe,bx,Cl,Tue,kue,bz,V2,mx,aI,FSe,uI,mz,KT,Q1,Rp,Rue,oR,ol,to,jSe,MSe,NSe,LSe,BSe,Oue,uX,pd,vx,Iue,cI,vz,Bg,sR,ZA,aR,uR,e$,q2,zSe,Due,Aue,lI;H(163,22,{3:1,35:1,22:1,163:1},vN);var nj,eE,rj,YT,wz,HSe=ci(rl,"LayerConstraint",163,hi,Npt,iut),cQe;H(848,1,Ep,f7),S.Qe=function(s){wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,ewe),""),"Direction Congruency"),"Specifies how drawings of the same graph with different layout directions compare to each other: either a natural reading direction is preserved or the drawings are rotated versions of each other."),JSe),(nw(),es)),hSe),yn((q1(),cr))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,twe),""),"Feedback Edges"),"Whether feedback edges should be highlighted by routing around the nodes."),(tr(),!1)),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,fK),""),"Interactive Reference Point"),"Determines which point of a node is considered by interactive layout phases."),ixe),es),OSe),yn(cr)))),Ea(s,fK,Aoe,eJe),Ea(s,fK,_9,ZQe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,nwe),""),"Merge Edges"),"Edges that have no ports are merged so they touch the connected nodes at the same points. When this option is disabled, one port is created for each edge directly connected to a node. When it is enabled, all such incoming edges share an input port, and all outgoing edges share an output port."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,rwe),""),"Merge Hierarchy-Crossing Edges"),"If hierarchical layout is active, hierarchy-crossing edges use as few hierarchical ports as possible. They are broken by the algorithm, with hierarchical ports inserted as required. Usually, one such port is created for each edge at each hierarchy crossing point. With this option set to true, we try to create as few hierarchical ports as possible in the process. In particular, all edges that form a hyperedge can share a port."),!0),Ga),Us),yn(cr)))),wn(s,new gn(QM(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,iwe),""),"Allow Non-Flow Ports To Switch Sides"),"Specifies whether non-flow ports may switch sides if their node's port constraints are either FIXED_SIDE or FIXED_ORDER. A non-flow port is a port on a side that is not part of the currently configured layout flow. For instance, given a left-to-right layout direction, north and south ports would be considered non-flow ports. Further note that the underlying criterium whether to switch sides or not solely relies on the minimization of edge crossings. Hence, edge length and other aesthetics criteria are not addressed."),!1),Ga),Us),yn(Q2)),pe(he(Bt,1),ft,2,6,["org.eclipse.elk.layered.northOrSouthPort"])))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,owe),""),"Port Sorting Strategy"),"Only relevant for nodes with FIXED_SIDE port constraints. Determines the way a node's ports are distributed on the sides of a node if their order is not prescribed. The option is set on parent nodes."),dxe),es),yCe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,swe),""),"Thoroughness"),"How much effort should be spent to produce a nice layout."),Ot(7)),Vc),nu),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,awe),""),"Add Unnecessary Bendpoints"),"Adds bend points even if an edge does not change direction. If true, each long edge dummy will contribute a bend point to its edges and hierarchy-crossing edges will always get a bend point where they cross hierarchy boundaries. By default, bend points are only added where an edge changes direction."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,uwe),""),"Generate Position and Layer IDs"),"If enabled position id and layer id are generated, which are usually only used internally when setting the interactiveLayout option. This option should be specified on the root node."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Aoe),"cycleBreaking"),"Cycle Breaking Strategy"),"Strategy for cycle breaking. Cycle breaking looks for cycles in the graph and determines which edges to reverse to break the cycles. Reversed edges will end up pointing to the opposite direction of regular edges (that is, reversed edges will point left if edges usually point right)."),QSe),es),fSe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,NB),nse),"Node Layering Strategy"),"Strategy for node layering."),axe),es),uCe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,cwe),nse),"Layer Constraint"),"Determines a constraint on the placement of the node regarding the layering."),oxe),es),HSe),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,lwe),nse),"Layer Choice Constraint"),"Allows to set a constraint regarding the layer placement of a node. Let i be the value of teh constraint. Assumed the drawing has n layers and i < n. If set to i, it expresses that the node should be placed in i-th layer. Should i>=n be true then the node is placed in the last layer of the drawing. Note that this option is not part of any of ELK Layered's default configurations but is only evaluated as part of the `InteractiveLayeredGraphVisitor`, which must be applied manually or used via the `DiagramLayoutEngine."),Ot(-1)),Vc),nu),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,fwe),nse),"Layer ID"),"Layer identifier that was calculated by ELK Layered for a node. This is only generated if interactiveLayot or generatePositionAndLayerIds is set."),Ot(-1)),Vc),nu),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,$oe),ZVe),"Upper Bound On Width [MinWidth Layerer]"),"Defines a loose upper bound on the width of the MinWidth layerer. If set to '-1' multiple values are tested and the best result is selected."),Ot(4)),Vc),nu),yn(cr)))),Ea(s,$oe,NB,aJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Poe),ZVe),"Upper Layer Estimation Scaling Factor [MinWidth Layerer]"),"Multiplied with Upper Bound On Width for defining an upper bound on the width of layers which haven't been determined yet, but whose maximum width had been (roughly) estimated by the MinWidth algorithm. Compensates for too high estimations. If set to '-1' multiple values are tested and the best result is selected."),Ot(2)),Vc),nu),yn(cr)))),Ea(s,Poe,NB,cJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Foe),eqe),"Node Promotion Strategy"),"Reduces number of dummy nodes after layering phase (if possible)."),sxe),es),mCe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,joe),eqe),"Max Node Promotion Iterations"),"Limits the number of iterations for node promotion."),Ot(0)),Vc),nu),yn(cr)))),Ea(s,joe,Foe,null),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Moe),"layering.coffmanGraham"),"Layer Bound"),"The maximum number of nodes allowed per layer."),Ot(qi)),Vc),nu),yn(cr)))),Ea(s,Moe,NB,nJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,_9),LB),"Crossing Minimization Strategy"),"Strategy for crossing minimization."),XSe),es),aSe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,dwe),LB),"Force Node Model Order"),"The node order given by the model does not change to produce a better layout. E.g. if node A is before node B in the model this is not changed during crossing minimization. This assumes that the node model order is already respected before crossing minimization. This can be achieved by setting considerModelOrder.strategy to NODES_AND_EDGES."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Noe),LB),"Hierarchical Sweepiness"),"How likely it is to use cross-hierarchy (1) vs bottom-up (-1)."),.1),sc),xa),yn(cr)))),Ea(s,Noe,xK,RQe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Loe),LB),"Semi-Interactive Crossing Minimization"),"Preserves the order of nodes within a layer but still minimizes crossings between edges connecting long edge dummies. Derives the desired order from positions specified by the 'org.eclipse.elk.position' layout option. Requires a crossing minimization strategy that is able to process 'in-layer' constraints."),!1),Ga),Us),yn(cr)))),Ea(s,Loe,_9,AQe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,hwe),LB),"Position Choice Constraint"),"Allows to set a constraint regarding the position placement of a node in a layer. Assumed the layer in which the node placed includes n other nodes and i < n. If set to i, it expresses that the node should be placed at the i-th position. Should i>=n be true then the node is placed at the last position in the layer. Note that this option is not part of any of ELK Layered's default configurations but is only evaluated as part of the `InteractiveLayeredGraphVisitor`, which must be applied manually or used via the `DiagramLayoutEngine."),Ot(-1)),Vc),nu),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,pwe),LB),"Position ID"),"Position within a layer that was determined by ELK Layered for a node. This is only generated if interactiveLayot or generatePositionAndLayerIds is set."),Ot(-1)),Vc),nu),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,gwe),tqe),"Greedy Switch Activation Threshold"),"By default it is decided automatically if the greedy switch is activated or not. The decision is based on whether the size of the input graph (without dummy nodes) is smaller than the value of this option. A '0' enforces the activation."),Ot(40)),Vc),nu),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Boe),tqe),"Greedy Switch Crossing Minimization"),"Greedy Switch strategy for crossing minimization. The greedy switch heuristic is executed after the regular crossing minimization as a post-processor. Note that if 'hierarchyHandling' is set to 'INCLUDE_CHILDREN', the 'greedySwitchHierarchical.type' option must be used."),YSe),es),Sue),yn(cr)))),Ea(s,Boe,_9,TQe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,dK),"crossingMinimization.greedySwitchHierarchical"),"Greedy Switch Crossing Minimization (hierarchical)"),"Activates the greedy switch heuristic in case hierarchical layout is used. The differences to the non-hierarchical case (see 'greedySwitch.type') are: 1) greedy switch is inactive by default, 3) only the option value set on the node at which hierarchical layout starts is relevant, and 2) if it's activated by the user, it properly addresses hierarchy-crossing edges."),KSe),es),Sue),yn(cr)))),Ea(s,dK,_9,SQe),Ea(s,dK,xK,xQe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,H4),nqe),"Node Placement Strategy"),"Strategy for node placement."),fxe),es),dCe),yn(cr)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,hK),nqe),"Favor Straight Edges Over Balancing"),"Favor straight edges over a balanced node placement. The default behavior is determined automatically based on the used 'edgeRouting'. For an orthogonal style it is set to true, for all other styles to false."),Ga),Us),yn(cr)))),Ea(s,hK,H4,yJe),Ea(s,hK,H4,EJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,zoe),rqe),"BK Edge Straightening"),"Specifies whether the Brandes Koepf node placer tries to increase the number of straight edges at the expense of diagram size. There is a subtle difference to the 'favorStraightEdges' option, which decides whether a balanced placement of the nodes is desired, or not. In bk terms this means combining the four alignments into a single balanced one, or not. This option on the other hand tries to straighten additional edges during the creation of each of the four alignments."),uxe),es),bSe),yn(cr)))),Ea(s,zoe,H4,bJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Hoe),rqe),"BK Fixed Alignment"),"Tells the BK node placer to use a certain alignment (out of its four) instead of the one producing the smallest height, or the combination of all four."),cxe),es),ESe),yn(cr)))),Ea(s,Hoe,H4,vJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Uoe),"nodePlacement.linearSegments"),"Linear Segments Deflection Dampening"),"Dampens the movement of nodes to keep the diagram from getting too large."),.3),sc),xa),yn(cr)))),Ea(s,Uoe,H4,SJe),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Voe),"nodePlacement.networkSimplex"),"Node Flexibility"),"Aims at shorter and straighter edges. Two configurations are possible: (a) allow ports to move freely on the side they are assigned to (the order is always defined beforehand), (b) additionally allow to enlarge a node wherever it helps. If this option is not configured for a node, the 'nodeFlexibility.default' value is used, which is specified for the node's parent."),es),tce),yn(ca)))),Ea(s,Voe,H4,kJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,qoe),"nodePlacement.networkSimplex.nodeFlexibility"),"Node Flexibility Default"),"Default value of the 'nodeFlexibility' option for the children of a hierarchical node."),lxe),es),tce),yn(cr)))),Ea(s,qoe,H4,TJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,bwe),iqe),"Self-Loop Distribution"),"Alter the distribution of the loops around the node. It only takes effect for PortConstraints.FREE."),txe),es),SCe),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,mwe),iqe),"Self-Loop Ordering"),"Alter the ordering of the loops they can either be stacked or sequenced. It only takes effect for PortConstraints.FREE."),nxe),es),xCe),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,pK),"edgeRouting.splines"),"Spline Routing Mode"),"Specifies the way control points are assembled for each individual edge. CONSERVATIVE ensures that edges are properly routed around the nodes but feels rather orthogonal at times. SLOPPY uses fewer control points to obtain curvier edge routes but may result in edges overlapping nodes."),rxe),es),TCe),yn(cr)))),Ea(s,pK,BB,UQe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,gK),"edgeRouting.splines.sloppy"),"Sloppy Spline Layer Spacing Factor"),"Spacing factor for routing area between layers when using sloppy spline routing."),.2),sc),xa),yn(cr)))),Ea(s,gK,BB,qQe),Ea(s,gK,pK,WQe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Woe),"edgeRouting.polyline"),"Sloped Edge Zone Width"),"Width of the strip to the left and to the right of each layer where the polyline edge router is allowed to refrain from ensuring that edges are routed horizontally. This prevents awkward bend points for nodes that extent almost to the edge of their layer."),2),sc),xa),yn(cr)))),Ea(s,Woe,BB,LQe),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,vwe),jg),"Spacing Base Value"),"An optional base value for all other layout options of the 'spacing' group. It can be used to conveniently alter the overall 'spaciousness' of the drawing. Whenever an explicit value is set for the other layout options, this base value will have no effect. The base value is not inherited, i.e. it must be set for each hierarchical node."),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,wwe),jg),"Edge Node Between Layers Spacing"),"The spacing to be preserved between nodes and edges that are routed next to the node's layer. For the spacing between nodes and edges that cross the node's layer 'spacing.edgeNode' is used."),10),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,ywe),jg),"Edge Edge Between Layer Spacing"),"Spacing to be preserved between pairs of edges that are routed between the same pair of layers. Note that 'spacing.edgeEdge' is used for the spacing between pairs of edges crossing the same layer."),10),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Ewe),jg),"Node Node Between Layers Spacing"),"The spacing to be preserved between any pair of nodes of two adjacent layers. Note that 'spacing.nodeNode' is used for the spacing between nodes within the layer itself."),20),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,_we),Dwe),"Direction Priority"),"Defines how important it is to have a certain edge point into the direction of the overall layout. This option is evaluated during the cycle breaking phase."),Ot(0)),Vc),nu),yn(Lb)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Swe),Dwe),"Shortness Priority"),"Defines how important it is to keep an edge as short as possible. This option is evaluated during the layering phase."),Ot(0)),Vc),nu),yn(Lb)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,xwe),Dwe),"Straightness Priority"),"Defines how important it is to keep an edge straight, i.e. aligned with one of the two axes. This option is evaluated during node placement."),Ot(0)),Vc),nu),yn(Lb)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Goe),Awe),yVe),"Tries to further compact components (disconnected sub-graphs)."),!1),Ga),Us),yn(cr)))),Ea(s,Goe,m9,!0),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Cwe),oqe),"Post Compaction Strategy"),sqe),VSe),es),kSe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Twe),oqe),"Post Compaction Constraint Calculation"),sqe),USe),es),oSe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,bK),$we),"High Degree Node Treatment"),"Makes room around high degree nodes to place leafs and trees."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Koe),$we),"High Degree Node Threshold"),"Whether a node is considered to have a high degree."),Ot(16)),Vc),nu),yn(cr)))),Ea(s,Koe,bK,!0),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Yoe),$we),"High Degree Node Maximum Tree Height"),"Maximum height of a subtree connected to a high degree node to be moved to separate layers."),Ot(5)),Vc),nu),yn(cr)))),Ea(s,Yoe,bK,!0),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,B0),Pwe),"Graph Wrapping Strategy"),"For certain graphs and certain prescribed drawing areas it may be desirable to split the laid out graph into chunks that are placed side by side. The edges that connect different chunks are 'wrapped' around from the end of one chunk to the start of the other chunk. The points between the chunks are referred to as 'cuts'."),gxe),es),ICe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,mK),Pwe),"Additional Wrapped Edges Spacing"),"To visually separate edges that are wrapped from regularly routed edges an additional spacing value can be specified in form of this layout option. The spacing is added to the regular edgeNode spacing."),10),sc),xa),yn(cr)))),Ea(s,mK,B0,BJe),Ea(s,mK,B0,zJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,vK),Pwe),"Correction Factor for Wrapping"),"At times and for certain types of graphs the executed wrapping may produce results that are consistently biased in the same fashion: either wrapping to often or to rarely. This factor can be used to correct the bias. Internally, it is simply multiplied with the 'aspect ratio' layout option."),1),sc),xa),yn(cr)))),Ea(s,vK,B0,UJe),Ea(s,vK,B0,VJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,S9),aqe),"Cutting Strategy"),"The strategy by which the layer indexes are determined at which the layering crumbles into chunks."),pxe),es),cSe),yn(cr)))),Ea(s,S9,B0,XJe),Ea(s,S9,B0,QJe),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Xoe),aqe),"Manually Specified Cuts"),"Allows the user to specify her own cuts for a certain graph."),Hg),rp),yn(cr)))),Ea(s,Xoe,S9,WJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Qoe),"wrapping.cutting.msd"),"MSD Freedom"),"The MSD cutting strategy starts with an initial guess on the number of chunks the graph should be split into. The freedom specifies how much the strategy may deviate from this guess. E.g. if an initial number of 3 is computed, a freedom of 1 allows 2, 3, and 4 cuts."),hxe),Vc),nu),yn(cr)))),Ea(s,Qoe,S9,KJe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,wK),uqe),"Validification Strategy"),"When wrapping graphs, one can specify indices that are not allowed as split points. The validification strategy makes sure every computed split point is allowed."),bxe),es),OCe),yn(cr)))),Ea(s,wK,B0,cZe),Ea(s,wK,B0,lZe),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,yK),uqe),"Valid Indices for Wrapping"),null),Hg),rp),yn(cr)))),Ea(s,yK,B0,sZe),Ea(s,yK,B0,aZe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,EK),Fwe),"Improve Cuts"),"For general graphs it is important that not too many edges wrap backwards. Thus a compromise between evenly-distributed cuts and the total number of cut edges is sought."),!0),Ga),Us),yn(cr)))),Ea(s,EK,B0,tZe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,_K),Fwe),"Distance Penalty When Improving Cuts"),null),2),sc),xa),yn(cr)))),Ea(s,_K,B0,ZJe),Ea(s,_K,EK,!0),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Joe),Fwe),"Improve Wrapped Edges"),"The initial wrapping is performed in a very simple way. As a consequence, edges that wrap from one chunk to another may be unnecessarily long. Activating this option tries to shorten such edges."),!0),Ga),Us),yn(cr)))),Ea(s,Joe,B0,rZe),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,kwe),rse),"Edge Label Side Selection"),"Method to decide on edge label sides."),exe),es),pSe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Rwe),rse),"Edge Center Label Placement Strategy"),"Determines in which layer center labels of long edges should be placed."),ZSe),es),KA),Ro(cr,pe(he(pw,1),wt,175,0,[hw]))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,SK),zB),"Consider Model Order"),"Preserves the order of nodes and edges in the model file if this does not lead to additional edge crossings. Depending on the strategy this is not always possible since the node and edge order might be conflicting."),GSe),es),wCe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Owe),zB),"No Model Order"),"Set on a node to not set a model order for this node even though it is a real node."),!1),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Zoe),zB),"Consider Model Order for Components"),"If set to NONE the usual ordering strategy (by cumulative node priority and size of nodes) is used. INSIDE_PORT_SIDES orders the components with external ports only inside the groups with the same port side. FORCE_MODEL_ORDER enforces the mode order on components. This option might produce bad alignments and sub optimal drawings in terms of used area since the ordering should be respected."),qSe),es),l_e),yn(cr)))),Ea(s,Zoe,m9,null),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Iwe),zB),"Long Edge Ordering Strategy"),"Indicates whether long edges are sorted under, over, or equal to nodes that have no connection to a previous layer in a left-to-right or right-to-left layout. Under and over changes to right and left in a vertical layout."),WSe),es),lCe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,ese),zB),"Crossing Counter Node Order Influence"),"Indicates with what percentage (1 for 100%) violations of the node model order are weighted against the crossings e.g. a value of 0.5 means two model order violations are as important as on edge crossing. This allows some edge crossings in favor of preserving the model order. It is advised to set this value to a very small positive value (e.g. 0.001) to have minimal crossing and a optimal node order. Defaults to no influence (0)."),0),sc),xa),yn(cr)))),Ea(s,ese,SK,null),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,tse),zB),"Crossing Counter Port Order Influence"),"Indicates with what percentage (1 for 100%) violations of the port model order are weighted against the crossings e.g. a value of 0.5 means two model order violations are as important as on edge crossing. This allows some edge crossings in favor of preserving the model order. It is advised to set this value to a very small positive value (e.g. 0.001) to have minimal crossing and a optimal port order. Defaults to no influence (0)."),0),sc),xa),yn(cr)))),Ea(s,tse,SK,null),CUe((new p7,s))};var lQe,fQe,dQe,USe,hQe,VSe,pQe,qSe,gQe,bQe,mQe,WSe,vQe,wQe,GSe,yQe,EQe,_Qe,KSe,SQe,xQe,CQe,YSe,TQe,kQe,RQe,OQe,IQe,DQe,AQe,$Qe,XSe,PQe,QSe,FQe,JSe,jQe,ZSe,MQe,exe,NQe,LQe,BQe,txe,zQe,nxe,HQe,rxe,UQe,VQe,qQe,WQe,GQe,KQe,YQe,XQe,QQe,JQe,ixe,ZQe,eJe,tJe,nJe,rJe,iJe,oxe,oJe,sJe,aJe,uJe,cJe,lJe,fJe,sxe,dJe,axe,hJe,pJe,gJe,uxe,bJe,mJe,cxe,vJe,wJe,yJe,EJe,_Je,SJe,xJe,CJe,lxe,TJe,kJe,RJe,fxe,OJe,dxe,IJe,DJe,AJe,$Je,PJe,FJe,jJe,MJe,NJe,LJe,BJe,zJe,HJe,UJe,VJe,qJe,WJe,GJe,hxe,KJe,YJe,pxe,XJe,QJe,JJe,ZJe,eZe,tZe,nZe,rZe,iZe,gxe,oZe,sZe,aZe,uZe,bxe,cZe,lZe;V(rl,"LayeredMetaDataProvider",848),H(986,1,Ep,p7),S.Qe=function(s){CUe(s)};var Mb,$ue,cX,ij,lX,mxe,fX,fI,dX,vxe,wxe,Pue,tE,Fue,XT,yxe,yz,jue,Exe,fZe,hX,Mue,oj,QT,dZe,Oh,_xe,Sxe,pX,Nue,Nb,gX,z0,xxe,Cxe,Txe,Lue,Bue,kxe,cw,zue,Rxe,JT,Oxe,Ixe,Dxe,bX,ZT,W2,Axe,$xe,Ku,Pxe,hZe,rf,mX,Fxe,jxe,Mxe,Hue,Nxe,vX,Lxe,Bxe,wX,wx,zxe,Uue,sj,Hxe,yx,aj,yX,G2,Vue,t$,EX,K2,Uxe,Vxe,qxe,n$,Wxe,pZe,gZe,bZe,mZe,Ex,e3,Zo,lw,vZe,t3,Gxe,r$,Kxe,n3,wZe,i$,Yxe,dI,yZe,EZe,Ez,que,Xxe,_z,h1,cR,hI,_x,Y2,_X,r3,Wue,o$,s$,Sx,lR,Gue,Sz,uj,cj,Kue,Qxe,Jxe,Zxe,eCe,Yue,tCe,nCe,rCe,iCe,Xue,SX;V(rl,"LayeredOptions",986),H(987,1,{},ov),S.$e=function(){var s;return s=new ZE,s},S._e=function(s){},V(rl,"LayeredOptions/LayeredFactory",987),H(1372,1,{}),S.a=0;var _Ze;V(il,"ElkSpacings/AbstractSpacingsBuilder",1372),H(779,1372,{},qge);var xX,SZe;V(rl,"LayeredSpacings/LayeredSpacingsBuilder",779),H(313,22,{3:1,35:1,22:1,313:1,246:1,234:1},F8),S.Kf=function(){return iBe(this)},S.Xf=function(){return iBe(this)};var Que,oCe,sCe,CX,Jue,aCe,uCe=ci(rl,"LayeringStrategy",313,hi,d1t,out),xZe;H(378,22,{3:1,35:1,22:1,378:1},EZ);var Zue,cCe,TX,lCe=ci(rl,"LongEdgeOrderingStrategy",378,hi,Vdt,sut),CZe;H(197,22,{3:1,35:1,22:1,197:1},uV);var fR,dR,kX,ece,tce=ci(rl,"NodeFlexibility",197,hi,Qht,aut),TZe;H(315,22,{3:1,35:1,22:1,315:1,246:1,234:1},mN),S.Kf=function(){return HLe(this)},S.Xf=function(){return HLe(this)};var lj,nce,rce,fj,fCe,dCe=ci(rl,"NodePlacementStrategy",315,hi,Ppt,hut),kZe;H(260,22,{3:1,35:1,22:1,260:1},t5);var hCe,xz,pCe,gCe,Cz,bCe,RX,OX,mCe=ci(rl,"NodePromotionStrategy",260,hi,fgt,cut),RZe;H(339,22,{3:1,35:1,22:1,339:1},_Z);var vCe,nE,ice,wCe=ci(rl,"OrderingStrategy",339,hi,Jdt,lut),OZe;H(421,22,{3:1,35:1,22:1,421:1},gfe);var oce,sce,yCe=ci(rl,"PortSortingStrategy",421,hi,tdt,fut),IZe;H(452,22,{3:1,35:1,22:1,452:1},SZ);var gd,zl,dj,DZe=ci(rl,"PortType",452,hi,Qdt,uut),AZe;H(375,22,{3:1,35:1,22:1,375:1},xZ);var ECe,ace,_Ce,SCe=ci(rl,"SelfLoopDistributionStrategy",375,hi,Zdt,dut),$Ze;H(376,22,{3:1,35:1,22:1,376:1},bfe);var Tz,uce,xCe=ci(rl,"SelfLoopOrderingStrategy",376,hi,Xft,put),PZe;H(304,1,{304:1},kHe),V(rl,"Spacings",304),H(336,22,{3:1,35:1,22:1,336:1},CZ);var cce,CCe,hj,TCe=ci(rl,"SplineRoutingMode",336,hi,tht,gut),FZe;H(338,22,{3:1,35:1,22:1,338:1},TZ);var lce,kCe,RCe,OCe=ci(rl,"ValidifyStrategy",338,hi,nht,but),jZe;H(377,22,{3:1,35:1,22:1,377:1},kZ);var i3,fce,a$,ICe=ci(rl,"WrappingStrategy",377,hi,eht,mut),MZe;H(1383,1,_l,g7),S.Yf=function(s){return E(s,37),NZe},S.pf=function(s,a){W4t(this,E(s,37),a)};var NZe;V(kK,"DepthFirstCycleBreaker",1383),H(782,1,_l,Ohe),S.Yf=function(s){return E(s,37),LZe},S.pf=function(s,a){V5t(this,E(s,37),a)},S.Zf=function(s){return E(Vt(s,iG(this.d,s.c.length)),10)};var LZe;V(kK,"GreedyCycleBreaker",782),H(1386,782,_l,pRe),S.Zf=function(s){var a,l,v,y;for(y=null,a=qi,v=new le(s);v.a<v.c.c.length;)l=E(ce(v),10),ta(l,(bt(),ol))&&E(se(l,ol),19).a<a&&(a=E(se(l,ol),19).a,y=l);return y||E(Vt(s,iG(this.d,s.c.length)),10)},V(kK,"GreedyModelOrderCycleBreaker",1386),H(1384,1,_l,u7),S.Yf=function(s){return E(s,37),BZe},S.pf=function(s,a){pRt(this,E(s,37),a)};var BZe;V(kK,"InteractiveCycleBreaker",1384),H(1385,1,_l,lO),S.Yf=function(s){return E(s,37),zZe},S.pf=function(s,a){gRt(this,E(s,37),a)},S.a=0,S.b=0;var zZe;V(kK,"ModelOrderCycleBreaker",1385),H(1389,1,_l,ue),S.Yf=function(s){return E(s,37),HZe},S.pf=function(s,a){K5t(this,E(s,37),a)};var HZe;V(jT,"CoffmanGrahamLayerer",1389),H(1390,1,go,OH),S.ue=function(s,a){return _St(this.a,E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(jT,"CoffmanGrahamLayerer/0methodref$compareNodesInTopo$Type",1390),H(1391,1,go,yP),S.ue=function(s,a){return ult(this.a,E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(jT,"CoffmanGrahamLayerer/lambda$1$Type",1391),H(1392,1,_l,df),S.Yf=function(s){return E(s,37),Vi(Vi(Vi(new Ys,(lu(),jb),(vu(),Yae)),Jy,UA),nf,HA)},S.pf=function(s,a){QOt(this,E(s,37),a)},V(jT,"InteractiveLayerer",1392),H(569,1,{569:1},nU),S.a=0,S.c=0,V(jT,"InteractiveLayerer/LayerSpan",569),H(1388,1,_l,a7),S.Yf=function(s){return E(s,37),UZe},S.pf=function(s,a){kTt(this,E(s,37),a)};var UZe;V(jT,"LongestPathLayerer",1388),H(1395,1,_l,l7),S.Yf=function(s){return E(s,37),Vi(Vi(Vi(new Ys,(lu(),jb),(vu(),G9)),Jy,UA),nf,HA)},S.pf=function(s,a){y5t(this,E(s,37),a)},S.a=0,S.b=0,S.d=0;var DCe,ACe;V(jT,"MinWidthLayerer",1395),H(1396,1,go,tM),S.ue=function(s,a){return gbt(this,E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(jT,"MinWidthLayerer/MinOutgoingEdgesComparator",1396),H(1387,1,_l,c7),S.Yf=function(s){return E(s,37),VZe},S.pf=function(s,a){NRt(this,E(s,37),a)};var VZe;V(jT,"NetworkSimplexLayerer",1387),H(1393,1,_l,k5e),S.Yf=function(s){return E(s,37),Vi(Vi(Vi(new Ys,(lu(),jb),(vu(),G9)),Jy,UA),nf,HA)},S.pf=function(s,a){COt(this,E(s,37),a)},S.d=0,S.f=0,S.g=0,S.i=0,S.s=0,S.t=0,S.u=0,V(jT,"StretchWidthLayerer",1393),H(1394,1,go,Jm),S.ue=function(s,a){return Wpt(E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(jT,"StretchWidthLayerer/1",1394),H(402,1,mye),S.Nf=function(s,a,l,v,y,x){},S._f=function(s,a,l){return Sze(this,s,a,l)},S.Mf=function(){this.g=Pe(b3,lqe,25,this.d,15,1),this.f=Pe(b3,lqe,25,this.d,15,1)},S.Of=function(s,a){this.e[s]=Pe(Gr,Ei,25,a[s].length,15,1)},S.Pf=function(s,a,l){var v;v=l[s][a],v.p=a,this.e[s][a]=a},S.Qf=function(s,a,l,v){E(Vt(v[s][a].j,l),11).p=this.d++},S.b=0,S.c=0,S.d=0,V(Zf,"AbstractBarycenterPortDistributor",402),H(1633,1,go,nM),S.ue=function(s,a){return Lvt(this.a,E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Zf,"AbstractBarycenterPortDistributor/lambda$0$Type",1633),H(817,1,MB,Dpe),S.Nf=function(s,a,l,v,y,x){},S.Pf=function(s,a,l){},S.Qf=function(s,a,l,v){},S.Lf=function(){return!1},S.Mf=function(){this.c=this.e.a,this.g=this.f.g},S.Of=function(s,a){a[s][0].c.p=s},S.Rf=function(){return!1},S.ag=function(s,a,l,v){l?IMe(this,s):(PMe(this,s,v),zHe(this,s,a)),s.c.length>1&&(Wt(Gt(se(Za((Vn(0,s.c.length),E(s.c[0],10))),(Ft(),XT))))?JLe(s,this.d,E(this,660)):(In(),sa(s,this.d)),v9e(this.e,s))},S.Sf=function(s,a,l,v){var y,x,T,O,A,F,z;for(a!=UIe(l,s.length)&&(x=s[a-(l?1:-1)],e1e(this.f,x,l?(Tu(),zl):(Tu(),gd))),y=s[a][0],z=!v||y.k==(dr(),ds),F=Tg(s[a]),this.ag(F,z,!1,l),T=0,A=new le(F);A.a<A.c.c.length;)O=E(ce(A),10),s[a][T++]=O;return!1},S.Tf=function(s,a){var l,v,y,x,T;for(T=UIe(a,s.length),x=Tg(s[T]),this.ag(x,!1,!0,a),l=0,y=new le(x);y.a<y.c.c.length;)v=E(ce(y),10),s[T][l++]=v;return!1},V(Zf,"BarycenterHeuristic",817),H(658,1,{658:1},IH),S.Ib=function(){return"BarycenterState [node="+this.c+", summedWeight="+this.d+", degree="+this.b+", barycenter="+this.a+", visited="+this.e+"]"},S.b=0,S.d=0,S.e=!1;var qZe=V(Zf,"BarycenterHeuristic/BarycenterState",658);H(1802,1,go,rM),S.ue=function(s,a){return CEt(this.a,E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Zf,"BarycenterHeuristic/lambda$0$Type",1802),H(816,1,MB,nme),S.Mf=function(){},S.Nf=function(s,a,l,v,y,x){},S.Qf=function(s,a,l,v){},S.Of=function(s,a){this.a[s]=Pe(qZe,{3:1,4:1,5:1,2018:1},658,a[s].length,0,1),this.b[s]=Pe(WZe,{3:1,4:1,5:1,2019:1},233,a[s].length,0,1)},S.Pf=function(s,a,l){E7e(this,l[s][a],!0)},S.c=!1,V(Zf,"ForsterConstraintResolver",816),H(233,1,{233:1},N6e,THe),S.Ib=function(){var s,a;for(a=new pm,a.a+="[",s=0;s<this.d.length;s++)gi(a,P7e(this.d[s])),Eg(this.g,this.d[0]).a!=null&&gi(gi((a.a+="<",a),Git(Eg(this.g,this.d[0]).a)),">"),s<this.d.length-1&&(a.a+=fu);return(a.a+="]",a).a},S.a=0,S.c=0,S.f=0;var WZe=V(Zf,"ForsterConstraintResolver/ConstraintGroup",233);H(1797,1,gr,iM),S.td=function(s){E7e(this.a,E(s,10),!1)},V(Zf,"ForsterConstraintResolver/lambda$0$Type",1797),H(214,1,{214:1,225:1},AHe),S.Nf=function(s,a,l,v,y,x){},S.Of=function(s,a){},S.Mf=function(){this.r=Pe(Gr,Ei,25,this.n,15,1)},S.Pf=function(s,a,l){var v,y;y=l[s][a],v=y.e,v&&Et(this.b,v)},S.Qf=function(s,a,l,v){++this.n},S.Ib=function(){return HHe(this.e,new vs)},S.g=!1,S.i=!1,S.n=0,S.s=!1,V(Zf,"GraphInfoHolder",214),H(1832,1,MB,g_),S.Nf=function(s,a,l,v,y,x){},S.Of=function(s,a){},S.Qf=function(s,a,l,v){},S._f=function(s,a,l){return l&&a>0?ate(this.a,s[a-1],s[a]):!l&&a<s.length-1?ate(this.a,s[a],s[a+1]):tne(this.a,s[a],l?(It(),nr):(It(),fr)),eCt(this,s,a,l)},S.Mf=function(){this.d=Pe(Gr,Ei,25,this.c,15,1),this.a=new MN(this.d)},S.Pf=function(s,a,l){var v;v=l[s][a],this.c+=v.j.c.length},S.c=0,V(Zf,"GreedyPortDistributor",1832),H(1401,1,_l,b7),S.Yf=function(s){return Dmt(E(s,37))},S.pf=function(s,a){eOt(E(s,37),a)};var GZe;V(Zf,"InteractiveCrossingMinimizer",1401),H(1402,1,go,DH),S.ue=function(s,a){return uEt(this,E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Zf,"InteractiveCrossingMinimizer/1",1402),H(507,1,{507:1,123:1,51:1},i8),S.Yf=function(s){var a;return E(s,37),a=EV(KZe),Vi(a,(lu(),nf),(vu(),NY)),a},S.pf=function(s,a){hkt(this,E(s,37),a)},S.e=0;var KZe;V(Zf,"LayerSweepCrossingMinimizer",507),H(1398,1,gr,jQ),S.td=function(s){Zkt(this.a,E(s,214))},V(Zf,"LayerSweepCrossingMinimizer/0methodref$compareDifferentRandomizedLayouts$Type",1398),H(1399,1,gr,AH),S.td=function(s){xmt(this.a,E(s,214))},V(Zf,"LayerSweepCrossingMinimizer/1methodref$minimizeCrossingsNoCounter$Type",1399),H(1400,1,gr,$H),S.td=function(s){Hze(this.a,E(s,214))},V(Zf,"LayerSweepCrossingMinimizer/2methodref$minimizeCrossingsWithCounter$Type",1400),H(454,22,{3:1,35:1,22:1,454:1},RZ);var kz,pj,IX,YZe=ci(Zf,"LayerSweepCrossingMinimizer/CrossMinType",454,hi,rht,vut),XZe;H(1397,1,Ni,F3),S.Mb=function(s){return q1e(),E(s,29).a.c.length==0},V(Zf,"LayerSweepCrossingMinimizer/lambda$0$Type",1397),H(1799,1,MB,tAe),S.Mf=function(){},S.Nf=function(s,a,l,v,y,x){},S.Qf=function(s,a,l,v){},S.Of=function(s,a){a[s][0].c.p=s,this.b[s]=Pe(QZe,{3:1,4:1,5:1,1944:1},659,a[s].length,0,1)},S.Pf=function(s,a,l){var v;v=l[s][a],v.p=a,qo(this.b[s],a,new Yb)},V(Zf,"LayerSweepTypeDecider",1799),H(659,1,{659:1},Yb),S.Ib=function(){return"NodeInfo [connectedEdges="+this.a+", hierarchicalInfluence="+this.b+", randomInfluence="+this.c+"]"},S.a=0,S.b=0,S.c=0;var QZe=V(Zf,"LayerSweepTypeDecider/NodeInfo",659);H(1800,1,Tb,Mw),S.Lb=function(s){return Q8(new kg(E(s,11).b))},S.Fb=function(s){return this===s},S.Mb=function(s){return Q8(new kg(E(s,11).b))},V(Zf,"LayerSweepTypeDecider/lambda$0$Type",1800),H(1801,1,Tb,tb),S.Lb=function(s){return Q8(new kg(E(s,11).b))},S.Fb=function(s){return this===s},S.Mb=function(s){return Q8(new kg(E(s,11).b))},V(Zf,"LayerSweepTypeDecider/lambda$1$Type",1801),H(1833,402,mye,CJ),S.$f=function(s,a,l){var v,y,x,T,O,A,F,z,q;switch(F=this.g,l.g){case 1:{for(v=0,y=0,A=new le(s.j);A.a<A.c.c.length;)T=E(ce(A),11),T.e.c.length!=0&&(++v,T.j==(It(),Jn)&&++y);for(x=a+y,q=a+v,O=US(s,(Tu(),gd)).Kc();O.Ob();)T=E(O.Pb(),11),T.j==(It(),Jn)?(F[T.p]=x,--x):(F[T.p]=q,--q);return v}case 2:{for(z=0,O=US(s,(Tu(),zl)).Kc();O.Ob();)T=E(O.Pb(),11),++z,F[T.p]=a+z;return z}default:throw de(new PO)}},V(Zf,"LayerTotalPortDistributor",1833),H(660,817,{660:1,225:1},MFe),S.ag=function(s,a,l,v){l?IMe(this,s):(PMe(this,s,v),zHe(this,s,a)),s.c.length>1&&(Wt(Gt(se(Za((Vn(0,s.c.length),E(s.c[0],10))),(Ft(),XT))))?JLe(s,this.d,this):(In(),sa(s,this.d)),Wt(Gt(se(Za((Vn(0,s.c.length),E(s.c[0],10))),XT)))||v9e(this.e,s))},V(Zf,"ModelOrderBarycenterHeuristic",660),H(1803,1,go,MQ),S.ue=function(s,a){return s_t(this.a,E(s,10),E(a,10))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Zf,"ModelOrderBarycenterHeuristic/lambda$0$Type",1803),H(1403,1,_l,LE),S.Yf=function(s){var a;return E(s,37),a=EV(JZe),Vi(a,(lu(),nf),(vu(),NY)),a},S.pf=function(s,a){qft((E(s,37),a))};var JZe;V(Zf,"NoCrossingMinimizer",1403),H(796,402,mye,RU),S.$f=function(s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee;switch(q=this.g,l.g){case 1:{for(y=0,x=0,z=new le(s.j);z.a<z.c.c.length;)A=E(ce(z),11),A.e.c.length!=0&&(++y,A.j==(It(),Jn)&&++x);for(v=1/(y+1),T=a+x*v,ee=a+1-v,F=US(s,(Tu(),gd)).Kc();F.Ob();)A=E(F.Pb(),11),A.j==(It(),Jn)?(q[A.p]=T,T-=v):(q[A.p]=ee,ee-=v);break}case 2:{for(O=0,z=new le(s.j);z.a<z.c.c.length;)A=E(ce(z),11),A.g.c.length==0||++O;for(v=1/(O+1),Q=a+v,F=US(s,(Tu(),zl)).Kc();F.Ob();)A=E(F.Pb(),11),q[A.p]=Q,Q+=v;break}default:throw de(new Yn("Port type is undefined"))}return 1},V(Zf,"NodeRelativePortDistributor",796),H(807,1,{},gDe,cNe),V(Zf,"SweepCopy",807),H(1798,1,MB,e7e),S.Of=function(s,a){},S.Mf=function(){var s;s=Pe(Gr,Ei,25,this.f,15,1),this.d=new cM(s),this.a=new MN(s)},S.Nf=function(s,a,l,v,y,x){var T;T=E(Vt(x[s][a].j,l),11),y.c==T&&y.c.i.c==y.d.i.c&&++this.e[s]},S.Pf=function(s,a,l){var v;v=l[s][a],this.c[s]=this.c[s]|v.k==(dr(),xl)},S.Qf=function(s,a,l,v){var y;y=E(Vt(v[s][a].j,l),11),y.p=this.f++,y.g.c.length+y.e.c.length>1&&(y.j==(It(),fr)?this.b[s]=!0:y.j==nr&&s>0&&(this.b[s-1]=!0))},S.f=0,V(Am,"AllCrossingsCounter",1798),H(587,1,{},yW),S.b=0,S.d=0,V(Am,"BinaryIndexedTree",587),H(524,1,{},MN);var $Ce,DX;V(Am,"CrossingsCounter",524),H(1906,1,go,PH),S.ue=function(s,a){return Kct(this.a,E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Am,"CrossingsCounter/lambda$0$Type",1906),H(1907,1,go,oM),S.ue=function(s,a){return Yct(this.a,E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Am,"CrossingsCounter/lambda$1$Type",1907),H(1908,1,go,NQ),S.ue=function(s,a){return Xct(this.a,E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Am,"CrossingsCounter/lambda$2$Type",1908),H(1909,1,go,LQ),S.ue=function(s,a){return Qct(this.a,E(s,11),E(a,11))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Am,"CrossingsCounter/lambda$3$Type",1909),H(1910,1,gr,sM),S.td=function(s){A1t(this.a,E(s,11))},V(Am,"CrossingsCounter/lambda$4$Type",1910),H(1911,1,Ni,aM),S.Mb=function(s){return Vit(this.a,E(s,11))},V(Am,"CrossingsCounter/lambda$5$Type",1911),H(1912,1,gr,uM),S.td=function(s){lRe(this,s)},V(Am,"CrossingsCounter/lambda$6$Type",1912),H(1913,1,gr,j4e),S.td=function(s){var a;e6(),Iy(this.b,(a=this.a,E(s,11),a))},V(Am,"CrossingsCounter/lambda$7$Type",1913),H(826,1,Tb,Nw),S.Lb=function(s){return e6(),ta(E(s,11),(bt(),pd))},S.Fb=function(s){return this===s},S.Mb=function(s){return e6(),ta(E(s,11),(bt(),pd))},V(Am,"CrossingsCounter/lambda$8$Type",826),H(1905,1,{},cM),V(Am,"HyperedgeCrossingsCounter",1905),H(467,1,{35:1,467:1},T5e),S.wd=function(s){return Ovt(this,E(s,467))},S.b=0,S.c=0,S.e=0,S.f=0;var CIt=V(Am,"HyperedgeCrossingsCounter/Hyperedge",467);H(362,1,{35:1,362:1},vq),S.wd=function(s){return kxt(this,E(s,362))},S.b=0,S.c=0;var ZZe=V(Am,"HyperedgeCrossingsCounter/HyperedgeCorner",362);H(523,22,{3:1,35:1,22:1,523:1},mfe);var gj,bj,eet=ci(Am,"HyperedgeCrossingsCounter/HyperedgeCorner/Type",523,hi,ndt,wut),tet;H(1405,1,_l,h7),S.Yf=function(s){return E(se(E(s,37),(bt(),Cl)),21).Hc((Ru(),ip))?net:null},S.pf=function(s,a){Kyt(this,E(s,37),a)};var net;V(Iu,"InteractiveNodePlacer",1405),H(1406,1,_l,d7),S.Yf=function(s){return E(se(E(s,37),(bt(),Cl)),21).Hc((Ru(),ip))?ret:null},S.pf=function(s,a){Awt(this,E(s,37),a)};var ret,AX,$X;V(Iu,"LinearSegmentsNodePlacer",1406),H(257,1,{35:1,257:1},PM),S.wd=function(s){return XM(this,E(s,257))},S.Fb=function(s){var a;return Ce(s,257)?(a=E(s,257),this.b==a.b):!1},S.Hb=function(){return this.b},S.Ib=function(){return"ls"+Ly(this.e)},S.a=0,S.b=0,S.c=-1,S.d=-1,S.g=0;var iet=V(Iu,"LinearSegmentsNodePlacer/LinearSegment",257);H(1408,1,_l,ZIe),S.Yf=function(s){return E(se(E(s,37),(bt(),Cl)),21).Hc((Ru(),ip))?oet:null},S.pf=function(s,a){j5t(this,E(s,37),a)},S.b=0,S.g=0;var oet;V(Iu,"NetworkSimplexPlacer",1408),H(1427,1,go,kE),S.ue=function(s,a){return _f(E(s,19).a,E(a,19).a)},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Iu,"NetworkSimplexPlacer/0methodref$compare$Type",1427),H(1429,1,go,sv),S.ue=function(s,a){return _f(E(s,19).a,E(a,19).a)},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Iu,"NetworkSimplexPlacer/1methodref$compare$Type",1429),H(649,1,{649:1},M4e);var TIt=V(Iu,"NetworkSimplexPlacer/EdgeRep",649);H(401,1,{401:1},ape),S.b=!1;var kIt=V(Iu,"NetworkSimplexPlacer/NodeRep",401);H(508,12,{3:1,4:1,20:1,28:1,52:1,12:1,14:1,15:1,54:1,508:1},nJ),V(Iu,"NetworkSimplexPlacer/Path",508),H(1409,1,{},Lw),S.Kb=function(s){return E(s,17).d.i.k},V(Iu,"NetworkSimplexPlacer/Path/lambda$0$Type",1409),H(1410,1,Ni,b_),S.Mb=function(s){return E(s,267)==(dr(),ua)},V(Iu,"NetworkSimplexPlacer/Path/lambda$1$Type",1410),H(1411,1,{},sd),S.Kb=function(s){return E(s,17).d.i},V(Iu,"NetworkSimplexPlacer/Path/lambda$2$Type",1411),H(1412,1,Ni,lM),S.Mb=function(s){return l5e(Yje(E(s,10)))},V(Iu,"NetworkSimplexPlacer/Path/lambda$3$Type",1412),H(1413,1,Ni,Zm),S.Mb=function(s){return Mct(E(s,11))},V(Iu,"NetworkSimplexPlacer/lambda$0$Type",1413),H(1414,1,gr,N4e),S.td=function(s){$ot(this.a,this.b,E(s,11))},V(Iu,"NetworkSimplexPlacer/lambda$1$Type",1414),H(1423,1,gr,FH),S.td=function(s){eSt(this.a,E(s,17))},V(Iu,"NetworkSimplexPlacer/lambda$10$Type",1423),H(1424,1,{},Bw),S.Kb=function(s){return mh(),new Nn(null,new zn(E(s,29).a,16))},V(Iu,"NetworkSimplexPlacer/lambda$11$Type",1424),H(1425,1,gr,_P),S.td=function(s){XTt(this.a,E(s,10))},V(Iu,"NetworkSimplexPlacer/lambda$12$Type",1425),H(1426,1,{},Hp),S.Kb=function(s){return mh(),Ot(E(s,121).e)},V(Iu,"NetworkSimplexPlacer/lambda$13$Type",1426),H(1428,1,{},m_),S.Kb=function(s){return mh(),Ot(E(s,121).e)},V(Iu,"NetworkSimplexPlacer/lambda$15$Type",1428),H(1430,1,Ni,av),S.Mb=function(s){return mh(),E(s,401).c.k==(dr(),Os)},V(Iu,"NetworkSimplexPlacer/lambda$17$Type",1430),H(1431,1,Ni,e0),S.Mb=function(s){return mh(),E(s,401).c.j.c.length>1},V(Iu,"NetworkSimplexPlacer/lambda$18$Type",1431),H(1432,1,gr,s6e),S.td=function(s){B0t(this.c,this.b,this.d,this.a,E(s,401))},S.c=0,S.d=0,V(Iu,"NetworkSimplexPlacer/lambda$19$Type",1432),H(1415,1,{},uv),S.Kb=function(s){return mh(),new Nn(null,new zn(E(s,29).a,16))},V(Iu,"NetworkSimplexPlacer/lambda$2$Type",1415),H(1433,1,gr,lD),S.td=function(s){Dot(this.a,E(s,11))},S.a=0,V(Iu,"NetworkSimplexPlacer/lambda$20$Type",1433),H(1434,1,{},Al),S.Kb=function(s){return mh(),new Nn(null,new zn(E(s,29).a,16))},V(Iu,"NetworkSimplexPlacer/lambda$21$Type",1434),H(1435,1,gr,SP),S.td=function(s){Wot(this.a,E(s,10))},V(Iu,"NetworkSimplexPlacer/lambda$22$Type",1435),H(1436,1,Ni,zw),S.Mb=function(s){return l5e(s)},V(Iu,"NetworkSimplexPlacer/lambda$23$Type",1436),H(1437,1,{},v_),S.Kb=function(s){return mh(),new Nn(null,new zn(E(s,29).a,16))},V(Iu,"NetworkSimplexPlacer/lambda$24$Type",1437),H(1438,1,Ni,xP),S.Mb=function(s){return Qit(this.a,E(s,10))},V(Iu,"NetworkSimplexPlacer/lambda$25$Type",1438),H(1439,1,gr,L4e),S.td=function(s){__t(this.a,this.b,E(s,10))},V(Iu,"NetworkSimplexPlacer/lambda$26$Type",1439),H(1440,1,Ni,Hw),S.Mb=function(s){return mh(),!uu(E(s,17))},V(Iu,"NetworkSimplexPlacer/lambda$27$Type",1440),H(1441,1,Ni,w_),S.Mb=function(s){return mh(),!uu(E(s,17))},V(Iu,"NetworkSimplexPlacer/lambda$28$Type",1441),H(1442,1,{},jH),S.Ce=function(s,a){return Uot(this.a,E(s,29),E(a,29))},V(Iu,"NetworkSimplexPlacer/lambda$29$Type",1442),H(1416,1,{},cv),S.Kb=function(s){return mh(),new Nn(null,new yS(new Rr(Ar(ks(E(s,10)).a.Kc(),new M))))},V(Iu,"NetworkSimplexPlacer/lambda$3$Type",1416),H(1417,1,Ni,WR),S.Mb=function(s){return mh(),Dht(E(s,17))},V(Iu,"NetworkSimplexPlacer/lambda$4$Type",1417),H(1418,1,gr,CP),S.td=function(s){Ykt(this.a,E(s,17))},V(Iu,"NetworkSimplexPlacer/lambda$5$Type",1418),H(1419,1,{},Uw),S.Kb=function(s){return mh(),new Nn(null,new zn(E(s,29).a,16))},V(Iu,"NetworkSimplexPlacer/lambda$6$Type",1419),H(1420,1,Ni,Vl),S.Mb=function(s){return mh(),E(s,10).k==(dr(),Os)},V(Iu,"NetworkSimplexPlacer/lambda$7$Type",1420),H(1421,1,{},y_),S.Kb=function(s){return mh(),new Nn(null,new yS(new Rr(Ar(A0(E(s,10)).a.Kc(),new M))))},V(Iu,"NetworkSimplexPlacer/lambda$8$Type",1421),H(1422,1,Ni,Xb),S.Mb=function(s){return mh(),Dct(E(s,17))},V(Iu,"NetworkSimplexPlacer/lambda$9$Type",1422),H(1404,1,_l,BE),S.Yf=function(s){return E(se(E(s,37),(bt(),Cl)),21).Hc((Ru(),ip))?aet:null},S.pf=function(s,a){I4t(E(s,37),a)};var aet;V(Iu,"SimpleNodePlacer",1404),H(180,1,{180:1},$4),S.Ib=function(){var s;return s="",this.c==(Eb(),xx)?s+=V5:this.c==fw&&(s+=U5),this.o==(Sg(),X2)?s+=doe:this.o==zg?s+="UP":s+="BALANCED",s},V(Gy,"BKAlignedLayout",180),H(516,22,{3:1,35:1,22:1,516:1},wfe);var fw,xx,uet=ci(Gy,"BKAlignedLayout/HDirection",516,hi,idt,yut),cet;H(515,22,{3:1,35:1,22:1,515:1},vfe);var X2,zg,fet=ci(Gy,"BKAlignedLayout/VDirection",515,hi,odt,Eut),det;H(1634,1,{},B4e),V(Gy,"BKAligner",1634),H(1637,1,{},wMe),V(Gy,"BKCompactor",1637),H(654,1,{654:1},I1),S.a=0,V(Gy,"BKCompactor/ClassEdge",654),H(458,1,{458:1},rU),S.a=null,S.b=0,V(Gy,"BKCompactor/ClassNode",458),H(1407,1,_l,dRe),S.Yf=function(s){return E(se(E(s,37),(bt(),Cl)),21).Hc((Ru(),ip))?het:null},S.pf=function(s,a){Q5t(this,E(s,37),a)},S.d=!1;var het;V(Gy,"BKNodePlacer",1407),H(1635,1,{},Qb),S.d=0,V(Gy,"NeighborhoodInformation",1635),H(1636,1,go,MH),S.ue=function(s,a){return igt(this,E(s,46),E(a,46))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Gy,"NeighborhoodInformation/NeighborComparator",1636),H(808,1,{}),V(Gy,"ThresholdStrategy",808),H(1763,808,{},oU),S.bg=function(s,a,l){return this.a.o==(Sg(),zg)?Qo:ws},S.cg=function(){},V(Gy,"ThresholdStrategy/NullThresholdStrategy",1763),H(579,1,{579:1},z4e),S.c=!1,S.d=!1,V(Gy,"ThresholdStrategy/Postprocessable",579),H(1764,808,{},oJ),S.bg=function(s,a,l){var v,y,x;return y=a==l,v=this.a.a[l.p]==a,y||v?(x=s,this.a.c==(Eb(),xx)?(y&&(x=hie(this,a,!0)),!isNaN(x)&&!isFinite(x)&&v&&(x=hie(this,l,!1))):(y&&(x=hie(this,a,!0)),!isNaN(x)&&!isFinite(x)&&v&&(x=hie(this,l,!1))),x):s},S.cg=function(){for(var s,a,l,v,y;this.d.b!=0;)y=E(Edt(this.d),579),v=Bze(this,y),v.a&&(s=v.a,l=Wt(this.a.f[this.a.g[y.b.p].p]),!(!l&&!uu(s)&&s.c.i.c==s.d.i.c)&&(a=GLe(this,y),a||sot(this.e,y)));for(;this.e.a.c.length!=0;)GLe(this,E(rje(this.e),579))},V(Gy,"ThresholdStrategy/SimpleThresholdStrategy",1764),H(635,1,{635:1,246:1,234:1},j3),S.Kf=function(){return h9e(this)},S.Xf=function(){return h9e(this)};var dce;V(use,"EdgeRouterFactory",635),H(1458,1,_l,w7),S.Yf=function(s){return OTt(E(s,37))},S.pf=function(s,a){M4t(E(s,37),a)};var pet,bet,met,vet,wet,PCe,yet,Eet;V(use,"OrthogonalEdgeRouter",1458),H(1451,1,_l,hRe),S.Yf=function(s){return Zyt(E(s,37))},S.pf=function(s,a){r5t(this,E(s,37),a)};var _et,xet,Cet,Tet,Rz,ket;V(use,"PolylineEdgeRouter",1451),H(1452,1,Tb,Wx),S.Lb=function(s){return K1e(E(s,10))},S.Fb=function(s){return this===s},S.Mb=function(s){return K1e(E(s,10))},V(use,"PolylineEdgeRouter/1",1452),H(1809,1,Ni,t0),S.Mb=function(s){return E(s,129).c==(B1(),rE)},V(K1,"HyperEdgeCycleDetector/lambda$0$Type",1809),H(1810,1,{},E_),S.Ge=function(s){return E(s,129).d},V(K1,"HyperEdgeCycleDetector/lambda$1$Type",1810),H(1811,1,Ni,__),S.Mb=function(s){return E(s,129).c==(B1(),rE)},V(K1,"HyperEdgeCycleDetector/lambda$2$Type",1811),H(1812,1,{},RE),S.Ge=function(s){return E(s,129).d},V(K1,"HyperEdgeCycleDetector/lambda$3$Type",1812),H(1813,1,{},lv),S.Ge=function(s){return E(s,129).d},V(K1,"HyperEdgeCycleDetector/lambda$4$Type",1813),H(1814,1,{},Jb),S.Ge=function(s){return E(s,129).d},V(K1,"HyperEdgeCycleDetector/lambda$5$Type",1814),H(112,1,{35:1,112:1},SL),S.wd=function(s){return dy(this,E(s,112))},S.Fb=function(s){var a;return Ce(s,112)?(a=E(s,112),this.g==a.g):!1},S.Hb=function(){return this.g},S.Ib=function(){var s,a,l,v;for(s=new gh("{"),v=new le(this.n);v.a<v.c.c.length;)l=E(ce(v),11),a=WL(l.i),a==null&&(a="n"+z5e(l.i)),s.a+=""+a,v.a<v.c.c.length&&(s.a+=",");return s.a+="}",s.a},S.a=0,S.b=0,S.c=NaN,S.d=0,S.g=0,S.i=0,S.o=0,S.s=NaN,V(K1,"HyperEdgeSegment",112),H(129,1,{129:1},f2),S.Ib=function(){return this.a+"->"+this.b+" ("+bst(this.c)+")"},S.d=0,V(K1,"HyperEdgeSegmentDependency",129),H(520,22,{3:1,35:1,22:1,520:1},yfe);var rE,o3,Ret=ci(K1,"HyperEdgeSegmentDependency/DependencyType",520,hi,rdt,_ut),Oet;H(1815,1,{},BQ),V(K1,"HyperEdgeSegmentSplitter",1815),H(1816,1,{},RJ),S.a=0,S.b=0,V(K1,"HyperEdgeSegmentSplitter/AreaRating",1816),H(329,1,{329:1},hee),S.a=0,S.b=0,S.c=0,V(K1,"HyperEdgeSegmentSplitter/FreeArea",329),H(1817,1,go,n0),S.ue=function(s,a){return dat(E(s,112),E(a,112))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(K1,"HyperEdgeSegmentSplitter/lambda$0$Type",1817),H(1818,1,gr,a6e),S.td=function(s){mpt(this.a,this.d,this.c,this.b,E(s,112))},S.b=0,V(K1,"HyperEdgeSegmentSplitter/lambda$1$Type",1818),H(1819,1,{},Fh),S.Kb=function(s){return new Nn(null,new zn(E(s,112).e,16))},V(K1,"HyperEdgeSegmentSplitter/lambda$2$Type",1819),H(1820,1,{},r0),S.Kb=function(s){return new Nn(null,new zn(E(s,112).j,16))},V(K1,"HyperEdgeSegmentSplitter/lambda$3$Type",1820),H(1821,1,{},Gx),S.Fe=function(s){return ot(Dt(s))},V(K1,"HyperEdgeSegmentSplitter/lambda$4$Type",1821),H(655,1,{},Mee),S.a=0,S.b=0,S.c=0,V(K1,"OrthogonalRoutingGenerator",655),H(1638,1,{},Dr),S.Kb=function(s){return new Nn(null,new zn(E(s,112).e,16))},V(K1,"OrthogonalRoutingGenerator/lambda$0$Type",1638),H(1639,1,{},hf),S.Kb=function(s){return new Nn(null,new zn(E(s,112).j,16))},V(K1,"OrthogonalRoutingGenerator/lambda$1$Type",1639),H(661,1,{}),V(cse,"BaseRoutingDirectionStrategy",661),H(1807,661,{},sJ),S.dg=function(s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(!(s.r&&!s.q))for(z=a+s.o*l,F=new le(s.n);F.a<F.c.c.length;)for(A=E(ce(F),11),q=_c(pe(he(na,1),ft,8,0,[A.i.n,A.n,A.a])).a,O=new le(A.g);O.a<O.c.c.length;)T=E(ce(O),17),uu(T)||(ie=T.d,fe=_c(pe(he(na,1),ft,8,0,[ie.i.n,ie.n,ie.a])).a,m.Math.abs(q-fe)>Rb&&(x=z,y=s,v=new Kt(q,x),Ii(T.a,v),QS(this,T,y,v,!1),Q=s.r,Q&&(ee=ot(Dt(W1(Q.e,0))),v=new Kt(ee,x),Ii(T.a,v),QS(this,T,y,v,!1),x=a+Q.o*l,y=Q,v=new Kt(ee,x),Ii(T.a,v),QS(this,T,y,v,!1)),v=new Kt(fe,x),Ii(T.a,v),QS(this,T,y,v,!1)))},S.eg=function(s){return s.i.n.a+s.n.a+s.a.a},S.fg=function(){return It(),Br},S.gg=function(){return It(),Jn},V(cse,"NorthToSouthRoutingStrategy",1807),H(1808,661,{},aJ),S.dg=function(s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(!(s.r&&!s.q))for(z=a-s.o*l,F=new le(s.n);F.a<F.c.c.length;)for(A=E(ce(F),11),q=_c(pe(he(na,1),ft,8,0,[A.i.n,A.n,A.a])).a,O=new le(A.g);O.a<O.c.c.length;)T=E(ce(O),17),uu(T)||(ie=T.d,fe=_c(pe(he(na,1),ft,8,0,[ie.i.n,ie.n,ie.a])).a,m.Math.abs(q-fe)>Rb&&(x=z,y=s,v=new Kt(q,x),Ii(T.a,v),QS(this,T,y,v,!1),Q=s.r,Q&&(ee=ot(Dt(W1(Q.e,0))),v=new Kt(ee,x),Ii(T.a,v),QS(this,T,y,v,!1),x=a-Q.o*l,y=Q,v=new Kt(ee,x),Ii(T.a,v),QS(this,T,y,v,!1)),v=new Kt(fe,x),Ii(T.a,v),QS(this,T,y,v,!1)))},S.eg=function(s){return s.i.n.a+s.n.a+s.a.a},S.fg=function(){return It(),Jn},S.gg=function(){return It(),Br},V(cse,"SouthToNorthRoutingStrategy",1808),H(1806,661,{},uJ),S.dg=function(s,a,l){var v,y,x,T,O,A,F,z,q,Q,ee,ie,fe;if(!(s.r&&!s.q))for(z=a+s.o*l,F=new le(s.n);F.a<F.c.c.length;)for(A=E(ce(F),11),q=_c(pe(he(na,1),ft,8,0,[A.i.n,A.n,A.a])).b,O=new le(A.g);O.a<O.c.c.length;)T=E(ce(O),17),uu(T)||(ie=T.d,fe=_c(pe(he(na,1),ft,8,0,[ie.i.n,ie.n,ie.a])).b,m.Math.abs(q-fe)>Rb&&(x=z,y=s,v=new Kt(x,q),Ii(T.a,v),QS(this,T,y,v,!0),Q=s.r,Q&&(ee=ot(Dt(W1(Q.e,0))),v=new Kt(x,ee),Ii(T.a,v),QS(this,T,y,v,!0),x=a+Q.o*l,y=Q,v=new Kt(x,ee),Ii(T.a,v),QS(this,T,y,v,!0)),v=new Kt(x,fe),Ii(T.a,v),QS(this,T,y,v,!0)))},S.eg=function(s){return s.i.n.b+s.n.b+s.a.b},S.fg=function(){return It(),fr},S.gg=function(){return It(),nr},V(cse,"WestToEastRoutingStrategy",1806),H(813,1,{},B0e),S.Ib=function(){return Ly(this.a)},S.b=0,S.c=!1,S.d=!1,S.f=0,V(MT,"NubSpline",813),H(407,1,{407:1},_Be,z6e),V(MT,"NubSpline/PolarCP",407),H(1453,1,_l,fMe),S.Yf=function(s){return HEt(E(s,37))},S.pf=function(s,a){_5t(this,E(s,37),a)};var Iet,Det,Aet,$et,Pet;V(MT,"SplineEdgeRouter",1453),H(268,1,{268:1},Vq),S.Ib=function(){return this.a+" ->("+this.c+") "+this.b},S.c=0,V(MT,"SplineEdgeRouter/Dependency",268),H(455,22,{3:1,35:1,22:1,455:1},Efe);var iE,hR,Fet=ci(MT,"SplineEdgeRouter/SideToProcess",455,hi,sdt,Sut),jet;H(1454,1,Ni,zf),S.Mb=function(s){return JF(),!E(s,128).o},V(MT,"SplineEdgeRouter/lambda$0$Type",1454),H(1455,1,{},_d),S.Ge=function(s){return JF(),E(s,128).v+1},V(MT,"SplineEdgeRouter/lambda$1$Type",1455),H(1456,1,gr,H4e),S.td=function(s){$ct(this.a,this.b,E(s,46))},V(MT,"SplineEdgeRouter/lambda$2$Type",1456),H(1457,1,gr,U4e),S.td=function(s){Pct(this.a,this.b,E(s,46))},V(MT,"SplineEdgeRouter/lambda$3$Type",1457),H(128,1,{35:1,128:1},LNe,W0e),S.wd=function(s){return SJ(this,E(s,128))},S.b=0,S.e=!1,S.f=0,S.g=0,S.j=!1,S.k=!1,S.n=0,S.o=!1,S.p=!1,S.q=!1,S.s=0,S.u=0,S.v=0,S.F=0,V(MT,"SplineSegment",128),H(459,1,{459:1},S_),S.a=0,S.b=!1,S.c=!1,S.d=!1,S.e=!1,S.f=0,V(MT,"SplineSegment/EdgeInformation",459),H(1234,1,{},OE),V(x9,Hve,1234),H(1235,1,go,ad),S.ue=function(s,a){return bSt(E(s,135),E(a,135))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(x9,SVe,1235),H(1233,1,{},PJ),V(x9,"MrTree",1233),H(393,22,{3:1,35:1,22:1,393:1,246:1,234:1},cV),S.Kf=function(){return lLe(this)},S.Xf=function(){return lLe(this)};var PX,mj,Oz,vj,FCe=ci(x9,"TreeLayoutPhases",393,hi,Jht,xut),Met;H(1130,209,P2,O5e),S.Ze=function(s,a){var l,v,y,x,T,O,A;for(Wt(Gt(Xt(s,(XS(),zCe))))||Tq((l=new TC((Ns(),new uy(s))),l)),T=(O=new qq,rc(O,s),ct(O,(Hc(),Ej),s),A=new jr,akt(s,O,A),xkt(s,O,A),O),x=mkt(this.a,T),y=new le(x);y.a<y.c.c.length;)v=E(ce(y),135),MEt(this.b,v,wl(a,1/x.c.length));T=X5t(x),_Ot(T)},V(x9,"TreeLayoutProvider",1130),H(1847,1,km,Vw),S.Jc=function(s){Na(this,s)},S.Kc=function(){return In(),Wk(),NA},V(x9,"TreeUtil/1",1847),H(1848,1,km,hl),S.Jc=function(s){Na(this,s)},S.Kc=function(){return In(),Wk(),NA},V(x9,"TreeUtil/2",1848),H(502,134,{3:1,502:1,94:1,134:1}),S.g=0,V(C9,"TGraphElement",502),H(188,502,{3:1,188:1,502:1,94:1,134:1},lpe),S.Ib=function(){return this.b&&this.c?$q(this.b)+"->"+$q(this.c):"e_"+$o(this)},V(C9,"TEdge",188),H(135,134,{3:1,135:1,94:1,134:1},qq),S.Ib=function(){var s,a,l,v,y;for(y=null,v=Ti(this.b,0);v.b!=v.d.c;)l=E(Ci(v),86),y+=(l.c==null||l.c.length==0?"n_"+l.g:"n_"+l.c)+`
`;for(a=Ti(this.a,0);a.b!=a.d.c;)s=E(Ci(a),188),y+=(s.b&&s.c?$q(s.b)+"->"+$q(s.c):"e_"+$o(s))+`
`;return y};var RIt=V(C9,"TGraph",135);H(633,502,{3:1,502:1,633:1,94:1,134:1}),V(C9,"TShape",633),H(86,633,{3:1,502:1,86:1,633:1,94:1,134:1},hne),S.Ib=function(){return $q(this)};var OIt=V(C9,"TNode",86);H(255,1,km,g0),S.Jc=function(s){Na(this,s)},S.Kc=function(){var s;return s=Ti(this.a.d,0),new Tv(s)},V(C9,"TNode/2",255),H(358,1,ga,Tv),S.Nb=function(s){ja(this,s)},S.Pb=function(){return E(Ci(this.a),188).c},S.Ob=function(){return LD(this.a)},S.Qb=function(){sW(this.a)},V(C9,"TNode/2/1",358),H(1840,1,Jo,R5e),S.pf=function(s,a){Bkt(this,E(s,135),a)},V(Q5,"FanProcessor",1840),H(327,22,{3:1,35:1,22:1,327:1,234:1},j8),S.Kf=function(){switch(this.g){case 0:return new bJ;case 1:return new R5e;case 2:return new qw;case 3:return new Qa;case 4:return new $a;case 5:return new M3;default:throw de(new Yn(Ooe+(this.f!=null?this.f:""+this.g)))}};var hce,pce,gce,bce,mce,FX,Net=ci(Q5,Zve,327,hi,p1t,Cut),Let;H(1843,1,Jo,Qa),S.pf=function(s,a){_xt(this,E(s,135),a)},S.a=0,V(Q5,"LevelHeightProcessor",1843),H(1844,1,km,nb),S.Jc=function(s){Na(this,s)},S.Kc=function(){return In(),Wk(),NA},V(Q5,"LevelHeightProcessor/1",1844),H(1841,1,Jo,qw),S.pf=function(s,a){O_t(this,E(s,135),a)},S.a=0,V(Q5,"NeighborsProcessor",1841),H(1842,1,km,Ww),S.Jc=function(s){Na(this,s)},S.Kc=function(){return In(),Wk(),NA},V(Q5,"NeighborsProcessor/1",1842),H(1845,1,Jo,$a),S.pf=function(s,a){Ext(this,E(s,135),a)},S.a=0,V(Q5,"NodePositionProcessor",1845),H(1839,1,Jo,bJ),S.pf=function(s,a){G4t(this,E(s,135))},V(Q5,"RootProcessor",1839),H(1846,1,Jo,M3),S.pf=function(s,a){n0t(E(s,135))},V(Q5,"Untreeifyer",1846);var Iz,wj,Bet,vce,jX,yj,wce,MX,NX,u$,Ej,LX,dw,jCe,zet,yce,s3,Ece,MCe;H(851,1,Ep,z$),S.Qe=function(s){wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,vye),""),"Weighting of Nodes"),"Which weighting to use when computing a node order."),LCe),(nw(),es)),WCe),yn((q1(),cr))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,wye),""),"Search Order"),"Which search order to use when computing a spanning tree."),NCe),es),KCe),yn(cr)))),jHe((new Cd,s))};var Het,NCe,Uet,LCe;V(OK,"MrTreeMetaDataProvider",851),H(994,1,Ep,Cd),S.Qe=function(s){jHe(s)};var Vet,BCe,qet,Wet,Get,Ket,zCe,Yet,HCe,Xet,BX,UCe,Qet,VCe,Jet;V(OK,"MrTreeOptions",994),H(995,1,{},IE),S.$e=function(){var s;return s=new O5e,s},S._e=function(s){},V(OK,"MrTreeOptions/MrtreeFactory",995),H(480,22,{3:1,35:1,22:1,480:1},_fe);var _ce,qCe,WCe=ci(OK,"OrderWeighting",480,hi,udt,Tut),Zet;H(425,22,{3:1,35:1,22:1,425:1},Sfe);var GCe,Sce,KCe=ci(OK,"TreeifyingOrder",425,hi,adt,Rut),ett;H(1459,1,_l,v7),S.Yf=function(s){return E(s,135),ttt},S.pf=function(s,a){tbt(this,E(s,135),a)};var ttt;V("org.eclipse.elk.alg.mrtree.p1treeify","DFSTreeifyer",1459),H(1460,1,_l,N$),S.Yf=function(s){return E(s,135),ntt},S.pf=function(s,a){L_t(this,E(s,135),a)};var ntt;V("org.eclipse.elk.alg.mrtree.p2order","NodeOrderer",1460),H(1461,1,_l,m7),S.Yf=function(s){return E(s,135),rtt},S.pf=function(s,a){n3t(this,E(s,135),a)},S.a=0;var rtt;V("org.eclipse.elk.alg.mrtree.p3place","NodePlacer",1461),H(1462,1,_l,am),S.Yf=function(s){return E(s,135),itt},S.pf=function(s,a){Ryt(E(s,135),a)};var itt;V("org.eclipse.elk.alg.mrtree.p4route","EdgeRouter",1462);var _j;H(495,22,{3:1,35:1,22:1,495:1,246:1,234:1},xfe),S.Kf=function(){return Hje(this)},S.Xf=function(){return Hje(this)};var zX,c$,YCe=ci(yye,"RadialLayoutPhases",495,hi,cdt,kut),ott;H(1131,209,P2,jU),S.Ze=function(s,a){var l,v,y,x,T,O;if(l=qNe(this,s),Lr(a,"Radial layout",l.c.length),Wt(Gt(Xt(s,(wT(),oTe))))||Tq((v=new TC((Ns(),new uy(s))),v)),O=qEt(s),Nu(s,(J8(),_j),O),!O)throw de(new Yn("The given graph is not a tree!"));for(y=ot(Dt(Xt(s,VX))),y==0&&(y=oLe(s)),Nu(s,VX,y),T=new le(qNe(this,s));T.a<T.c.c.length;)x=E(ce(T),51),x.pf(s,wl(a,1));Or(a)},V(yye,"RadialLayoutProvider",1131),H(549,1,go,BD),S.ue=function(s,a){return m3t(this.a,this.b,E(s,33),E(a,33))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},S.a=0,S.b=0,V(yye,"RadialUtil/lambda$0$Type",549),H(1375,1,Jo,Kx),S.pf=function(s,a){jRt(E(s,33),a)},V(mqe,"CalculateGraphSize",1375),H(442,22,{3:1,35:1,22:1,442:1,234:1},OZ),S.Kf=function(){switch(this.g){case 0:return new fv;case 1:return new Zb;case 2:return new Kx;default:throw de(new Yn(Ooe+(this.f!=null?this.f:""+this.g)))}};var xce,Cce,Tce,stt=ci(mqe,Zve,442,hi,iht,Out),att;H(645,1,{}),S.e=1,S.g=0,V(dse,"AbstractRadiusExtensionCompaction",645),H(1772,645,{},s5e),S.hg=function(s){var a,l,v,y,x,T,O,A,F;for(this.c=E(Xt(s,(J8(),_j)),33),_v(this,this.c),this.d=Qne(E(Xt(s,(wT(),Dz)),293)),A=E(Xt(s,Rce),19),A&&UE(this,A.a),O=Dt(Xt(s,(Mi(),e_))),yk(this,(Qn(O),O)),F=kT(this.c),this.d&&this.d.lg(F),A3t(this,F),T=new yf(pe(he(Ko,1),vqe,33,0,[this.c])),l=0;l<2;l++)for(a=0;a<F.c.length;a++)y=new yf(pe(he(Ko,1),vqe,33,0,[(Vn(a,F.c.length),E(F.c[a],33))])),x=a<F.c.length-1?(Vn(a+1,F.c.length),E(F.c[a+1],33)):(Vn(0,F.c.length),E(F.c[0],33)),v=a==0?E(Vt(F,F.c.length-1),33):(Vn(a-1,F.c.length),E(F.c[a-1],33)),JMe(this,(Vn(a,F.c.length),E(F.c[a],33),T),v,x,y)},V(dse,"AnnulusWedgeCompaction",1772),H(1374,1,Jo,Zb),S.pf=function(s,a){Yyt(E(s,33),a)},V(dse,"GeneralCompactor",1374),H(1771,645,{},i0),S.hg=function(s){var a,l,v,y;l=E(Xt(s,(J8(),_j)),33),this.f=l,this.b=Qne(E(Xt(s,(wT(),Dz)),293)),y=E(Xt(s,Rce),19),y&&UE(this,y.a),v=Dt(Xt(s,(Mi(),e_))),yk(this,(Qn(v),v)),a=kT(l),this.b&&this.b.lg(a),ONe(this,a)},S.a=0,V(dse,"RadialCompaction",1771),H(1779,1,{},DE),S.ig=function(s){var a,l,v,y,x,T;for(this.a=s,a=0,T=kT(s),v=0,x=new le(T);x.a<x.c.c.length;)for(y=E(ce(x),33),++v,l=v;l<T.c.length;l++)Wkt(this,y,(Vn(l,T.c.length),E(T.c[l],33)))&&(a+=1);return a},V(_ye,"CrossingMinimizationPosition",1779),H(1777,1,{},Sd),S.ig=function(s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee;for(v=0,l=new Rr(Ar(F0(s).a.Kc(),new M));fi(l);)a=E(Zr(l),79),O=ic(E(ke((!a.c&&(a.c=new Bn(Nr,a,5,8)),a.c),0),82)),F=O.i+O.g/2,z=O.j+O.f/2,y=s.i+s.g/2,x=s.j+s.f/2,q=new ka,q.a=F-y,q.b=z-x,T=new Kt(q.a,q.b),Q6(T,s.g,s.f),q.a-=T.a,q.b-=T.b,y=F-q.a,x=z-q.b,A=new Kt(q.a,q.b),Q6(A,O.g,O.f),q.a-=A.a,q.b-=A.b,F=y+q.a,z=x+q.b,Q=F-y,ee=z-x,v+=m.Math.sqrt(Q*Q+ee*ee);return v},V(_ye,"EdgeLengthOptimization",1777),H(1778,1,{},Yx),S.ig=function(s){var a,l,v,y,x,T,O,A,F,z,q;for(v=0,l=new Rr(Ar(F0(s).a.Kc(),new M));fi(l);)a=E(Zr(l),79),O=ic(E(ke((!a.c&&(a.c=new Bn(Nr,a,5,8)),a.c),0),82)),A=O.i+O.g/2,F=O.j+O.f/2,y=E(Xt(O,(Mi(),mI)),8),x=s.i+y.a+s.g/2,T=s.j+y.b+s.f,z=A-x,q=F-T,v+=m.Math.sqrt(z*z+q*q);return v},V(_ye,"EdgeLengthPositionOptimization",1778),H(1373,645,Jo,fv),S.pf=function(s,a){Zxt(this,E(s,33),a)},V("org.eclipse.elk.alg.radial.intermediate.overlaps","RadiusExtensionOverlapRemoval",1373),H(426,22,{3:1,35:1,22:1,426:1},Cfe);var XCe,kce,QCe=ci(T9,"AnnulusWedgeCriteria",426,hi,ldt,Iut),utt;H(380,22,{3:1,35:1,22:1,380:1},IZ);var HX,JCe,ZCe,eTe=ci(T9,Fve,380,hi,oht,Dut),ctt;H(852,1,Ep,L$),S.Qe=function(s){wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Sye),""),"Order ID"),"The id can be used to define an order for nodes of one radius. This can be used to sort them in the layer accordingly."),Ot(0)),(nw(),Vc)),nu),yn((q1(),ca))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,xye),""),"Radius"),"The radius option can be used to set the initial radius for the radial layouter."),0),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,pse),""),"Compaction"),"With the compacter option it can be determined how compaction on the graph is done. It can be chosen between none, the radial compaction or the compaction of wedges separately."),tTe),es),eTe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,gse),""),"Compaction Step Size"),"Determine the size of steps with which the compaction is done. Step size 1 correlates to a compaction of 1 pixel per Iteration."),Ot(1)),Vc),nu),yn(cr)))),Ea(s,gse,pse,null),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Cye),""),"Sorter"),"Sort the nodes per radius according to the sorting algorithm. The strategies are none, by the given order id, or sorting them by polar coordinates."),rTe),es),pTe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Tye),""),"Annulus Wedge Criteria"),"Determine how the wedge for the node placement is calculated. It can be chosen between wedge determination by the number of leaves or by the maximum sum of diagonals."),iTe),es),QCe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,kye),""),"Translation Optimization"),"Find the optimal translation of the nodes of the first radii according to this criteria. For example edge crossings can be minimized."),nTe),es),fTe),yn(cr)))),QHe((new B$,s))};var ltt,ftt,tTe,dtt,nTe,htt,ptt,gtt,rTe,btt,iTe;V(T9,"RadialMetaDataProvider",852),H(996,1,Ep,B$),S.Qe=function(s){QHe(s)};var Rce,Oce,mtt,vtt,wtt,ytt,oTe,sTe,UX,Ett,_tt,VX,Dz,Stt,aTe;V(T9,"RadialOptions",996),H(997,1,{},x_),S.$e=function(){var s;return s=new jU,s},S._e=function(s){},V(T9,"RadialOptions/RadialFactory",997),H(340,22,{3:1,35:1,22:1,340:1},lV);var uTe,cTe,lTe,Ice,fTe=ci(T9,"RadialTranslationStrategy",340,hi,Zht,Aut),xtt;H(293,22,{3:1,35:1,22:1,293:1},DZ);var dTe,Dce,hTe,pTe=ci(T9,"SortingStrategy",293,hi,aht,$ut),Ctt;H(1449,1,_l,C_),S.Yf=function(s){return E(s,33),null},S.pf=function(s,a){uCt(this,E(s,33),a)},S.c=0,V("org.eclipse.elk.alg.radial.p1position","EadesRadial",1449),H(1775,1,{},sg),S.jg=function(s){return M7e(s)},V(wqe,"AnnulusWedgeByLeafs",1775),H(1776,1,{},gu),S.jg=function(s){return VMe(this,s)},V(wqe,"AnnulusWedgeByNodeSpace",1776),H(1450,1,_l,dv),S.Yf=function(s){return E(s,33),null},S.pf=function(s,a){yEt(this,E(s,33),a)},V("org.eclipse.elk.alg.radial.p2routing","StraightLineEdgeRouter",1450),H(811,1,{},$k),S.kg=function(s){},S.lg=function(s){AO(this,s)},V(Rye,"IDSorter",811),H(1774,1,go,kc),S.ue=function(s,a){return Vgt(E(s,33),E(a,33))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Rye,"IDSorter/lambda$0$Type",1774),H(1773,1,{},zFe),S.kg=function(s){KAe(this,s)},S.lg=function(s){var a;s.dc()||(this.e||(a=VIe(E(s.Xb(0),33)),KAe(this,a)),AO(this.e,s))},V(Rye,"PolarCoordinateSorter",1773),H(1136,209,P2,Gw),S.Ze=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn,rr,ar,$r;if(Lr(a,"Rectangle Packing",1),a.n&&a.n&&s&&r1(a,i1(s),(Zd(),$h)),l=ot(Dt(Xt(s,(zre(),Ftt)))),fe=E(Xt(s,kTe),381),Te=Wt(Gt(Xt(s,xTe))),Lt=Wt(Gt(Xt(s,TTe))),q=Wt(Gt(Xt(s,ETe))),nn=E(Xt(s,Htt),116),yt=ot(Dt(Xt(s,Vtt))),y=Wt(Gt(Xt(s,OTe))),Q=Wt(Gt(Xt(s,_Te))),Ie=Wt(Gt(Xt(s,STe))),$r=ot(Dt(Xt(s,ITe))),rr=(!s.a&&(s.a=new St(Ko,s,10,11)),s.a),BFe(rr),Ie){for(ie=new vt,A=new Tr(rr);A.e!=A.i.gc();)T=E(Fr(A),33),p2(T,Az)&&(ie.c[ie.c.length]=T);for(F=new le(ie);F.a<F.c.c.length;)T=E(ce(F),33),nW(rr,T);for(In(),sa(ie,new AE),z=new le(ie);z.a<z.c.c.length;)T=E(ce(z),33),bn=E(Xt(T,Az),19).a,bn=m.Math.min(bn,rr.i),FF(rr,bn,T);for(be=0,O=new Tr(rr);O.e!=O.i.gc();)T=E(Fr(O),33),Nu(T,yTe,Ot(be)),++be}nt=Cme(s),nt.a-=nn.b+nn.c,nt.b-=nn.d+nn.a,Ne=nt.a,$r<0||$r<nt.a?(ee=new rIe(l,fe,Te),x=L3t(ee,rr,yt,nn),a.n&&a.n&&s&&r1(a,i1(s),(Zd(),$h))):x=new mee(l,$r,0,(sA(),Cj)),nt.a+=nn.b+nn.c,nt.b+=nn.d+nn.a,Lt||(BFe(rr),ar=new p$e(l,q,Q,y,yt),Ne=m.Math.max(nt.a,x.c),x=mOt(ar,rr,Ne,nt,a,s,nn)),bbt(rr,nn),ZS(s,x.c+(nn.b+nn.c),x.b+(nn.d+nn.a),!1,!0),Wt(Gt(Xt(s,CTe)))||Tq((v=new TC((Ns(),new uy(s))),v)),a.n&&a.n&&s&&r1(a,i1(s),(Zd(),$h)),Or(a)},V(Sqe,"RectPackingLayoutProvider",1136),H(1137,1,go,AE),S.ue=function(s,a){return amt(E(s,33),E(a,33))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(Sqe,"RectPackingLayoutProvider/lambda$0$Type",1137),H(1256,1,{},rIe),S.a=0,S.c=!1,V(IK,"AreaApproximation",1256);var gTe=zo(IK,"BestCandidateFilter");H(638,1,{526:1},Kw),S.mg=function(s,a,l){var v,y,x,T,O,A;for(A=new vt,x=Qo,O=new le(s);O.a<O.c.c.length;)T=E(ce(O),220),x=m.Math.min(x,(T.c+(l.b+l.c))*(T.b+(l.d+l.a)));for(y=new le(s);y.a<y.c.c.length;)v=E(ce(y),220),(v.c+(l.b+l.c))*(v.b+(l.d+l.a))==x&&(A.c[A.c.length]=v);return A},V(IK,"AreaFilter",638),H(639,1,{526:1},o0),S.mg=function(s,a,l){var v,y,x,T,O,A;for(O=new vt,A=Qo,T=new le(s);T.a<T.c.c.length;)x=E(ce(T),220),A=m.Math.min(A,m.Math.abs((x.c+(l.b+l.c))/(x.b+(l.d+l.a))-a));for(y=new le(s);y.a<y.c.c.length;)v=E(ce(y),220),m.Math.abs((v.c+(l.b+l.c))/(v.b+(l.d+l.a))-a)==A&&(O.c[O.c.length]=v);return O},V(IK,"AspectRatioFilter",639),H(637,1,{526:1},Xx),S.mg=function(s,a,l){var v,y,x,T,O,A;for(A=new vt,x=ws,O=new le(s);O.a<O.c.c.length;)T=E(ce(O),220),x=m.Math.max(x,She(T.c+(l.b+l.c),T.b+(l.d+l.a),T.a));for(y=new le(s);y.a<y.c.c.length;)v=E(ce(y),220),She(v.c+(l.b+l.c),v.b+(l.d+l.a),v.a)==x&&(A.c[A.c.length]=v);return A},V(IK,"ScaleMeasureFilter",637),H(381,22,{3:1,35:1,22:1,381:1},AZ);var bTe,mTe,Ace,vTe=ci(bse,"OptimizationGoal",381,hi,sht,Put),Ttt;H(856,1,Ep,H$),S.Qe=function(s){wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Oye),""),"Optimization Goal"),"Optimization goal for approximation of the bounding box given by the first iteration. Determines whether layout is sorted by the maximum scaling, aspect ratio, or area. Depending on the strategy the aspect ratio might be nearly ignored."),wTe),(nw(),es)),vTe),yn((q1(),ca))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Iye),""),"Shift Last Placed."),"When placing a rectangle behind or below the last placed rectangle in the first iteration, it is sometimes possible to shift the rectangle further to the left or right, resulting in less whitespace. True (default) enables the shift and false disables it. Disabling the shift produces a greater approximated area by the first iteration and a layout, when using ONLY the first iteration (default not the case), where it is sometimes impossible to implement a size transformation of rectangles that will fill the bounding box and eliminate empty spaces."),(tr(),!0)),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Dye),""),"Current position of a node in the order of nodes"),"The rectangles are ordered. Normally according to their definition the the model. This option specifies the current position of a node."),Ot(-1)),Vc),nu),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Aye),""),"Desired index of node"),"The rectangles are ordered. Normally according to their definition the the model. This option allows to specify a desired position that has preference over the original position."),Ot(-1)),Vc),nu),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,$ye),""),"Only Area Approximation"),"If enabled only the width approximation step is executed and the nodes are placed accordingly. The nodes are layouted according to the packingStrategy. If set to true not expansion of nodes is taking place."),!1),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Pye),""),"Compact Rows"),"Enables compaction. Compacts blocks if they do not use the full height of the row. This option allows to have a smaller drawing. If this option is disabled all nodes are placed next to each other in rows."),!0),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,mse),""),"Fit Aspect Ratio"),"Expands nodes if expandNodes is true to fit the aspect ratio instead of only in their bounds. The option is only useful if the used packingStrategy is ASPECT_RATIO_DRIVEN, otherwise this may result in unreasonable ndoe expansion."),!1),Ga),Us),yn(ca)))),Ea(s,mse,DK,null),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Fye),""),"Target Width"),"Option to place the rectangles in the given target width instead of approximating the width using the desired aspect ratio. The padding is not included in this. Meaning a drawing will have width of targetwidth + horizontal padding."),-1),sc),xa),yn(ca)))),wUe((new y7,s))};var ktt,Rtt,Ott,Itt,Dtt,Att,wTe,$tt,Ptt;V(bse,"RectPackingMetaDataProvider",856),H(1004,1,Ep,y7),S.Qe=function(s){wUe(s)};var Ftt,jtt,yTe,Az,ETe,_Te,STe,Mtt,xTe,Ntt,Ltt,Btt,ztt,CTe,TTe,kTe,Htt,RTe,Utt,OTe,Vtt,ITe;V(bse,"RectPackingOptions",1004),H(1005,1,{},N3),S.$e=function(){var s;return s=new Gw,s},S._e=function(s){},V(bse,"RectPackingOptions/RectpackingFactory",1005),H(1257,1,{},p$e),S.a=0,S.b=!1,S.c=0,S.d=0,S.e=!1,S.f=!1,S.g=0,V("org.eclipse.elk.alg.rectpacking.seconditeration","RowFillingAndCompaction",1257),H(187,1,{187:1},pne),S.a=0,S.c=!1,S.d=0,S.e=0,S.f=0,S.g=0,S.i=0,S.k=!1,S.o=Qo,S.p=Qo,S.r=0,S.s=0,S.t=0,V(UB,"Block",187),H(211,1,{211:1},Oq),S.a=0,S.b=0,S.d=0,S.e=0,S.f=0,V(UB,"BlockRow",211),H(443,1,{443:1},bpe),S.b=0,S.c=0,S.d=0,S.e=0,S.f=0,V(UB,"BlockStack",443),H(220,1,{220:1},mee,Vge),S.a=0,S.b=0,S.c=0,S.d=0,S.e=0;var IIt=V(UB,"DrawingData",220);H(355,22,{3:1,35:1,22:1,355:1},wN);var pI,pR,Sj,xj,Cj,qtt=ci(UB,"DrawingDataDescriptor",355,hi,jpt,Fut),Wtt;H(200,1,{200:1},Tpe),S.b=0,S.c=0,S.e=0,S.f=0,V(UB,"RectRow",200),H(756,1,{},Ege),S.j=0,V(NT,NVe,756),H(1245,1,{},L3),S.Je=function(s){return Dy(s.a,s.b)},V(NT,LVe,1245),H(1246,1,{},OC),S.Je=function(s){return Upt(this.a,s)},V(NT,BVe,1246),H(1247,1,{},fD),S.Je=function(s){return Xvt(this.a,s)},V(NT,zVe,1247),H(1248,1,{},TP),S.Je=function(s){return Wbt(this.a,s)},V(NT,"ElkGraphImporter/lambda$3$Type",1248),H(1249,1,{},kP),S.Je=function(s){return ISt(this.a,s)},V(NT,HVe,1249),H(1133,209,P2,FJ),S.Ze=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee;for(p2(s,(QL(),YX))&&(ee=ai(Xt(s,(nre(),QTe))),x=Jre(k6(),ee),x&&(T=E(rte(x.f),209),T.Ze(s,wl(a,1)))),Nu(s,Lce,(oL(),KX)),Nu(s,Bce,(JL(),Nce)),Nu(s,zce,(RL(),XX)),O=E(Xt(s,(nre(),KTe)),19).a,Lr(a,"Overlap removal",1),Wt(Gt(Xt(s,hnt))),A=new vs,F=new NH(A),v=new Ege,l=yUe(v,s),z=!0,y=0;y<O&&z;){if(Wt(Gt(Xt(s,YTe)))){if(A.a.$b(),k_t(new uOe(F),l.i),A.a.gc()==0)break;l.e=A}for(Fq(this.b),wm(this.b,(NL(),qX),(K(),$z)),wm(this.b,WX,l.g),wm(this.b,GX,(L(),Fce)),this.a=zG(this.b,l),Q=new le(this.a);Q.a<Q.c.c.length;)q=E(ce(Q),51),q.pf(l,wl(a,1));Vyt(v,l),z=Wt(Gt(se(l,(I6(),N2e)))),++y}FHe(v,l),Or(a)},V(NT,"OverlapRemovalLayoutProvider",1133),H(1134,1,{},NH),V(NT,"OverlapRemovalLayoutProvider/lambda$0$Type",1134),H(437,22,{3:1,35:1,22:1,437:1},$Z);var qX,WX,GX,$ce=ci(NT,"SPOrEPhases",437,hi,uht,jut),Gtt;H(1255,1,{},MU),V(NT,"ShrinkTree",1255),H(1135,209,P2,gU),S.Ze=function(s,a){var l,v,y,x,T;p2(s,(QL(),YX))&&(T=ai(Xt(s,YX)),y=Jre(k6(),T),y&&(x=E(rte(y.f),209),x.Ze(s,wl(a,1)))),v=new Ege,l=yUe(v,s),hCt(this.a,l,wl(a,1)),FHe(v,l)},V(NT,"ShrinkTreeLayoutProvider",1135),H(300,134,{3:1,300:1,94:1,134:1},V6e),S.c=!1,V("org.eclipse.elk.alg.spore.graph","Graph",300),H(482,22,{3:1,35:1,22:1,482:1,246:1,234:1},_e),S.Kf=function(){return G9e(this)},S.Xf=function(){return G9e(this)};var Pce,DTe=ci(LT,Fve,482,hi,wft,Mut),Ktt;H(551,22,{3:1,35:1,22:1,551:1,246:1,234:1},a5e),S.Kf=function(){return new T_},S.Xf=function(){return new T_};var Fce,Ytt=ci(LT,"OverlapRemovalStrategy",551,hi,yft,Nut),Xtt;H(430,22,{3:1,35:1,22:1,430:1},Tfe);var KX,jce,ATe=ci(LT,"RootSelection",430,hi,ddt,Lut),Qtt;H(316,22,{3:1,35:1,22:1,316:1},yN);var $Te,Mce,Nce,PTe,FTe,jTe=ci(LT,"SpanningTreeCostFunction",316,hi,$pt,But),Jtt;H(1002,1,Ep,Fa),S.Qe=function(s){fHe(s)};var MTe,NTe,Ztt,ent,LTe,BTe,Lce,Bce,zce,tnt,nnt,YX;V(LT,"SporeCompactionOptions",1002),H(1003,1,{},xd),S.$e=function(){var s;return s=new gU,s},S._e=function(s){},V(LT,"SporeCompactionOptions/SporeCompactionFactory",1003),H(855,1,Ep,pk),S.Qe=function(s){wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,vse),""),"Underlying Layout Algorithm"),"A layout algorithm that is applied to the graph before it is compacted. If this is null, nothing is applied before compaction."),(nw(),l$)),Bt),yn((q1(),cr))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Ese),"structure"),"Structure Extraction Strategy"),"This option defines what kind of triangulation or other partitioning of the plane is applied to the vertices."),WTe),es),JTe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,jye),_se),"Tree Construction Strategy"),"Whether a minimum spanning tree or a maximum spanning tree should be constructed."),VTe),es),e3e),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Mye),_se),"Cost Function for Spanning Tree"),"The cost function is used in the creation of the spanning tree."),UTe),es),jTe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,wse),_se),"Root node for spanning tree construction"),"The identifier of the node that is preferred as the root of the spanning tree. If this is null, the first node is chosen."),null),l$),Bt),yn(cr)))),Ea(s,wse,yse,cnt),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,yse),_se),"Root selection for spanning tree"),"This sets the method used to select a root node for the construction of a spanning tree"),HTe),es),ATe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Nye),Awe),"Compaction Strategy"),"This option defines how the compaction is applied."),zTe),es),DTe),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Lye),Awe),"Orthogonal Compaction"),"Restricts the translation of nodes to orthogonal directions in the compaction phase."),(tr(),!1)),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Bye),xqe),"Upper limit for iterations of overlap removal"),null),Ot(64)),Vc),nu),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,zye),xqe),"Whether to run a supplementary scanline overlap check."),null),!0),Ga),Us),yn(cr)))),mze((new Mh,s)),fHe((new Fa,s))};var rnt,zTe,ont,snt,ant,unt,cnt,lnt,HTe,fnt,UTe,dnt,VTe,qTe,WTe,GTe;V(LT,"SporeMetaDataProvider",855),H(rw,1,Ep,Mh),S.Qe=function(s){mze(s)};var hnt,KTe,YTe,XTe,pnt,QTe;V(LT,"SporeOverlapRemovalOptions",rw),H(1001,1,{},Up),S.$e=function(){var s;return s=new FJ,s},S._e=function(s){},V(LT,"SporeOverlapRemovalOptions/SporeOverlapFactory",1001),H(530,22,{3:1,35:1,22:1,530:1,246:1,234:1},QDe),S.Kf=function(){return K9e(this)},S.Xf=function(){return K9e(this)};var $z,JTe=ci(LT,"StructureExtractionStrategy",530,hi,Eft,zut),gnt;H(429,22,{3:1,35:1,22:1,429:1,246:1,234:1},kfe),S.Kf=function(){return Uje(this)},S.Xf=function(){return Uje(this)};var ZTe,XX,e3e=ci(LT,"TreeConstructionStrategy",429,hi,fdt,Hut),bnt;H(1443,1,_l,em),S.Yf=function(s){return E(s,300),new Ys},S.pf=function(s,a){eEt(E(s,300),a)},V(Cqe,"DelaunayTriangulationPhase",1443),H(1444,1,gr,fM),S.td=function(s){Et(this.a,E(s,65).a)},V(Cqe,"DelaunayTriangulationPhase/lambda$0$Type",1444),H(783,1,_l,e2),S.Yf=function(s){return E(s,300),new Ys},S.pf=function(s,a){this.ng(E(s,300),a)},S.ng=function(s,a){var l,v,y;Lr(a,"Minimum spanning tree construction",1),s.d?v=s.d.a:v=E(Vt(s.i,0),65).a,Wt(Gt(se(s,(I6(),q9))))?y=vie(s.e,v,(l=s.b,l)):y=vie(s.e,v,s.b),O9e(this,y,s),Or(a)},V(Sse,"MinSTPhase",783),H(1446,783,_l,cJ),S.ng=function(s,a){var l,v,y,x;Lr(a,"Maximum spanning tree construction",1),l=new TO(s),s.d?y=s.d.c:y=E(Vt(s.i,0),65).c,Wt(Gt(se(s,(I6(),q9))))?x=vie(s.e,y,(v=l,v)):x=vie(s.e,y,l),O9e(this,x,s),Or(a)},V(Sse,"MaxSTPhase",1446),H(1447,1,{},TO),S.Je=function(s){return Hit(this.a,s)},V(Sse,"MaxSTPhase/lambda$0$Type",1447),H(1445,1,gr,dM),S.td=function(s){Pot(this.a,E(s,65))},V(Sse,"MinSTPhase/lambda$0$Type",1445),H(785,1,_l,T_),S.Yf=function(s){return E(s,300),new Ys},S.pf=function(s,a){h2t(this,E(s,300),a)},S.a=!1,V(xse,"GrowTreePhase",785),H(786,1,gr,the),S.td=function(s){Ibt(this.a,this.b,this.c,E(s,221))},V(xse,"GrowTreePhase/lambda$0$Type",786),H(1448,1,_l,B3),S.Yf=function(s){return E(s,300),new Ys},S.pf=function(s,a){_wt(this,E(s,300),a)},V(xse,"ShrinkTreeCompactionPhase",1448),H(784,1,gr,nhe),S.td=function(s){ext(this.a,this.b,this.c,E(s,221))},V(xse,"ShrinkTreeCompactionPhase/lambda$0$Type",784);var t3e=zo(il,"IGraphElementVisitor");H(860,1,{527:1},LAe),S.og=function(s){var a;a=s3t(this,s),rc(a,E(Cr(this.b,s),94)),iCt(this,s,a)};var mnt,vnt;V(L4,"LayoutConfigurator",860);var DIt=zo(L4,"LayoutConfigurator/IPropertyHolderOptionFilter");H(932,1,{1933:1},hv),S.pg=function(s,a){return k5(),!s.Xe(a)},V(L4,"LayoutConfigurator/lambda$0$Type",932),H(933,1,{1933:1},AI),S.pg=function(s,a){return x8(s,a)},V(L4,"LayoutConfigurator/lambda$1$Type",933),H(931,1,{831:1},z3),S.qg=function(s,a){return k5(),!s.Xe(a)},V(L4,"LayoutConfigurator/lambda$2$Type",931),H(934,1,Ni,V4e),S.Mb=function(s){return sft(this.a,this.b,E(s,1933))},V(L4,"LayoutConfigurator/lambda$3$Type",934),H(858,1,{},GR),V(L4,"RecursiveGraphLayoutEngine",858),H(296,60,M0,ZH,cy),V(L4,"UnsupportedConfigurationException",296),H(453,60,M0,Zp),V(L4,"UnsupportedGraphException",453),H(754,1,{}),V(il,"AbstractRandomListAccessor",754),H(500,754,{},aB),S.rg=function(){return null},S.d=!0,S.e=!0,S.f=0,V(kA,"AlgorithmAssembler",500),H(1236,1,Ni,Qx),S.Mb=function(s){return!!E(s,123)},V(kA,"AlgorithmAssembler/lambda$0$Type",1236),H(1237,1,{},LH),S.Kb=function(s){return qle(this.a,E(s,123))},V(kA,"AlgorithmAssembler/lambda$1$Type",1237),H(1238,1,Ni,H3),S.Mb=function(s){return!!E(s,80)},V(kA,"AlgorithmAssembler/lambda$2$Type",1238),H(1239,1,gr,hM),S.td=function(s){_h(this.a,E(s,80))},V(kA,"AlgorithmAssembler/lambda$3$Type",1239),H(1240,1,gr,q4e),S.td=function(s){_st(this.a,this.b,E(s,234))},V(kA,"AlgorithmAssembler/lambda$4$Type",1240),H(1355,1,go,Ud),S.ue=function(s,a){return jft(E(s,234),E(a,234))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(kA,"EnumBasedFactoryComparator",1355),H(80,754,{80:1},Ys),S.rg=function(){return new vs},S.a=0,V(kA,"LayoutProcessorConfiguration",80),H(1013,1,{527:1},E7),S.og=function(s){RF(ynt,new zQ(s))};var wnt,ynt,Ent;V(Cc,"DeprecatedLayoutOptionReplacer",1013),H(1014,1,gr,s0),S.td=function(s){C1t(E(s,160))},V(Cc,"DeprecatedLayoutOptionReplacer/lambda$0$Type",1014),H(1015,1,gr,U3),S.td=function(s){K0t(E(s,160))},V(Cc,"DeprecatedLayoutOptionReplacer/lambda$1$Type",1015),H(1016,1,{},zQ),S.Od=function(s,a){Sst(this.a,E(s,146),E(a,38))},V(Cc,"DeprecatedLayoutOptionReplacer/lambda$2$Type",1016),H(149,1,{686:1,149:1},O2),S.Fb=function(s){return Hpe(this,s)},S.sg=function(){return this.b},S.tg=function(){return this.c},S.ne=function(){return this.e},S.Hb=function(){return ew(this.c)},S.Ib=function(){return"Layout Algorithm: "+this.c};var AIt=V(Cc,"LayoutAlgorithmData",149);H(263,1,{},Pa),V(Cc,"LayoutAlgorithmData/Builder",263),H(1017,1,{527:1},lh),S.og=function(s){Ce(s,239)&&!Wt(Gt(s.We((Mi(),rQ))))&&Ukt(E(s,33))},V(Cc,"LayoutAlgorithmResolver",1017),H(229,1,{686:1,229:1},m5),S.Fb=function(s){return Ce(s,229)?xn(this.b,E(s,229).b):!1},S.sg=function(){return this.a},S.tg=function(){return this.b},S.ne=function(){return this.d},S.Hb=function(){return ew(this.b)},S.Ib=function(){return"Layout Type: "+this.b},V(Cc,"LayoutCategoryData",229),H(344,1,{},Ja),V(Cc,"LayoutCategoryData/Builder",344),H(867,1,{},sze);var Hce;V(Cc,"LayoutMetaDataService",867),H(868,1,{},MDe),V(Cc,"LayoutMetaDataService/Registry",868),H(478,1,{478:1},Yw),V(Cc,"LayoutMetaDataService/Registry/Triple",478),H(869,1,V4,Jx),S.ug=function(){return new ka},V(Cc,"LayoutMetaDataService/lambda$0$Type",869),H(870,1,BT,Vp),S.vg=function(s){return Oc(E(s,8))},V(Cc,"LayoutMetaDataService/lambda$1$Type",870),H(879,1,V4,k_),S.ug=function(){return new vt},V(Cc,"LayoutMetaDataService/lambda$10$Type",879),H(880,1,BT,Xw),S.vg=function(s){return new Kf(E(s,12))},V(Cc,"LayoutMetaDataService/lambda$11$Type",880),H(881,1,V4,KR),S.ug=function(){return new Po},V(Cc,"LayoutMetaDataService/lambda$12$Type",881),H(882,1,BT,Zx),S.vg=function(s){return BN(E(s,68))},V(Cc,"LayoutMetaDataService/lambda$13$Type",882),H(883,1,V4,tm),S.ug=function(){return new vs},V(Cc,"LayoutMetaDataService/lambda$14$Type",883),H(884,1,BT,R_),S.vg=function(s){return _q(E(s,53))},V(Cc,"LayoutMetaDataService/lambda$15$Type",884),H(885,1,V4,YR),S.ug=function(){return new w0},V(Cc,"LayoutMetaDataService/lambda$16$Type",885),H(886,1,BT,eC),S.vg=function(s){return Bq(E(s,53))},V(Cc,"LayoutMetaDataService/lambda$17$Type",886),H(887,1,V4,tC),S.ug=function(){return new FO},V(Cc,"LayoutMetaDataService/lambda$18$Type",887),H(888,1,BT,O_),S.vg=function(s){return fIe(E(s,208))},V(Cc,"LayoutMetaDataService/lambda$19$Type",888),H(871,1,V4,V3),S.ug=function(){return new Yl},V(Cc,"LayoutMetaDataService/lambda$2$Type",871),H(872,1,BT,I_),S.vg=function(s){return new ND(E(s,74))},V(Cc,"LayoutMetaDataService/lambda$3$Type",872),H(873,1,V4,q3),S.ug=function(){return new jC},V(Cc,"LayoutMetaDataService/lambda$4$Type",873),H(874,1,BT,D_),S.vg=function(s){return new fee(E(s,142))},V(Cc,"LayoutMetaDataService/lambda$5$Type",874),H(875,1,V4,nC),S.ug=function(){return new nS},V(Cc,"LayoutMetaDataService/lambda$6$Type",875),H(876,1,BT,$E),S.vg=function(s){return new Xde(E(s,116))},V(Cc,"LayoutMetaDataService/lambda$7$Type",876),H(877,1,V4,W3),S.ug=function(){return new gs},V(Cc,"LayoutMetaDataService/lambda$8$Type",877),H(878,1,BT,rC),S.vg=function(s){return new x8e(E(s,373))},V(Cc,"LayoutMetaDataService/lambda$9$Type",878);var Uce=zo(DB,"IProperty");H(23,1,{35:1,686:1,23:1,146:1},gn),S.wd=function(s){return Got(this,E(s,146))},S.Fb=function(s){return Ce(s,23)?xn(this.f,E(s,23).f):Ce(s,146)&&xn(this.f,E(s,146).tg())},S.wg=function(){var s;if(Ce(this.b,4)){if(s=abe(this.b),s==null)throw de(new zu(Rqe+this.f+"'. Make sure it's type is registered with the "+(y0(rH),rH.k)+Hye));return s}else return this.b},S.sg=function(){return this.d},S.tg=function(){return this.f},S.ne=function(){return this.i},S.Hb=function(){return ew(this.f)},S.Ib=function(){return"Layout Option: "+this.f},V(Cc,"LayoutOptionData",23),H(24,1,{},Zt),V(Cc,"LayoutOptionData/Builder",24),H(175,22,{3:1,35:1,22:1,175:1},EN);var Lb,hw,ca,cr,Q2,pw=ci(Cc,"LayoutOptionData/Target",175,hi,Apt,Uut),_nt;H(277,22,{3:1,35:1,22:1,277:1},n5);var Ga,sc,es,gI,Vc,Hg,l$,n3e,Snt=ci(Cc,"LayoutOptionData/Type",277,hi,cgt,Vut),xnt,Tj,r3e;H(110,1,{110:1},i5,Wh,xq),S.Fb=function(s){var a;return s==null||!Ce(s,110)?!1:(a=E(s,110),bl(this.c,a.c)&&bl(this.d,a.d)&&bl(this.b,a.b)&&bl(this.a,a.a))},S.Hb=function(){return PW(pe(he(mr,1),Ht,1,5,[this.c,this.d,this.b,this.a]))},S.Ib=function(){return"Rect[x="+this.c+",y="+this.d+",w="+this.b+",h="+this.a+"]"},S.a=0,S.b=0,S.c=0,S.d=0,V(jB,"ElkRectangle",110),H(8,1,{3:1,4:1,8:1,414:1},ka,cte,Kt,Hu),S.Fb=function(s){return $Fe(this,s)},S.Hb=function(){return GD(this.a)+Ywt(GD(this.b))},S.Jf=function(s){var a,l,v,y;for(v=0;v<s.length&&hje((ui(v,s.length),s.charCodeAt(v)),$Ve);)++v;for(a=s.length;a>0&&hje((ui(a-1,s.length),s.charCodeAt(a-1)),PVe);)--a;if(v>=a)throw de(new Yn("The given string does not contain any numbers."));if(y=RT(s.substr(v,a-v),`,|;|\r|
`),y.length!=2)throw de(new Yn("Exactly two numbers are expected, "+y.length+" were found."));try{this.a=ST(_T(y[0])),this.b=ST(_T(y[1]))}catch(x){throw x=Mo(x),Ce(x,127)?(l=x,de(new Yn(FVe+l))):de(x)}},S.Ib=function(){return"("+this.a+","+this.b+")"},S.a=0,S.b=0;var na=V(jB,"KVector",8);H(74,68,{3:1,4:1,20:1,28:1,52:1,14:1,68:1,15:1,74:1,414:1},Yl,ND,QOe),S.Pc=function(){return pmt(this)},S.Jf=function(s){var a,l,v,y,x,T;v=RT(s,`,|;|\\(|\\)|\\[|\\]|\\{|\\}| | |
`),bp(this);try{for(l=0,x=0,y=0,T=0;l<v.length;)v[l]!=null&&_T(v[l]).length>0&&(x%2==0?y=ST(v[l]):T=ST(v[l]),x>0&&x%2!=0&&Ii(this,new Kt(y,T)),++x),++l}catch(O){throw O=Mo(O),Ce(O,127)?(a=O,de(new Yn("The given string does not match the expected format for vectors."+a))):de(O)}},S.Ib=function(){var s,a,l;for(s=new gh("("),a=Ti(this,0);a.b!=a.d.c;)l=E(Ci(a),8),gi(s,l.a+","+l.b),a.b!=a.d.c&&(s.a+="; ");return(s.a+=")",s).a};var i3e=V(jB,"KVectorChain",74);H(248,22,{3:1,35:1,22:1,248:1},M8);var Vce,QX,JX,Pz,Fz,ZX,o3e=ci(Sp,"Alignment",248,hi,u1t,qut),Cnt;H(979,1,Ep,U$),S.Qe=function(s){Dze(s)};var s3e,qce,Tnt,a3e,u3e,knt,c3e,Rnt,Ont,l3e,f3e,Int;V(Sp,"BoxLayouterOptions",979),H(980,1,{},$I),S.$e=function(){var s;return s=new K3,s},S._e=function(s){},V(Sp,"BoxLayouterOptions/BoxFactory",980),H(291,22,{3:1,35:1,22:1,291:1},N8);var jz,Wce,Mz,Nz,Lz,Gce,Kce=ci(Sp,"ContentAlignment",291,hi,a1t,Wut),Dnt;H(684,1,Ep,ey),S.Qe=function(s){wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Iqe),""),"Layout Algorithm"),"Select a specific layout algorithm."),(nw(),l$)),Bt),yn((q1(),cr))))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Dqe),""),"Resolved Layout Algorithm"),"Meta data associated with the selected algorithm."),Hg),AIt),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Xwe),""),"Alignment"),"Alignment of the selected node relative to other nodes; the exact meaning depends on the used algorithm."),d3e),es),o3e),yn(ca)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,W5),""),"Aspect Ratio"),"The desired aspect ratio of the drawing, that is the quotient of width by height."),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Vye),""),"Bend Points"),"A fixed list of bend points for the edge. This is used by the 'Fixed Layout' algorithm to specify a pre-defined routing for an edge. The vector chain must include the source point, any bend points, and the target point, so it must have at least two points."),Hg),i3e),yn(Lb)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,CK),""),"Content Alignment"),"Specifies how the content of a node are aligned. Each node can individually control the alignment of its contents. I.e. if a node should be aligned top left in its parent node, the parent node should specify that option."),p3e),gI),Kce),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,HB),""),"Debug Mode"),"Whether additional debug information shall be generated."),(tr(),!1)),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Zwe),""),$ve),"Overall direction of edges: horizontal (right / left) or vertical (down / up)."),g3e),es),Oj),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,BB),""),"Edge Routing"),"What kind of edge routing style should be applied for the content of a parent node. Algorithms may also set this option to single edges in order to mark them as splines. The bend point list of edges with this option set to SPLINES must be interpreted as control points for a piecewise cubic spline."),v3e),es),ale),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,DK),""),"Expand Nodes"),"If active, nodes are expanded to fill the area of their parent."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,xK),""),"Hierarchy Handling"),"Determines whether separate layout runs are triggered for different compound nodes in a hierarchical graph. Setting a node's hierarchy handling to `INCLUDE_CHILDREN` will lay out that node and all of its descendants in a single layout run, until a descendant is encountered which has its hierarchy handling set to `SEPARATE_CHILDREN`. In general, `SEPARATE_CHILDREN` will ensure that a new layout run is triggered for a node with that setting. Including multiple levels of hierarchy in a single layout run may allow cross-hierarchical edges to be laid out properly. If the root node is set to `INHERIT` (or not set at all), the default behavior is `SEPARATE_CHILDREN`."),_3e),es),ake),Ro(cr,pe(he(pw,1),wt,175,0,[ca]))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,rx),""),"Padding"),"The padding to be left to a parent element's border when placing child elements. This can also serve as an output option of a layout algorithm if node size calculation is setup appropriately."),A3e),Hg),d_e),Ro(cr,pe(he(pw,1),wt,175,0,[ca]))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,PB),""),"Interactive"),"Whether the algorithm should be run in interactive mode for the content of a parent node. What this means exactly depends on how the specific algorithm interprets this option. Usually in the interactive mode algorithms try to modify the current layout as little as possible."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,ase),""),"interactive Layout"),"Whether the graph should be changeable interactively and by setting constraints"),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,v9),""),"Omit Node Micro Layout"),"Node micro layout comprises the computation of node dimensions (if requested), the placement of ports and their labels, and the placement of node labels. The functionality is implemented independent of any specific layout algorithm and shouldn't have any negative impact on the layout algorithm's performance itself. Yet, if any unforeseen behavior occurs, this option allows to deactivate the micro layout."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Toe),""),"Port Constraints"),"Defines constraints of the position of the ports of a node."),M3e),es),lke),yn(ca)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,TK),""),"Position"),"The position of a node, port, or label. This is used by the 'Fixed Layout' algorithm to specify a pre-defined position."),Hg),na),Ro(ca,pe(he(pw,1),wt,175,0,[Q2,hw]))))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,$B),""),"Priority"),"Defines the priority of an object; its meaning depends on the specific layout algorithm and the context where it is used."),Vc),nu),Ro(ca,pe(he(pw,1),wt,175,0,[Lb]))))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,sK),""),"Randomization Seed"),"Seed used for pseudo-random number generators to control the layout algorithm. If the value is 0, the seed shall be determined pseudo-randomly (e.g. from the system time)."),Vc),nu),yn(cr)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,m9),""),"Separate Connected Components"),"Whether each connected component should be processed separately."),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,uye),""),"Junction Points"),"This option is not used as option, but as output of the layout algorithms. It is attached to edges and determines the points where junction symbols should be drawn in order to represent hyperedges with orthogonal routing. Whether such points are computed depends on the chosen layout algorithm and edge routing style. The points are put into the vector chain with no specific order."),x3e),Hg),i3e),yn(Lb)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,fye),""),"Comment Box"),"Whether the node should be regarded as a comment box instead of a regular node. In that case its placement should be similar to how labels are handled. Any edges incident to a comment box specify to which graph elements the comment is related."),!1),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,dye),""),"Hypernode"),"Whether the node should be handled as a hypernode."),!1),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,sIt),""),"Label Manager"),"Label managers can shorten labels upon a layout algorithm's request."),Hg),MIt),Ro(cr,pe(he(pw,1),wt,175,0,[hw]))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,pye),""),"Margins"),"Margins define additional space around the actual bounds of a graph element. For instance, ports or labels being placed on the outside of a node's border might introduce such a margin. The margin is used to guarantee non-overlap of other graph elements with those ports or labels."),C3e),Hg),f_e),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Kwe),""),"No Layout"),"No layout is done for the associated element. This is used to mark parts of a diagram to avoid their inclusion in the layout graph, or to mark parts of the layout graph to prevent layout engines from processing them. If you wish to exclude the contents of a compound node from automatic layout, while the node itself is still considered on its own layer, use the 'Fixed Layout' algorithm for that node."),!1),Ga),Us),Ro(ca,pe(he(pw,1),wt,175,0,[Lb,Q2,hw]))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Aqe),""),"Scale Factor"),"The scaling factor to be applied to the corresponding node in recursive layout. It causes the corresponding node's size to be adjusted, and its ports and labels to be sized and placed accordingly after the layout of that node has been determined (and before the node itself and its siblings are arranged). The scaling is not reverted afterwards, so the resulting layout graph contains the adjusted size and position data. This option is currently not supported if 'Layout Hierarchy' is set."),1),sc),xa),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,$qe),""),"Animate"),"Whether the shift from the old layout to the new computed layout shall be animated."),!0),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Pqe),""),"Animation Time Factor"),"Factor for computation of animation time. The higher the value, the longer the animation time. If the value is 0, the resulting time is always equal to the minimum defined by 'Minimal Animation Time'."),Ot(100)),Vc),nu),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Fqe),""),"Layout Ancestors"),"Whether the hierarchy levels on the path from the selected element to the root of the diagram shall be included in the layout process."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,jqe),""),"Maximal Animation Time"),"The maximal time for animations, in milliseconds."),Ot(4e3)),Vc),nu),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Mqe),""),"Minimal Animation Time"),"The minimal time for animations, in milliseconds."),Ot(400)),Vc),nu),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Nqe),""),"Progress Bar"),"Whether a progress bar shall be displayed during layout computations."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Lqe),""),"Validate Graph"),"Whether the graph shall be validated before any layout algorithm is applied. If this option is enabled and at least one error is found, the layout process is aborted and a message is shown to the user."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Bqe),""),"Validate Options"),"Whether layout options shall be validated before any layout algorithm is applied. If this option is enabled and at least one error is found, the layout process is aborted and a message is shown to the user."),!0),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,zqe),""),"Zoom to Fit"),"Whether the zoom level shall be set to view the whole diagram after layout."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Uye),"box"),"Box Layout Mode"),"Configures the packing mode used by the {@link BoxLayoutProvider}. If SIMPLE is not required (neither priorities are used nor the interactive mode), GROUP_DEC can improve the packing and decrease the area. GROUP_MIXED and GROUP_INC may, in very specific scenarios, work better."),h3e),es),bke),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,jwe),jg),"Comment Comment Spacing"),"Spacing to be preserved between a comment box and other comment boxes connected to the same node. The space left between comment boxes of different nodes is controlled by the node-node spacing."),10),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Mwe),jg),"Comment Node Spacing"),"Spacing to be preserved between a node and its connected comment boxes. The space left between a node and the comments of another node is controlled by the node-node spacing."),10),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,yoe),jg),"Components Spacing"),"Spacing to be preserved between pairs of connected components. This option is only relevant if 'separateConnectedComponents' is activated."),20),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Nwe),jg),"Edge Spacing"),"Spacing to be preserved between any two edges. Note that while this can somewhat easily be satisfied for the segments of orthogonally drawn edges, it is harder for general polylines or splines."),10),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Coe),jg),"Edge Label Spacing"),"The minimal distance to be preserved between a label and the edge it is associated with. Note that the placement of a label is influenced by the 'edgelabels.placement' option."),2),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Lwe),jg),"Edge Node Spacing"),"Spacing to be preserved between nodes and edges."),10),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Bwe),jg),"Label Spacing"),"Determines the amount of space to be left between two labels of the same graph element."),0),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Uwe),jg),"Label Node Spacing"),"Spacing to be preserved between labels and the border of node they are associated with. Note that the placement of a label is influenced by the 'nodelabels.placement' option."),5),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,zwe),jg),"Horizontal spacing between Label and Port"),"Horizontal spacing to be preserved between labels and the ports they are associated with. Note that the placement of a label is influenced by the 'portlabels.placement' option."),1),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Hwe),jg),"Vertical spacing between Label and Port"),"Vertical spacing to be preserved between labels and the ports they are associated with. Note that the placement of a label is influenced by the 'portlabels.placement' option."),1),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,FT),jg),"Node Spacing"),"The minimal distance to be preserved between each two nodes."),20),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Vwe),jg),"Node Self Loop Spacing"),"Spacing to be preserved between a node and its self loops."),10),sc),xa),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,qwe),jg),"Port Spacing"),"Spacing between pairs of ports of the same node."),10),sc),xa),Ro(cr,pe(he(pw,1),wt,175,0,[ca]))))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Wwe),jg),"Individual Spacing"),"Allows to specify individual spacing values for graph elements that shall be different from the value specified for the element's parent."),Hg),drt),Ro(ca,pe(he(pw,1),wt,175,0,[Lb,Q2,hw]))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,gye),jg),"Additional Port Space"),"Additional space around the sets of ports on each node side. For each side of a node, this option can reserve additional space before and after the ports on each side. For example, a top spacing of 20 makes sure that the first port on the western and eastern side is 20 units away from the northern border."),G3e),Hg),f_e),yn(cr)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,sse),Vqe),"Layout Partition"),"Partition to which the node belongs. This requires Layout Partitioning to be active. Nodes with lower partition IDs will appear to the left of nodes with higher partition IDs (assuming a left-to-right layout direction)."),Vc),nu),Ro(cr,pe(he(pw,1),wt,175,0,[ca]))))),Ea(s,sse,ose,Lnt),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,ose),Vqe),"Layout Partitioning"),"Whether to activate partitioned layout. This will allow to group nodes through the Layout Partition option. a pair of nodes with different partition indices is then placed such that the node with lower index is placed to the left of the other node (with left-to-right layout direction). Depending on the layout algorithm, this may only be guaranteed to work if all nodes have a layout partition configured, or at least if edges that cross partitions are not part of a partition-crossing cycle."),$3e),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,eye),qqe),"Node Label Padding"),"Define padding for node labels that are placed inside of a node."),k3e),Hg),d_e),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,xA),qqe),"Node Label Placement"),"Hints for where node labels are to be placed; if empty, the node label's position is not modified."),R3e),gI),Du),Ro(ca,pe(he(pw,1),wt,175,0,[hw]))))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,rye),$K),"Port Alignment"),"Defines the default port distribution for a node. May be overridden for each side individually."),F3e),es),$j),yn(ca)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,iye),$K),"Port Alignment (North)"),"Defines how ports on the northern side are placed, overriding the node's general port alignment."),es),$j),yn(ca)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,oye),$K),"Port Alignment (South)"),"Defines how ports on the southern side are placed, overriding the node's general port alignment."),es),$j),yn(ca)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,sye),$K),"Port Alignment (West)"),"Defines how ports on the western side are placed, overriding the node's general port alignment."),es),$j),yn(ca)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,aye),$K),"Port Alignment (East)"),"Defines how ports on the eastern side are placed, overriding the node's general port alignment."),es),$j),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,z4),Tse),"Node Size Constraints"),"What should be taken into account when calculating a node's size. Empty size constraints specify that a node's size is already fixed and should not be changed."),O3e),gI),jj),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,G5),Tse),"Node Size Options"),"Options modifying the behavior of the size constraints set on a node. Each member of the set specifies something that should be taken into account when calculating node sizes. The empty set corresponds to no further modifications."),D3e),gI),dke),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,K5),Tse),"Node Size Minimum"),"The minimal size to which a node can be reduced."),I3e),Hg),na),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,ise),Tse),"Fixed Graph Size"),"By default, the fixed layout provider will enlarge a graph until it is large enough to contain its children. If this option is set, it won't do so."),!1),Ga),Us),yn(cr)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,cye),rse),"Edge Label Placement"),"Gives a hint on where to put edge labels."),b3e),es),Y3e),yn(hw)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,aK),rse),"Inline Edge Labels"),"If true, an edge label is placed directly on its edge. May only apply to center edge labels. This kind of label placement is only advisable if the label's rendering is such that it is not crossed by its edge and thus stays legible."),!1),Ga),Us),yn(hw)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,aIt),"font"),"Font Name"),"Font name used for a label."),l$),Bt),yn(hw)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Hqe),"font"),"Font Size"),"Font size used for a label."),Vc),nu),yn(hw)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,hye),kse),"Port Anchor Offset"),"The offset to the port position where connections shall be attached."),Hg),na),yn(Q2)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,lye),kse),"Port Index"),"The index of a port in the fixed order around a node. The order is assumed as clockwise, starting with the leftmost port on the top side. This option must be set if 'Port Constraints' is set to FIXED_ORDER and no specific positions are given for the ports. Additionally, the option 'Port Side' must be defined in this case."),Vc),nu),yn(Q2)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Ywe),kse),"Port Side"),"The side of a node on which a port is situated. This option must be set if 'Port Constraints' is set to FIXED_SIDE or FIXED_ORDER and no specific positions are given for the ports."),B3e),es),hu),yn(Q2)))),wn(s,new gn(dn(an(hn(cn(fn(ln(tn(new Zt,Gwe),kse),"Port Border Offset"),"The offset of ports on the node border. With a positive offset the port is moved outside of the node, while with a negative offset the port is moved towards the inside. An offset of 0 means that the port is placed directly on the node border, i.e. if the port side is north, the port's south border touches the nodes's north border; if the port side is east, the port's west border touches the nodes's east border; if the port side is south, the port's north border touches the node's south border; if the port side is west, the port's east border touches the node's west border."),sc),xa),yn(Q2)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,CA),qye),"Port Label Placement"),"Decides on a placement method for port labels; if empty, the node label's position is not modified."),N3e),gI),aQ),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,tye),qye),"Port Labels Next to Port"),"Use 'portLabels.placement': NEXT_TO_PORT_OF_POSSIBLE."),!1),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,nye),qye),"Treat Port Labels as Group"),"If this option is true (default), the labels of a port will be treated as a group when it comes to centering them next to their port. If this option is false, only the first label will be centered next to the port, with the others being placed below. This only applies to labels of eastern and western ports and will have no effect if labels are not placed next to their port."),!0),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Qwe),Wqe),"Activate Inside Self Loops"),"Whether this node allows to route self loops inside of it instead of around it. If set to true, this will make the node a compound node if it isn't already, and will require the layout algorithm to support compound nodes with hierarchical ports."),!1),Ga),Us),yn(ca)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Jwe),Wqe),"Inside Self Loop"),"Whether a self loop should be routed inside a node instead of around that node."),!1),Ga),Us),yn(Lb)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Eoe),"edge"),"Edge Thickness"),"The thickness of an edge. This is a hint on the line width used to draw an edge, possibly requiring more space to be reserved for it."),1),sc),xa),yn(Lb)))),wn(s,new gn(dn(an(hn(Pn(cn(fn(ln(tn(new Zt,Uqe),"edge"),"Edge Type"),"The type of an edge. This is usually used for UML class diagrams, where associations must be handled differently from generalizations."),y3e),es),tke),yn(Lb)))),He(s,new m5(aS($v(uS(new Ja,pr),"Layered"),'The layer-based method was introduced by Sugiyama, Tagawa and Toda in 1981. It emphasizes the direction of edges by pointing as many edges as possible into the same direction. The nodes are arranged in layers, which are sometimes called "hierarchies", and then reordered such that the number of edge crossings is minimized. Afterwards, concrete coordinates are computed for the nodes and edge bend points.'))),He(s,new m5(aS($v(uS(new Ja,"org.eclipse.elk.orthogonal"),"Orthogonal"),`Orthogonal methods that follow the "topology-shape-metrics" approach by Batini, Nardelli and Tamassia '86. The first phase determines the topology of the drawing by applying a planarization technique, which results in a planar representation of the graph. The orthogonal shape is computed in the second phase, which aims at minimizing the number of edge bends, and is called orthogonalization. The third phase leads to concrete coordinates for nodes and edge bend points by applying a compaction method, thus defining the metrics.`))),He(s,new m5(aS($v(uS(new Ja,Th),"Force"),"Layout algorithms that follow physical analogies by simulating a system of attractive and repulsive forces. The first successful method of this kind was proposed by Eades in 1984."))),He(s,new m5(aS($v(uS(new Ja,"org.eclipse.elk.circle"),"Circle"),"Circular layout algorithms emphasize cycles or biconnected components of a graph by arranging them in circles. This is useful if a drawing is desired where such components are clearly grouped, or where cycles are shown as prominent OPTIONS of the graph."))),He(s,new m5(aS($v(uS(new Ja,bqe),"Tree"),"Specialized layout methods for trees, i.e. acyclic graphs. The regular structure of graphs that have no undirected cycles can be emphasized using an algorithm of this type."))),He(s,new m5(aS($v(uS(new Ja,"org.eclipse.elk.planar"),"Planar"),"Algorithms that require a planar or upward planar graph. Most of these algorithms are theoretically interesting, but not practically usable."))),He(s,new m5(aS($v(uS(new Ja,Ab),"Radial"),"Radial layout algorithms usually position the nodes of the graph on concentric circles."))),bze((new V$,s)),Dze((new U$,s)),WBe((new Ev,s))};var kj,Ant,d3e,bI,$nt,Pnt,h3e,Fnt,eQ,p3e,Bz,Cx,g3e,Yce,Xce,b3e,m3e,v3e,w3e,y3e,E3e,gR,_3e,jnt,zz,Qce,tQ,S3e,bR,x3e,Hz,C3e,T3e,k3e,mR,R3e,J2,O3e,nQ,vR,I3e,oE,D3e,rQ,Uz,Z2,A3e,Mnt,$3e,Nnt,Lnt,P3e,F3e,Jce,Zce,ele,tle,j3e,Fd,Rj,M3e,nle,rle,a3,N3e,L3e,wR,B3e,mI,iQ,ile,f$,Bnt,ole,znt,Hnt,z3e,Unt,H3e,Vnt,vI,U3e,oQ,V3e,q3e,e_,qnt,W3e,G3e,K3e;V(Sp,"CoreOptions",684),H(103,22,{3:1,35:1,22:1,103:1},_N);var H0,Op,p1,Fm,U0,Oj=ci(Sp,$ve,103,hi,Ipt,Yut),Wnt;H(272,22,{3:1,35:1,22:1,272:1},PZ);var d$,u3,h$,Y3e=ci(Sp,"EdgeLabelPlacement",272,hi,lht,Xut),Gnt;H(218,22,{3:1,35:1,22:1,218:1},fV);var p$,Vz,wI,sle,ale=ci(Sp,"EdgeRouting",218,hi,npt,Qut),Knt;H(312,22,{3:1,35:1,22:1,312:1},L8);var X3e,Q3e,J3e,Z3e,ule,eke,tke=ci(Sp,"EdgeType",312,hi,b1t,Jut),Ynt;H(977,1,Ep,V$),S.Qe=function(s){bze(s)};var nke,rke,ike,oke,Xnt,ske,Ij;V(Sp,"FixedLayouterOptions",977),H(978,1,{},qp),S.$e=function(){var s;return s=new D1,s},S._e=function(s){},V(Sp,"FixedLayouterOptions/FixedFactory",978),H(334,22,{3:1,35:1,22:1,334:1},FZ);var gw,sQ,Dj,ake=ci(Sp,"HierarchyHandling",334,hi,cht,Zut),Qnt;H(285,22,{3:1,35:1,22:1,285:1},dV);var jm,sE,qz,Wz,Jnt=ci(Sp,"LabelSide",285,hi,tpt,ect),Znt;H(93,22,{3:1,35:1,22:1,93:1},Qk);var V0,g1,Ip,b1,Ih,m1,Dp,Mm,w1,Du=ci(Sp,"NodeLabelPlacement",93,hi,wgt,tct),ert;H(249,22,{3:1,35:1,22:1,249:1},SN);var uke,Aj,aE,cke,Gz,$j=ci(Sp,"PortAlignment",249,hi,Dpt,nct),trt;H(98,22,{3:1,35:1,22:1,98:1},B8);var t_,Tl,Nm,g$,Ug,uE,lke=ci(Sp,"PortConstraints",98,hi,Zpt,rct),nrt;H(273,22,{3:1,35:1,22:1,273:1},z8);var Pj,Fj,q0,Kz,cE,yI,aQ=ci(Sp,"PortLabelPlacement",273,hi,g1t,ict),rrt;H(61,22,{3:1,35:1,22:1,61:1},xN);var fr,Jn,op,sp,Pf,sf,Vg,y1,bd,td,kl,md,Ff,jf,E1,Dh,Ah,Ap,Br,Tc,nr,hu=ci(Sp,"PortSide",61,hi,kpt,act),irt;H(981,1,Ep,Ev),S.Qe=function(s){WBe(s)};var ort,srt,fke,art,urt;V(Sp,"RandomLayouterOptions",981),H(982,1,{},a0),S.$e=function(){var s;return s=new pf,s},S._e=function(s){},V(Sp,"RandomLayouterOptions/RandomFactory",982),H(374,22,{3:1,35:1,22:1,374:1},hV);var c3,Yz,Xz,n_,jj=ci(Sp,"SizeConstraint",374,hi,ept,oct),crt;H(259,22,{3:1,35:1,22:1,259:1},Jk);var Qz,uQ,b$,cle,Jz,Mj,cQ,lQ,fQ,dke=ci(Sp,"SizeOptions",259,hi,Tgt,sct),lrt;H(370,1,{1949:1},Ak),S.b=!1,S.c=0,S.d=-1,S.e=null,S.f=null,S.g=-1,S.j=!1,S.k=!1,S.n=!1,S.o=0,S.q=0,S.r=0,V(il,"BasicProgressMonitor",370),H(972,209,P2,K3),S.Ze=function(s,a){var l,v,y,x,T,O,A,F,z;switch(Lr(a,"Box layout",2),y=AD(Dt(Xt(s,(vG(),Int)))),x=E(Xt(s,Ont),116),l=Wt(Gt(Xt(s,a3e))),v=Wt(Gt(Xt(s,u3e))),E(Xt(s,qce),311).g){case 0:T=(O=new Kf((!s.a&&(s.a=new St(Ko,s,10,11)),s.a)),In(),sa(O,new BH(v)),O),A=Cme(s),F=Dt(Xt(s,s3e)),(F==null||(Qn(F),F<=0))&&(F=1.3),z=f5t(T,y,x,A.a,A.b,l,(Qn(F),F)),ZS(s,z.a,z.b,!1,!0);break;default:aRt(s,y,x,l)}Or(a)},V(il,"BoxLayoutProvider",972),H(973,1,go,BH),S.ue=function(s,a){return OCt(this,E(s,33),E(a,33))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},S.a=!1,V(il,"BoxLayoutProvider/1",973),H(157,1,{157:1},cW,XOe),S.Ib=function(){return this.c?x0e(this.c):Ly(this.b)},V(il,"BoxLayoutProvider/Group",157),H(311,22,{3:1,35:1,22:1,311:1},pV);var hke,pke,gke,lle,bke=ci(il,"BoxLayoutProvider/PackingMode",311,hi,rpt,uct),frt;H(974,1,go,Y3),S.ue=function(s,a){return Aft(E(s,157),E(a,157))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(il,"BoxLayoutProvider/lambda$0$Type",974),H(975,1,go,X3),S.ue=function(s,a){return Cft(E(s,157),E(a,157))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(il,"BoxLayoutProvider/lambda$1$Type",975),H(976,1,go,PI),S.ue=function(s,a){return Tft(E(s,157),E(a,157))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(il,"BoxLayoutProvider/lambda$2$Type",976),H(1365,1,{831:1},A_),S.qg=function(s,a){return J(),!Ce(a,160)||x8((k5(),E(s,160)),a)},V(il,"ElkSpacings/AbstractSpacingsBuilder/lambda$0$Type",1365),H(1366,1,gr,pM),S.td=function(s){bmt(this.a,E(s,146))},V(il,"ElkSpacings/AbstractSpacingsBuilder/lambda$1$Type",1366),H(1367,1,gr,PE),S.td=function(s){E(s,94),J()},V(il,"ElkSpacings/AbstractSpacingsBuilder/lambda$2$Type",1367),H(1371,1,gr,dD),S.td=function(s){zgt(this.a,E(s,94))},V(il,"ElkSpacings/AbstractSpacingsBuilder/lambda$3$Type",1371),H(1369,1,Ni,W4e),S.Mb=function(s){return nmt(this.a,this.b,E(s,146))},V(il,"ElkSpacings/AbstractSpacingsBuilder/lambda$4$Type",1369),H(1368,1,Ni,G4e),S.Mb=function(s){return wst(this.a,this.b,E(s,831))},V(il,"ElkSpacings/AbstractSpacingsBuilder/lambda$5$Type",1368),H(1370,1,gr,K4e),S.td=function(s){wlt(this.a,this.b,E(s,146))},V(il,"ElkSpacings/AbstractSpacingsBuilder/lambda$6$Type",1370),H(935,1,{},G3),S.Kb=function(s){return KRe(s)},S.Fb=function(s){return this===s},V(il,"ElkUtil/lambda$0$Type",935),H(936,1,gr,Y4e),S.td=function(s){DSt(this.a,this.b,E(s,79))},S.a=0,S.b=0,V(il,"ElkUtil/lambda$1$Type",936),H(937,1,gr,X4e),S.td=function(s){Fle(this.a,this.b,E(s,202))},S.a=0,S.b=0,V(il,"ElkUtil/lambda$2$Type",937),H(938,1,gr,Q4e),S.td=function(s){Eot(this.a,this.b,E(s,137))},S.a=0,S.b=0,V(il,"ElkUtil/lambda$3$Type",938),H(939,1,gr,sy),S.td=function(s){Fct(this.a,E(s,469))},V(il,"ElkUtil/lambda$4$Type",939),H(342,1,{35:1,342:1},QQ),S.wd=function(s){return Yot(this,E(s,236))},S.Fb=function(s){var a;return Ce(s,342)?(a=E(s,342),this.a==a.a):!1},S.Hb=function(){return ss(this.a)},S.Ib=function(){return this.a+" (exclusive)"},S.a=0,V(il,"ExclusiveBounds/ExclusiveLowerBound",342),H(1138,209,P2,D1),S.Ze=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie,Te,Ne,nt,yt,Lt,nn,bn;for(Lr(a,"Fixed Layout",1),x=E(Xt(s,(Mi(),m3e)),218),q=0,Q=0,Te=new Tr((!s.a&&(s.a=new St(Ko,s,10,11)),s.a));Te.e!=Te.i.gc();){for(be=E(Fr(Te),33),bn=E(Xt(be,($W(),Ij)),8),bn&&(wg(be,bn.a,bn.b),E(Xt(be,rke),174).Hc((eh(),c3))&&(ee=E(Xt(be,oke),8),ee.a>0&&ee.b>0&&ZS(be,ee.a,ee.b,!0,!0))),q=m.Math.max(q,be.i+be.g),Q=m.Math.max(Q,be.j+be.f),F=new Tr((!be.n&&(be.n=new St(pc,be,1,7)),be.n));F.e!=F.i.gc();)O=E(Fr(F),137),bn=E(Xt(O,Ij),8),bn&&wg(O,bn.a,bn.b),q=m.Math.max(q,be.i+O.i+O.g),Q=m.Math.max(Q,be.j+O.j+O.f);for(yt=new Tr((!be.c&&(be.c=new St(jd,be,9,9)),be.c));yt.e!=yt.i.gc();)for(nt=E(Fr(yt),118),bn=E(Xt(nt,Ij),8),bn&&wg(nt,bn.a,bn.b),Lt=be.i+nt.i,nn=be.j+nt.j,q=m.Math.max(q,Lt+nt.g),Q=m.Math.max(Q,nn+nt.f),A=new Tr((!nt.n&&(nt.n=new St(pc,nt,1,7)),nt.n));A.e!=A.i.gc();)O=E(Fr(A),137),bn=E(Xt(O,Ij),8),bn&&wg(O,bn.a,bn.b),q=m.Math.max(q,Lt+O.i+O.g),Q=m.Math.max(Q,nn+O.j+O.f);for(y=new Rr(Ar(F0(be).a.Kc(),new M));fi(y);)l=E(Zr(y),79),z=aUe(l),q=m.Math.max(q,z.a),Q=m.Math.max(Q,z.b);for(v=new Rr(Ar(sB(be).a.Kc(),new M));fi(v);)l=E(Zr(v),79),Wo(Cm(l))!=s&&(z=aUe(l),q=m.Math.max(q,z.a),Q=m.Math.max(Q,z.b))}if(x==($0(),p$))for(Ie=new Tr((!s.a&&(s.a=new St(Ko,s,10,11)),s.a));Ie.e!=Ie.i.gc();)for(be=E(Fr(Ie),33),v=new Rr(Ar(F0(be).a.Kc(),new M));fi(v);)l=E(Zr(v),79),T=Rkt(l),T.b==0?Nu(l,bR,null):Nu(l,bR,T);Wt(Gt(Xt(s,($W(),ike))))||(Ne=E(Xt(s,Xnt),116),fe=q+Ne.b+Ne.c,ie=Q+Ne.d+Ne.a,ZS(s,fe,ie,!0,!0)),Or(a)},V(il,"FixedLayoutProvider",1138),H(373,134,{3:1,414:1,373:1,94:1,134:1},gs,x8e),S.Jf=function(s){var a,l,v,y,x,T,O,A,F;if(s)try{for(A=RT(s,";,;"),x=A,T=0,O=x.length;T<O;++T){if(y=x[T],l=RT(y,"\\:"),v=Q0e(k6(),l[0]),!v)throw de(new Yn("Invalid option id: "+l[0]));if(F=Y0e(v,l[1]),F==null)throw de(new Yn("Invalid option value: "+l[1]));F==null?(!this.q&&(this.q=new jr),_5(this.q,v)):(!this.q&&(this.q=new jr),Qi(this.q,v,F))}}catch(z){throw z=Mo(z),Ce(z,102)?(a=z,de(new nje(a))):de(z)}},S.Ib=function(){var s;return s=ai(wh(xf((this.q?this.q:(In(),In(),$m)).vc().Oc(),new fh),uT(new hIe,new No,new _t,new lr,pe(he(Pd,1),wt,132,0,[])))),s};var drt=V(il,"IndividualSpacings",373);H(971,1,{},fh),S.Kb=function(s){return $ft(E(s,42))},V(il,"IndividualSpacings/lambda$0$Type",971),H(709,1,{},qIe),S.c=0,V(il,"InstancePool",709),H(1275,1,{},ql),V(il,"LoggedGraph",1275),H(396,22,{3:1,35:1,22:1,396:1},gV);var mke,$h,vke,wke,hrt=ci(il,"LoggedGraph/Type",396,hi,ipt,cct),prt;H(46,1,{20:1,46:1},Ra),S.Jc=function(s){Na(this,s)},S.Fb=function(s){var a,l,v;return Ce(s,46)?(l=E(s,46),a=this.a==null?l.a==null:Ki(this.a,l.a),v=this.b==null?l.b==null:Ki(this.b,l.b),a&&v):!1},S.Hb=function(){var s,a,l,v,y,x;return l=this.a==null?0:$o(this.a),s=l&ls,a=l&-65536,x=this.b==null?0:$o(this.b),v=x&ls,y=x&-65536,s^y>>16&ls|a^v<<16},S.Kc=function(){return new RP(this)},S.Ib=function(){return this.a==null&&this.b==null?"pair(null,null)":this.a==null?"pair(null,"+dc(this.b)+")":this.b==null?"pair("+dc(this.a)+",null)":"pair("+dc(this.a)+","+dc(this.b)+")"},V(il,"Pair",46),H(983,1,ga,RP),S.Nb=function(s){ja(this,s)},S.Ob=function(){return!this.c&&(!this.b&&this.a.a!=null||this.a.b!=null)},S.Pb=function(){if(!this.c&&!this.b&&this.a.a!=null)return this.b=!0,this.a.a;if(!this.c&&this.a.b!=null)return this.c=!0,this.a.b;throw de(new mc)},S.Qb=function(){throw this.c&&this.a.b!=null?this.a.b=null:this.b&&this.a.a!=null&&(this.a.a=null),de(new Kl)},S.b=!1,S.c=!1,V(il,"Pair/1",983),H(448,1,{448:1},u6e),S.Fb=function(s){return bl(this.a,E(s,448).a)&&bl(this.c,E(s,448).c)&&bl(this.d,E(s,448).d)&&bl(this.b,E(s,448).b)},S.Hb=function(){return PW(pe(he(mr,1),Ht,1,5,[this.a,this.c,this.d,this.b]))},S.Ib=function(){return"("+this.a+fu+this.c+fu+this.d+fu+this.b+")"},V(il,"Quadruple",448),H(1126,209,P2,pf),S.Ze=function(s,a){var l,v,y,x,T;if(Lr(a,"Random Layout",1),(!s.a&&(s.a=new St(Ko,s,10,11)),s.a).i==0){Or(a);return}x=E(Xt(s,(tbe(),art)),19),x&&x.a!=0?y=new zq(x.a):y=new Pne,l=AD(Dt(Xt(s,ort))),T=AD(Dt(Xt(s,urt))),v=E(Xt(s,srt),116),HOt(s,y,l,T,v),Or(a)},V(il,"RandomLayoutProvider",1126);var grt;H(553,1,{}),S.qf=function(){return new Kt(this.f.i,this.f.j)},S.We=function(s){return P6e(s,(Mi(),Fd))?Xt(this.f,brt):Xt(this.f,s)},S.rf=function(){return new Kt(this.f.g,this.f.f)},S.sf=function(){return this.g},S.Xe=function(s){return p2(this.f,s)},S.tf=function(s){Of(this.f,s.a),If(this.f,s.b)},S.uf=function(s){FS(this.f,s.a),PS(this.f,s.b)},S.vf=function(s){this.g=s},S.g=0;var brt;V(R9,"ElkGraphAdapters/AbstractElkGraphElementAdapter",553),H(554,1,{839:1},IC),S.wf=function(){var s,a;if(!this.b)for(this.b=Mq(gq(this.a).i),a=new Tr(gq(this.a));a.e!=a.i.gc();)s=E(Fr(a),137),Et(this.b,new DD(s));return this.b},S.b=null,V(R9,"ElkGraphAdapters/ElkEdgeAdapter",554),H(301,553,{},uy),S.xf=function(){return uMe(this)},S.a=null,V(R9,"ElkGraphAdapters/ElkGraphAdapter",301),H(630,553,{181:1},DD),V(R9,"ElkGraphAdapters/ElkLabelAdapter",630),H(629,553,{680:1},XZ),S.wf=function(){return Vwt(this)},S.Af=function(){var s;return s=E(Xt(this.f,(Mi(),Hz)),142),!s&&(s=new jC),s},S.Cf=function(){return qwt(this)},S.Ef=function(s){var a;a=new fee(s),Nu(this.f,(Mi(),Hz),a)},S.Ff=function(s){Nu(this.f,(Mi(),Z2),new Xde(s))},S.yf=function(){return this.d},S.zf=function(){var s,a;if(!this.a)for(this.a=new vt,a=new Rr(Ar(sB(E(this.f,33)).a.Kc(),new M));fi(a);)s=E(Zr(a),79),Et(this.a,new IC(s));return this.a},S.Bf=function(){var s,a;if(!this.c)for(this.c=new vt,a=new Rr(Ar(F0(E(this.f,33)).a.Kc(),new M));fi(a);)s=E(Zr(a),79),Et(this.c,new IC(s));return this.c},S.Df=function(){return Eq(E(this.f,33)).i!=0||Wt(Gt(E(this.f,33).We((Mi(),zz))))},S.Gf=function(){F1t(this,(Ns(),grt))},S.a=null,S.b=null,S.c=null,S.d=null,S.e=null,V(R9,"ElkGraphAdapters/ElkNodeAdapter",629),H(1266,553,{838:1},qH),S.wf=function(){return Zwt(this)},S.zf=function(){var s,a;if(!this.a)for(this.a=bm(E(this.f,118).xg().i),a=new Tr(E(this.f,118).xg());a.e!=a.i.gc();)s=E(Fr(a),79),Et(this.a,new IC(s));return this.a},S.Bf=function(){var s,a;if(!this.c)for(this.c=bm(E(this.f,118).yg().i),a=new Tr(E(this.f,118).yg());a.e!=a.i.gc();)s=E(Fr(a),79),Et(this.c,new IC(s));return this.c},S.Hf=function(){return E(E(this.f,118).We((Mi(),wR)),61)},S.If=function(){var s,a,l,v,y,x,T,O;for(v=_g(E(this.f,118)),l=new Tr(E(this.f,118).yg());l.e!=l.i.gc();)for(s=E(Fr(l),79),O=new Tr((!s.c&&(s.c=new Bn(Nr,s,5,8)),s.c));O.e!=O.i.gc();){if(T=E(Fr(O),82),fT(ic(T),v))return!0;if(ic(T)==v&&Wt(Gt(Xt(s,(Mi(),Qce)))))return!0}for(a=new Tr(E(this.f,118).xg());a.e!=a.i.gc();)for(s=E(Fr(a),79),x=new Tr((!s.b&&(s.b=new Bn(Nr,s,4,7)),s.b));x.e!=x.i.gc();)if(y=E(Fr(x),82),fT(ic(y),v))return!0;return!1},S.a=null,S.b=null,S.c=null,V(R9,"ElkGraphAdapters/ElkPortAdapter",1266),H(1267,1,go,jo),S.ue=function(s,a){return E3t(E(s,118),E(a,118))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(R9,"ElkGraphAdapters/PortComparator",1267);var lE=zo(tp,"EObject"),m$=zo(q4,Yqe),$p=zo(q4,Xqe),Zz=zo(q4,Qqe),eH=zo(q4,"ElkShape"),Nr=zo(q4,Jqe),ra=zo(q4,Wye),Uo=zo(q4,Zqe),tH=zo(tp,eWe),Nj=zo(tp,"EFactory"),mrt,fle=zo(tp,tWe),J1=zo(tp,"EPackage"),la,vrt,wrt,yke,dQ,yrt,Eke,_ke,Ske,fE,Ert,_rt,pc=zo(q4,Gye),Ko=zo(q4,Kye),jd=zo(q4,Yye);H(90,1,nWe),S.Jg=function(){return this.Kg(),null},S.Kg=function(){return null},S.Lg=function(){return this.Kg(),!1},S.Mg=function(){return!1},S.Ng=function(s){Gi(this,s)},V(J5,"BasicNotifierImpl",90),H(97,90,sWe),S.nh=function(){return Gd(this)},S.Og=function(s,a){return s},S.Pg=function(){throw de(new Yr)},S.Qg=function(s){var a;return a=mu(E(Fn(this.Tg(),this.Vg()),18)),this.eh().ih(this,a.n,a.f,s)},S.Rg=function(s,a){throw de(new Yr)},S.Sg=function(s,a,l){return Ch(this,s,a,l)},S.Tg=function(){var s;return this.Pg()&&(s=this.Pg().ck(),s)?s:this.zh()},S.Ug=function(){return Mre(this)},S.Vg=function(){throw de(new Yr)},S.Wg=function(){var s,a;return a=this.ph().dk(),!a&&this.Pg().ik(a=(Rn(),s=hpe(Sb(this.Tg())),s==null?wle:new RN(this,s))),a},S.Xg=function(s,a){return s},S.Yg=function(s){var a;return a=s.Gj(),a?s.aj():Fo(this.Tg(),s)},S.Zg=function(){var s;return s=this.Pg(),s?s.fk():null},S.$g=function(){return this.Pg()?this.Pg().ck():null},S._g=function(s,a,l){return nG(this,s,a,l)},S.ah=function(s){return m6(this,s)},S.bh=function(s,a){return Rte(this,s,a)},S.dh=function(){var s;return s=this.Pg(),!!s&&s.gk()},S.eh=function(){throw de(new Yr)},S.fh=function(){return YW(this)},S.gh=function(s,a,l,v){return D5(this,s,a,v)},S.hh=function(s,a,l){var v;return v=E(Fn(this.Tg(),a),66),v.Nj().Qj(this,this.yh(),a-this.Ah(),s,l)},S.ih=function(s,a,l,v){return Cq(this,s,a,v)},S.jh=function(s,a,l){var v;return v=E(Fn(this.Tg(),a),66),v.Nj().Rj(this,this.yh(),a-this.Ah(),s,l)},S.kh=function(){return!!this.Pg()&&!!this.Pg().ek()},S.lh=function(s){return Kne(this,s)},S.mh=function(s){return Q6e(this,s)},S.oh=function(s){return _He(this,s)},S.ph=function(){throw de(new Yr)},S.qh=function(){return this.Pg()?this.Pg().ek():null},S.rh=function(){return YW(this)},S.sh=function(s,a){Are(this,s,a)},S.th=function(s){this.ph().hk(s)},S.uh=function(s){this.ph().kk(s)},S.vh=function(s){this.ph().jk(s)},S.wh=function(s,a){var l,v,y,x;return x=this.Zg(),x&&s&&(a=eu(x.Vk(),this,a),x.Zk(this)),v=this.eh(),v&&(Zre(this,this.eh(),this.Vg()).Bb&du?(y=v.fh(),y&&(s?!x&&y.Zk(this):y.Yk(this))):(a=(l=this.Vg(),l>=0?this.Qg(a):this.eh().ih(this,-1-l,null,a)),a=this.Sg(null,-1,a))),this.uh(s),a},S.xh=function(s){var a,l,v,y,x,T,O,A;if(l=this.Tg(),x=Fo(l,s),a=this.Ah(),x>=a)return E(s,66).Nj().Uj(this,this.yh(),x-a);if(x<=-1)if(T=F4((Qf(),Ba),l,s),T){if(Wr(),E(T,66).Oj()||(T=v5(qu(Ba,T))),y=(v=this.Yg(T),E(v>=0?this._g(v,!0,!0):YS(this,T,!0),153)),A=T.Zj(),A>1||A==-1)return E(E(y,215).hl(s,!1),76)}else throw de(new Yn(Ky+s.ne()+Rse));else if(s.$j())return v=this.Yg(s),E(v>=0?this._g(v,!1,!0):YS(this,s,!1),76);return O=new mRe(this,s),O},S.yh=function(){return p1e(this)},S.zh=function(){return(ky(),qn).S},S.Ah=function(){return _r(this.zh())},S.Bh=function(s){kre(this,s)},S.Ib=function(){return u1(this)},V(Wn,"BasicEObjectImpl",97);var Srt;H(114,97,{105:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1}),S.Ch=function(s){var a;return a=g1e(this),a[s]},S.Dh=function(s,a){var l;l=g1e(this),qo(l,s,a)},S.Eh=function(s){var a;a=g1e(this),qo(a,s,null)},S.Jg=function(){return E(Gn(this,4),126)},S.Kg=function(){throw de(new Yr)},S.Lg=function(){return(this.Db&4)!=0},S.Pg=function(){throw de(new Yr)},S.Fh=function(s){I5(this,2,s)},S.Rg=function(s,a){this.Db=a<<16|this.Db&255,this.Fh(s)},S.Tg=function(){return Cf(this)},S.Vg=function(){return this.Db>>16},S.Wg=function(){var s,a;return Rn(),a=hpe(Sb((s=E(Gn(this,16),26),s||this.zh()))),a==null?wle:new RN(this,a)},S.Mg=function(){return(this.Db&1)==0},S.Zg=function(){return E(Gn(this,128),1935)},S.$g=function(){return E(Gn(this,16),26)},S.dh=function(){return(this.Db&32)!=0},S.eh=function(){return E(Gn(this,2),49)},S.kh=function(){return(this.Db&64)!=0},S.ph=function(){throw de(new Yr)},S.qh=function(){return E(Gn(this,64),281)},S.th=function(s){I5(this,16,s)},S.uh=function(s){I5(this,128,s)},S.vh=function(s){I5(this,64,s)},S.yh=function(){return Zl(this)},S.Db=0,V(Wn,"MinimalEObjectImpl",114),H(115,114,{105:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1}),S.Fh=function(s){this.Cb=s},S.eh=function(){return this.Cb},V(Wn,"MinimalEObjectImpl/Container",115),H(1985,115,{105:1,413:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1}),S._g=function(s,a,l){return Tbe(this,s,a,l)},S.jh=function(s,a,l){return pme(this,s,a,l)},S.lh=function(s){return Cpe(this,s)},S.sh=function(s,a){fge(this,s,a)},S.zh=function(){return Nl(),_rt},S.Bh=function(s){ege(this,s)},S.Ve=function(){return O7e(this)},S.We=function(s){return Xt(this,s)},S.Xe=function(s){return p2(this,s)},S.Ye=function(s,a){return Nu(this,s,a)},V(M2,"EMapPropertyHolderImpl",1985),H(567,115,{105:1,469:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1},pl),S._g=function(s,a,l){switch(s){case 0:return this.a;case 1:return this.b}return nG(this,s,a,l)},S.lh=function(s){switch(s){case 0:return this.a!=0;case 1:return this.b!=0}return Kne(this,s)},S.sh=function(s,a){switch(s){case 0:lW(this,ot(Dt(a)));return;case 1:fW(this,ot(Dt(a)));return}Are(this,s,a)},S.zh=function(){return Nl(),vrt},S.Bh=function(s){switch(s){case 0:lW(this,0);return;case 1:fW(this,0);return}kre(this,s)},S.Ib=function(){var s;return this.Db&64?u1(this):(s=new pp(u1(this)),s.a+=" (x: ",Fv(s,this.a),s.a+=", y: ",Fv(s,this.b),s.a+=")",s.a)},S.a=0,S.b=0,V(M2,"ElkBendPointImpl",567),H(723,1985,{105:1,413:1,160:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1}),S._g=function(s,a,l){return Ige(this,s,a,l)},S.hh=function(s,a,l){return Ere(this,s,a,l)},S.jh=function(s,a,l){return one(this,s,a,l)},S.lh=function(s){return W1e(this,s)},S.sh=function(s,a){qbe(this,s,a)},S.zh=function(){return Nl(),yrt},S.Bh=function(s){Tge(this,s)},S.zg=function(){return this.k},S.Ag=function(){return gq(this)},S.Ib=function(){return Ane(this)},S.k=null,V(M2,"ElkGraphElementImpl",723),H(724,723,{105:1,413:1,160:1,470:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1}),S._g=function(s,a,l){return Bge(this,s,a,l)},S.lh=function(s){return Gge(this,s)},S.sh=function(s,a){Wbe(this,s,a)},S.zh=function(){return Nl(),Ert},S.Bh=function(s){Jge(this,s)},S.Bg=function(){return this.f},S.Cg=function(){return this.g},S.Dg=function(){return this.i},S.Eg=function(){return this.j},S.Fg=function(s,a){_V(this,s,a)},S.Gg=function(s,a){wg(this,s,a)},S.Hg=function(s){Of(this,s)},S.Ig=function(s){If(this,s)},S.Ib=function(){return Tre(this)},S.f=0,S.g=0,S.i=0,S.j=0,V(M2,"ElkShapeImpl",724),H(725,724,{105:1,413:1,82:1,160:1,470:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1}),S._g=function(s,a,l){return ybe(this,s,a,l)},S.hh=function(s,a,l){return Lbe(this,s,a,l)},S.jh=function(s,a,l){return Bbe(this,s,a,l)},S.lh=function(s){return cge(this,s)},S.sh=function(s,a){Yme(this,s,a)},S.zh=function(){return Nl(),wrt},S.Bh=function(s){dbe(this,s)},S.xg=function(){return!this.d&&(this.d=new Bn(ra,this,8,5)),this.d},S.yg=function(){return!this.e&&(this.e=new Bn(ra,this,7,4)),this.e},V(M2,"ElkConnectableShapeImpl",725),H(352,723,{105:1,413:1,79:1,160:1,352:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1},Hf),S.Qg=function(s){return Fbe(this,s)},S._g=function(s,a,l){switch(s){case 3:return QN(this);case 4:return!this.b&&(this.b=new Bn(Nr,this,4,7)),this.b;case 5:return!this.c&&(this.c=new Bn(Nr,this,5,8)),this.c;case 6:return!this.a&&(this.a=new St(Uo,this,6,6)),this.a;case 7:return tr(),!this.b&&(this.b=new Bn(Nr,this,4,7)),!(this.b.i<=1&&(!this.c&&(this.c=new Bn(Nr,this,5,8)),this.c.i<=1));case 8:return tr(),!!XF(this);case 9:return tr(),!!KS(this);case 10:return tr(),!this.b&&(this.b=new Bn(Nr,this,4,7)),this.b.i!=0&&(!this.c&&(this.c=new Bn(Nr,this,5,8)),this.c.i!=0)}return Ige(this,s,a,l)},S.hh=function(s,a,l){var v;switch(a){case 3:return this.Cb&&(l=(v=this.Db>>16,v>=0?Fbe(this,l):this.Cb.ih(this,-1-v,null,l))),Rde(this,E(s,33),l);case 4:return!this.b&&(this.b=new Bn(Nr,this,4,7)),Ml(this.b,s,l);case 5:return!this.c&&(this.c=new Bn(Nr,this,5,8)),Ml(this.c,s,l);case 6:return!this.a&&(this.a=new St(Uo,this,6,6)),Ml(this.a,s,l)}return Ere(this,s,a,l)},S.jh=function(s,a,l){switch(a){case 3:return Rde(this,null,l);case 4:return!this.b&&(this.b=new Bn(Nr,this,4,7)),eu(this.b,s,l);case 5:return!this.c&&(this.c=new Bn(Nr,this,5,8)),eu(this.c,s,l);case 6:return!this.a&&(this.a=new St(Uo,this,6,6)),eu(this.a,s,l)}return one(this,s,a,l)},S.lh=function(s){switch(s){case 3:return!!QN(this);case 4:return!!this.b&&this.b.i!=0;case 5:return!!this.c&&this.c.i!=0;case 6:return!!this.a&&this.a.i!=0;case 7:return!this.b&&(this.b=new Bn(Nr,this,4,7)),!(this.b.i<=1&&(!this.c&&(this.c=new Bn(Nr,this,5,8)),this.c.i<=1));case 8:return XF(this);case 9:return KS(this);case 10:return!this.b&&(this.b=new Bn(Nr,this,4,7)),this.b.i!=0&&(!this.c&&(this.c=new Bn(Nr,this,5,8)),this.c.i!=0)}return W1e(this,s)},S.sh=function(s,a){switch(s){case 3:Ure(this,E(a,33));return;case 4:!this.b&&(this.b=new Bn(Nr,this,4,7)),Vr(this.b),!this.b&&(this.b=new Bn(Nr,this,4,7)),Yo(this.b,E(a,14));return;case 5:!this.c&&(this.c=new Bn(Nr,this,5,8)),Vr(this.c),!this.c&&(this.c=new Bn(Nr,this,5,8)),Yo(this.c,E(a,14));return;case 6:!this.a&&(this.a=new St(Uo,this,6,6)),Vr(this.a),!this.a&&(this.a=new St(Uo,this,6,6)),Yo(this.a,E(a,14));return}qbe(this,s,a)},S.zh=function(){return Nl(),yke},S.Bh=function(s){switch(s){case 3:Ure(this,null);return;case 4:!this.b&&(this.b=new Bn(Nr,this,4,7)),Vr(this.b);return;case 5:!this.c&&(this.c=new Bn(Nr,this,5,8)),Vr(this.c);return;case 6:!this.a&&(this.a=new St(Uo,this,6,6)),Vr(this.a);return}Tge(this,s)},S.Ib=function(){return aHe(this)},V(M2,"ElkEdgeImpl",352),H(439,1985,{105:1,413:1,202:1,439:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1},Wp),S.Qg=function(s){return Dbe(this,s)},S._g=function(s,a,l){switch(s){case 1:return this.j;case 2:return this.k;case 3:return this.b;case 4:return this.c;case 5:return!this.a&&(this.a=new xs($p,this,5)),this.a;case 6:return K6e(this);case 7:return a?Zne(this):this.i;case 8:return a?Jne(this):this.f;case 9:return!this.g&&(this.g=new Bn(Uo,this,9,10)),this.g;case 10:return!this.e&&(this.e=new Bn(Uo,this,10,9)),this.e;case 11:return this.d}return Tbe(this,s,a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 6:return this.Cb&&(l=(y=this.Db>>16,y>=0?Dbe(this,l):this.Cb.ih(this,-1-y,null,l))),Ode(this,E(s,79),l);case 9:return!this.g&&(this.g=new Bn(Uo,this,9,10)),Ml(this.g,s,l);case 10:return!this.e&&(this.e=new Bn(Uo,this,10,9)),Ml(this.e,s,l)}return x=E(Fn((v=E(Gn(this,16),26),v||(Nl(),dQ)),a),66),x.Nj().Qj(this,Zl(this),a-_r((Nl(),dQ)),s,l)},S.jh=function(s,a,l){switch(a){case 5:return!this.a&&(this.a=new xs($p,this,5)),eu(this.a,s,l);case 6:return Ode(this,null,l);case 9:return!this.g&&(this.g=new Bn(Uo,this,9,10)),eu(this.g,s,l);case 10:return!this.e&&(this.e=new Bn(Uo,this,10,9)),eu(this.e,s,l)}return pme(this,s,a,l)},S.lh=function(s){switch(s){case 1:return this.j!=0;case 2:return this.k!=0;case 3:return this.b!=0;case 4:return this.c!=0;case 5:return!!this.a&&this.a.i!=0;case 6:return!!K6e(this);case 7:return!!this.i;case 8:return!!this.f;case 9:return!!this.g&&this.g.i!=0;case 10:return!!this.e&&this.e.i!=0;case 11:return this.d!=null}return Cpe(this,s)},S.sh=function(s,a){switch(s){case 1:S6(this,ot(Dt(a)));return;case 2:C6(this,ot(Dt(a)));return;case 3:_6(this,ot(Dt(a)));return;case 4:x6(this,ot(Dt(a)));return;case 5:!this.a&&(this.a=new xs($p,this,5)),Vr(this.a),!this.a&&(this.a=new xs($p,this,5)),Yo(this.a,E(a,14));return;case 6:uBe(this,E(a,79));return;case 7:bW(this,E(a,82));return;case 8:gW(this,E(a,82));return;case 9:!this.g&&(this.g=new Bn(Uo,this,9,10)),Vr(this.g),!this.g&&(this.g=new Bn(Uo,this,9,10)),Yo(this.g,E(a,14));return;case 10:!this.e&&(this.e=new Bn(Uo,this,10,9)),Vr(this.e),!this.e&&(this.e=new Bn(Uo,this,10,9)),Yo(this.e,E(a,14));return;case 11:M1e(this,ai(a));return}fge(this,s,a)},S.zh=function(){return Nl(),dQ},S.Bh=function(s){switch(s){case 1:S6(this,0);return;case 2:C6(this,0);return;case 3:_6(this,0);return;case 4:x6(this,0);return;case 5:!this.a&&(this.a=new xs($p,this,5)),Vr(this.a);return;case 6:uBe(this,null);return;case 7:bW(this,null);return;case 8:gW(this,null);return;case 9:!this.g&&(this.g=new Bn(Uo,this,9,10)),Vr(this.g);return;case 10:!this.e&&(this.e=new Bn(Uo,this,10,9)),Vr(this.e);return;case 11:M1e(this,null);return}ege(this,s)},S.Ib=function(){return TLe(this)},S.b=0,S.c=0,S.d=null,S.j=0,S.k=0,V(M2,"ElkEdgeSectionImpl",439),H(150,115,{105:1,92:1,90:1,147:1,56:1,108:1,49:1,97:1,150:1,114:1,115:1}),S._g=function(s,a,l){var v;return s==0?(!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab):Yh(this,s-_r(this.zh()),Fn((v=E(Gn(this,16),26),v||this.zh()),s),a,l)},S.hh=function(s,a,l){var v,y;return a==0?(!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l)):(y=E(Fn((v=E(Gn(this,16),26),v||this.zh()),a),66),y.Nj().Qj(this,Zl(this),a-_r(this.zh()),s,l))},S.jh=function(s,a,l){var v,y;return a==0?(!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l)):(y=E(Fn((v=E(Gn(this,16),26),v||this.zh()),a),66),y.Nj().Rj(this,Zl(this),a-_r(this.zh()),s,l))},S.lh=function(s){var a;return s==0?!!this.Ab&&this.Ab.i!=0:Gh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.oh=function(s){return rve(this,s)},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return}ep(this,s-_r(this.zh()),Fn((l=E(Gn(this,16),26),l||this.zh()),s),a)},S.uh=function(s){I5(this,128,s)},S.zh=function(){return kn(),zrt},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return}Jh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.Gh=function(){this.Bb|=1},S.Hh=function(s){return t9(this,s)},S.Bb=0,V(Wn,"EModelElementImpl",150),H(704,150,{105:1,92:1,90:1,471:1,147:1,56:1,108:1,49:1,97:1,150:1,114:1,115:1},gk),S.Ih=function(s,a){return MHe(this,s,a)},S.Jh=function(s){var a,l,v,y,x;if(this.a!=yh(s)||s.Bb&256)throw de(new Yn(Ise+s.zb+ax));for(v=tc(s);ul(v.a).i!=0;){if(l=E(mB(v,0,(a=E(ke(ul(v.a),0),87),x=a.c,Ce(x,88)?E(x,26):(kn(),Mp))),26),GS(l))return y=yh(l).Nh().Jh(l),E(y,49).th(s),y;v=tc(l)}return(s.D!=null?s.D:s.B)=="java.util.Map$Entry"?new AIe(s):new ghe(s)},S.Kh=function(s,a){return ex(this,s,a)},S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.a}return Yh(this,s-_r((kn(),gE)),Fn((v=E(Gn(this,16),26),v||gE),s),a,l)},S.hh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 1:return this.a&&(l=E(this.a,49).ih(this,4,J1,l)),xge(this,E(s,235),l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),gE)),a),66),y.Nj().Qj(this,Zl(this),a-_r((kn(),gE)),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 1:return xge(this,null,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),gE)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),gE)),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return!!this.a}return Gh(this,s-_r((kn(),gE)),Fn((a=E(Gn(this,16),26),a||gE),s))},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:uNe(this,E(a,235));return}ep(this,s-_r((kn(),gE)),Fn((l=E(Gn(this,16),26),l||gE),s),a)},S.zh=function(){return kn(),gE},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:uNe(this,null);return}Jh(this,s-_r((kn(),gE)),Fn((a=E(Gn(this,16),26),a||gE),s))};var Lj,xke,xrt;V(Wn,"EFactoryImpl",704),H(l1,704,{105:1,2014:1,92:1,90:1,471:1,147:1,56:1,108:1,49:1,97:1,150:1,114:1,115:1},c0),S.Ih=function(s,a){switch(s.yj()){case 12:return E(a,146).tg();case 13:return dc(a);default:throw de(new Yn(OA+s.ne()+ax))}},S.Jh=function(s){var a,l,v,y,x,T,O,A;switch(s.G==-1&&(s.G=(a=yh(s),a?Zv(a.Mh(),s):-1)),s.G){case 4:return x=new ag,x;case 6:return T=new XP,T;case 7:return O=new kD,O;case 8:return v=new Hf,v;case 9:return l=new pl,l;case 10:return y=new Wp,y;case 11:return A=new $_,A;default:throw de(new Yn(Ise+s.zb+ax))}},S.Kh=function(s,a){switch(s.yj()){case 13:case 12:return null;default:throw de(new Yn(OA+s.ne()+ax))}},V(M2,"ElkGraphFactoryImpl",l1),H(438,150,{105:1,92:1,90:1,147:1,191:1,56:1,108:1,49:1,97:1,150:1,114:1,115:1}),S.Wg=function(){var s,a;return a=(s=E(Gn(this,16),26),hpe(Sb(s||this.zh()))),a==null?(Rn(),Rn(),wle):new ZOe(this,a)},S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.ne()}return Yh(this,s-_r(this.zh()),Fn((v=E(Gn(this,16),26),v||this.zh()),s),a,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null}return Gh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:this.Lh(ai(a));return}ep(this,s-_r(this.zh()),Fn((l=E(Gn(this,16),26),l||this.zh()),s),a)},S.zh=function(){return kn(),Hrt},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:this.Lh(null);return}Jh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.ne=function(){return this.zb},S.Lh=function(s){jl(this,s)},S.Ib=function(){return AF(this)},S.zb=null,V(Wn,"ENamedElementImpl",438),H(179,438,{105:1,92:1,90:1,147:1,191:1,56:1,235:1,108:1,49:1,97:1,150:1,179:1,114:1,115:1,675:1},$6e),S.Qg=function(s){return _Me(this,s)},S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return this.yb;case 3:return this.xb;case 4:return this.sb;case 5:return!this.rb&&(this.rb=new tT(this,Z1,this)),this.rb;case 6:return!this.vb&&(this.vb=new a5(J1,this,6,7)),this.vb;case 7:return a?this.Db>>16==7?E(this.Cb,235):null:Y6e(this)}return Yh(this,s-_r((kn(),ww)),Fn((v=E(Gn(this,16),26),v||ww),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 4:return this.sb&&(l=E(this.sb,49).ih(this,1,Nj,l)),Rge(this,E(s,471),l);case 5:return!this.rb&&(this.rb=new tT(this,Z1,this)),Ml(this.rb,s,l);case 6:return!this.vb&&(this.vb=new a5(J1,this,6,7)),Ml(this.vb,s,l);case 7:return this.Cb&&(l=(y=this.Db>>16,y>=0?_Me(this,l):this.Cb.ih(this,-1-y,null,l))),Ch(this,s,7,l)}return x=E(Fn((v=E(Gn(this,16),26),v||(kn(),ww)),a),66),x.Nj().Qj(this,Zl(this),a-_r((kn(),ww)),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 4:return Rge(this,null,l);case 5:return!this.rb&&(this.rb=new tT(this,Z1,this)),eu(this.rb,s,l);case 6:return!this.vb&&(this.vb=new a5(J1,this,6,7)),eu(this.vb,s,l);case 7:return Ch(this,null,7,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),ww)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),ww)),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return this.yb!=null;case 3:return this.xb!=null;case 4:return!!this.sb;case 5:return!!this.rb&&this.rb.i!=0;case 6:return!!this.vb&&this.vb.i!=0;case 7:return!!Y6e(this)}return Gh(this,s-_r((kn(),ww)),Fn((a=E(Gn(this,16),26),a||ww),s))},S.oh=function(s){var a;return a=UCt(this,s),a||rve(this,s)},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:jl(this,ai(a));return;case 2:SW(this,ai(a));return;case 3:_W(this,ai(a));return;case 4:Cre(this,E(a,471));return;case 5:!this.rb&&(this.rb=new tT(this,Z1,this)),Vr(this.rb),!this.rb&&(this.rb=new tT(this,Z1,this)),Yo(this.rb,E(a,14));return;case 6:!this.vb&&(this.vb=new a5(J1,this,6,7)),Vr(this.vb),!this.vb&&(this.vb=new a5(J1,this,6,7)),Yo(this.vb,E(a,14));return}ep(this,s-_r((kn(),ww)),Fn((l=E(Gn(this,16),26),l||ww),s),a)},S.vh=function(s){var a,l;if(s&&this.rb)for(l=new Tr(this.rb);l.e!=l.i.gc();)a=Fr(l),Ce(a,351)&&(E(a,351).w=null);I5(this,64,s)},S.zh=function(){return kn(),ww},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:jl(this,null);return;case 2:SW(this,null);return;case 3:_W(this,null);return;case 4:Cre(this,null);return;case 5:!this.rb&&(this.rb=new tT(this,Z1,this)),Vr(this.rb);return;case 6:!this.vb&&(this.vb=new a5(J1,this,6,7)),Vr(this.vb);return}Jh(this,s-_r((kn(),ww)),Fn((a=E(Gn(this,16),26),a||ww),s))},S.Gh=function(){dre(this)},S.Mh=function(){return!this.rb&&(this.rb=new tT(this,Z1,this)),this.rb},S.Nh=function(){return this.sb},S.Oh=function(){return this.ub},S.Ph=function(){return this.xb},S.Qh=function(){return this.yb},S.Rh=function(s){this.ub=s},S.Ib=function(){var s;return this.Db&64?AF(this):(s=new pp(AF(this)),s.a+=" (nsURI: ",Fu(s,this.yb),s.a+=", nsPrefix: ",Fu(s,this.xb),s.a+=")",s.a)},S.xb=null,S.yb=null,V(Wn,"EPackageImpl",179),H(555,179,{105:1,2016:1,555:1,92:1,90:1,147:1,191:1,56:1,235:1,108:1,49:1,97:1,150:1,179:1,114:1,115:1,675:1},FLe),S.q=!1,S.r=!1;var Crt=!1;V(M2,"ElkGraphPackageImpl",555),H(354,724,{105:1,413:1,160:1,137:1,470:1,354:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1},ag),S.Qg=function(s){return Abe(this,s)},S._g=function(s,a,l){switch(s){case 7:return X6e(this);case 8:return this.a}return Bge(this,s,a,l)},S.hh=function(s,a,l){var v;switch(a){case 7:return this.Cb&&(l=(v=this.Db>>16,v>=0?Abe(this,l):this.Cb.ih(this,-1-v,null,l))),Ihe(this,E(s,160),l)}return Ere(this,s,a,l)},S.jh=function(s,a,l){return a==7?Ihe(this,null,l):one(this,s,a,l)},S.lh=function(s){switch(s){case 7:return!!X6e(this);case 8:return!xn("",this.a)}return Gge(this,s)},S.sh=function(s,a){switch(s){case 7:c0e(this,E(a,160));return;case 8:I1e(this,ai(a));return}Wbe(this,s,a)},S.zh=function(){return Nl(),Eke},S.Bh=function(s){switch(s){case 7:c0e(this,null);return;case 8:I1e(this,"");return}Jge(this,s)},S.Ib=function(){return _Ne(this)},S.a="",V(M2,"ElkLabelImpl",354),H(239,725,{105:1,413:1,82:1,160:1,33:1,470:1,239:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1},XP),S.Qg=function(s){return jbe(this,s)},S._g=function(s,a,l){switch(s){case 9:return!this.c&&(this.c=new St(jd,this,9,9)),this.c;case 10:return!this.a&&(this.a=new St(Ko,this,10,11)),this.a;case 11:return Wo(this);case 12:return!this.b&&(this.b=new St(ra,this,12,3)),this.b;case 13:return tr(),!this.a&&(this.a=new St(Ko,this,10,11)),this.a.i>0}return ybe(this,s,a,l)},S.hh=function(s,a,l){var v;switch(a){case 9:return!this.c&&(this.c=new St(jd,this,9,9)),Ml(this.c,s,l);case 10:return!this.a&&(this.a=new St(Ko,this,10,11)),Ml(this.a,s,l);case 11:return this.Cb&&(l=(v=this.Db>>16,v>=0?jbe(this,l):this.Cb.ih(this,-1-v,null,l))),Nde(this,E(s,33),l);case 12:return!this.b&&(this.b=new St(ra,this,12,3)),Ml(this.b,s,l)}return Lbe(this,s,a,l)},S.jh=function(s,a,l){switch(a){case 9:return!this.c&&(this.c=new St(jd,this,9,9)),eu(this.c,s,l);case 10:return!this.a&&(this.a=new St(Ko,this,10,11)),eu(this.a,s,l);case 11:return Nde(this,null,l);case 12:return!this.b&&(this.b=new St(ra,this,12,3)),eu(this.b,s,l)}return Bbe(this,s,a,l)},S.lh=function(s){switch(s){case 9:return!!this.c&&this.c.i!=0;case 10:return!!this.a&&this.a.i!=0;case 11:return!!Wo(this);case 12:return!!this.b&&this.b.i!=0;case 13:return!this.a&&(this.a=new St(Ko,this,10,11)),this.a.i>0}return cge(this,s)},S.sh=function(s,a){switch(s){case 9:!this.c&&(this.c=new St(jd,this,9,9)),Vr(this.c),!this.c&&(this.c=new St(jd,this,9,9)),Yo(this.c,E(a,14));return;case 10:!this.a&&(this.a=new St(Ko,this,10,11)),Vr(this.a),!this.a&&(this.a=new St(Ko,this,10,11)),Yo(this.a,E(a,14));return;case 11:s0e(this,E(a,33));return;case 12:!this.b&&(this.b=new St(ra,this,12,3)),Vr(this.b),!this.b&&(this.b=new St(ra,this,12,3)),Yo(this.b,E(a,14));return}Yme(this,s,a)},S.zh=function(){return Nl(),_ke},S.Bh=function(s){switch(s){case 9:!this.c&&(this.c=new St(jd,this,9,9)),Vr(this.c);return;case 10:!this.a&&(this.a=new St(Ko,this,10,11)),Vr(this.a);return;case 11:s0e(this,null);return;case 12:!this.b&&(this.b=new St(ra,this,12,3)),Vr(this.b);return}dbe(this,s)},S.Ib=function(){return x0e(this)},V(M2,"ElkNodeImpl",239),H(186,725,{105:1,413:1,82:1,160:1,118:1,470:1,186:1,94:1,92:1,90:1,56:1,108:1,49:1,97:1,114:1,115:1},kD),S.Qg=function(s){return $be(this,s)},S._g=function(s,a,l){return s==9?_g(this):ybe(this,s,a,l)},S.hh=function(s,a,l){var v;switch(a){case 9:return this.Cb&&(l=(v=this.Db>>16,v>=0?$be(this,l):this.Cb.ih(this,-1-v,null,l))),Ide(this,E(s,33),l)}return Lbe(this,s,a,l)},S.jh=function(s,a,l){return a==9?Ide(this,null,l):Bbe(this,s,a,l)},S.lh=function(s){return s==9?!!_g(this):cge(this,s)},S.sh=function(s,a){switch(s){case 9:o0e(this,E(a,33));return}Yme(this,s,a)},S.zh=function(){return Nl(),Ske},S.Bh=function(s){switch(s){case 9:o0e(this,null);return}dbe(this,s)},S.Ib=function(){return uze(this)},V(M2,"ElkPortImpl",186);var Trt=zo(tu,"BasicEMap/Entry");H(1092,115,{105:1,42:1,92:1,90:1,133:1,56:1,108:1,49:1,97:1,114:1,115:1},$_),S.Fb=function(s){return this===s},S.cd=function(){return this.b},S.Hb=function(){return gS(this)},S.Uh=function(s){D1e(this,E(s,146))},S._g=function(s,a,l){switch(s){case 0:return this.b;case 1:return this.c}return nG(this,s,a,l)},S.lh=function(s){switch(s){case 0:return!!this.b;case 1:return this.c!=null}return Kne(this,s)},S.sh=function(s,a){switch(s){case 0:D1e(this,E(a,146));return;case 1:P1e(this,a);return}Are(this,s,a)},S.zh=function(){return Nl(),fE},S.Bh=function(s){switch(s){case 0:D1e(this,null);return;case 1:P1e(this,null);return}kre(this,s)},S.Sh=function(){var s;return this.a==-1&&(s=this.b,this.a=s?$o(s):0),this.a},S.dd=function(){return this.c},S.Th=function(s){this.a=s},S.ed=function(s){var a;return a=this.c,P1e(this,s),a},S.Ib=function(){var s;return this.Db&64?u1(this):(s=new pm,gi(gi(gi(s,this.b?this.b.tg():$f),koe),Y8(this.c)),s.a)},S.a=-1,S.c=null;var Tx=V(M2,"ElkPropertyToValueMapEntryImpl",1092);H(984,1,{},FE),V(La,"JsonAdapter",984),H(210,60,M0,N1),V(La,"JsonImportException",210),H(857,1,{},SMe),V(La,"JsonImporter",857),H(891,1,{},J4e),V(La,"JsonImporter/lambda$0$Type",891),H(892,1,{},Z4e),V(La,"JsonImporter/lambda$1$Type",892),H(900,1,{},gM),V(La,"JsonImporter/lambda$10$Type",900),H(902,1,{},eRe),V(La,"JsonImporter/lambda$11$Type",902),H(903,1,{},tRe),V(La,"JsonImporter/lambda$12$Type",903),H(909,1,{},h6e),V(La,"JsonImporter/lambda$13$Type",909),H(908,1,{},d6e),V(La,"JsonImporter/lambda$14$Type",908),H(904,1,{},nRe),V(La,"JsonImporter/lambda$15$Type",904),H(905,1,{},rRe),V(La,"JsonImporter/lambda$16$Type",905),H(906,1,{},iRe),V(La,"JsonImporter/lambda$17$Type",906),H(907,1,{},oRe),V(La,"JsonImporter/lambda$18$Type",907),H(912,1,{},HQ),V(La,"JsonImporter/lambda$19$Type",912),H(893,1,{},Ok),V(La,"JsonImporter/lambda$2$Type",893),H(910,1,{},kO),V(La,"JsonImporter/lambda$20$Type",910),H(911,1,{},UQ),V(La,"JsonImporter/lambda$21$Type",911),H(915,1,{},OP),V(La,"JsonImporter/lambda$22$Type",915),H(913,1,{},bM),V(La,"JsonImporter/lambda$23$Type",913),H(914,1,{},RO),V(La,"JsonImporter/lambda$24$Type",914),H(917,1,{},OO),V(La,"JsonImporter/lambda$25$Type",917),H(916,1,{},hD),V(La,"JsonImporter/lambda$26$Type",916),H(918,1,gr,sRe),S.td=function(s){v1t(this.b,this.a,ai(s))},V(La,"JsonImporter/lambda$27$Type",918),H(919,1,gr,aRe),S.td=function(s){w1t(this.b,this.a,ai(s))},V(La,"JsonImporter/lambda$28$Type",919),H(920,1,{},uRe),V(La,"JsonImporter/lambda$29$Type",920),H(896,1,{},kv),V(La,"JsonImporter/lambda$3$Type",896),H(921,1,{},cRe),V(La,"JsonImporter/lambda$30$Type",921),H(922,1,{},Ik),V(La,"JsonImporter/lambda$31$Type",922),H(923,1,{},DC),V(La,"JsonImporter/lambda$32$Type",923),H(924,1,{},VQ),V(La,"JsonImporter/lambda$33$Type",924),H(925,1,{},zH),V(La,"JsonImporter/lambda$34$Type",925),H(859,1,{},HH),V(La,"JsonImporter/lambda$35$Type",859),H(929,1,{},iIe),V(La,"JsonImporter/lambda$36$Type",929),H(926,1,gr,UH),S.td=function(s){_pt(this.a,E(s,469))},V(La,"JsonImporter/lambda$37$Type",926),H(927,1,gr,gRe),S.td=function(s){Kit(this.a,this.b,E(s,202))},V(La,"JsonImporter/lambda$38$Type",927),H(928,1,gr,bRe),S.td=function(s){Yit(this.a,this.b,E(s,202))},V(La,"JsonImporter/lambda$39$Type",928),H(894,1,{},mM),V(La,"JsonImporter/lambda$4$Type",894),H(930,1,gr,qQ),S.td=function(s){Spt(this.a,E(s,8))},V(La,"JsonImporter/lambda$40$Type",930),H(895,1,{},WQ),V(La,"JsonImporter/lambda$5$Type",895),H(899,1,{},GQ),V(La,"JsonImporter/lambda$6$Type",899),H(897,1,{},VH),V(La,"JsonImporter/lambda$7$Type",897),H(898,1,{},IP),V(La,"JsonImporter/lambda$8$Type",898),H(901,1,{},vM),V(La,"JsonImporter/lambda$9$Type",901),H(948,1,gr,wM),S.td=function(s){h5(this.a,new nT(ai(s)))},V(La,"JsonMetaDataConverter/lambda$0$Type",948),H(949,1,gr,pD),S.td=function(s){Llt(this.a,E(s,237))},V(La,"JsonMetaDataConverter/lambda$1$Type",949),H(950,1,gr,yM),S.td=function(s){jdt(this.a,E(s,149))},V(La,"JsonMetaDataConverter/lambda$2$Type",950),H(951,1,gr,KQ),S.td=function(s){Blt(this.a,E(s,175))},V(La,"JsonMetaDataConverter/lambda$3$Type",951),H(237,22,{3:1,35:1,22:1,237:1},r5);var hQ,pQ,dle,gQ,bQ,mQ,hle,ple,vQ=ci(DB,"GraphFeature",237,hi,ugt,lct),krt;H(13,1,{35:1,146:1},ko,Ls,Dn,bu),S.wd=function(s){return Kot(this,E(s,146))},S.Fb=function(s){return P6e(this,s)},S.wg=function(){return Ut(this)},S.tg=function(){return this.b},S.Hb=function(){return ew(this.b)},S.Ib=function(){return this.b},V(DB,"Property",13),H(818,1,go,DP),S.ue=function(s,a){return h0t(this,E(s,94),E(a,94))},S.Fb=function(s){return this===s},S.ve=function(){return new Xi(this)},V(DB,"PropertyHolderComparator",818),H(695,1,ga,WH),S.Nb=function(s){ja(this,s)},S.Pb=function(){return S1t(this)},S.Qb=function(){IJ()},S.Ob=function(){return!!this.a},V(MK,"ElkGraphUtil/AncestorIterator",695);var Cke=zo(tu,"EList");H(67,52,{20:1,28:1,52:1,14:1,15:1,67:1,58:1}),S.Vc=function(s,a){FF(this,s,a)},S.Fc=function(s){return ei(this,s)},S.Wc=function(s,a){return tge(this,s,a)},S.Gc=function(s){return Yo(this,s)},S.Zh=function(){return new s5(this)},S.$h=function(){return new ON(this)},S._h=function(s){return yL(this,s)},S.ai=function(){return!0},S.bi=function(s,a){},S.ci=function(){},S.di=function(s,a){Ite(this,s,a)},S.ei=function(s,a,l){},S.fi=function(s,a){},S.gi=function(s,a,l){},S.Fb=function(s){return KBe(this,s)},S.Hb=function(){return X1e(this)},S.hi=function(){return!1},S.Kc=function(){return new Tr(this)},S.Yc=function(){return new o5(this)},S.Zc=function(s){var a;if(a=this.gc(),s<0||s>a)throw de(new JC(s,a));return new Fee(this,s)},S.ji=function(s,a){this.ii(s,this.Xc(a))},S.Mc=function(s){return nW(this,s)},S.li=function(s,a){return a},S._c=function(s,a){return E4(this,s,a)},S.Ib=function(){return Hge(this)},S.ni=function(){return!0},S.oi=function(s,a){return M6(this,a)},V(tu,"AbstractEList",67),H(63,67,Pb,jE,AS,H1e),S.Vh=function(s,a){return _re(this,s,a)},S.Wh=function(s){return X7e(this,s)},S.Xh=function(s,a){FL(this,s,a)},S.Yh=function(s){rL(this,s)},S.pi=function(s){return c1e(this,s)},S.$b=function(){yF(this)},S.Hc=function(s){return J6(this,s)},S.Xb=function(s){return ke(this,s)},S.qi=function(s){var a,l,v;++this.j,l=this.g==null?0:this.g.length,s>l&&(v=this.g,a=l+(l/2|0)+4,a<s&&(a=s),this.g=this.ri(a),v!=null&&ll(v,0,this.g,0,this.i))},S.Xc=function(s){return mMe(this,s)},S.dc=function(){return this.i==0},S.ii=function(s,a){return Fre(this,s,a)},S.ri=function(s){return Pe(mr,Ht,1,s,5,1)},S.ki=function(s){return this.g[s]},S.$c=function(s){return $5(this,s)},S.mi=function(s,a){return zte(this,s,a)},S.gc=function(){return this.i},S.Pc=function(){return Ppe(this)},S.Qc=function(s){return ebe(this,s)},S.i=0;var Tke=V(tu,"BasicEList",63),kke=zo(tu,"TreeIterator");H(694,63,zse),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.g==null&&!this.c?mpe(this):this.g==null||this.i!=0&&E(this.g[this.i-1],47).Ob()},S.Pb=function(){return SG(this)},S.Qb=function(){if(!this.e)throw de(new zu("There is no valid object to remove."));this.e.Qb()},S.c=!1,V(tu,"AbstractTreeIterator",694),H(685,694,zse,Nfe),S.si=function(s){var a;return a=E(s,56).Wg().Kc(),Ce(a,279)&&E(a,279).Nk(new ho),a},V(MK,"ElkGraphUtil/PropertiesSkippingTreeIterator",685),H(952,1,{},ho),V(MK,"ElkGraphUtil/PropertiesSkippingTreeIterator/1",952);var nH,gle,rH=V(MK,"ElkReflect",null);H(889,1,BT,F_),S.vg=function(s){return Dq(),Kpt(E(s,174))},V(MK,"ElkReflect/lambda$0$Type",889);var dE;zo(tu,"ResourceLocator"),H(1051,1,{}),V(tu,"DelegatingResourceLocator",1051),H(1052,1051,{}),V("org.eclipse.emf.common","EMFPlugin",1052);var ble=zo(UWe,"Adapter"),$It=zo(UWe,"Notification");H(1153,1,dEe),S.ti=function(){return this.d},S.ui=function(s){},S.vi=function(s){this.d=s},S.wi=function(s){this.d==s&&(this.d=null)},S.d=null,V(J5,"AdapterImpl",1153),H(1995,67,VWe),S.Vh=function(s,a){return Kge(this,s,a)},S.Wh=function(s){var a,l,v;if(++this.j,s.dc())return!1;for(a=this.Vi(),v=s.Kc();v.Ob();)l=v.Pb(),this.Ii(this.oi(a,l)),++a;return!0},S.Xh=function(s,a){d5e(this,s,a)},S.Yh=function(s){BDe(this,s)},S.Gi=function(){return this.Ji()},S.$b=function(){$N(this,this.Vi(),this.Wi())},S.Hc=function(s){return this.Li(s)},S.Ic=function(s){return this.Mi(s)},S.Hi=function(s,a){this.Si().jm()},S.Ii=function(s){this.Si().jm()},S.Ji=function(){return this.Si()},S.Ki=function(){this.Si().jm()},S.Li=function(s){return this.Si().jm()},S.Mi=function(s){return this.Si().jm()},S.Ni=function(s){return this.Si().jm()},S.Oi=function(s){return this.Si().jm()},S.Pi=function(){return this.Si().jm()},S.Qi=function(s){return this.Si().jm()},S.Ri=function(){return this.Si().jm()},S.Ti=function(s){return this.Si().jm()},S.Ui=function(s,a){return this.Si().jm()},S.Vi=function(){return this.Si().jm()},S.Wi=function(){return this.Si().jm()},S.Xi=function(s){return this.Si().jm()},S.Yi=function(){return this.Si().jm()},S.Fb=function(s){return this.Ni(s)},S.Xb=function(s){return this.li(s,this.Oi(s))},S.Hb=function(){return this.Pi()},S.Xc=function(s){return this.Qi(s)},S.dc=function(){return this.Ri()},S.ii=function(s,a){return fme(this,s,a)},S.ki=function(s){return this.Oi(s)},S.$c=function(s){return YV(this,s)},S.Mc=function(s){var a;return a=this.Xc(s),a>=0?(this.$c(a),!0):!1},S.mi=function(s,a){return this.Ui(s,this.oi(s,a))},S.gc=function(){return this.Vi()},S.Pc=function(){return this.Wi()},S.Qc=function(s){return this.Xi(s)},S.Ib=function(){return this.Yi()},V(tu,"DelegatingEList",1995),H(1996,1995,VWe),S.Vh=function(s,a){return $0e(this,s,a)},S.Wh=function(s){return this.Vh(this.Vi(),s)},S.Xh=function(s,a){$Le(this,s,a)},S.Yh=function(s){xLe(this,s)},S.ai=function(){return!this.bj()},S.$b=function(){a9(this)},S.Zi=function(s,a,l,v,y){return new j6e(this,s,a,l,v,y)},S.$i=function(s){Gi(this.Ai(),s)},S._i=function(){return null},S.aj=function(){return-1},S.Ai=function(){return null},S.bj=function(){return!1},S.cj=function(s,a){return a},S.dj=function(s,a){return a},S.ej=function(){return!1},S.fj=function(){return!this.Ri()},S.ii=function(s,a){var l,v;return this.ej()?(v=this.fj(),l=fme(this,s,a),this.$i(this.Zi(7,Ot(a),l,s,v)),l):fme(this,s,a)},S.$c=function(s){var a,l,v,y;return this.ej()?(l=null,v=this.fj(),a=this.Zi(4,y=YV(this,s),null,s,v),this.bj()&&y?(l=this.dj(y,l),l?(l.Ei(a),l.Fi()):this.$i(a)):l?(l.Ei(a),l.Fi()):this.$i(a),y):(y=YV(this,s),this.bj()&&y&&(l=this.dj(y,null),l&&l.Fi()),y)},S.mi=function(s,a){return zze(this,s,a)},V(J5,"DelegatingNotifyingListImpl",1996),H(143,1,qB),S.Ei=function(s){return Jbe(this,s)},S.Fi=function(){Lte(this)},S.xi=function(){return this.d},S._i=function(){return null},S.gj=function(){return null},S.yi=function(s){return-1},S.zi=function(){return kBe(this)},S.Ai=function(){return null},S.Bi=function(){return p0e(this)},S.Ci=function(){return this.o<0?this.o<-2?-2-this.o-1:-1:this.o},S.hj=function(){return!1},S.Di=function(s){var a,l,v,y,x,T,O,A,F,z,q;switch(this.d){case 1:case 2:switch(y=s.xi(),y){case 1:case 2:if(x=s.Ai(),Qe(x)===Qe(this.Ai())&&this.yi(null)==s.yi(null))return this.g=s.zi(),s.xi()==1&&(this.d=1),!0}case 4:{switch(y=s.xi(),y){case 4:{if(x=s.Ai(),Qe(x)===Qe(this.Ai())&&this.yi(null)==s.yi(null))return F=X0e(this),A=this.o<0?this.o<-2?-2-this.o-1:-1:this.o,T=s.Ci(),this.d=6,q=new AS(2),A<=T?(ei(q,this.n),ei(q,s.Bi()),this.g=pe(he(Gr,1),Ei,25,15,[this.o=A,T+1])):(ei(q,s.Bi()),ei(q,this.n),this.g=pe(he(Gr,1),Ei,25,15,[this.o=T,A])),this.n=q,F||(this.o=-2-this.o-1),!0;break}}break}case 6:{switch(y=s.xi(),y){case 4:{if(x=s.Ai(),Qe(x)===Qe(this.Ai())&&this.yi(null)==s.yi(null)){for(F=X0e(this),T=s.Ci(),z=E(this.g,48),v=Pe(Gr,Ei,25,z.length+1,15,1),a=0;a<z.length&&(O=z[a],O<=T);)v[a++]=O,++T;for(l=E(this.n,15),l.Vc(a,s.Bi()),v[a]=T;++a<v.length;)v[a]=z[a-1];return this.g=v,F||(this.o=-2-v[0]),!0}break}}break}}return!1},S.Ib=function(){var s,a,l,v;switch(v=new pp(v0(this.gm)+"@"+(a=$o(this)>>>0,a.toString(16))),v.a+=" (eventType: ",this.d){case 1:{v.a+="SET";break}case 2:{v.a+="UNSET";break}case 3:{v.a+="ADD";break}case 5:{v.a+="ADD_MANY";break}case 4:{v.a+="REMOVE";break}case 6:{v.a+="REMOVE_MANY";break}case 7:{v.a+="MOVE";break}case 8:{v.a+="REMOVING_ADAPTER";break}case 9:{v.a+="RESOLVE";break}default:{_8(v,this.d);break}}if(gze(this)&&(v.a+=", touch: true"),v.a+=", position: ",_8(v,this.o<0?this.o<-2?-2-this.o-1:-1:this.o),v.a+=", notifier: ",U8(v,this.Ai()),v.a+=", feature: ",U8(v,this._i()),v.a+=", oldValue: ",U8(v,p0e(this)),v.a+=", newValue: ",this.d==6&&Ce(this.g,48)){for(l=E(this.g,48),v.a+="[",s=0;s<l.length;)v.a+=l[s],++s<l.length&&(v.a+=fu);v.a+="]"}else U8(v,kBe(this));return v.a+=", isTouch: ",gb(v,gze(this)),v.a+=", wasSet: ",gb(v,X0e(this)),v.a+=")",v.a},S.d=0,S.e=0,S.f=0,S.j=0,S.k=0,S.o=0,S.p=0,V(J5,"NotificationImpl",143),H(1167,143,qB,j6e),S._i=function(){return this.a._i()},S.yi=function(s){return this.a.aj()},S.Ai=function(){return this.a.Ai()},V(J5,"DelegatingNotifyingListImpl/1",1167),H(242,63,Pb,nm,m0),S.Fc=function(s){return qje(this,E(s,366))},S.Ei=function(s){return qje(this,s)},S.Fi=function(){var s,a,l;for(s=0;s<this.i;++s)a=E(this.g[s],366),l=a.Ai(),l!=null&&a.xi()!=-1&&E(l,92).Ng(a)},S.ri=function(s){return Pe($It,Ht,366,s,0,1)},V(J5,"NotificationChainImpl",242),H(1378,90,nWe),S.Kg=function(){return this.e},S.Mg=function(){return(this.f&1)!=0},S.f=1,V(J5,"NotifierImpl",1378),H(1993,63,Pb),S.Vh=function(s,a){return iie(this,s,a)},S.Wh=function(s){return this.Vh(this.i,s)},S.Xh=function(s,a){zme(this,s,a)},S.Yh=function(s){jre(this,s)},S.ai=function(){return!this.bj()},S.$b=function(){Vr(this)},S.Zi=function(s,a,l,v,y){return new M6e(this,s,a,l,v,y)},S.$i=function(s){Gi(this.Ai(),s)},S._i=function(){return null},S.aj=function(){return-1},S.Ai=function(){return null},S.bj=function(){return!1},S.ij=function(){return!1},S.cj=function(s,a){return a},S.dj=function(s,a){return a},S.ej=function(){return!1},S.fj=function(){return this.i!=0},S.ii=function(s,a){return jF(this,s,a)},S.$c=function(s){return TT(this,s)},S.mi=function(s,a){return nHe(this,s,a)},S.jj=function(s,a){return a},S.kj=function(s,a){return a},S.lj=function(s,a,l){return l},V(J5,"NotifyingListImpl",1993),H(1166,143,qB,M6e),S._i=function(){return this.a._i()},S.yi=function(s){return this.a.aj()},S.Ai=function(){return this.a.Ai()},V(J5,"NotifyingListImpl/1",1166),H(953,63,Pb,g5e),S.Hc=function(s){return this.i>10?((!this.b||this.c.j!=this.a)&&(this.b=new nF(this),this.a=this.j),vg(this.b,s)):J6(this,s)},S.ni=function(){return!0},S.a=0,V(tu,"AbstractEList/1",953),H(295,73,Jie,JC),V(tu,"AbstractEList/BasicIndexOutOfBoundsException",295),H(40,1,ga,Tr),S.Nb=function(s){ja(this,s)},S.mj=function(){if(this.i.j!=this.f)throw de(new Td)},S.nj=function(){return Fr(this)},S.Ob=function(){return this.e!=this.i.gc()},S.Pb=function(){return this.nj()},S.Qb=function(){qF(this)},S.e=0,S.f=0,S.g=-1,V(tu,"AbstractEList/EIterator",40),H(278,40,Tm,o5,Fee),S.Qb=function(){qF(this)},S.Rb=function(s){Jje(this,s)},S.oj=function(){var s;try{return s=this.d.Xb(--this.e),this.mj(),this.g=this.e,s}catch(a){throw a=Mo(a),Ce(a,73)?(this.mj(),de(new mc)):de(a)}},S.pj=function(s){Z7e(this,s)},S.Sb=function(){return this.e!=0},S.Tb=function(){return this.e},S.Ub=function(){return this.oj()},S.Vb=function(){return this.e-1},S.Wb=function(s){this.pj(s)},V(tu,"AbstractEList/EListIterator",278),H(341,40,ga,s5),S.nj=function(){return Yne(this)},S.Qb=function(){throw de(new Yr)},V(tu,"AbstractEList/NonResolvingEIterator",341),H(385,278,Tm,ON,qde),S.Rb=function(s){throw de(new Yr)},S.nj=function(){var s;try{return s=this.c.ki(this.e),this.mj(),this.g=this.e++,s}catch(a){throw a=Mo(a),Ce(a,73)?(this.mj(),de(new mc)):de(a)}},S.oj=function(){var s;try{return s=this.c.ki(--this.e),this.mj(),this.g=this.e,s}catch(a){throw a=Mo(a),Ce(a,73)?(this.mj(),de(new mc)):de(a)}},S.Qb=function(){throw de(new Yr)},S.Wb=function(s){throw de(new Yr)},V(tu,"AbstractEList/NonResolvingEListIterator",385),H(1982,67,qWe),S.Vh=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q;if(y=a.gc(),y!=0){for(F=E(Gn(this.a,4),126),z=F==null?0:F.length,Q=z+y,v=mne(this,Q),q=z-s,q>0&&ll(F,s,v,s+y,q),A=a.Kc(),T=0;T<y;++T)O=A.Pb(),l=s+T,UZ(v,l,M6(this,O));for(K6(this,v),x=0;x<y;++x)O=v[s],this.bi(s,O),++s;return!0}else return++this.j,!1},S.Wh=function(s){var a,l,v,y,x,T,O,A,F;if(v=s.gc(),v!=0){for(A=(l=E(Gn(this.a,4),126),l==null?0:l.length),F=A+v,a=mne(this,F),O=s.Kc(),x=A;x<F;++x)T=O.Pb(),UZ(a,x,M6(this,T));for(K6(this,a),y=A;y<F;++y)T=a[y],this.bi(y,T);return!0}else return++this.j,!1},S.Xh=function(s,a){var l,v,y,x;v=E(Gn(this.a,4),126),y=v==null?0:v.length,l=mne(this,y+1),x=M6(this,a),s!=y&&ll(v,s,l,s+1,y-s),qo(l,s,x),K6(this,l),this.bi(s,a)},S.Yh=function(s){var a,l,v;v=(l=E(Gn(this.a,4),126),l==null?0:l.length),a=mne(this,v+1),UZ(a,v,M6(this,s)),K6(this,a),this.bi(v,s)},S.Zh=function(){return new rPe(this)},S.$h=function(){return new mDe(this)},S._h=function(s){var a,l;if(l=(a=E(Gn(this.a,4),126),a==null?0:a.length),s<0||s>l)throw de(new JC(s,l));return new GDe(this,s)},S.$b=function(){var s,a;++this.j,s=E(Gn(this.a,4),126),a=s==null?0:s.length,K6(this,null),Ite(this,a,s)},S.Hc=function(s){var a,l,v,y,x;if(a=E(Gn(this.a,4),126),a!=null){if(s!=null){for(v=a,y=0,x=v.length;y<x;++y)if(l=v[y],Ki(s,l))return!0}else for(v=a,y=0,x=v.length;y<x;++y)if(l=v[y],Qe(l)===Qe(s))return!0}return!1},S.Xb=function(s){var a,l;if(a=E(Gn(this.a,4),126),l=a==null?0:a.length,s>=l)throw de(new JC(s,l));return a[s]},S.Xc=function(s){var a,l,v;if(a=E(Gn(this.a,4),126),a!=null){if(s!=null){for(l=0,v=a.length;l<v;++l)if(Ki(s,a[l]))return l}else for(l=0,v=a.length;l<v;++l)if(Qe(a[l])===Qe(s))return l}return-1},S.dc=function(){return E(Gn(this.a,4),126)==null},S.Kc=function(){return new nPe(this)},S.Yc=function(){return new bDe(this)},S.Zc=function(s){var a,l;if(l=(a=E(Gn(this.a,4),126),a==null?0:a.length),s<0||s>l)throw de(new JC(s,l));return new WDe(this,s)},S.ii=function(s,a){var l,v,y;if(l=s7e(this),y=l==null?0:l.length,s>=y)throw de(new xu(Lse+s+N2+y));if(a>=y)throw de(new xu(Bse+a+N2+y));return v=l[a],s!=a&&(s<a?ll(l,s,l,s+1,a-s):ll(l,a+1,l,a,s-a),qo(l,s,v),K6(this,l)),v},S.ki=function(s){return E(Gn(this.a,4),126)[s]},S.$c=function(s){return NSt(this,s)},S.mi=function(s,a){var l,v;return l=s7e(this),v=l[s],UZ(l,s,M6(this,a)),K6(this,l),v},S.gc=function(){var s;return s=E(Gn(this.a,4),126),s==null?0:s.length},S.Pc=function(){var s,a,l;return s=E(Gn(this.a,4),126),l=s==null?0:s.length,a=Pe(ble,qse,415,l,0,1),l>0&&ll(s,0,a,0,l),a},S.Qc=function(s){var a,l,v;return a=E(Gn(this.a,4),126),v=a==null?0:a.length,v>0&&(s.length<v&&(l=wL(Od(s).c,v),s=l),ll(a,0,s,0,v)),s.length>v&&qo(s,v,null),s};var Rrt;V(tu,"ArrayDelegatingEList",1982),H(1038,40,ga,nPe),S.mj=function(){if(this.b.j!=this.f||Qe(E(Gn(this.b.a,4),126))!==Qe(this.a))throw de(new Td)},S.Qb=function(){qF(this),this.a=E(Gn(this.b.a,4),126)},V(tu,"ArrayDelegatingEList/EIterator",1038),H(706,278,Tm,bDe,WDe),S.mj=function(){if(this.b.j!=this.f||Qe(E(Gn(this.b.a,4),126))!==Qe(this.a))throw de(new Td)},S.pj=function(s){Z7e(this,s),this.a=E(Gn(this.b.a,4),126)},S.Qb=function(){qF(this),this.a=E(Gn(this.b.a,4),126)},V(tu,"ArrayDelegatingEList/EListIterator",706),H(1039,341,ga,rPe),S.mj=function(){if(this.b.j!=this.f||Qe(E(Gn(this.b.a,4),126))!==Qe(this.a))throw de(new Td)},V(tu,"ArrayDelegatingEList/NonResolvingEIterator",1039),H(707,385,Tm,mDe,GDe),S.mj=function(){if(this.b.j!=this.f||Qe(E(Gn(this.b.a,4),126))!==Qe(this.a))throw de(new Td)},V(tu,"ArrayDelegatingEList/NonResolvingEListIterator",707),H(606,295,Jie,NZ),V(tu,"BasicEList/BasicIndexOutOfBoundsException",606),H(696,63,Pb,Ife),S.Vc=function(s,a){throw de(new Yr)},S.Fc=function(s){throw de(new Yr)},S.Wc=function(s,a){throw de(new Yr)},S.Gc=function(s){throw de(new Yr)},S.$b=function(){throw de(new Yr)},S.qi=function(s){throw de(new Yr)},S.Kc=function(){return this.Zh()},S.Yc=function(){return this.$h()},S.Zc=function(s){return this._h(s)},S.ii=function(s,a){throw de(new Yr)},S.ji=function(s,a){throw de(new Yr)},S.$c=function(s){throw de(new Yr)},S.Mc=function(s){throw de(new Yr)},S._c=function(s,a){throw de(new Yr)},V(tu,"BasicEList/UnmodifiableEList",696),H(705,1,{3:1,20:1,14:1,15:1,58:1,589:1}),S.Vc=function(s,a){Not(this,s,E(a,42))},S.Fc=function(s){return Cst(this,E(s,42))},S.Jc=function(s){Na(this,s)},S.Xb=function(s){return E(ke(this.c,s),133)},S.ii=function(s,a){return E(this.c.ii(s,a),42)},S.ji=function(s,a){Lot(this,s,E(a,42))},S.Lc=function(){return new Nn(null,new zn(this,16))},S.$c=function(s){return E(this.c.$c(s),42)},S._c=function(s,a){return $lt(this,s,E(a,42))},S.ad=function(s){d4(this,s)},S.Nc=function(){return new zn(this,16)},S.Oc=function(){return new Nn(null,new zn(this,16))},S.Wc=function(s,a){return this.c.Wc(s,a)},S.Gc=function(s){return this.c.Gc(s)},S.$b=function(){this.c.$b()},S.Hc=function(s){return this.c.Hc(s)},S.Ic=function(s){return CL(this.c,s)},S.qj=function(){var s,a,l;if(this.d==null){for(this.d=Pe(Tke,hEe,63,2*this.f+1,0,1),l=this.e,this.f=0,a=this.c.Kc();a.e!=a.i.gc();)s=E(a.nj(),133),oG(this,s);this.e=l}},S.Fb=function(s){return H5e(this,s)},S.Hb=function(){return X1e(this.c)},S.Xc=function(s){return this.c.Xc(s)},S.rj=function(){this.c=new po(this)},S.dc=function(){return this.f==0},S.Kc=function(){return this.c.Kc()},S.Yc=function(){return this.c.Yc()},S.Zc=function(s){return this.c.Zc(s)},S.sj=function(){return sL(this)},S.tj=function(s,a,l){return new oIe(s,a,l)},S.uj=function(){return new jh},S.Mc=function(s){return EFe(this,s)},S.gc=function(){return this.f},S.bd=function(s,a){return new Em(this.c,s,a)},S.Pc=function(){return this.c.Pc()},S.Qc=function(s){return this.c.Qc(s)},S.Ib=function(){return Hge(this.c)},S.e=0,S.f=0,V(tu,"BasicEMap",705),H(1033,63,Pb,po),S.bi=function(s,a){tS(this,E(a,133))},S.ei=function(s,a,l){var v;++(v=this,E(a,133),v).a.e},S.fi=function(s,a){XE(this,E(a,133))},S.gi=function(s,a,l){dst(this,E(a,133),E(l,133))},S.di=function(s,a){f9e(this.a)},V(tu,"BasicEMap/1",1033),H(1034,63,Pb,jh),S.ri=function(s){return Pe(PIt,WWe,612,s,0,1)},V(tu,"BasicEMap/2",1034),H(1035,Pg,Jf,Rv),S.$b=function(){this.a.c.$b()},S.Hc=function(s){return Bne(this.a,s)},S.Kc=function(){return this.a.f==0?(JD(),iH.a):new Nk(this.a)},S.Mc=function(s){var a;return a=this.a.f,KW(this.a,s),this.a.f!=a},S.gc=function(){return this.a.f},V(tu,"BasicEMap/3",1035),H(1036,28,DT,EM),S.$b=function(){this.a.c.$b()},S.Hc=function(s){return YBe(this.a,s)},S.Kc=function(){return this.a.f==0?(JD(),iH.a):new TJ(this.a)},S.gc=function(){return this.a.f},V(tu,"BasicEMap/4",1036),H(1037,Pg,Jf,_M),S.$b=function(){this.a.c.$b()},S.Hc=function(s){var a,l,v,y,x,T,O,A,F;if(this.a.f>0&&Ce(s,42)&&(this.a.qj(),A=E(s,42),O=A.cd(),y=O==null?0:$o(O),x=Dde(this.a,y),a=this.a.d[x],a)){for(l=E(a.g,367),F=a.i,T=0;T<F;++T)if(v=l[T],v.Sh()==y&&v.Fb(A))return!0}return!1},S.Kc=function(){return this.a.f==0?(JD(),iH.a):new Qee(this.a)},S.Mc=function(s){return zLe(this,s)},S.gc=function(){return this.a.f},V(tu,"BasicEMap/5",1037),H(613,1,ga,Qee),S.Nb=function(s){ja(this,s)},S.Ob=function(){return this.b!=-1},S.Pb=function(){var s;if(this.f.e!=this.c)throw de(new Td);if(this.b==-1)throw de(new mc);return this.d=this.a,this.e=this.b,OMe(this),s=E(this.f.d[this.d].g[this.e],133),this.vj(s)},S.Qb=function(){if(this.f.e!=this.c)throw de(new Td);if(this.e==-1)throw de(new Kl);this.f.c.Mc(ke(this.f.d[this.d],this.e)),this.c=this.f.e,this.e=-1,this.a==this.d&&this.b!=-1&&--this.b},S.vj=function(s){return s},S.a=0,S.b=-1,S.c=0,S.d=0,S.e=0,V(tu,"BasicEMap/BasicEMapIterator",613),H(1031,613,ga,Nk),S.vj=function(s){return s.cd()},V(tu,"BasicEMap/BasicEMapKeyIterator",1031),H(1032,613,ga,TJ),S.vj=function(s){return s.dd()},V(tu,"BasicEMap/BasicEMapValueIterator",1032),H(1030,1,tx,gD),S.wc=function(s){RF(this,s)},S.yc=function(s,a,l){return $ne(this,s,a,l)},S.$b=function(){this.a.c.$b()},S._b=function(s){return xRe(this,s)},S.uc=function(s){return YBe(this.a,s)},S.vc=function(){return t1t(this.a)},S.Fb=function(s){return H5e(this.a,s)},S.xc=function(s){return V1(this.a,s)},S.Hb=function(){return X1e(this.a.c)},S.dc=function(){return this.a.f==0},S.ec=function(){return n1t(this.a)},S.zc=function(s,a){return dG(this.a,s,a)},S.Bc=function(s){return KW(this.a,s)},S.gc=function(){return this.a.f},S.Ib=function(){return Hge(this.a.c)},S.Cc=function(){return e1t(this.a)},V(tu,"BasicEMap/DelegatingMap",1030),H(612,1,{42:1,133:1,612:1},oIe),S.Fb=function(s){var a;return Ce(s,42)?(a=E(s,42),(this.b!=null?Ki(this.b,a.cd()):Qe(this.b)===Qe(a.cd()))&&(this.c!=null?Ki(this.c,a.dd()):Qe(this.c)===Qe(a.dd()))):!1},S.Sh=function(){return this.a},S.cd=function(){return this.b},S.dd=function(){return this.c},S.Hb=function(){return this.a^(this.c==null?0:$o(this.c))},S.Th=function(s){this.a=s},S.Uh=function(s){throw de(new fb)},S.ed=function(s){var a;return a=this.c,this.c=s,a},S.Ib=function(){return this.b+"->"+this.c},S.a=0;var PIt=V(tu,"BasicEMap/EntryImpl",612);H(536,1,{},Uf),V(tu,"BasicEMap/View",536);var iH;H(768,1,{}),S.Fb=function(s){return Xme((In(),wu),s)},S.Hb=function(){return uge((In(),wu))},S.Ib=function(){return Ly((In(),wu))},V(tu,"ECollections/BasicEmptyUnmodifiableEList",768),H(1312,1,Tm,Vf),S.Nb=function(s){ja(this,s)},S.Rb=function(s){throw de(new Yr)},S.Ob=function(){return!1},S.Sb=function(){return!1},S.Pb=function(){throw de(new mc)},S.Tb=function(){return 0},S.Ub=function(){throw de(new mc)},S.Vb=function(){return-1},S.Qb=function(){throw de(new Yr)},S.Wb=function(s){throw de(new Yr)},V(tu,"ECollections/BasicEmptyUnmodifiableEList/1",1312),H(1310,768,{20:1,14:1,15:1,58:1},QP),S.Vc=function(s,a){jv()},S.Fc=function(s){return WO()},S.Wc=function(s,a){return jJ()},S.Gc=function(s){return GO()},S.$b=function(){tN()},S.Hc=function(s){return!1},S.Ic=function(s){return!1},S.Jc=function(s){Na(this,s)},S.Xb=function(s){return $fe((In(),s)),null},S.Xc=function(s){return-1},S.dc=function(){return!0},S.Kc=function(){return this.a},S.Yc=function(){return this.a},S.Zc=function(s){return this.a},S.ii=function(s,a){return nN()},S.ji=function(s,a){NU()},S.Lc=function(){return new Nn(null,new zn(this,16))},S.$c=function(s){return LU()},S.Mc=function(s){return MJ()},S._c=function(s,a){return NJ()},S.gc=function(){return 0},S.ad=function(s){d4(this,s)},S.Nc=function(){return new zn(this,16)},S.Oc=function(){return new Nn(null,new zn(this,16))},S.bd=function(s,a){return In(),new Em(wu,s,a)},S.Pc=function(){return $he((In(),wu))},S.Qc=function(s){return In(),VL(wu,s)},V(tu,"ECollections/EmptyUnmodifiableEList",1310),H(1311,768,{20:1,14:1,15:1,58:1,589:1},sU),S.Vc=function(s,a){jv()},S.Fc=function(s){return WO()},S.Wc=function(s,a){return jJ()},S.Gc=function(s){return GO()},S.$b=function(){tN()},S.Hc=function(s){return!1},S.Ic=function(s){return!1},S.Jc=function(s){Na(this,s)},S.Xb=function(s){return $fe((In(),s)),null},S.Xc=function(s){return-1},S.dc=function(){return!0},S.Kc=function(){return this.a},S.Yc=function(){return this.a},S.Zc=function(s){return this.a},S.ii=function(s,a){return nN()},S.ji=function(s,a){NU()},S.Lc=function(){return new Nn(null,new zn(this,16))},S.$c=function(s){return LU()},S.Mc=function(s){return MJ()},S._c=function(s,a){return NJ()},S.gc=function(){return 0},S.ad=function(s){d4(this,s)},S.Nc=function(){return new zn(this,16)},S.Oc=function(){return new Nn(null,new zn(this,16))},S.bd=function(s,a){return In(),new Em(wu,s,a)},S.Pc=function(){return $he((In(),wu))},S.Qc=function(s){return In(),VL(wu,s)},S.sj=function(){return In(),In(),$m},V(tu,"ECollections/EmptyUnmodifiableEMap",1311);var Rke=zo(tu,"Enumerator"),wQ;H(281,1,{281:1},Kre),S.Fb=function(s){var a;return this===s?!0:Ce(s,281)?(a=E(s,281),this.f==a.f&&elt(this.i,a.i)&&Eee(this.a,this.f&256?a.f&256?a.a:null:a.f&256?null:a.a)&&Eee(this.d,a.d)&&Eee(this.g,a.g)&&Eee(this.e,a.e)&&Kvt(this,a)):!1},S.Hb=function(){return this.f},S.Ib=function(){return Tze(this)},S.f=0;var Ort=0,Irt=0,Drt=0,Art=0,Oke=0,Ike=0,Dke=0,Ake=0,$ke=0,$rt,Bj=0,zj=0,Prt=0,Frt=0,yQ,Pke;V(tu,"URI",281),H(1091,43,N4,lJ),S.zc=function(s,a){return E(Uu(this,ai(s),E(a,281)),281)},V(tu,"URI/URICache",1091),H(497,63,Pb,pv,QV),S.hi=function(){return!0},V(tu,"UniqueEList",497),H(581,60,M0,Zq),V(tu,"WrappedException",581);var xi=zo(tp,YWe),l3=zo(tp,XWe),Mf=zo(tp,QWe),f3=zo(tp,JWe),Z1=zo(tp,ZWe),Pp=zo(tp,"EClass"),mle=zo(tp,"EDataType"),jrt;H(1183,43,N4,aU),S.xc=function(s){return ha(s)?ml(this,s):Rc(nc(this.f,s))},V(tp,"EDataType/Internal/ConversionDelegate/Factory/Registry/Impl",1183);var EQ=zo(tp,"EEnum"),W0=zo(tp,eGe),Au=zo(tp,tGe),Fp=zo(tp,nGe),jp,kx=zo(tp,rGe),d3=zo(tp,iGe);H(1029,1,{},P_),S.Ib=function(){return"NIL"},V(tp,"EStructuralFeature/Internal/DynamicValueHolder/1",1029);var Mrt;H(1028,43,N4,uU),S.xc=function(s){return ha(s)?ml(this,s):Rc(nc(this.f,s))},V(tp,"EStructuralFeature/Internal/SettingDelegate/Factory/Registry/Impl",1028);var af=zo(tp,oGe),EI=zo(tp,"EValidator/PatternMatcher"),Fke,jke,qn,bw,h3,hE,Nrt,Lrt,Brt,pE,mw,gE,Rx,qg,zrt,Hrt,Mp,vw,Urt,ww,p3,yR,pu,Vrt,qrt,Ox,_Q=zo(Oo,"FeatureMap/Entry");H(535,1,{72:1},bV),S.ak=function(){return this.a},S.dd=function(){return this.b},V(Wn,"BasicEObjectImpl/1",535),H(1027,1,Wse,mRe),S.Wj=function(s){return Rte(this.a,this.b,s)},S.fj=function(){return Q6e(this.a,this.b)},S.Wb=function(s){gpe(this.a,this.b,s)},S.Xj=function(){Xlt(this.a,this.b)},V(Wn,"BasicEObjectImpl/4",1027),H(1983,1,{108:1}),S.bk=function(s){this.e=s==0?Wrt:Pe(mr,Ht,1,s,5,1)},S.Ch=function(s){return this.e[s]},S.Dh=function(s,a){this.e[s]=a},S.Eh=function(s){this.e[s]=null},S.ck=function(){return this.c},S.dk=function(){throw de(new Yr)},S.ek=function(){throw de(new Yr)},S.fk=function(){return this.d},S.gk=function(){return this.e!=null},S.hk=function(s){this.c=s},S.ik=function(s){throw de(new Yr)},S.jk=function(s){throw de(new Yr)},S.kk=function(s){this.d=s};var Wrt;V(Wn,"BasicEObjectImpl/EPropertiesHolderBaseImpl",1983),H(185,1983,{108:1},gf),S.dk=function(){return this.a},S.ek=function(){return this.b},S.ik=function(s){this.a=s},S.jk=function(s){this.b=s},V(Wn,"BasicEObjectImpl/EPropertiesHolderImpl",185),H(506,97,sWe,rm),S.Kg=function(){return this.f},S.Pg=function(){return this.k},S.Rg=function(s,a){this.g=s,this.i=a},S.Tg=function(){return this.j&2?this.ph().ck():this.zh()},S.Vg=function(){return this.i},S.Mg=function(){return(this.j&1)!=0},S.eh=function(){return this.g},S.kh=function(){return(this.j&4)!=0},S.ph=function(){return!this.k&&(this.k=new gf),this.k},S.th=function(s){this.ph().hk(s),s?this.j|=2:this.j&=-3},S.vh=function(s){this.ph().jk(s),s?this.j|=4:this.j&=-5},S.zh=function(){return(ky(),qn).S},S.i=0,S.j=1,V(Wn,"EObjectImpl",506),H(780,506,{105:1,92:1,90:1,56:1,108:1,49:1,97:1},ghe),S.Ch=function(s){return this.e[s]},S.Dh=function(s,a){this.e[s]=a},S.Eh=function(s){this.e[s]=null},S.Tg=function(){return this.d},S.Yg=function(s){return Fo(this.d,s)},S.$g=function(){return this.d},S.dh=function(){return this.e!=null},S.ph=function(){return!this.k&&(this.k=new Q3),this.k},S.th=function(s){this.d=s},S.yh=function(){var s;return this.e==null&&(s=_r(this.d),this.e=s==0?Grt:Pe(mr,Ht,1,s,5,1)),this},S.Ah=function(){return 0};var Grt;V(Wn,"DynamicEObjectImpl",780),H(1376,780,{105:1,42:1,92:1,90:1,133:1,56:1,108:1,49:1,97:1},AIe),S.Fb=function(s){return this===s},S.Hb=function(){return gS(this)},S.th=function(s){this.d=s,this.b=uB(s,"key"),this.c=uB(s,D9)},S.Sh=function(){var s;return this.a==-1&&(s=Bte(this,this.b),this.a=s==null?0:$o(s)),this.a},S.cd=function(){return Bte(this,this.b)},S.dd=function(){return Bte(this,this.c)},S.Th=function(s){this.a=s},S.Uh=function(s){gpe(this,this.b,s)},S.ed=function(s){var a;return a=Bte(this,this.c),gpe(this,this.c,s),a},S.a=0,V(Wn,"DynamicEObjectImpl/BasicEMapEntry",1376),H(1377,1,{108:1},Q3),S.bk=function(s){throw de(new Yr)},S.Ch=function(s){throw de(new Yr)},S.Dh=function(s,a){throw de(new Yr)},S.Eh=function(s){throw de(new Yr)},S.ck=function(){throw de(new Yr)},S.dk=function(){return this.a},S.ek=function(){return this.b},S.fk=function(){return this.c},S.gk=function(){throw de(new Yr)},S.hk=function(s){throw de(new Yr)},S.ik=function(s){this.a=s},S.jk=function(s){this.b=s},S.kk=function(s){this.c=s},V(Wn,"DynamicEObjectImpl/DynamicEPropertiesHolderImpl",1377),H(510,150,{105:1,92:1,90:1,590:1,147:1,56:1,108:1,49:1,97:1,510:1,150:1,114:1,115:1},ME),S.Qg=function(s){return Pbe(this,s)},S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.d;case 2:return l?(!this.b&&(this.b=new Kd((kn(),pu),Fc,this)),this.b):(!this.b&&(this.b=new Kd((kn(),pu),Fc,this)),sL(this.b));case 3:return nAe(this);case 4:return!this.a&&(this.a=new xs(lE,this,4)),this.a;case 5:return!this.c&&(this.c=new r4(lE,this,5)),this.c}return Yh(this,s-_r((kn(),bw)),Fn((v=E(Gn(this,16),26),v||bw),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 3:return this.Cb&&(l=(y=this.Db>>16,y>=0?Pbe(this,l):this.Cb.ih(this,-1-y,null,l))),Dhe(this,E(s,147),l)}return x=E(Fn((v=E(Gn(this,16),26),v||(kn(),bw)),a),66),x.Nj().Qj(this,Zl(this),a-_r((kn(),bw)),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 2:return!this.b&&(this.b=new Kd((kn(),pu),Fc,this)),LV(this.b,s,l);case 3:return Dhe(this,null,l);case 4:return!this.a&&(this.a=new xs(lE,this,4)),eu(this.a,s,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),bw)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),bw)),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.d!=null;case 2:return!!this.b&&this.b.f!=0;case 3:return!!nAe(this);case 4:return!!this.a&&this.a.i!=0;case 5:return!!this.c&&this.c.i!=0}return Gh(this,s-_r((kn(),bw)),Fn((a=E(Gn(this,16),26),a||bw),s))},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:Lct(this,ai(a));return;case 2:!this.b&&(this.b=new Kd((kn(),pu),Fc,this)),kW(this.b,a);return;case 3:bBe(this,E(a,147));return;case 4:!this.a&&(this.a=new xs(lE,this,4)),Vr(this.a),!this.a&&(this.a=new xs(lE,this,4)),Yo(this.a,E(a,14));return;case 5:!this.c&&(this.c=new r4(lE,this,5)),Vr(this.c),!this.c&&(this.c=new r4(lE,this,5)),Yo(this.c,E(a,14));return}ep(this,s-_r((kn(),bw)),Fn((l=E(Gn(this,16),26),l||bw),s),a)},S.zh=function(){return kn(),bw},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:F1e(this,null);return;case 2:!this.b&&(this.b=new Kd((kn(),pu),Fc,this)),this.b.c.$b();return;case 3:bBe(this,null);return;case 4:!this.a&&(this.a=new xs(lE,this,4)),Vr(this.a);return;case 5:!this.c&&(this.c=new r4(lE,this,5)),Vr(this.c);return}Jh(this,s-_r((kn(),bw)),Fn((a=E(Gn(this,16),26),a||bw),s))},S.Ib=function(){return Dje(this)},S.d=null,V(Wn,"EAnnotationImpl",510),H(151,705,pEe,Jd),S.Xh=function(s,a){yot(this,s,E(a,42))},S.lk=function(s,a){return gat(this,E(s,42),a)},S.pi=function(s){return E(E(this.c,69).pi(s),133)},S.Zh=function(){return E(this.c,69).Zh()},S.$h=function(){return E(this.c,69).$h()},S._h=function(s){return E(this.c,69)._h(s)},S.mk=function(s,a){return LV(this,s,a)},S.Wj=function(s){return E(this.c,76).Wj(s)},S.rj=function(){},S.fj=function(){return E(this.c,76).fj()},S.tj=function(s,a,l){var v;return v=E(yh(this.b).Nh().Jh(this.b),133),v.Th(s),v.Uh(a),v.ed(l),v},S.uj=function(){return new lb(this)},S.Wb=function(s){kW(this,s)},S.Xj=function(){E(this.c,76).Xj()},V(Oo,"EcoreEMap",151),H(158,151,pEe,Kd),S.qj=function(){var s,a,l,v,y,x;if(this.d==null){for(x=Pe(Tke,hEe,63,2*this.f+1,0,1),l=this.c.Kc();l.e!=l.i.gc();)a=E(l.nj(),133),v=a.Sh(),y=(v&qi)%x.length,s=x[y],!s&&(s=x[y]=new lb(this)),s.Fc(a);this.d=x}},V(Wn,"EAnnotationImpl/1",158),H(284,438,{105:1,92:1,90:1,147:1,191:1,56:1,108:1,472:1,49:1,97:1,150:1,284:1,114:1,115:1}),S._g=function(s,a,l){var v,y;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return tr(),!!(this.Bb&256);case 3:return tr(),!!(this.Bb&512);case 4:return Ot(this.s);case 5:return Ot(this.t);case 6:return tr(),!!this.$j();case 7:return tr(),y=this.s,y>=1;case 8:return a?wp(this):this.r;case 9:return this.q}return Yh(this,s-_r(this.zh()),Fn((v=E(Gn(this,16),26),v||this.zh()),s),a,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 9:return Nee(this,l)}return y=E(Fn((v=E(Gn(this,16),26),v||this.zh()),a),66),y.Nj().Rj(this,Zl(this),a-_r(this.zh()),s,l)},S.lh=function(s){var a,l;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return(this.Bb&256)==0;case 3:return(this.Bb&512)==0;case 4:return this.s!=0;case 5:return this.t!=1;case 6:return this.$j();case 7:return l=this.s,l>=1;case 8:return!!this.r&&!this.q.e&&SS(this.q).i==0;case 9:return!!this.q&&!(this.r&&!this.q.e&&SS(this.q).i==0)}return Gh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.sh=function(s,a){var l,v;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:this.Lh(ai(a));return;case 2:Qv(this,Wt(Gt(a)));return;case 3:Jv(this,Wt(Gt(a)));return;case 4:Kv(this,E(a,19).a);return;case 5:this.ok(E(a,19).a);return;case 8:S2(this,E(a,138));return;case 9:v=$g(this,E(a,87),null),v&&v.Fi();return}ep(this,s-_r(this.zh()),Fn((l=E(Gn(this,16),26),l||this.zh()),s),a)},S.zh=function(){return kn(),qrt},S.Bh=function(s){var a,l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:this.Lh(null);return;case 2:Qv(this,!0);return;case 3:Jv(this,!0);return;case 4:Kv(this,0);return;case 5:this.ok(1);return;case 8:S2(this,null);return;case 9:l=$g(this,null,null),l&&l.Fi();return}Jh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.Gh=function(){wp(this),this.Bb|=1},S.Yj=function(){return wp(this)},S.Zj=function(){return this.t},S.$j=function(){var s;return s=this.t,s>1||s==-1},S.hi=function(){return(this.Bb&512)!=0},S.nk=function(s,a){return Oge(this,s,a)},S.ok=function(s){hT(this,s)},S.Ib=function(){return Bme(this)},S.s=0,S.t=1,V(Wn,"ETypedElementImpl",284),H(449,284,{105:1,92:1,90:1,147:1,191:1,56:1,170:1,66:1,108:1,472:1,49:1,97:1,150:1,449:1,284:1,114:1,115:1,677:1}),S.Qg=function(s){return hMe(this,s)},S._g=function(s,a,l){var v,y;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return tr(),!!(this.Bb&256);case 3:return tr(),!!(this.Bb&512);case 4:return Ot(this.s);case 5:return Ot(this.t);case 6:return tr(),!!this.$j();case 7:return tr(),y=this.s,y>=1;case 8:return a?wp(this):this.r;case 9:return this.q;case 10:return tr(),!!(this.Bb&l1);case 11:return tr(),!!(this.Bb&zT);case 12:return tr(),!!(this.Bb&$T);case 13:return this.j;case 14:return oA(this);case 15:return tr(),!!(this.Bb&ed);case 16:return tr(),!!(this.Bb&xb);case 17:return iT(this)}return Yh(this,s-_r(this.zh()),Fn((v=E(Gn(this,16),26),v||this.zh()),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 17:return this.Cb&&(l=(y=this.Db>>16,y>=0?hMe(this,l):this.Cb.ih(this,-1-y,null,l))),Ch(this,s,17,l)}return x=E(Fn((v=E(Gn(this,16),26),v||this.zh()),a),66),x.Nj().Qj(this,Zl(this),a-_r(this.zh()),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 9:return Nee(this,l);case 17:return Ch(this,null,17,l)}return y=E(Fn((v=E(Gn(this,16),26),v||this.zh()),a),66),y.Nj().Rj(this,Zl(this),a-_r(this.zh()),s,l)},S.lh=function(s){var a,l;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return(this.Bb&256)==0;case 3:return(this.Bb&512)==0;case 4:return this.s!=0;case 5:return this.t!=1;case 6:return this.$j();case 7:return l=this.s,l>=1;case 8:return!!this.r&&!this.q.e&&SS(this.q).i==0;case 9:return!!this.q&&!(this.r&&!this.q.e&&SS(this.q).i==0);case 10:return(this.Bb&l1)==0;case 11:return(this.Bb&zT)!=0;case 12:return(this.Bb&$T)!=0;case 13:return this.j!=null;case 14:return oA(this)!=null;case 15:return(this.Bb&ed)!=0;case 16:return(this.Bb&xb)!=0;case 17:return!!iT(this)}return Gh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.sh=function(s,a){var l,v;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:dte(this,ai(a));return;case 2:Qv(this,Wt(Gt(a)));return;case 3:Jv(this,Wt(Gt(a)));return;case 4:Kv(this,E(a,19).a);return;case 5:this.ok(E(a,19).a);return;case 8:S2(this,E(a,138));return;case 9:v=$g(this,E(a,87),null),v&&v.Fi();return;case 10:H6(this,Wt(Gt(a)));return;case 11:q6(this,Wt(Gt(a)));return;case 12:U6(this,Wt(Gt(a)));return;case 13:Dfe(this,ai(a));return;case 15:V6(this,Wt(Gt(a)));return;case 16:W6(this,Wt(Gt(a)));return}ep(this,s-_r(this.zh()),Fn((l=E(Gn(this,16),26),l||this.zh()),s),a)},S.zh=function(){return kn(),Vrt},S.Bh=function(s){var a,l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:Ce(this.Cb,88)&&xT(kd(E(this.Cb,88)),4),jl(this,null);return;case 2:Qv(this,!0);return;case 3:Jv(this,!0);return;case 4:Kv(this,0);return;case 5:this.ok(1);return;case 8:S2(this,null);return;case 9:l=$g(this,null,null),l&&l.Fi();return;case 10:H6(this,!0);return;case 11:q6(this,!1);return;case 12:U6(this,!1);return;case 13:this.i=null,vW(this,null);return;case 15:V6(this,!1);return;case 16:W6(this,!1);return}Jh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.Gh=function(){u6(qu((Qf(),Ba),this)),wp(this),this.Bb|=1},S.Gj=function(){return this.f},S.zj=function(){return oA(this)},S.Hj=function(){return iT(this)},S.Lj=function(){return null},S.pk=function(){return this.k},S.aj=function(){return this.n},S.Mj=function(){return pG(this)},S.Nj=function(){var s,a,l,v,y,x,T,O,A;return this.p||(l=iT(this),(l.i==null&&Sb(l),l.i).length,v=this.Lj(),v&&_r(iT(v)),y=wp(this),T=y.Bj(),s=T?T.i&1?T==Md?Us:T==Gr?nu:T==b3?jA:T==ba?xa:T==mE?cx:T==xR?lx:T==nd?Z5:H9:T:null,a=oA(this),O=y.zj(),w0t(this),this.Bb&xb&&((x=zbe((Qf(),Ba),l))&&x!=this||(x=v5(qu(Ba,this))))?this.p=new wRe(this,x):this.$j()?this.rk()?v?this.Bb&ed?s?this.sk()?this.p=new c2(47,s,this,v):this.p=new c2(5,s,this,v):this.sk()?this.p=new d2(46,this,v):this.p=new d2(4,this,v):s?this.sk()?this.p=new c2(49,s,this,v):this.p=new c2(7,s,this,v):this.sk()?this.p=new d2(48,this,v):this.p=new d2(6,this,v):this.Bb&ed?s?s==z2?this.p=new Hv(50,Trt,this):this.sk()?this.p=new Hv(43,s,this):this.p=new Hv(1,s,this):this.sk()?this.p=new Vv(42,this):this.p=new Vv(0,this):s?s==z2?this.p=new Hv(41,Trt,this):this.sk()?this.p=new Hv(45,s,this):this.p=new Hv(3,s,this):this.sk()?this.p=new Vv(44,this):this.p=new Vv(2,this):Ce(y,148)?s==_Q?this.p=new Vv(40,this):this.Bb&512?this.Bb&ed?s?this.p=new Hv(9,s,this):this.p=new Vv(8,this):s?this.p=new Hv(11,s,this):this.p=new Vv(10,this):this.Bb&ed?s?this.p=new Hv(13,s,this):this.p=new Vv(12,this):s?this.p=new Hv(15,s,this):this.p=new Vv(14,this):v?(A=v.t,A>1||A==-1?this.sk()?this.Bb&ed?s?this.p=new c2(25,s,this,v):this.p=new d2(24,this,v):s?this.p=new c2(27,s,this,v):this.p=new d2(26,this,v):this.Bb&ed?s?this.p=new c2(29,s,this,v):this.p=new d2(28,this,v):s?this.p=new c2(31,s,this,v):this.p=new d2(30,this,v):this.sk()?this.Bb&ed?s?this.p=new c2(33,s,this,v):this.p=new d2(32,this,v):s?this.p=new c2(35,s,this,v):this.p=new d2(34,this,v):this.Bb&ed?s?this.p=new c2(37,s,this,v):this.p=new d2(36,this,v):s?this.p=new c2(39,s,this,v):this.p=new d2(38,this,v)):this.sk()?this.Bb&ed?s?this.p=new Hv(17,s,this):this.p=new Vv(16,this):s?this.p=new Hv(19,s,this):this.p=new Vv(18,this):this.Bb&ed?s?this.p=new Hv(21,s,this):this.p=new Vv(20,this):s?this.p=new Hv(23,s,this):this.p=new Vv(22,this):this.qk()?this.sk()?this.p=new sIe(E(y,26),this,v):this.p=new ppe(E(y,26),this,v):Ce(y,148)?s==_Q?this.p=new Vv(40,this):this.Bb&ed?s?this.p=new iDe(a,O,this,(Lne(),T==Gr?Uke:T==Md?Nke:T==mE?Vke:T==b3?Hke:T==ba?zke:T==xR?qke:T==nd?Lke:T==ap?Bke:yle)):this.p=new b6e(E(y,148),a,O,this):s?this.p=new rDe(a,O,this,(Lne(),T==Gr?Uke:T==Md?Nke:T==mE?Vke:T==b3?Hke:T==ba?zke:T==xR?qke:T==nd?Lke:T==ap?Bke:yle)):this.p=new g6e(E(y,148),a,O,this):this.rk()?v?this.Bb&ed?this.sk()?this.p=new uIe(E(y,26),this,v):this.p=new ohe(E(y,26),this,v):this.sk()?this.p=new aIe(E(y,26),this,v):this.p=new pee(E(y,26),this,v):this.Bb&ed?this.sk()?this.p=new r5e(E(y,26),this):this.p=new wde(E(y,26),this):this.sk()?this.p=new n5e(E(y,26),this):this.p=new eee(E(y,26),this):this.sk()?v?this.Bb&ed?this.p=new cIe(E(y,26),this,v):this.p=new rhe(E(y,26),this,v):this.Bb&ed?this.p=new i5e(E(y,26),this):this.p=new yde(E(y,26),this):v?this.Bb&ed?this.p=new lIe(E(y,26),this,v):this.p=new ihe(E(y,26),this,v):this.Bb&ed?this.p=new o5e(E(y,26),this):this.p=new JV(E(y,26),this)),this.p},S.Ij=function(){return(this.Bb&l1)!=0},S.qk=function(){return!1},S.rk=function(){return!1},S.Jj=function(){return(this.Bb&xb)!=0},S.Oj=function(){return Hte(this)},S.sk=function(){return!1},S.Kj=function(){return(this.Bb&ed)!=0},S.tk=function(s){this.k=s},S.Lh=function(s){dte(this,s)},S.Ib=function(){return AG(this)},S.e=!1,S.n=0,V(Wn,"EStructuralFeatureImpl",449),H(322,449,{105:1,92:1,90:1,34:1,147:1,191:1,56:1,170:1,66:1,108:1,472:1,49:1,97:1,322:1,150:1,449:1,284:1,114:1,115:1,677:1},JP),S._g=function(s,a,l){var v,y;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return tr(),!!(this.Bb&256);case 3:return tr(),!!(this.Bb&512);case 4:return Ot(this.s);case 5:return Ot(this.t);case 6:return tr(),!!jme(this);case 7:return tr(),y=this.s,y>=1;case 8:return a?wp(this):this.r;case 9:return this.q;case 10:return tr(),!!(this.Bb&l1);case 11:return tr(),!!(this.Bb&zT);case 12:return tr(),!!(this.Bb&$T);case 13:return this.j;case 14:return oA(this);case 15:return tr(),!!(this.Bb&ed);case 16:return tr(),!!(this.Bb&xb);case 17:return iT(this);case 18:return tr(),!!(this.Bb&Uc);case 19:return a?sne(this):bPe(this)}return Yh(this,s-_r((kn(),h3)),Fn((v=E(Gn(this,16),26),v||h3),s),a,l)},S.lh=function(s){var a,l;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return(this.Bb&256)==0;case 3:return(this.Bb&512)==0;case 4:return this.s!=0;case 5:return this.t!=1;case 6:return jme(this);case 7:return l=this.s,l>=1;case 8:return!!this.r&&!this.q.e&&SS(this.q).i==0;case 9:return!!this.q&&!(this.r&&!this.q.e&&SS(this.q).i==0);case 10:return(this.Bb&l1)==0;case 11:return(this.Bb&zT)!=0;case 12:return(this.Bb&$T)!=0;case 13:return this.j!=null;case 14:return oA(this)!=null;case 15:return(this.Bb&ed)!=0;case 16:return(this.Bb&xb)!=0;case 17:return!!iT(this);case 18:return(this.Bb&Uc)!=0;case 19:return!!bPe(this)}return Gh(this,s-_r((kn(),h3)),Fn((a=E(Gn(this,16),26),a||h3),s))},S.sh=function(s,a){var l,v;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:dte(this,ai(a));return;case 2:Qv(this,Wt(Gt(a)));return;case 3:Jv(this,Wt(Gt(a)));return;case 4:Kv(this,E(a,19).a);return;case 5:r2(this,E(a,19).a);return;case 8:S2(this,E(a,138));return;case 9:v=$g(this,E(a,87),null),v&&v.Fi();return;case 10:H6(this,Wt(Gt(a)));return;case 11:q6(this,Wt(Gt(a)));return;case 12:U6(this,Wt(Gt(a)));return;case 13:Dfe(this,ai(a));return;case 15:V6(this,Wt(Gt(a)));return;case 16:W6(this,Wt(Gt(a)));return;case 18:Dne(this,Wt(Gt(a)));return}ep(this,s-_r((kn(),h3)),Fn((l=E(Gn(this,16),26),l||h3),s),a)},S.zh=function(){return kn(),h3},S.Bh=function(s){var a,l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:Ce(this.Cb,88)&&xT(kd(E(this.Cb,88)),4),jl(this,null);return;case 2:Qv(this,!0);return;case 3:Jv(this,!0);return;case 4:Kv(this,0);return;case 5:this.b=0,hT(this,1);return;case 8:S2(this,null);return;case 9:l=$g(this,null,null),l&&l.Fi();return;case 10:H6(this,!0);return;case 11:q6(this,!1);return;case 12:U6(this,!1);return;case 13:this.i=null,vW(this,null);return;case 15:V6(this,!1);return;case 16:W6(this,!1);return;case 18:Dne(this,!1);return}Jh(this,s-_r((kn(),h3)),Fn((a=E(Gn(this,16),26),a||h3),s))},S.Gh=function(){sne(this),u6(qu((Qf(),Ba),this)),wp(this),this.Bb|=1},S.$j=function(){return jme(this)},S.nk=function(s,a){return this.b=0,this.a=null,Oge(this,s,a)},S.ok=function(s){r2(this,s)},S.Ib=function(){var s;return this.Db&64?AG(this):(s=new pp(AG(this)),s.a+=" (iD: ",gb(s,(this.Bb&Uc)!=0),s.a+=")",s.a)},S.b=0,V(Wn,"EAttributeImpl",322),H(351,438,{105:1,92:1,90:1,138:1,147:1,191:1,56:1,108:1,49:1,97:1,351:1,150:1,114:1,115:1,676:1}),S.uk=function(s){return s.Tg()==this},S.Qg=function(s){return fre(this,s)},S.Rg=function(s,a){this.w=null,this.Db=a<<16|this.Db&255,this.Cb=s},S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return this.D!=null?this.D:this.B;case 3:return GS(this);case 4:return this.zj();case 5:return this.F;case 6:return a?yh(this):f6(this);case 7:return!this.A&&(this.A=new Wf(af,this,7)),this.A}return Yh(this,s-_r(this.zh()),Fn((v=E(Gn(this,16),26),v||this.zh()),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 6:return this.Cb&&(l=(y=this.Db>>16,y>=0?fre(this,l):this.Cb.ih(this,-1-y,null,l))),Ch(this,s,6,l)}return x=E(Fn((v=E(Gn(this,16),26),v||this.zh()),a),66),x.Nj().Qj(this,Zl(this),a-_r(this.zh()),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 6:return Ch(this,null,6,l);case 7:return!this.A&&(this.A=new Wf(af,this,7)),eu(this.A,s,l)}return y=E(Fn((v=E(Gn(this,16),26),v||this.zh()),a),66),y.Nj().Rj(this,Zl(this),a-_r(this.zh()),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return this.D!=null&&this.D==this.F;case 3:return!!GS(this);case 4:return this.zj()!=null;case 5:return this.F!=null&&this.F!=this.D&&this.F!=this.B;case 6:return!!f6(this);case 7:return!!this.A&&this.A.i!=0}return Gh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:Aq(this,ai(a));return;case 2:zZ(this,ai(a));return;case 5:fA(this,ai(a));return;case 7:!this.A&&(this.A=new Wf(af,this,7)),Vr(this.A),!this.A&&(this.A=new Wf(af,this,7)),Yo(this.A,E(a,14));return}ep(this,s-_r(this.zh()),Fn((l=E(Gn(this,16),26),l||this.zh()),s),a)},S.zh=function(){return kn(),Nrt},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:Ce(this.Cb,179)&&(E(this.Cb,179).tb=null),jl(this,null);return;case 2:N6(this,null),T6(this,this.D);return;case 5:fA(this,null);return;case 7:!this.A&&(this.A=new Wf(af,this,7)),Vr(this.A);return}Jh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.yj=function(){var s;return this.G==-1&&(this.G=(s=yh(this),s?Zv(s.Mh(),this):-1)),this.G},S.zj=function(){return null},S.Aj=function(){return yh(this)},S.vk=function(){return this.v},S.Bj=function(){return GS(this)},S.Cj=function(){return this.D!=null?this.D:this.B},S.Dj=function(){return this.F},S.wj=function(s){return rie(this,s)},S.wk=function(s){this.v=s},S.xk=function(s){WFe(this,s)},S.yk=function(s){this.C=s},S.Lh=function(s){Aq(this,s)},S.Ib=function(){return VW(this)},S.C=null,S.D=null,S.G=-1,V(Wn,"EClassifierImpl",351),H(88,351,{105:1,92:1,90:1,26:1,138:1,147:1,191:1,56:1,108:1,49:1,97:1,88:1,351:1,150:1,473:1,114:1,115:1,676:1},bf),S.uk=function(s){return tat(this,s.Tg())},S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return this.D!=null?this.D:this.B;case 3:return GS(this);case 4:return null;case 5:return this.F;case 6:return a?yh(this):f6(this);case 7:return!this.A&&(this.A=new Wf(af,this,7)),this.A;case 8:return tr(),!!(this.Bb&256);case 9:return tr(),!!(this.Bb&512);case 10:return tc(this);case 11:return!this.q&&(this.q=new St(Fp,this,11,10)),this.q;case 12:return P4(this);case 13:return i9(this);case 14:return i9(this),this.r;case 15:return P4(this),this.k;case 16:return Tme(this);case 17:return uie(this);case 18:return Sb(this);case 19:return CG(this);case 20:return P4(this),this.o;case 21:return!this.s&&(this.s=new St(Mf,this,21,17)),this.s;case 22:return ul(this);case 23:return Gre(this)}return Yh(this,s-_r((kn(),hE)),Fn((v=E(Gn(this,16),26),v||hE),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 6:return this.Cb&&(l=(y=this.Db>>16,y>=0?fre(this,l):this.Cb.ih(this,-1-y,null,l))),Ch(this,s,6,l);case 11:return!this.q&&(this.q=new St(Fp,this,11,10)),Ml(this.q,s,l);case 21:return!this.s&&(this.s=new St(Mf,this,21,17)),Ml(this.s,s,l)}return x=E(Fn((v=E(Gn(this,16),26),v||(kn(),hE)),a),66),x.Nj().Qj(this,Zl(this),a-_r((kn(),hE)),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 6:return Ch(this,null,6,l);case 7:return!this.A&&(this.A=new Wf(af,this,7)),eu(this.A,s,l);case 11:return!this.q&&(this.q=new St(Fp,this,11,10)),eu(this.q,s,l);case 21:return!this.s&&(this.s=new St(Mf,this,21,17)),eu(this.s,s,l);case 22:return eu(ul(this),s,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),hE)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),hE)),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return this.D!=null&&this.D==this.F;case 3:return!!GS(this);case 4:return!1;case 5:return this.F!=null&&this.F!=this.D&&this.F!=this.B;case 6:return!!f6(this);case 7:return!!this.A&&this.A.i!=0;case 8:return(this.Bb&256)!=0;case 9:return(this.Bb&512)!=0;case 10:return!!this.u&&ul(this.u.a).i!=0&&!(this.n&&ere(this.n));case 11:return!!this.q&&this.q.i!=0;case 12:return P4(this).i!=0;case 13:return i9(this).i!=0;case 14:return i9(this),this.r.i!=0;case 15:return P4(this),this.k.i!=0;case 16:return Tme(this).i!=0;case 17:return uie(this).i!=0;case 18:return Sb(this).i!=0;case 19:return CG(this).i!=0;case 20:return P4(this),!!this.o;case 21:return!!this.s&&this.s.i!=0;case 22:return!!this.n&&ere(this.n);case 23:return Gre(this).i!=0}return Gh(this,s-_r((kn(),hE)),Fn((a=E(Gn(this,16),26),a||hE),s))},S.oh=function(s){var a;return a=this.i==null||this.q&&this.q.i!=0?null:uB(this,s),a||rve(this,s)},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:Aq(this,ai(a));return;case 2:zZ(this,ai(a));return;case 5:fA(this,ai(a));return;case 7:!this.A&&(this.A=new Wf(af,this,7)),Vr(this.A),!this.A&&(this.A=new Wf(af,this,7)),Yo(this.A,E(a,14));return;case 8:Dge(this,Wt(Gt(a)));return;case 9:Age(this,Wt(Gt(a)));return;case 10:a9(tc(this)),Yo(tc(this),E(a,14));return;case 11:!this.q&&(this.q=new St(Fp,this,11,10)),Vr(this.q),!this.q&&(this.q=new St(Fp,this,11,10)),Yo(this.q,E(a,14));return;case 21:!this.s&&(this.s=new St(Mf,this,21,17)),Vr(this.s),!this.s&&(this.s=new St(Mf,this,21,17)),Yo(this.s,E(a,14));return;case 22:Vr(ul(this)),Yo(ul(this),E(a,14));return}ep(this,s-_r((kn(),hE)),Fn((l=E(Gn(this,16),26),l||hE),s),a)},S.zh=function(){return kn(),hE},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:Ce(this.Cb,179)&&(E(this.Cb,179).tb=null),jl(this,null);return;case 2:N6(this,null),T6(this,this.D);return;case 5:fA(this,null);return;case 7:!this.A&&(this.A=new Wf(af,this,7)),Vr(this.A);return;case 8:Dge(this,!1);return;case 9:Age(this,!1);return;case 10:this.u&&a9(this.u);return;case 11:!this.q&&(this.q=new St(Fp,this,11,10)),Vr(this.q);return;case 21:!this.s&&(this.s=new St(Mf,this,21,17)),Vr(this.s);return;case 22:this.n&&Vr(this.n);return}Jh(this,s-_r((kn(),hE)),Fn((a=E(Gn(this,16),26),a||hE),s))},S.Gh=function(){var s,a;if(P4(this),i9(this),Tme(this),uie(this),Sb(this),CG(this),Gre(this),yF(vct(kd(this))),this.s)for(s=0,a=this.s.i;s<a;++s)IN(ke(this.s,s));if(this.q)for(s=0,a=this.q.i;s<a;++s)IN(ke(this.q,s));Xv((Qf(),Ba),this).ne(),this.Bb|=1},S.Ib=function(){return Kbe(this)},S.k=null,S.r=null;var Hj,Krt,vle;V(Wn,"EClassImpl",88),H(1994,1993,uGe),S.Vh=function(s,a){return iie(this,s,a)},S.Wh=function(s){return iie(this,this.i,s)},S.Xh=function(s,a){zme(this,s,a)},S.Yh=function(s){jre(this,s)},S.lk=function(s,a){return Ml(this,s,a)},S.pi=function(s){return c1e(this,s)},S.mk=function(s,a){return eu(this,s,a)},S.mi=function(s,a){return nHe(this,s,a)},S.Zh=function(){return new s5(this)},S.$h=function(){return new ON(this)},S._h=function(s){return yL(this,s)},V(Oo,"NotifyingInternalEListImpl",1994),H(622,1994,hc),S.Hc=function(s){return yHe(this,s)},S.Zi=function(s,a,l,v,y){return pF(this,s,a,l,v,y)},S.$i=function(s){QE(this,s)},S.Wj=function(s){return this},S.ak=function(){return Fn(this.e.Tg(),this.aj())},S._i=function(){return this.ak()},S.aj=function(){return Fo(this.e.Tg(),this.ak())},S.zk=function(){return E(this.ak().Yj(),26).Bj()},S.Ak=function(){return mu(E(this.ak(),18)).n},S.Ai=function(){return this.e},S.Bk=function(){return!0},S.Ck=function(){return!1},S.Dk=function(){return!1},S.Ek=function(){return!1},S.Xc=function(s){return Zv(this,s)},S.cj=function(s,a){var l;return l=E(s,49),this.Dk()?this.Bk()?l.gh(this.e,this.Ak(),this.zk(),a):l.gh(this.e,Fo(l.Tg(),mu(E(this.ak(),18))),null,a):l.gh(this.e,-1-this.aj(),null,a)},S.dj=function(s,a){var l;return l=E(s,49),this.Dk()?this.Bk()?l.ih(this.e,this.Ak(),this.zk(),a):l.ih(this.e,Fo(l.Tg(),mu(E(this.ak(),18))),null,a):l.ih(this.e,-1-this.aj(),null,a)},S.rk=function(){return!1},S.Fk=function(){return!0},S.wj=function(s){return b$e(this.d,s)},S.ej=function(){return Gd(this.e)},S.fj=function(){return this.i!=0},S.ri=function(s){return wL(this.d,s)},S.li=function(s,a){return this.Fk()&&this.Ek()?M5(this,s,E(a,56)):a},S.Gk=function(s){return s.kh()?jy(this.e,E(s,49)):s},S.Wb=function(s){gOe(this,s)},S.Pc=function(){return e8e(this)},S.Qc=function(s){var a;if(this.Ek())for(a=this.i-1;a>=0;--a)ke(this,a);return ebe(this,s)},S.Xj=function(){Vr(this)},S.oi=function(s,a){return gFe(this,s,a)},V(Oo,"EcoreEList",622),H(496,622,hc,zN),S.ai=function(){return!1},S.aj=function(){return this.c},S.bj=function(){return!1},S.Fk=function(){return!0},S.hi=function(){return!0},S.li=function(s,a){return a},S.ni=function(){return!1},S.c=0,V(Oo,"EObjectEList",496),H(85,496,hc,xs),S.bj=function(){return!0},S.Dk=function(){return!1},S.rk=function(){return!0},V(Oo,"EObjectContainmentEList",85),H(545,85,hc,RV),S.ci=function(){this.b=!0},S.fj=function(){return this.b},S.Xj=function(){var s;Vr(this),Gd(this.e)?(s=this.b,this.b=!1,Gi(this.e,new o1(this.e,2,this.c,s,!1))):this.b=!1},S.b=!1,V(Oo,"EObjectContainmentEList/Unsettable",545),H(1140,545,hc,tDe),S.ii=function(s,a){var l,v;return l=E(jF(this,s,a),87),Gd(this.e)&&QE(this,new uL(this.a,7,(kn(),Lrt),Ot(a),(v=l.c,Ce(v,88)?E(v,26):Mp),s)),l},S.jj=function(s,a){return svt(this,E(s,87),a)},S.kj=function(s,a){return ovt(this,E(s,87),a)},S.lj=function(s,a,l){return aEt(this,E(s,87),E(a,87),l)},S.Zi=function(s,a,l,v,y){switch(s){case 3:return pF(this,s,a,l,v,this.i>1);case 5:return pF(this,s,a,l,v,this.i-E(l,15).gc()>0);default:return new k0(this.e,s,this.c,a,l,v,!0)}},S.ij=function(){return!0},S.fj=function(){return ere(this)},S.Xj=function(){Vr(this)},V(Wn,"EClassImpl/1",1140),H(1154,1153,dEe),S.ui=function(s){var a,l,v,y,x,T,O;if(l=s.xi(),l!=8){if(v=Uvt(s),v==0)switch(l){case 1:case 9:{O=s.Bi(),O!=null&&(a=kd(E(O,473)),!a.c&&(a.c=new ib),nW(a.c,s.Ai())),T=s.zi(),T!=null&&(y=E(T,473),y.Bb&1||(a=kd(y),!a.c&&(a.c=new ib),ei(a.c,E(s.Ai(),26))));break}case 3:{T=s.zi(),T!=null&&(y=E(T,473),y.Bb&1||(a=kd(y),!a.c&&(a.c=new ib),ei(a.c,E(s.Ai(),26))));break}case 5:{if(T=s.zi(),T!=null)for(x=E(T,14).Kc();x.Ob();)y=E(x.Pb(),473),y.Bb&1||(a=kd(y),!a.c&&(a.c=new ib),ei(a.c,E(s.Ai(),26)));break}case 4:{O=s.Bi(),O!=null&&(y=E(O,473),y.Bb&1||(a=kd(y),!a.c&&(a.c=new ib),nW(a.c,s.Ai())));break}case 6:{if(O=s.Bi(),O!=null)for(x=E(O,14).Kc();x.Ob();)y=E(x.Pb(),473),y.Bb&1||(a=kd(y),!a.c&&(a.c=new ib),nW(a.c,s.Ai()));break}}this.Hk(v)}},S.Hk=function(s){eze(this,s)},S.b=63,V(Wn,"ESuperAdapter",1154),H(1155,1154,dEe,Gl),S.Hk=function(s){xT(this,s)},V(Wn,"EClassImpl/10",1155),H(1144,696,hc),S.Vh=function(s,a){return _re(this,s,a)},S.Wh=function(s){return X7e(this,s)},S.Xh=function(s,a){FL(this,s,a)},S.Yh=function(s){rL(this,s)},S.pi=function(s){return c1e(this,s)},S.mi=function(s,a){return zte(this,s,a)},S.lk=function(s,a){throw de(new Yr)},S.Zh=function(){return new s5(this)},S.$h=function(){return new ON(this)},S._h=function(s){return yL(this,s)},S.mk=function(s,a){throw de(new Yr)},S.Wj=function(s){return this},S.fj=function(){return this.i!=0},S.Wb=function(s){throw de(new Yr)},S.Xj=function(){throw de(new Yr)},V(Oo,"EcoreEList/UnmodifiableEList",1144),H(319,1144,hc,Zk),S.ni=function(){return!1},V(Oo,"EcoreEList/UnmodifiableEList/FastCompare",319),H(1147,319,hc,N9e),S.Xc=function(s){var a,l,v;if(Ce(s,170)&&(a=E(s,170),l=a.aj(),l!=-1)){for(v=this.i;l<v;++l)if(Qe(this.g[l])===Qe(s))return l}return-1},V(Wn,"EClassImpl/1EAllStructuralFeaturesList",1147),H(1141,497,Pb,l0),S.ri=function(s){return Pe(Au,cGe,87,s,0,1)},S.ni=function(){return!1},V(Wn,"EClassImpl/1EGenericSuperTypeEList",1141),H(623,497,Pb,Qw),S.ri=function(s){return Pe(Mf,G4,170,s,0,1)},S.ni=function(){return!1},V(Wn,"EClassImpl/1EStructuralFeatureUniqueEList",623),H(741,497,Pb,f0),S.ri=function(s){return Pe(d3,G4,18,s,0,1)},S.ni=function(){return!1},V(Wn,"EClassImpl/1ReferenceList",741),H(1142,497,Pb,pg),S.bi=function(s,a){clt(this,E(a,34))},S.ri=function(s){return Pe(f3,G4,34,s,0,1)},S.ni=function(){return!1},V(Wn,"EClassImpl/2",1142),H(1143,497,Pb,j_),S.ri=function(s){return Pe(f3,G4,34,s,0,1)},S.ni=function(){return!1},V(Wn,"EClassImpl/3",1143),H(1145,319,hc,vIe),S.Fc=function(s){return dct(this,E(s,34))},S.Yh=function(s){Jle(this,E(s,34))},V(Wn,"EClassImpl/4",1145),H(1146,319,hc,wIe),S.Fc=function(s){return hct(this,E(s,18))},S.Yh=function(s){Mv(this,E(s,18))},V(Wn,"EClassImpl/5",1146),H(1148,497,Pb,im),S.ri=function(s){return Pe(Fp,gEe,59,s,0,1)},S.ni=function(){return!1},V(Wn,"EClassImpl/6",1148),H(1149,497,Pb,iC),S.ri=function(s){return Pe(d3,G4,18,s,0,1)},S.ni=function(){return!1},V(Wn,"EClassImpl/7",1149),H(1997,1996,{3:1,4:1,20:1,28:1,52:1,14:1,15:1,67:1,58:1,69:1}),S.Vh=function(s,a){return $0e(this,s,a)},S.Wh=function(s){return $0e(this,this.Vi(),s)},S.Xh=function(s,a){$Le(this,s,a)},S.Yh=function(s){xLe(this,s)},S.lk=function(s,a){return Owt(this,s,a)},S.mk=function(s,a){return Zvt(this,s,a)},S.mi=function(s,a){return zze(this,s,a)},S.pi=function(s){return this.Oi(s)},S.Zh=function(){return new s5(this)},S.Gi=function(){return this.Ji()},S.$h=function(){return new ON(this)},S._h=function(s){return yL(this,s)},V(Oo,"DelegatingNotifyingInternalEListImpl",1997),H(742,1997,bEe),S.ai=function(){var s;return s=Fn(Cf(this.b),this.aj()).Yj(),Ce(s,148)&&!Ce(s,457)&&(s.Bj().i&1)==0},S.Hc=function(s){var a,l,v,y,x,T,O,A;if(this.Fk()){if(A=this.Vi(),A>4)if(this.wj(s)){if(this.rk()){if(v=E(s,49),l=v.Ug(),O=l==this.b&&(this.Dk()?v.Og(v.Vg(),E(Fn(Cf(this.b),this.aj()).Yj(),26).Bj())==mu(E(Fn(Cf(this.b),this.aj()),18)).n:-1-v.Vg()==this.aj()),this.Ek()&&!O&&!l&&v.Zg()){for(y=0;y<A;++y)if(a=Oee(this,this.Oi(y)),Qe(a)===Qe(s))return!0}return O}else if(this.Dk()&&!this.Ck()){if(x=E(s,56).ah(mu(E(Fn(Cf(this.b),this.aj()),18))),Qe(x)===Qe(this.b))return!0;if(x==null||!E(x,56).kh())return!1}}else return!1;if(T=this.Li(s),this.Ek()&&!T){for(y=0;y<A;++y)if(v=Oee(this,this.Oi(y)),Qe(v)===Qe(s))return!0}return T}else return this.Li(s)},S.Zi=function(s,a,l,v,y){return new k0(this.b,s,this.aj(),a,l,v,y)},S.$i=function(s){Gi(this.b,s)},S.Wj=function(s){return this},S._i=function(){return Fn(Cf(this.b),this.aj())},S.aj=function(){return Fo(Cf(this.b),Fn(Cf(this.b),this.aj()))},S.Ai=function(){return this.b},S.Bk=function(){return!!Fn(Cf(this.b),this.aj()).Yj().Bj()},S.bj=function(){var s,a;return a=Fn(Cf(this.b),this.aj()),Ce(a,99)?(s=E(a,18),(s.Bb&Uc)!=0||!!mu(E(a,18))):!1},S.Ck=function(){var s,a,l,v;return a=Fn(Cf(this.b),this.aj()),Ce(a,99)?(s=E(a,18),l=mu(s),!!l&&(v=l.t,v>1||v==-1)):!1},S.Dk=function(){var s,a,l;return a=Fn(Cf(this.b),this.aj()),Ce(a,99)?(s=E(a,18),l=mu(s),!!l):!1},S.Ek=function(){var s,a;return a=Fn(Cf(this.b),this.aj()),Ce(a,99)?(s=E(a,18),(s.Bb&du)!=0):!1},S.Xc=function(s){var a,l,v,y;if(v=this.Qi(s),v>=0)return v;if(this.Fk()){for(l=0,y=this.Vi();l<y;++l)if(a=Oee(this,this.Oi(l)),Qe(a)===Qe(s))return l}return-1},S.cj=function(s,a){var l;return l=E(s,49),this.Dk()?this.Bk()?l.gh(this.b,mu(E(Fn(Cf(this.b),this.aj()),18)).n,E(Fn(Cf(this.b),this.aj()).Yj(),26).Bj(),a):l.gh(this.b,Fo(l.Tg(),mu(E(Fn(Cf(this.b),this.aj()),18))),null,a):l.gh(this.b,-1-this.aj(),null,a)},S.dj=function(s,a){var l;return l=E(s,49),this.Dk()?this.Bk()?l.ih(this.b,mu(E(Fn(Cf(this.b),this.aj()),18)).n,E(Fn(Cf(this.b),this.aj()).Yj(),26).Bj(),a):l.ih(this.b,Fo(l.Tg(),mu(E(Fn(Cf(this.b),this.aj()),18))),null,a):l.ih(this.b,-1-this.aj(),null,a)},S.rk=function(){var s,a;return a=Fn(Cf(this.b),this.aj()),Ce(a,99)?(s=E(a,18),(s.Bb&Uc)!=0):!1},S.Fk=function(){return Ce(Fn(Cf(this.b),this.aj()).Yj(),88)},S.wj=function(s){return Fn(Cf(this.b),this.aj()).Yj().wj(s)},S.ej=function(){return Gd(this.b)},S.fj=function(){return!this.Ri()},S.hi=function(){return Fn(Cf(this.b),this.aj()).hi()},S.li=function(s,a){return mB(this,s,a)},S.Wb=function(s){a9(this),Yo(this,E(s,15))},S.Pc=function(){var s;if(this.Ek())for(s=this.Vi()-1;s>=0;--s)mB(this,s,this.Oi(s));return this.Wi()},S.Qc=function(s){var a;if(this.Ek())for(a=this.Vi()-1;a>=0;--a)mB(this,a,this.Oi(a));return this.Xi(s)},S.Xj=function(){a9(this)},S.oi=function(s,a){return ZPe(this,s,a)},V(Oo,"DelegatingEcoreEList",742),H(1150,742,bEe,b5e),S.Hi=function(s,a){Ost(this,s,E(a,26))},S.Ii=function(s){_ot(this,E(s,26))},S.Oi=function(s){var a,l;return a=E(ke(ul(this.a),s),87),l=a.c,Ce(l,88)?E(l,26):(kn(),Mp)},S.Ti=function(s){var a,l;return a=E(TT(ul(this.a),s),87),l=a.c,Ce(l,88)?E(l,26):(kn(),Mp)},S.Ui=function(s,a){return Iwt(this,s,E(a,26))},S.ai=function(){return!1},S.Zi=function(s,a,l,v,y){return null},S.Ji=function(){return new Jp(this)},S.Ki=function(){Vr(ul(this.a))},S.Li=function(s){return Oje(this,s)},S.Mi=function(s){var a,l;for(l=s.Kc();l.Ob();)if(a=l.Pb(),!Oje(this,a))return!1;return!0},S.Ni=function(s){var a,l,v;if(Ce(s,15)&&(v=E(s,15),v.gc()==ul(this.a).i)){for(a=v.Kc(),l=new Tr(this);a.Ob();)if(Qe(a.Pb())!==Qe(Fr(l)))return!1;return!0}return!1},S.Pi=function(){var s,a,l,v,y;for(l=1,a=new Tr(ul(this.a));a.e!=a.i.gc();)s=E(Fr(a),87),v=(y=s.c,Ce(y,88)?E(y,26):(kn(),Mp)),l=31*l+(v?gS(v):0);return l},S.Qi=function(s){var a,l,v,y;for(v=0,l=new Tr(ul(this.a));l.e!=l.i.gc();){if(a=E(Fr(l),87),Qe(s)===Qe((y=a.c,Ce(y,88)?E(y,26):(kn(),Mp))))return v;++v}return-1},S.Ri=function(){return ul(this.a).i==0},S.Si=function(){return null},S.Vi=function(){return ul(this.a).i},S.Wi=function(){var s,a,l,v,y,x;for(x=ul(this.a).i,y=Pe(mr,Ht,1,x,5,1),l=0,a=new Tr(ul(this.a));a.e!=a.i.gc();)s=E(Fr(a),87),y[l++]=(v=s.c,Ce(v,88)?E(v,26):(kn(),Mp));return y},S.Xi=function(s){var a,l,v,y,x,T,O;for(O=ul(this.a).i,s.length<O&&(y=wL(Od(s).c,O),s=y),s.length>O&&qo(s,O,null),v=0,l=new Tr(ul(this.a));l.e!=l.i.gc();)a=E(Fr(l),87),x=(T=a.c,Ce(T,88)?E(T,26):(kn(),Mp)),qo(s,v++,x);return s},S.Yi=function(){var s,a,l,v,y;for(y=new bg,y.a+="[",s=ul(this.a),a=0,v=ul(this.a).i;a<v;)Fu(y,Y8((l=E(ke(s,a),87).c,Ce(l,88)?E(l,26):(kn(),Mp)))),++a<v&&(y.a+=fu);return y.a+="]",y.a},S.$i=function(s){},S.aj=function(){return 10},S.Bk=function(){return!0},S.bj=function(){return!1},S.Ck=function(){return!1},S.Dk=function(){return!1},S.Ek=function(){return!0},S.rk=function(){return!1},S.Fk=function(){return!0},S.wj=function(s){return Ce(s,88)},S.fj=function(){return Oht(this.a)},S.hi=function(){return!0},S.ni=function(){return!0},V(Wn,"EClassImpl/8",1150),H(1151,1964,mA,Jp),S.Zc=function(s){return yL(this.a,s)},S.gc=function(){return ul(this.a.a).i},V(Wn,"EClassImpl/8/1",1151),H(1152,497,Pb,M_),S.ri=function(s){return Pe(Z1,Ht,138,s,0,1)},S.ni=function(){return!1},V(Wn,"EClassImpl/9",1152),H(1139,53,vve,fJ),V(Wn,"EClassImpl/MyHashSet",1139),H(566,351,{105:1,92:1,90:1,138:1,148:1,834:1,147:1,191:1,56:1,108:1,49:1,97:1,351:1,150:1,114:1,115:1,676:1},_D),S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return this.D!=null?this.D:this.B;case 3:return GS(this);case 4:return this.zj();case 5:return this.F;case 6:return a?yh(this):f6(this);case 7:return!this.A&&(this.A=new Wf(af,this,7)),this.A;case 8:return tr(),!!(this.Bb&256)}return Yh(this,s-_r(this.zh()),Fn((v=E(Gn(this,16),26),v||this.zh()),s),a,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return this.D!=null&&this.D==this.F;case 3:return!!GS(this);case 4:return this.zj()!=null;case 5:return this.F!=null&&this.F!=this.D&&this.F!=this.B;case 6:return!!f6(this);case 7:return!!this.A&&this.A.i!=0;case 8:return(this.Bb&256)==0}return Gh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:Aq(this,ai(a));return;case 2:zZ(this,ai(a));return;case 5:fA(this,ai(a));return;case 7:!this.A&&(this.A=new Wf(af,this,7)),Vr(this.A),!this.A&&(this.A=new Wf(af,this,7)),Yo(this.A,E(a,14));return;case 8:NW(this,Wt(Gt(a)));return}ep(this,s-_r(this.zh()),Fn((l=E(Gn(this,16),26),l||this.zh()),s),a)},S.zh=function(){return kn(),Brt},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:Ce(this.Cb,179)&&(E(this.Cb,179).tb=null),jl(this,null);return;case 2:N6(this,null),T6(this,this.D);return;case 5:fA(this,null);return;case 7:!this.A&&(this.A=new Wf(af,this,7)),Vr(this.A);return;case 8:NW(this,!0);return}Jh(this,s-_r(this.zh()),Fn((a=E(Gn(this,16),26),a||this.zh()),s))},S.Gh=function(){Xv((Qf(),Ba),this).ne(),this.Bb|=1},S.Fj=function(){var s,a,l;if(!this.c&&(s=tBe(yh(this)),!s.dc()))for(l=s.Kc();l.Ob();)a=ai(l.Pb()),t9(this,a)&&f0t(this);return this.b},S.zj=function(){var s;if(!this.e){s=null;try{s=GS(this)}catch(a){if(a=Mo(a),!Ce(a,102))throw de(a)}this.d=null,s&&s.i&1&&(s==Md?this.d=(tr(),H2):s==Gr?this.d=Ot(0):s==b3?this.d=new SC(0):s==ba?this.d=0:s==mE?this.d=C2(0):s==xR?this.d=z6(0):s==nd?this.d=mL(0):this.d=TL(0)),this.e=!0}return this.d},S.Ej=function(){return(this.Bb&256)!=0},S.Ik=function(s){s&&(this.D="org.eclipse.emf.common.util.AbstractEnumerator")},S.xk=function(s){WFe(this,s),this.Ik(s)},S.yk=function(s){this.C=s,this.e=!1},S.Ib=function(){var s;return this.Db&64?VW(this):(s=new pp(VW(this)),s.a+=" (serializable: ",gb(s,(this.Bb&256)!=0),s.a+=")",s.a)},S.c=!1,S.d=null,S.e=!1,V(Wn,"EDataTypeImpl",566),H(457,566,{105:1,92:1,90:1,138:1,148:1,834:1,671:1,147:1,191:1,56:1,108:1,49:1,97:1,351:1,457:1,150:1,114:1,115:1,676:1},cU),S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return this.D!=null?this.D:this.B;case 3:return GS(this);case 4:return mge(this);case 5:return this.F;case 6:return a?yh(this):f6(this);case 7:return!this.A&&(this.A=new Wf(af,this,7)),this.A;case 8:return tr(),!!(this.Bb&256);case 9:return!this.a&&(this.a=new St(W0,this,9,5)),this.a}return Yh(this,s-_r((kn(),pE)),Fn((v=E(Gn(this,16),26),v||pE),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 6:return this.Cb&&(l=(y=this.Db>>16,y>=0?fre(this,l):this.Cb.ih(this,-1-y,null,l))),Ch(this,s,6,l);case 9:return!this.a&&(this.a=new St(W0,this,9,5)),Ml(this.a,s,l)}return x=E(Fn((v=E(Gn(this,16),26),v||(kn(),pE)),a),66),x.Nj().Qj(this,Zl(this),a-_r((kn(),pE)),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 6:return Ch(this,null,6,l);case 7:return!this.A&&(this.A=new Wf(af,this,7)),eu(this.A,s,l);case 9:return!this.a&&(this.a=new St(W0,this,9,5)),eu(this.a,s,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),pE)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),pE)),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return this.D!=null&&this.D==this.F;case 3:return!!GS(this);case 4:return!!mge(this);case 5:return this.F!=null&&this.F!=this.D&&this.F!=this.B;case 6:return!!f6(this);case 7:return!!this.A&&this.A.i!=0;case 8:return(this.Bb&256)==0;case 9:return!!this.a&&this.a.i!=0}return Gh(this,s-_r((kn(),pE)),Fn((a=E(Gn(this,16),26),a||pE),s))},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:Aq(this,ai(a));return;case 2:zZ(this,ai(a));return;case 5:fA(this,ai(a));return;case 7:!this.A&&(this.A=new Wf(af,this,7)),Vr(this.A),!this.A&&(this.A=new Wf(af,this,7)),Yo(this.A,E(a,14));return;case 8:NW(this,Wt(Gt(a)));return;case 9:!this.a&&(this.a=new St(W0,this,9,5)),Vr(this.a),!this.a&&(this.a=new St(W0,this,9,5)),Yo(this.a,E(a,14));return}ep(this,s-_r((kn(),pE)),Fn((l=E(Gn(this,16),26),l||pE),s),a)},S.zh=function(){return kn(),pE},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:Ce(this.Cb,179)&&(E(this.Cb,179).tb=null),jl(this,null);return;case 2:N6(this,null),T6(this,this.D);return;case 5:fA(this,null);return;case 7:!this.A&&(this.A=new Wf(af,this,7)),Vr(this.A);return;case 8:NW(this,!0);return;case 9:!this.a&&(this.a=new St(W0,this,9,5)),Vr(this.a);return}Jh(this,s-_r((kn(),pE)),Fn((a=E(Gn(this,16),26),a||pE),s))},S.Gh=function(){var s,a;if(this.a)for(s=0,a=this.a.i;s<a;++s)IN(ke(this.a,s));Xv((Qf(),Ba),this).ne(),this.Bb|=1},S.zj=function(){return mge(this)},S.wj=function(s){return s!=null},S.Ik=function(s){},V(Wn,"EEnumImpl",457),H(573,438,{105:1,92:1,90:1,1940:1,678:1,147:1,191:1,56:1,108:1,49:1,97:1,573:1,150:1,114:1,115:1},IM),S.ne=function(){return this.zb},S.Qg=function(s){return EMe(this,s)},S._g=function(s,a,l){var v,y;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return Ot(this.d);case 3:return this.b?this.b:this.a;case 4:return y=this.c,y??this.zb;case 5:return this.Db>>16==5?E(this.Cb,671):null}return Yh(this,s-_r((kn(),mw)),Fn((v=E(Gn(this,16),26),v||mw),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 5:return this.Cb&&(l=(y=this.Db>>16,y>=0?EMe(this,l):this.Cb.ih(this,-1-y,null,l))),Ch(this,s,5,l)}return x=E(Fn((v=E(Gn(this,16),26),v||(kn(),mw)),a),66),x.Nj().Qj(this,Zl(this),a-_r((kn(),mw)),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 5:return Ch(this,null,5,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),mw)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),mw)),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return this.d!=0;case 3:return!!this.b;case 4:return this.c!=null;case 5:return!!(this.Db>>16==5&&E(this.Cb,671))}return Gh(this,s-_r((kn(),mw)),Fn((a=E(Gn(this,16),26),a||mw),s))},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:jl(this,ai(a));return;case 2:Gte(this,E(a,19).a);return;case 3:bLe(this,E(a,1940));return;case 4:Yte(this,ai(a));return}ep(this,s-_r((kn(),mw)),Fn((l=E(Gn(this,16),26),l||mw),s),a)},S.zh=function(){return kn(),mw},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:jl(this,null);return;case 2:Gte(this,0);return;case 3:bLe(this,null);return;case 4:Yte(this,null);return}Jh(this,s-_r((kn(),mw)),Fn((a=E(Gn(this,16),26),a||mw),s))},S.Ib=function(){var s;return s=this.c,s??this.zb},S.b=null,S.c=null,S.d=0,V(Wn,"EEnumLiteralImpl",573);var FIt=zo(Wn,"EFactoryImpl/InternalEDateTimeFormat");H(489,1,{2015:1},AC),V(Wn,"EFactoryImpl/1ClientInternalEDateTimeFormat",489),H(241,115,{105:1,92:1,90:1,87:1,56:1,108:1,49:1,97:1,241:1,114:1,115:1},b0),S.Sg=function(s,a,l){var v;return l=Ch(this,s,a,l),this.e&&Ce(s,170)&&(v=xG(this,this.e),v!=this.c&&(l=dA(this,v,l))),l},S._g=function(s,a,l){var v;switch(s){case 0:return this.f;case 1:return!this.d&&(this.d=new xs(Au,this,1)),this.d;case 2:return a?FG(this):this.c;case 3:return this.b;case 4:return this.e;case 5:return a?rre(this):this.a}return Yh(this,s-_r((kn(),Rx)),Fn((v=E(Gn(this,16),26),v||Rx),s),a,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return wje(this,null,l);case 1:return!this.d&&(this.d=new xs(Au,this,1)),eu(this.d,s,l);case 3:return vje(this,null,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),Rx)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),Rx)),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.f;case 1:return!!this.d&&this.d.i!=0;case 2:return!!this.c;case 3:return!!this.b;case 4:return!!this.e;case 5:return!!this.a}return Gh(this,s-_r((kn(),Rx)),Fn((a=E(Gn(this,16),26),a||Rx),s))},S.sh=function(s,a){var l;switch(s){case 0:LMe(this,E(a,87));return;case 1:!this.d&&(this.d=new xs(Au,this,1)),Vr(this.d),!this.d&&(this.d=new xs(Au,this,1)),Yo(this.d,E(a,14));return;case 3:Xbe(this,E(a,87));return;case 4:hme(this,E(a,836));return;case 5:E6(this,E(a,138));return}ep(this,s-_r((kn(),Rx)),Fn((l=E(Gn(this,16),26),l||Rx),s),a)},S.zh=function(){return kn(),Rx},S.Bh=function(s){var a;switch(s){case 0:LMe(this,null);return;case 1:!this.d&&(this.d=new xs(Au,this,1)),Vr(this.d);return;case 3:Xbe(this,null);return;case 4:hme(this,null);return;case 5:E6(this,null);return}Jh(this,s-_r((kn(),Rx)),Fn((a=E(Gn(this,16),26),a||Rx),s))},S.Ib=function(){var s;return s=new gh(u1(this)),s.a+=" (expression: ",die(this,s),s.a+=")",s.a};var Mke;V(Wn,"EGenericTypeImpl",241),H(1969,1964,HK),S.Xh=function(s,a){h5e(this,s,a)},S.lk=function(s,a){return h5e(this,this.gc(),s),a},S.pi=function(s){return W1(this.Gi(),s)},S.Zh=function(){return this.$h()},S.Gi=function(){return new mD(this)},S.$h=function(){return this._h(0)},S._h=function(s){return this.Gi().Zc(s)},S.mk=function(s,a){return bT(this,s,!0),a},S.ii=function(s,a){var l,v;return v=hre(this,a),l=this.Zc(s),l.Rb(v),v},S.ji=function(s,a){var l;bT(this,a,!0),l=this.Zc(s),l.Rb(a)},V(Oo,"AbstractSequentialInternalEList",1969),H(486,1969,HK,RN),S.pi=function(s){return W1(this.Gi(),s)},S.Zh=function(){return this.b==null?(Ur(),Ur(),oH):this.Jk()},S.Gi=function(){return new NRe(this.a,this.b)},S.$h=function(){return this.b==null?(Ur(),Ur(),oH):this.Jk()},S._h=function(s){var a,l;if(this.b==null){if(s<0||s>1)throw de(new xu(A9+s+", size=0"));return Ur(),Ur(),oH}for(l=this.Jk(),a=0;a<s;++a)RW(l);return l},S.dc=function(){var s,a,l,v,y,x;if(this.b!=null){for(l=0;l<this.b.length;++l)if(s=this.b[l],!this.Mk()||this.a.mh(s)){if(x=this.a.bh(s,!1),Wr(),E(s,66).Oj()){for(a=E(x,153),v=0,y=a.gc();v<y;++v)if(ODe(a.il(v))&&a.jl(v)!=null)return!1}else if(s.$j()){if(!E(x,14).dc())return!1}else if(x!=null)return!1}}return!0},S.Kc=function(){return N1e(this)},S.Zc=function(s){var a,l;if(this.b==null){if(s!=0)throw de(new xu(A9+s+", size=0"));return Ur(),Ur(),oH}for(l=this.Lk()?this.Kk():this.Jk(),a=0;a<s;++a)RW(l);return l},S.ii=function(s,a){throw de(new Yr)},S.ji=function(s,a){throw de(new Yr)},S.Jk=function(){return new $V(this.a,this.b)},S.Kk=function(){return new vde(this.a,this.b)},S.Lk=function(){return!0},S.gc=function(){var s,a,l,v,y,x,T;if(y=0,this.b!=null){for(l=0;l<this.b.length;++l)if(s=this.b[l],!this.Mk()||this.a.mh(s))if(T=this.a.bh(s,!1),Wr(),E(s,66).Oj())for(a=E(T,153),v=0,x=a.gc();v<x;++v)ODe(a.il(v))&&a.jl(v)!=null&&++y;else s.$j()?y+=E(T,14).gc():T!=null&&++y}return y},S.Mk=function(){return!0};var wle;V(Oo,"EContentsEList",486),H(1156,486,HK,ZOe),S.Jk=function(){return new e5e(this.a,this.b)},S.Kk=function(){return new t5e(this.a,this.b)},S.Mk=function(){return!1},V(Wn,"ENamedElementImpl/1",1156),H(279,1,UK,$V),S.Nb=function(s){ja(this,s)},S.Rb=function(s){throw de(new Yr)},S.Nk=function(s){if(this.g!=0||this.e)throw de(new zu("Iterator already in use or already filtered"));this.e=s},S.Ob=function(){var s,a,l,v,y,x;switch(this.g){case 3:case 2:return!0;case 1:return!1;case-3:this.p?this.p.Pb():++this.n;default:if(!this.k||(this.p?!INe(this,this.p):!mLe(this))){for(;this.d<this.c.length;)if(a=this.c[this.d++],(!this.e||a.Gj()!=m$||a.aj()!=0)&&(!this.Mk()||this.b.mh(a))){if(x=this.b.bh(a,this.Lk()),this.f=(Wr(),E(a,66).Oj()),this.f||a.$j()){if(this.Lk()?(v=E(x,15),this.k=v):(v=E(x,69),this.k=this.j=v),Ce(this.k,54)?(this.p=null,this.o=this.k.gc(),this.n=0):this.p=this.j?this.j.$h():this.k.Yc(),this.p?INe(this,this.p):mLe(this))return y=this.p?this.p.Pb():this.j?this.j.pi(this.n++):this.k.Xb(this.n++),this.f?(s=E(y,72),s.ak(),l=s.dd(),this.i=l):(l=y,this.i=l),this.g=3,!0}else if(x!=null)return this.k=null,this.p=null,l=x,this.i=l,this.g=2,!0}return this.k=null,this.p=null,this.f=!1,this.g=1,!1}else return y=this.p?this.p.Pb():this.j?this.j.pi(this.n++):this.k.Xb(this.n++),this.f?(s=E(y,72),s.ak(),l=s.dd(),this.i=l):(l=y,this.i=l),this.g=3,!0}},S.Sb=function(){var s,a,l,v,y,x;switch(this.g){case-3:case-2:return!0;case-1:return!1;case 3:this.p?this.p.Ub():--this.n;default:if(!this.k||(this.p?!DNe(this,this.p):!UNe(this))){for(;this.d>0;)if(a=this.c[--this.d],(!this.e||a.Gj()!=m$||a.aj()!=0)&&(!this.Mk()||this.b.mh(a))){if(x=this.b.bh(a,this.Lk()),this.f=(Wr(),E(a,66).Oj()),this.f||a.$j()){if(this.Lk()?(v=E(x,15),this.k=v):(v=E(x,69),this.k=this.j=v),Ce(this.k,54)?(this.o=this.k.gc(),this.n=this.o):this.p=this.j?this.j._h(this.k.gc()):this.k.Zc(this.k.gc()),this.p?DNe(this,this.p):UNe(this))return y=this.p?this.p.Ub():this.j?this.j.pi(--this.n):this.k.Xb(--this.n),this.f?(s=E(y,72),s.ak(),l=s.dd(),this.i=l):(l=y,this.i=l),this.g=-3,!0}else if(x!=null)return this.k=null,this.p=null,l=x,this.i=l,this.g=-2,!0}return this.k=null,this.p=null,this.g=-1,!1}else return y=this.p?this.p.Ub():this.j?this.j.pi(--this.n):this.k.Xb(--this.n),this.f?(s=E(y,72),s.ak(),l=s.dd(),this.i=l):(l=y,this.i=l),this.g=-3,!0}},S.Pb=function(){return RW(this)},S.Tb=function(){return this.a},S.Ub=function(){var s;if(this.g<-1||this.Sb())return--this.a,this.g=0,s=this.i,this.Sb(),s;throw de(new mc)},S.Vb=function(){return this.a-1},S.Qb=function(){throw de(new Yr)},S.Lk=function(){return!1},S.Wb=function(s){throw de(new Yr)},S.Mk=function(){return!0},S.a=0,S.d=0,S.f=!1,S.g=0,S.n=0,S.o=0;var oH;V(Oo,"EContentsEList/FeatureIteratorImpl",279),H(697,279,UK,vde),S.Lk=function(){return!0},V(Oo,"EContentsEList/ResolvingFeatureIteratorImpl",697),H(1157,697,UK,t5e),S.Mk=function(){return!1},V(Wn,"ENamedElementImpl/1/1",1157),H(1158,279,UK,e5e),S.Mk=function(){return!1},V(Wn,"ENamedElementImpl/1/2",1158),H(36,143,qB,aT,yte,aa,Fte,k0,o1,_1e,OAe,S1e,IAe,Gpe,DAe,T1e,AAe,Kpe,$Ae,x1e,PAe,aF,uL,Jee,C1e,FAe,Ype,jAe),S._i=function(){return s1e(this)},S.gj=function(){var s;return s=s1e(this),s?s.zj():null},S.yi=function(s){return this.b==-1&&this.a&&(this.b=this.c.Xg(this.a.aj(),this.a.Gj())),this.c.Og(this.b,s)},S.Ai=function(){return this.c},S.hj=function(){var s;return s=s1e(this),s?s.Kj():!1},S.b=-1,V(Wn,"ENotificationImpl",36),H(399,284,{105:1,92:1,90:1,147:1,191:1,56:1,59:1,108:1,472:1,49:1,97:1,150:1,399:1,284:1,114:1,115:1},ZP),S.Qg=function(s){return xMe(this,s)},S._g=function(s,a,l){var v,y,x;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return tr(),!!(this.Bb&256);case 3:return tr(),!!(this.Bb&512);case 4:return Ot(this.s);case 5:return Ot(this.t);case 6:return tr(),x=this.t,x>1||x==-1;case 7:return tr(),y=this.s,y>=1;case 8:return a?wp(this):this.r;case 9:return this.q;case 10:return this.Db>>16==10?E(this.Cb,26):null;case 11:return!this.d&&(this.d=new Wf(af,this,11)),this.d;case 12:return!this.c&&(this.c=new St(kx,this,12,10)),this.c;case 13:return!this.a&&(this.a=new PN(this,this)),this.a;case 14:return Rd(this)}return Yh(this,s-_r((kn(),vw)),Fn((v=E(Gn(this,16),26),v||vw),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 10:return this.Cb&&(l=(y=this.Db>>16,y>=0?xMe(this,l):this.Cb.ih(this,-1-y,null,l))),Ch(this,s,10,l);case 12:return!this.c&&(this.c=new St(kx,this,12,10)),Ml(this.c,s,l)}return x=E(Fn((v=E(Gn(this,16),26),v||(kn(),vw)),a),66),x.Nj().Qj(this,Zl(this),a-_r((kn(),vw)),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 9:return Nee(this,l);case 10:return Ch(this,null,10,l);case 11:return!this.d&&(this.d=new Wf(af,this,11)),eu(this.d,s,l);case 12:return!this.c&&(this.c=new St(kx,this,12,10)),eu(this.c,s,l);case 14:return eu(Rd(this),s,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),vw)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),vw)),s,l)},S.lh=function(s){var a,l,v;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return(this.Bb&256)==0;case 3:return(this.Bb&512)==0;case 4:return this.s!=0;case 5:return this.t!=1;case 6:return v=this.t,v>1||v==-1;case 7:return l=this.s,l>=1;case 8:return!!this.r&&!this.q.e&&SS(this.q).i==0;case 9:return!!this.q&&!(this.r&&!this.q.e&&SS(this.q).i==0);case 10:return!!(this.Db>>16==10&&E(this.Cb,26));case 11:return!!this.d&&this.d.i!=0;case 12:return!!this.c&&this.c.i!=0;case 13:return!!this.a&&Rd(this.a.a).i!=0&&!(this.b&&tre(this.b));case 14:return!!this.b&&tre(this.b)}return Gh(this,s-_r((kn(),vw)),Fn((a=E(Gn(this,16),26),a||vw),s))},S.sh=function(s,a){var l,v;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:jl(this,ai(a));return;case 2:Qv(this,Wt(Gt(a)));return;case 3:Jv(this,Wt(Gt(a)));return;case 4:Kv(this,E(a,19).a);return;case 5:hT(this,E(a,19).a);return;case 8:S2(this,E(a,138));return;case 9:v=$g(this,E(a,87),null),v&&v.Fi();return;case 11:!this.d&&(this.d=new Wf(af,this,11)),Vr(this.d),!this.d&&(this.d=new Wf(af,this,11)),Yo(this.d,E(a,14));return;case 12:!this.c&&(this.c=new St(kx,this,12,10)),Vr(this.c),!this.c&&(this.c=new St(kx,this,12,10)),Yo(this.c,E(a,14));return;case 13:!this.a&&(this.a=new PN(this,this)),a9(this.a),!this.a&&(this.a=new PN(this,this)),Yo(this.a,E(a,14));return;case 14:Vr(Rd(this)),Yo(Rd(this),E(a,14));return}ep(this,s-_r((kn(),vw)),Fn((l=E(Gn(this,16),26),l||vw),s),a)},S.zh=function(){return kn(),vw},S.Bh=function(s){var a,l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:jl(this,null);return;case 2:Qv(this,!0);return;case 3:Jv(this,!0);return;case 4:Kv(this,0);return;case 5:hT(this,1);return;case 8:S2(this,null);return;case 9:l=$g(this,null,null),l&&l.Fi();return;case 11:!this.d&&(this.d=new Wf(af,this,11)),Vr(this.d);return;case 12:!this.c&&(this.c=new St(kx,this,12,10)),Vr(this.c);return;case 13:this.a&&a9(this.a);return;case 14:this.b&&Vr(this.b);return}Jh(this,s-_r((kn(),vw)),Fn((a=E(Gn(this,16),26),a||vw),s))},S.Gh=function(){var s,a;if(this.c)for(s=0,a=this.c.i;s<a;++s)IN(ke(this.c,s));wp(this),this.Bb|=1},V(Wn,"EOperationImpl",399),H(505,742,bEe,PN),S.Hi=function(s,a){Rst(this,s,E(a,138))},S.Ii=function(s){Sot(this,E(s,138))},S.Oi=function(s){var a,l;return a=E(ke(Rd(this.a),s),87),l=a.c,l||(kn(),qg)},S.Ti=function(s){var a,l;return a=E(TT(Rd(this.a),s),87),l=a.c,l||(kn(),qg)},S.Ui=function(s,a){return Cvt(this,s,E(a,138))},S.ai=function(){return!1},S.Zi=function(s,a,l,v,y){return null},S.Ji=function(){return new bD(this)},S.Ki=function(){Vr(Rd(this.a))},S.Li=function(s){return Aje(this,s)},S.Mi=function(s){var a,l;for(l=s.Kc();l.Ob();)if(a=l.Pb(),!Aje(this,a))return!1;return!0},S.Ni=function(s){var a,l,v;if(Ce(s,15)&&(v=E(s,15),v.gc()==Rd(this.a).i)){for(a=v.Kc(),l=new Tr(this);a.Ob();)if(Qe(a.Pb())!==Qe(Fr(l)))return!1;return!0}return!1},S.Pi=function(){var s,a,l,v,y;for(l=1,a=new Tr(Rd(this.a));a.e!=a.i.gc();)s=E(Fr(a),87),v=(y=s.c,y||(kn(),qg)),l=31*l+(v?$o(v):0);return l},S.Qi=function(s){var a,l,v,y;for(v=0,l=new Tr(Rd(this.a));l.e!=l.i.gc();){if(a=E(Fr(l),87),Qe(s)===Qe((y=a.c,y||(kn(),qg))))return v;++v}return-1},S.Ri=function(){return Rd(this.a).i==0},S.Si=function(){return null},S.Vi=function(){return Rd(this.a).i},S.Wi=function(){var s,a,l,v,y,x;for(x=Rd(this.a).i,y=Pe(mr,Ht,1,x,5,1),l=0,a=new Tr(Rd(this.a));a.e!=a.i.gc();)s=E(Fr(a),87),y[l++]=(v=s.c,v||(kn(),qg));return y},S.Xi=function(s){var a,l,v,y,x,T,O;for(O=Rd(this.a).i,s.length<O&&(y=wL(Od(s).c,O),s=y),s.length>O&&qo(s,O,null),v=0,l=new Tr(Rd(this.a));l.e!=l.i.gc();)a=E(Fr(l),87),x=(T=a.c,T||(kn(),qg)),qo(s,v++,x);return s},S.Yi=function(){var s,a,l,v,y;for(y=new bg,y.a+="[",s=Rd(this.a),a=0,v=Rd(this.a).i;a<v;)Fu(y,Y8((l=E(ke(s,a),87).c,l||(kn(),qg)))),++a<v&&(y.a+=fu);return y.a+="]",y.a},S.$i=function(s){},S.aj=function(){return 13},S.Bk=function(){return!0},S.bj=function(){return!1},S.Ck=function(){return!1},S.Dk=function(){return!1},S.Ek=function(){return!0},S.rk=function(){return!1},S.Fk=function(){return!0},S.wj=function(s){return Ce(s,138)},S.fj=function(){return Rht(this.a)},S.hi=function(){return!0},S.ni=function(){return!0},V(Wn,"EOperationImpl/1",505),H(1340,1964,mA,bD),S.Zc=function(s){return yL(this.a,s)},S.gc=function(){return Rd(this.a.a).i},V(Wn,"EOperationImpl/1/1",1340),H(1341,545,hc,nDe),S.ii=function(s,a){var l,v;return l=E(jF(this,s,a),87),Gd(this.e)&&QE(this,new uL(this.a,7,(kn(),Urt),Ot(a),(v=l.c,v||qg),s)),l},S.jj=function(s,a){return zmt(this,E(s,87),a)},S.kj=function(s,a){return Hmt(this,E(s,87),a)},S.lj=function(s,a,l){return zvt(this,E(s,87),E(a,87),l)},S.Zi=function(s,a,l,v,y){switch(s){case 3:return pF(this,s,a,l,v,this.i>1);case 5:return pF(this,s,a,l,v,this.i-E(l,15).gc()>0);default:return new k0(this.e,s,this.c,a,l,v,!0)}},S.ij=function(){return!0},S.fj=function(){return tre(this)},S.Xj=function(){Vr(this)},V(Wn,"EOperationImpl/2",1341),H(498,1,{1938:1,498:1},vRe),V(Wn,"EPackageImpl/1",498),H(16,85,hc,St),S.zk=function(){return this.d},S.Ak=function(){return this.b},S.Dk=function(){return!0},S.b=0,V(Oo,"EObjectContainmentWithInverseEList",16),H(353,16,hc,a5),S.Ek=function(){return!0},S.li=function(s,a){return M5(this,s,E(a,56))},V(Oo,"EObjectContainmentWithInverseEList/Resolving",353),H(298,353,hc,tT),S.ci=function(){this.a.tb=null},V(Wn,"EPackageImpl/2",298),H(1228,1,{},J3),V(Wn,"EPackageImpl/3",1228),H(718,43,N4,jM),S._b=function(s){return ha(s)?Zee(this,s):!!nc(this.f,s)},V(Wn,"EPackageRegistryImpl",718),H(509,284,{105:1,92:1,90:1,147:1,191:1,56:1,2017:1,108:1,472:1,49:1,97:1,150:1,509:1,284:1,114:1,115:1},e8),S.Qg=function(s){return CMe(this,s)},S._g=function(s,a,l){var v,y,x;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return tr(),!!(this.Bb&256);case 3:return tr(),!!(this.Bb&512);case 4:return Ot(this.s);case 5:return Ot(this.t);case 6:return tr(),x=this.t,x>1||x==-1;case 7:return tr(),y=this.s,y>=1;case 8:return a?wp(this):this.r;case 9:return this.q;case 10:return this.Db>>16==10?E(this.Cb,59):null}return Yh(this,s-_r((kn(),p3)),Fn((v=E(Gn(this,16),26),v||p3),s),a,l)},S.hh=function(s,a,l){var v,y,x;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),Ml(this.Ab,s,l);case 10:return this.Cb&&(l=(y=this.Db>>16,y>=0?CMe(this,l):this.Cb.ih(this,-1-y,null,l))),Ch(this,s,10,l)}return x=E(Fn((v=E(Gn(this,16),26),v||(kn(),p3)),a),66),x.Nj().Qj(this,Zl(this),a-_r((kn(),p3)),s,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 9:return Nee(this,l);case 10:return Ch(this,null,10,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),p3)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),p3)),s,l)},S.lh=function(s){var a,l,v;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return(this.Bb&256)==0;case 3:return(this.Bb&512)==0;case 4:return this.s!=0;case 5:return this.t!=1;case 6:return v=this.t,v>1||v==-1;case 7:return l=this.s,l>=1;case 8:return!!this.r&&!this.q.e&&SS(this.q).i==0;case 9:return!!this.q&&!(this.r&&!this.q.e&&SS(this.q).i==0);case 10:return!!(this.Db>>16==10&&E(this.Cb,59))}return Gh(this,s-_r((kn(),p3)),Fn((a=E(Gn(this,16),26),a||p3),s))},S.zh=function(){return kn(),p3},V(Wn,"EParameterImpl",509),H(99,449,{105:1,92:1,90:1,147:1,191:1,56:1,18:1,170:1,66:1,108:1,472:1,49:1,97:1,150:1,99:1,449:1,284:1,114:1,115:1,677:1},Sde),S._g=function(s,a,l){var v,y,x,T;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return tr(),!!(this.Bb&256);case 3:return tr(),!!(this.Bb&512);case 4:return Ot(this.s);case 5:return Ot(this.t);case 6:return tr(),T=this.t,T>1||T==-1;case 7:return tr(),y=this.s,y>=1;case 8:return a?wp(this):this.r;case 9:return this.q;case 10:return tr(),!!(this.Bb&l1);case 11:return tr(),!!(this.Bb&zT);case 12:return tr(),!!(this.Bb&$T);case 13:return this.j;case 14:return oA(this);case 15:return tr(),!!(this.Bb&ed);case 16:return tr(),!!(this.Bb&xb);case 17:return iT(this);case 18:return tr(),!!(this.Bb&Uc);case 19:return tr(),x=mu(this),!!(x&&x.Bb&Uc);case 20:return tr(),!!(this.Bb&du);case 21:return a?mu(this):this.b;case 22:return a?sge(this):iPe(this);case 23:return!this.a&&(this.a=new r4(f3,this,23)),this.a}return Yh(this,s-_r((kn(),yR)),Fn((v=E(Gn(this,16),26),v||yR),s),a,l)},S.lh=function(s){var a,l,v,y;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return(this.Bb&256)==0;case 3:return(this.Bb&512)==0;case 4:return this.s!=0;case 5:return this.t!=1;case 6:return y=this.t,y>1||y==-1;case 7:return l=this.s,l>=1;case 8:return!!this.r&&!this.q.e&&SS(this.q).i==0;case 9:return!!this.q&&!(this.r&&!this.q.e&&SS(this.q).i==0);case 10:return(this.Bb&l1)==0;case 11:return(this.Bb&zT)!=0;case 12:return(this.Bb&$T)!=0;case 13:return this.j!=null;case 14:return oA(this)!=null;case 15:return(this.Bb&ed)!=0;case 16:return(this.Bb&xb)!=0;case 17:return!!iT(this);case 18:return(this.Bb&Uc)!=0;case 19:return v=mu(this),!!v&&(v.Bb&Uc)!=0;case 20:return(this.Bb&du)==0;case 21:return!!this.b;case 22:return!!iPe(this);case 23:return!!this.a&&this.a.i!=0}return Gh(this,s-_r((kn(),yR)),Fn((a=E(Gn(this,16),26),a||yR),s))},S.sh=function(s,a){var l,v;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:dte(this,ai(a));return;case 2:Qv(this,Wt(Gt(a)));return;case 3:Jv(this,Wt(Gt(a)));return;case 4:Kv(this,E(a,19).a);return;case 5:hT(this,E(a,19).a);return;case 8:S2(this,E(a,138));return;case 9:v=$g(this,E(a,87),null),v&&v.Fi();return;case 10:H6(this,Wt(Gt(a)));return;case 11:q6(this,Wt(Gt(a)));return;case 12:U6(this,Wt(Gt(a)));return;case 13:Dfe(this,ai(a));return;case 15:V6(this,Wt(Gt(a)));return;case 16:W6(this,Wt(Gt(a)));return;case 18:Fdt(this,Wt(Gt(a)));return;case 20:Mge(this,Wt(Gt(a)));return;case 21:j1e(this,E(a,18));return;case 23:!this.a&&(this.a=new r4(f3,this,23)),Vr(this.a),!this.a&&(this.a=new r4(f3,this,23)),Yo(this.a,E(a,14));return}ep(this,s-_r((kn(),yR)),Fn((l=E(Gn(this,16),26),l||yR),s),a)},S.zh=function(){return kn(),yR},S.Bh=function(s){var a,l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:Ce(this.Cb,88)&&xT(kd(E(this.Cb,88)),4),jl(this,null);return;case 2:Qv(this,!0);return;case 3:Jv(this,!0);return;case 4:Kv(this,0);return;case 5:hT(this,1);return;case 8:S2(this,null);return;case 9:l=$g(this,null,null),l&&l.Fi();return;case 10:H6(this,!0);return;case 11:q6(this,!1);return;case 12:U6(this,!1);return;case 13:this.i=null,vW(this,null);return;case 15:V6(this,!1);return;case 16:W6(this,!1);return;case 18:jge(this,!1),Ce(this.Cb,88)&&xT(kd(E(this.Cb,88)),2);return;case 20:Mge(this,!0);return;case 21:j1e(this,null);return;case 23:!this.a&&(this.a=new r4(f3,this,23)),Vr(this.a);return}Jh(this,s-_r((kn(),yR)),Fn((a=E(Gn(this,16),26),a||yR),s))},S.Gh=function(){sge(this),u6(qu((Qf(),Ba),this)),wp(this),this.Bb|=1},S.Lj=function(){return mu(this)},S.qk=function(){var s;return s=mu(this),!!s&&(s.Bb&Uc)!=0},S.rk=function(){return(this.Bb&Uc)!=0},S.sk=function(){return(this.Bb&du)!=0},S.nk=function(s,a){return this.c=null,Oge(this,s,a)},S.Ib=function(){var s;return this.Db&64?AG(this):(s=new pp(AG(this)),s.a+=" (containment: ",gb(s,(this.Bb&Uc)!=0),s.a+=", resolveProxies: ",gb(s,(this.Bb&du)!=0),s.a+=")",s.a)},V(Wn,"EReferenceImpl",99),H(548,115,{105:1,42:1,92:1,90:1,133:1,56:1,108:1,49:1,97:1,548:1,114:1,115:1},A1),S.Fb=function(s){return this===s},S.cd=function(){return this.b},S.dd=function(){return this.c},S.Hb=function(){return gS(this)},S.Uh=function(s){Bct(this,ai(s))},S.ed=function(s){return Rct(this,ai(s))},S._g=function(s,a,l){var v;switch(s){case 0:return this.b;case 1:return this.c}return Yh(this,s-_r((kn(),pu)),Fn((v=E(Gn(this,16),26),v||pu),s),a,l)},S.lh=function(s){var a;switch(s){case 0:return this.b!=null;case 1:return this.c!=null}return Gh(this,s-_r((kn(),pu)),Fn((a=E(Gn(this,16),26),a||pu),s))},S.sh=function(s,a){var l;switch(s){case 0:zct(this,ai(a));return;case 1:$1e(this,ai(a));return}ep(this,s-_r((kn(),pu)),Fn((l=E(Gn(this,16),26),l||pu),s),a)},S.zh=function(){return kn(),pu},S.Bh=function(s){var a;switch(s){case 0:A1e(this,null);return;case 1:$1e(this,null);return}Jh(this,s-_r((kn(),pu)),Fn((a=E(Gn(this,16),26),a||pu),s))},S.Sh=function(){var s;return this.a==-1&&(s=this.b,this.a=s==null?0:ew(s)),this.a},S.Th=function(s){this.a=s},S.Ib=function(){var s;return this.Db&64?u1(this):(s=new pp(u1(this)),s.a+=" (key: ",Fu(s,this.b),s.a+=", value: ",Fu(s,this.c),s.a+=")",s.a)},S.a=-1,S.b=null,S.c=null;var Fc=V(Wn,"EStringToStringMapEntryImpl",548),Yrt=zo(Oo,"FeatureMap/Entry/Internal");H(565,1,VK),S.Ok=function(s){return this.Pk(E(s,49))},S.Pk=function(s){return this.Ok(s)},S.Fb=function(s){var a,l;return this===s?!0:Ce(s,72)?(a=E(s,72),a.ak()==this.c?(l=this.dd(),l==null?a.dd()==null:Ki(l,a.dd())):!1):!1},S.ak=function(){return this.c},S.Hb=function(){var s;return s=this.dd(),$o(this.c)^(s==null?0:$o(s))},S.Ib=function(){var s,a;return s=this.c,a=yh(s.Hj()).Ph(),s.ne(),(a!=null&&a.length!=0?a+":"+s.ne():s.ne())+"="+this.dd()},V(Wn,"EStructuralFeatureImpl/BasicFeatureMapEntry",565),H(776,565,VK,Ade),S.Pk=function(s){return new Ade(this.c,s)},S.dd=function(){return this.a},S.Qk=function(s,a,l){return rbt(this,s,this.a,a,l)},S.Rk=function(s,a,l){return ibt(this,s,this.a,a,l)},V(Wn,"EStructuralFeatureImpl/ContainmentUpdatingFeatureMapEntry",776),H(1314,1,{},wRe),S.Pj=function(s,a,l,v,y){var x;return x=E(m6(s,this.b),215),x.nl(this.a).Wj(v)},S.Qj=function(s,a,l,v,y){var x;return x=E(m6(s,this.b),215),x.el(this.a,v,y)},S.Rj=function(s,a,l,v,y){var x;return x=E(m6(s,this.b),215),x.fl(this.a,v,y)},S.Sj=function(s,a,l){var v;return v=E(m6(s,this.b),215),v.nl(this.a).fj()},S.Tj=function(s,a,l,v){var y;y=E(m6(s,this.b),215),y.nl(this.a).Wb(v)},S.Uj=function(s,a,l){return E(m6(s,this.b),215).nl(this.a)},S.Vj=function(s,a,l){var v;v=E(m6(s,this.b),215),v.nl(this.a).Xj()},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateFeatureMapDelegator",1314),H(89,1,{},Hv,c2,Vv,d2),S.Pj=function(s,a,l,v,y){var x;if(x=a.Ch(l),x==null&&a.Dh(l,x=qG(this,s)),!y)switch(this.e){case 50:case 41:return E(x,589).sj();case 40:return E(x,215).kl()}return x},S.Qj=function(s,a,l,v,y){var x,T;return T=a.Ch(l),T==null&&a.Dh(l,T=qG(this,s)),x=E(T,69).lk(v,y),x},S.Rj=function(s,a,l,v,y){var x;return x=a.Ch(l),x!=null&&(y=E(x,69).mk(v,y)),y},S.Sj=function(s,a,l){var v;return v=a.Ch(l),v!=null&&E(v,76).fj()},S.Tj=function(s,a,l,v){var y;y=E(a.Ch(l),76),!y&&a.Dh(l,y=qG(this,s)),y.Wb(v)},S.Uj=function(s,a,l){var v,y;return y=a.Ch(l),y==null&&a.Dh(l,y=qG(this,s)),Ce(y,76)?E(y,76):(v=E(a.Ch(l),15),new $C(v))},S.Vj=function(s,a,l){var v;v=E(a.Ch(l),76),!v&&a.Dh(l,v=qG(this,s)),v.Xj()},S.b=0,S.e=0,V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateMany",89),H(504,1,{}),S.Qj=function(s,a,l,v,y){throw de(new Yr)},S.Rj=function(s,a,l,v,y){throw de(new Yr)},S.Uj=function(s,a,l){return new p6e(this,s,a,l)};var Lm;V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingle",504),H(1331,1,Wse,p6e),S.Wj=function(s){return this.a.Pj(this.c,this.d,this.b,s,!0)},S.fj=function(){return this.a.Sj(this.c,this.d,this.b)},S.Wb=function(s){this.a.Tj(this.c,this.d,this.b,s)},S.Xj=function(){this.a.Vj(this.c,this.d,this.b)},S.b=0,V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingle/1",1331),H(769,504,{},ppe),S.Pj=function(s,a,l,v,y){return Zre(s,s.eh(),s.Vg())==this.b?this.sk()&&v?Mre(s):s.eh():null},S.Qj=function(s,a,l,v,y){var x,T;return s.eh()&&(y=(x=s.Vg(),x>=0?s.Qg(y):s.eh().ih(s,-1-x,null,y))),T=Fo(s.Tg(),this.e),s.Sg(v,T,y)},S.Rj=function(s,a,l,v,y){var x;return x=Fo(s.Tg(),this.e),s.Sg(null,x,y)},S.Sj=function(s,a,l){var v;return v=Fo(s.Tg(),this.e),!!s.eh()&&s.Vg()==v},S.Tj=function(s,a,l,v){var y,x,T,O,A;if(v!=null&&!rie(this.a,v))throw de(new rS(qK+(Ce(v,56)?Kbe(E(v,56).Tg()):v1e(Od(v)))+WK+this.a+"'"));if(y=s.eh(),T=Fo(s.Tg(),this.e),Qe(v)!==Qe(y)||s.Vg()!=T&&v!=null){if(X6(s,E(v,56)))throw de(new Yn(I9+s.Ib()));A=null,y&&(A=(x=s.Vg(),x>=0?s.Qg(A):s.eh().ih(s,-1-x,null,A))),O=E(v,49),O&&(A=O.gh(s,Fo(O.Tg(),this.b),null,A)),A=s.Sg(O,T,A),A&&A.Fi()}else s.Lg()&&s.Mg()&&Gi(s,new aa(s,1,T,v,v))},S.Vj=function(s,a,l){var v,y,x,T;v=s.eh(),v?(T=(y=s.Vg(),y>=0?s.Qg(null):s.eh().ih(s,-1-y,null,null)),x=Fo(s.Tg(),this.e),T=s.Sg(null,x,T),T&&T.Fi()):s.Lg()&&s.Mg()&&Gi(s,new aF(s,1,this.e,null,null))},S.sk=function(){return!1},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleContainer",769),H(1315,769,{},sIe),S.sk=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleContainerResolving",1315),H(563,504,{}),S.Pj=function(s,a,l,v,y){var x;return x=a.Ch(l),x==null?this.b:Qe(x)===Qe(Lm)?null:x},S.Sj=function(s,a,l){var v;return v=a.Ch(l),v!=null&&(Qe(v)===Qe(Lm)||!Ki(v,this.b))},S.Tj=function(s,a,l,v){var y,x;s.Lg()&&s.Mg()?(y=(x=a.Ch(l),x==null?this.b:Qe(x)===Qe(Lm)?null:x),v==null?this.c!=null?(a.Dh(l,null),v=this.b):this.b!=null?a.Dh(l,Lm):a.Dh(l,null):(this.Sk(v),a.Dh(l,v)),Gi(s,this.d.Tk(s,1,this.e,y,v))):v==null?this.c!=null?a.Dh(l,null):this.b!=null?a.Dh(l,Lm):a.Dh(l,null):(this.Sk(v),a.Dh(l,v))},S.Vj=function(s,a,l){var v,y;s.Lg()&&s.Mg()?(v=(y=a.Ch(l),y==null?this.b:Qe(y)===Qe(Lm)?null:y),a.Eh(l),Gi(s,this.d.Tk(s,1,this.e,v,this.b))):a.Eh(l)},S.Sk=function(s){throw de(new JH)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData",563),H(K4,1,{},rb),S.Tk=function(s,a,l,v,y){return new aF(s,a,l,v,y)},S.Uk=function(s,a,l,v,y,x){return new Jee(s,a,l,v,y,x)};var Nke,Lke,Bke,zke,Hke,Uke,Vke,yle,qke;V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator",K4),H(1332,K4,{},d0),S.Tk=function(s,a,l,v,y){return new Ype(s,a,l,Wt(Gt(v)),Wt(Gt(y)))},S.Uk=function(s,a,l,v,y,x){return new jAe(s,a,l,Wt(Gt(v)),Wt(Gt(y)),x)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator/1",1332),H(1333,K4,{},oC),S.Tk=function(s,a,l,v,y){return new _1e(s,a,l,E(v,217).a,E(y,217).a)},S.Uk=function(s,a,l,v,y,x){return new OAe(s,a,l,E(v,217).a,E(y,217).a,x)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator/2",1333),H(1334,K4,{},Gp),S.Tk=function(s,a,l,v,y){return new S1e(s,a,l,E(v,172).a,E(y,172).a)},S.Uk=function(s,a,l,v,y,x){return new IAe(s,a,l,E(v,172).a,E(y,172).a,x)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator/3",1334),H(1335,K4,{},sC),S.Tk=function(s,a,l,v,y){return new Gpe(s,a,l,ot(Dt(v)),ot(Dt(y)))},S.Uk=function(s,a,l,v,y,x){return new DAe(s,a,l,ot(Dt(v)),ot(Dt(y)),x)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator/4",1335),H(1336,K4,{},om),S.Tk=function(s,a,l,v,y){return new T1e(s,a,l,E(v,155).a,E(y,155).a)},S.Uk=function(s,a,l,v,y,x){return new AAe(s,a,l,E(v,155).a,E(y,155).a,x)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator/5",1336),H(1337,K4,{},N_),S.Tk=function(s,a,l,v,y){return new Kpe(s,a,l,E(v,19).a,E(y,19).a)},S.Uk=function(s,a,l,v,y,x){return new $Ae(s,a,l,E(v,19).a,E(y,19).a,x)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator/6",1337),H(1338,K4,{},XR),S.Tk=function(s,a,l,v,y){return new x1e(s,a,l,E(v,162).a,E(y,162).a)},S.Uk=function(s,a,l,v,y,x){return new PAe(s,a,l,E(v,162).a,E(y,162).a,x)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator/7",1338),H(1339,K4,{},Z3),S.Tk=function(s,a,l,v,y){return new C1e(s,a,l,E(v,184).a,E(y,184).a)},S.Uk=function(s,a,l,v,y,x){return new FAe(s,a,l,E(v,184).a,E(y,184).a,x)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleData/NotificationCreator/8",1339),H(1317,563,{},g6e),S.Sk=function(s){if(!this.a.wj(s))throw de(new rS(qK+Od(s)+WK+this.a+"'"))},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleDataDynamic",1317),H(1318,563,{},rDe),S.Sk=function(s){},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleDataStatic",1318),H(770,563,{}),S.Sj=function(s,a,l){var v;return v=a.Ch(l),v!=null},S.Tj=function(s,a,l,v){var y,x;s.Lg()&&s.Mg()?(y=!0,x=a.Ch(l),x==null?(y=!1,x=this.b):Qe(x)===Qe(Lm)&&(x=null),v==null?this.c!=null?(a.Dh(l,null),v=this.b):a.Dh(l,Lm):(this.Sk(v),a.Dh(l,v)),Gi(s,this.d.Uk(s,1,this.e,x,v,!y))):v==null?this.c!=null?a.Dh(l,null):a.Dh(l,Lm):(this.Sk(v),a.Dh(l,v))},S.Vj=function(s,a,l){var v,y;s.Lg()&&s.Mg()?(v=!0,y=a.Ch(l),y==null?(v=!1,y=this.b):Qe(y)===Qe(Lm)&&(y=null),a.Eh(l),Gi(s,this.d.Uk(s,2,this.e,y,this.b,v))):a.Eh(l)},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleDataUnsettable",770),H(1319,770,{},b6e),S.Sk=function(s){if(!this.a.wj(s))throw de(new rS(qK+Od(s)+WK+this.a+"'"))},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleDataUnsettableDynamic",1319),H(1320,770,{},iDe),S.Sk=function(s){},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleDataUnsettableStatic",1320),H(398,504,{},JV),S.Pj=function(s,a,l,v,y){var x,T,O,A,F;if(F=a.Ch(l),this.Kj()&&Qe(F)===Qe(Lm))return null;if(this.sk()&&v&&F!=null){if(O=E(F,49),O.kh()&&(A=jy(s,O),O!=A)){if(!rie(this.a,A))throw de(new rS(qK+Od(A)+WK+this.a+"'"));a.Dh(l,F=A),this.rk()&&(x=E(A,49),T=O.ih(s,this.b?Fo(O.Tg(),this.b):-1-Fo(s.Tg(),this.e),null,null),!x.eh()&&(T=x.gh(s,this.b?Fo(x.Tg(),this.b):-1-Fo(s.Tg(),this.e),null,T)),T&&T.Fi()),s.Lg()&&s.Mg()&&Gi(s,new aF(s,9,this.e,O,A))}return F}else return F},S.Qj=function(s,a,l,v,y){var x,T;return T=a.Ch(l),Qe(T)===Qe(Lm)&&(T=null),a.Dh(l,v),this.bj()?Qe(T)!==Qe(v)&&T!=null&&(x=E(T,49),y=x.ih(s,Fo(x.Tg(),this.b),null,y)):this.rk()&&T!=null&&(y=E(T,49).ih(s,-1-Fo(s.Tg(),this.e),null,y)),s.Lg()&&s.Mg()&&(!y&&(y=new m0(4)),y.Ei(new aF(s,1,this.e,T,v))),y},S.Rj=function(s,a,l,v,y){var x;return x=a.Ch(l),Qe(x)===Qe(Lm)&&(x=null),a.Eh(l),s.Lg()&&s.Mg()&&(!y&&(y=new m0(4)),this.Kj()?y.Ei(new aF(s,2,this.e,x,null)):y.Ei(new aF(s,1,this.e,x,null))),y},S.Sj=function(s,a,l){var v;return v=a.Ch(l),v!=null},S.Tj=function(s,a,l,v){var y,x,T,O,A;if(v!=null&&!rie(this.a,v))throw de(new rS(qK+(Ce(v,56)?Kbe(E(v,56).Tg()):v1e(Od(v)))+WK+this.a+"'"));A=a.Ch(l),O=A!=null,this.Kj()&&Qe(A)===Qe(Lm)&&(A=null),T=null,this.bj()?Qe(A)!==Qe(v)&&(A!=null&&(y=E(A,49),T=y.ih(s,Fo(y.Tg(),this.b),null,T)),v!=null&&(y=E(v,49),T=y.gh(s,Fo(y.Tg(),this.b),null,T))):this.rk()&&Qe(A)!==Qe(v)&&(A!=null&&(T=E(A,49).ih(s,-1-Fo(s.Tg(),this.e),null,T)),v!=null&&(T=E(v,49).gh(s,-1-Fo(s.Tg(),this.e),null,T))),v==null&&this.Kj()?a.Dh(l,Lm):a.Dh(l,v),s.Lg()&&s.Mg()?(x=new Jee(s,1,this.e,A,v,this.Kj()&&!O),T?(T.Ei(x),T.Fi()):Gi(s,x)):T&&T.Fi()},S.Vj=function(s,a,l){var v,y,x,T,O;O=a.Ch(l),T=O!=null,this.Kj()&&Qe(O)===Qe(Lm)&&(O=null),x=null,O!=null&&(this.bj()?(v=E(O,49),x=v.ih(s,Fo(v.Tg(),this.b),null,x)):this.rk()&&(x=E(O,49).ih(s,-1-Fo(s.Tg(),this.e),null,x))),a.Eh(l),s.Lg()&&s.Mg()?(y=new Jee(s,this.Kj()?2:1,this.e,O,null,T),x?(x.Ei(y),x.Fi()):Gi(s,y)):x&&x.Fi()},S.bj=function(){return!1},S.rk=function(){return!1},S.sk=function(){return!1},S.Kj=function(){return!1},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObject",398),H(564,398,{},eee),S.rk=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectContainment",564),H(1323,564,{},n5e),S.sk=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectContainmentResolving",1323),H(772,564,{},wde),S.Kj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectContainmentUnsettable",772),H(1325,772,{},r5e),S.sk=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectContainmentUnsettableResolving",1325),H(640,564,{},pee),S.bj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectContainmentWithInverse",640),H(1324,640,{},aIe),S.sk=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectContainmentWithInverseResolving",1324),H(773,640,{},ohe),S.Kj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectContainmentWithInverseUnsettable",773),H(1326,773,{},uIe),S.sk=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectContainmentWithInverseUnsettableResolving",1326),H(641,398,{},yde),S.sk=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectResolving",641),H(1327,641,{},i5e),S.Kj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectResolvingUnsettable",1327),H(774,641,{},rhe),S.bj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectResolvingWithInverse",774),H(1328,774,{},cIe),S.Kj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectResolvingWithInverseUnsettable",1328),H(1321,398,{},o5e),S.Kj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectUnsettable",1321),H(771,398,{},ihe),S.bj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectWithInverse",771),H(1322,771,{},lIe),S.Kj=function(){return!0},V(Wn,"EStructuralFeatureImpl/InternalSettingDelegateSingleEObjectWithInverseUnsettable",1322),H(775,565,VK,epe),S.Pk=function(s){return new epe(this.a,this.c,s)},S.dd=function(){return this.b},S.Qk=function(s,a,l){return i1t(this,s,this.b,l)},S.Rk=function(s,a,l){return o1t(this,s,this.b,l)},V(Wn,"EStructuralFeatureImpl/InverseUpdatingFeatureMapEntry",775),H(1329,1,Wse,$C),S.Wj=function(s){return this.a},S.fj=function(){return Ce(this.a,95)?E(this.a,95).fj():!this.a.dc()},S.Wb=function(s){this.a.$b(),this.a.Gc(E(s,15))},S.Xj=function(){Ce(this.a,95)?E(this.a,95).Xj():this.a.$b()},V(Wn,"EStructuralFeatureImpl/SettingMany",1329),H(1330,565,VK,x$e),S.Ok=function(s){return new ree((uo(),qj),this.b.Ih(this.a,s))},S.dd=function(){return null},S.Qk=function(s,a,l){return l},S.Rk=function(s,a,l){return l},V(Wn,"EStructuralFeatureImpl/SimpleContentFeatureMapEntry",1330),H(642,565,VK,ree),S.Ok=function(s){return new ree(this.c,s)},S.dd=function(){return this.a},S.Qk=function(s,a,l){return l},S.Rk=function(s,a,l){return l},V(Wn,"EStructuralFeatureImpl/SimpleFeatureMapEntry",642),H(391,497,Pb,ib),S.ri=function(s){return Pe(Pp,Ht,26,s,0,1)},S.ni=function(){return!1},V(Wn,"ESuperAdapter/1",391),H(444,438,{105:1,92:1,90:1,147:1,191:1,56:1,108:1,836:1,49:1,97:1,150:1,444:1,114:1,115:1},Jw),S._g=function(s,a,l){var v;switch(s){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),this.Ab;case 1:return this.zb;case 2:return!this.a&&(this.a=new rF(this,Au,this)),this.a}return Yh(this,s-_r((kn(),Ox)),Fn((v=E(Gn(this,16),26),v||Ox),s),a,l)},S.jh=function(s,a,l){var v,y;switch(a){case 0:return!this.Ab&&(this.Ab=new St(xi,this,0,3)),eu(this.Ab,s,l);case 2:return!this.a&&(this.a=new rF(this,Au,this)),eu(this.a,s,l)}return y=E(Fn((v=E(Gn(this,16),26),v||(kn(),Ox)),a),66),y.Nj().Rj(this,Zl(this),a-_r((kn(),Ox)),s,l)},S.lh=function(s){var a;switch(s){case 0:return!!this.Ab&&this.Ab.i!=0;case 1:return this.zb!=null;case 2:return!!this.a&&this.a.i!=0}return Gh(this,s-_r((kn(),Ox)),Fn((a=E(Gn(this,16),26),a||Ox),s))},S.sh=function(s,a){var l;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab),!this.Ab&&(this.Ab=new St(xi,this,0,3)),Yo(this.Ab,E(a,14));return;case 1:jl(this,ai(a));return;case 2:!this.a&&(this.a=new rF(this,Au,this)),Vr(this.a),!this.a&&(this.a=new rF(this,Au,this)),Yo(this.a,E(a,14));return}ep(this,s-_r((kn(),Ox)),Fn((l=E(Gn(this,16),26),l||Ox),s),a)},S.zh=function(){return kn(),Ox},S.Bh=function(s){var a;switch(s){case 0:!this.Ab&&(this.Ab=new St(xi,this,0,3)),Vr(this.Ab);return;case 1:jl(this,null);return;case 2:!this.a&&(this.a=new rF(this,Au,this)),Vr(this.a);return}Jh(this,s-_r((kn(),Ox)),Fn((a=E(Gn(this,16),26),a||Ox),s))},V(Wn,"ETypeParameterImpl",444),H(445,85,hc,rF),S.cj=function(s,a){return o2t(this,E(s,87),a)},S.dj=function(s,a){return s2t(this,E(s,87),a)},V(Wn,"ETypeParameterImpl/1",445),H(634,43,N4,MM),S.ec=function(){return new IO(this)},V(Wn,"ETypeParameterImpl/2",634),H(556,Pg,Jf,IO),S.Fc=function(s){return D5e(this,E(s,87))},S.Gc=function(s){var a,l,v;for(v=!1,l=s.Kc();l.Ob();)a=E(l.Pb(),87),Qi(this.a,a,"")==null&&(v=!0);return v},S.$b=function(){fd(this.a)},S.Hc=function(s){return Xd(this.a,s)},S.Kc=function(){var s;return s=new _2(new dg(this.a).a),new Zc(s)},S.Mc=function(s){return mPe(this,s)},S.gc=function(){return YO(this.a)},V(Wn,"ETypeParameterImpl/2/1",556),H(557,1,ga,Zc),S.Nb=function(s){ja(this,s)},S.Pb=function(){return E($S(this.a).cd(),87)},S.Ob=function(){return this.a.b},S.Qb=function(){KPe(this.a)},V(Wn,"ETypeParameterImpl/2/1/1",557),H(1276,43,N4,dJ),S._b=function(s){return ha(s)?Zee(this,s):!!nc(this.f,s)},S.xc=function(s){var a,l;return a=ha(s)?ml(this,s):Rc(nc(this.f,s)),Ce(a,837)?(l=E(a,837),a=l._j(),Qi(this,E(s,235),a),a):a??(s==null?(ro(),Qrt):null)},V(Wn,"EValidatorRegistryImpl",1276),H(1313,704,{105:1,92:1,90:1,471:1,147:1,56:1,108:1,1941:1,49:1,97:1,150:1,114:1,115:1},ug),S.Ih=function(s,a){switch(s.yj()){case 21:case 22:case 23:case 24:case 26:case 31:case 32:case 37:case 38:case 39:case 40:case 43:case 44:case 48:case 49:case 20:return a==null?null:dc(a);case 25:return hgt(a);case 27:return I1t(a);case 28:return D1t(a);case 29:return a==null?null:fOe(Lj[0],E(a,199));case 41:return a==null?"":v0(E(a,290));case 42:return dc(a);case 50:return ai(a);default:throw de(new Yn(OA+s.ne()+ax))}},S.Jh=function(s){var a,l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be;switch(s.G==-1&&(s.G=(Q=yh(s),Q?Zv(Q.Mh(),s):-1)),s.G){case 0:return l=new JP,l;case 1:return a=new ME,a;case 2:return v=new bf,v;case 4:return y=new _D,y;case 5:return x=new cU,x;case 6:return T=new IM,T;case 7:return O=new gk,O;case 10:return F=new rm,F;case 11:return z=new ZP,z;case 12:return q=new $6e,q;case 13:return ee=new e8,ee;case 14:return ie=new Sde,ie;case 17:return fe=new A1,fe;case 18:return A=new b0,A;case 19:return be=new Jw,be;default:throw de(new Yn(Ise+s.zb+ax))}},S.Kh=function(s,a){switch(s.yj()){case 20:return a==null?null:new PU(a);case 21:return a==null?null:new _y(a);case 23:case 22:return a==null?null:vvt(a);case 26:case 24:return a==null?null:mL(xh(a,-128,127)<<24>>24);case 25:return Oxt(a);case 27:return tyt(a);case 28:return nyt(a);case 29:return x2t(a);case 32:case 31:return a==null?null:ST(a);case 38:case 37:return a==null?null:new CD(a);case 40:case 39:return a==null?null:Ot(xh(a,qa,qi));case 41:return null;case 42:return a==null,null;case 44:case 43:return a==null?null:C2(VG(a));case 49:case 48:return a==null?null:z6(xh(a,GK,32767)<<16>>16);case 50:return a;default:throw de(new Yn(OA+s.ne()+ax))}},V(Wn,"EcoreFactoryImpl",1313),H(547,179,{105:1,92:1,90:1,147:1,191:1,56:1,235:1,108:1,1939:1,49:1,97:1,150:1,179:1,547:1,114:1,115:1,675:1},XDe),S.gb=!1,S.hb=!1;var Wke,Xrt=!1;V(Wn,"EcorePackageImpl",547),H(1184,1,{837:1},$1),S._j=function(){return FOe(),Jrt},V(Wn,"EcorePackageImpl/1",1184),H(1193,1,Ai,aC),S.wj=function(s){return Ce(s,147)},S.xj=function(s){return Pe(tH,Ht,147,s,0,1)},V(Wn,"EcorePackageImpl/10",1193),H(1194,1,Ai,Zw),S.wj=function(s){return Ce(s,191)},S.xj=function(s){return Pe(fle,Ht,191,s,0,1)},V(Wn,"EcorePackageImpl/11",1194),H(1195,1,Ai,L_),S.wj=function(s){return Ce(s,56)},S.xj=function(s){return Pe(lE,Ht,56,s,0,1)},V(Wn,"EcorePackageImpl/12",1195),H(1196,1,Ai,QR),S.wj=function(s){return Ce(s,399)},S.xj=function(s){return Pe(Fp,gEe,59,s,0,1)},V(Wn,"EcorePackageImpl/13",1196),H(1197,1,Ai,JR),S.wj=function(s){return Ce(s,235)},S.xj=function(s){return Pe(J1,Ht,235,s,0,1)},V(Wn,"EcorePackageImpl/14",1197),H(1198,1,Ai,ek),S.wj=function(s){return Ce(s,509)},S.xj=function(s){return Pe(kx,Ht,2017,s,0,1)},V(Wn,"EcorePackageImpl/15",1198),H(1199,1,Ai,ZR),S.wj=function(s){return Ce(s,99)},S.xj=function(s){return Pe(d3,G4,18,s,0,1)},V(Wn,"EcorePackageImpl/16",1199),H(1200,1,Ai,gv),S.wj=function(s){return Ce(s,170)},S.xj=function(s){return Pe(Mf,G4,170,s,0,1)},V(Wn,"EcorePackageImpl/17",1200),H(1201,1,Ai,FI),S.wj=function(s){return Ce(s,472)},S.xj=function(s){return Pe(l3,Ht,472,s,0,1)},V(Wn,"EcorePackageImpl/18",1201),H(1202,1,Ai,jI),S.wj=function(s){return Ce(s,548)},S.xj=function(s){return Pe(Fc,WWe,548,s,0,1)},V(Wn,"EcorePackageImpl/19",1202),H(1185,1,Ai,bv),S.wj=function(s){return Ce(s,322)},S.xj=function(s){return Pe(f3,G4,34,s,0,1)},V(Wn,"EcorePackageImpl/2",1185),H(1203,1,Ai,eO),S.wj=function(s){return Ce(s,241)},S.xj=function(s){return Pe(Au,cGe,87,s,0,1)},V(Wn,"EcorePackageImpl/20",1203),H(1204,1,Ai,tk),S.wj=function(s){return Ce(s,444)},S.xj=function(s){return Pe(af,Ht,836,s,0,1)},V(Wn,"EcorePackageImpl/21",1204),H(1205,1,Ai,nk),S.wj=function(s){return WC(s)},S.xj=function(s){return Pe(Us,ft,476,s,8,1)},V(Wn,"EcorePackageImpl/22",1205),H(1206,1,Ai,mv),S.wj=function(s){return Ce(s,190)},S.xj=function(s){return Pe(nd,ft,190,s,0,2)},V(Wn,"EcorePackageImpl/23",1206),H(1207,1,Ai,h0),S.wj=function(s){return Ce(s,217)},S.xj=function(s){return Pe(Z5,ft,217,s,0,1)},V(Wn,"EcorePackageImpl/24",1207),H(1208,1,Ai,MI),S.wj=function(s){return Ce(s,172)},S.xj=function(s){return Pe(H9,ft,172,s,0,1)},V(Wn,"EcorePackageImpl/25",1208),H(1209,1,Ai,NI),S.wj=function(s){return Ce(s,199)},S.xj=function(s){return Pe(sY,ft,199,s,0,1)},V(Wn,"EcorePackageImpl/26",1209),H(1210,1,Ai,tO),S.wj=function(s){return!1},S.xj=function(s){return Pe(l4e,Ht,2110,s,0,1)},V(Wn,"EcorePackageImpl/27",1210),H(1211,1,Ai,nO),S.wj=function(s){return GC(s)},S.xj=function(s){return Pe(xa,ft,333,s,7,1)},V(Wn,"EcorePackageImpl/28",1211),H(1212,1,Ai,cg),S.wj=function(s){return Ce(s,58)},S.xj=function(s){return Pe(Cke,PT,58,s,0,1)},V(Wn,"EcorePackageImpl/29",1212),H(1186,1,Ai,uC),S.wj=function(s){return Ce(s,510)},S.xj=function(s){return Pe(xi,{3:1,4:1,5:1,1934:1},590,s,0,1)},V(Wn,"EcorePackageImpl/3",1186),H(1213,1,Ai,LI),S.wj=function(s){return Ce(s,573)},S.xj=function(s){return Pe(Rke,Ht,1940,s,0,1)},V(Wn,"EcorePackageImpl/30",1213),H(1214,1,Ai,vv),S.wj=function(s){return Ce(s,153)},S.xj=function(s){return Pe(Qke,PT,153,s,0,1)},V(Wn,"EcorePackageImpl/31",1214),H(1215,1,Ai,B_),S.wj=function(s){return Ce(s,72)},S.xj=function(s){return Pe(_Q,vGe,72,s,0,1)},V(Wn,"EcorePackageImpl/32",1215),H(1216,1,Ai,sm),S.wj=function(s){return Ce(s,155)},S.xj=function(s){return Pe(jA,ft,155,s,0,1)},V(Wn,"EcorePackageImpl/33",1216),H(1217,1,Ai,Vd),S.wj=function(s){return Ce(s,19)},S.xj=function(s){return Pe(nu,ft,19,s,0,1)},V(Wn,"EcorePackageImpl/34",1217),H(1218,1,Ai,rk),S.wj=function(s){return Ce(s,290)},S.xj=function(s){return Pe(REe,Ht,290,s,0,1)},V(Wn,"EcorePackageImpl/35",1218),H(1219,1,Ai,ik),S.wj=function(s){return Ce(s,162)},S.xj=function(s){return Pe(cx,ft,162,s,0,1)},V(Wn,"EcorePackageImpl/36",1219),H(1220,1,Ai,BI),S.wj=function(s){return Ce(s,83)},S.xj=function(s){return Pe(OEe,Ht,83,s,0,1)},V(Wn,"EcorePackageImpl/37",1220),H(1221,1,Ai,z_),S.wj=function(s){return Ce(s,591)},S.xj=function(s){return Pe(Gke,Ht,591,s,0,1)},V(Wn,"EcorePackageImpl/38",1221),H(1222,1,Ai,cC),S.wj=function(s){return!1},S.xj=function(s){return Pe(f4e,Ht,2111,s,0,1)},V(Wn,"EcorePackageImpl/39",1222),H(1187,1,Ai,lC),S.wj=function(s){return Ce(s,88)},S.xj=function(s){return Pe(Pp,Ht,26,s,0,1)},V(Wn,"EcorePackageImpl/4",1187),H(1223,1,Ai,rO),S.wj=function(s){return Ce(s,184)},S.xj=function(s){return Pe(lx,ft,184,s,0,1)},V(Wn,"EcorePackageImpl/40",1223),H(1224,1,Ai,fC),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(Wn,"EcorePackageImpl/41",1224),H(1225,1,Ai,dC),S.wj=function(s){return Ce(s,588)},S.xj=function(s){return Pe(kke,Ht,588,s,0,1)},V(Wn,"EcorePackageImpl/42",1225),H(1226,1,Ai,ok),S.wj=function(s){return!1},S.xj=function(s){return Pe(d4e,ft,2112,s,0,1)},V(Wn,"EcorePackageImpl/43",1226),H(1227,1,Ai,H_),S.wj=function(s){return Ce(s,42)},S.xj=function(s){return Pe(z2,YG,42,s,0,1)},V(Wn,"EcorePackageImpl/44",1227),H(1188,1,Ai,zI),S.wj=function(s){return Ce(s,138)},S.xj=function(s){return Pe(Z1,Ht,138,s,0,1)},V(Wn,"EcorePackageImpl/5",1188),H(1189,1,Ai,hC),S.wj=function(s){return Ce(s,148)},S.xj=function(s){return Pe(mle,Ht,148,s,0,1)},V(Wn,"EcorePackageImpl/6",1189),H(1190,1,Ai,iO),S.wj=function(s){return Ce(s,457)},S.xj=function(s){return Pe(EQ,Ht,671,s,0,1)},V(Wn,"EcorePackageImpl/7",1190),H(1191,1,Ai,HI),S.wj=function(s){return Ce(s,573)},S.xj=function(s){return Pe(W0,Ht,678,s,0,1)},V(Wn,"EcorePackageImpl/8",1191),H(1192,1,Ai,U_),S.wj=function(s){return Ce(s,471)},S.xj=function(s){return Pe(Nj,Ht,471,s,0,1)},V(Wn,"EcorePackageImpl/9",1192),H(1025,1982,qWe,_J),S.bi=function(s,a){Vmt(this,E(a,415))},S.fi=function(s,a){BNe(this,s,E(a,415))},V(Wn,"MinimalEObjectImpl/1ArrayDelegatingAdapterList",1025),H(1026,143,qB,zDe),S.Ai=function(){return this.a.a},V(Wn,"MinimalEObjectImpl/1ArrayDelegatingAdapterList/1",1026),H(1053,1052,{},rOe),V("org.eclipse.emf.ecore.plugin","EcorePlugin",1053);var Gke=zo(wGe,"Resource");H(781,1378,yGe),S.Yk=function(s){},S.Zk=function(s){},S.Vk=function(){return!this.a&&(this.a=new wo(this)),this.a},S.Wk=function(s){var a,l,v,y,x;if(v=s.length,v>0)if(ui(0,s.length),s.charCodeAt(0)==47){for(x=new Fl(4),y=1,a=1;a<v;++a)ui(a,s.length),s.charCodeAt(a)==47&&(Et(x,y==a?"":s.substr(y,a-y)),y=a+1);return Et(x,s.substr(y)),Wyt(this,x)}else ui(v-1,s.length),s.charCodeAt(v-1)==63&&(l=Vde(s,Af(63),v-2),l>0&&(s=s.substr(0,l)));return dSt(this,s)},S.Xk=function(){return this.c},S.Ib=function(){var s;return v0(this.gm)+"@"+(s=$o(this)>>>0,s.toString(16))+" uri='"+this.d+"'"},S.b=!1,V(Gse,"ResourceImpl",781),H(1379,781,yGe,XQ),V(Gse,"BinaryResourceImpl",1379),H(1169,694,zse),S.si=function(s){return Ce(s,56)?Gft(this,E(s,56)):Ce(s,591)?new Tr(E(s,591).Vk()):Qe(s)===Qe(this.f)?E(s,14).Kc():(JD(),iH.a)},S.Ob=function(){return Lme(this)},S.a=!1,V(Oo,"EcoreUtil/ContentTreeIterator",1169),H(1380,1169,zse,vDe),S.si=function(s){return Qe(s)===Qe(this.f)?E(s,15).Kc():new t$e(E(s,56))},V(Gse,"ResourceImpl/5",1380),H(648,1994,uGe,wo),S.Hc=function(s){return this.i<=4?J6(this,s):Ce(s,49)&&E(s,49).Zg()==this.a},S.bi=function(s,a){s==this.i-1&&(this.a.b||(this.a.b=!0))},S.di=function(s,a){s==0?this.a.b||(this.a.b=!0):Ite(this,s,a)},S.fi=function(s,a){},S.gi=function(s,a,l){},S.aj=function(){return 2},S.Ai=function(){return this.a},S.bj=function(){return!0},S.cj=function(s,a){var l;return l=E(s,49),a=l.wh(this.a,a),a},S.dj=function(s,a){var l;return l=E(s,49),l.wh(null,a)},S.ej=function(){return!1},S.hi=function(){return!0},S.ri=function(s){return Pe(lE,Ht,56,s,0,1)},S.ni=function(){return!1},V(Gse,"ResourceImpl/ContentsEList",648),H(957,1964,mA,mD),S.Zc=function(s){return this.a._h(s)},S.gc=function(){return this.a.gc()},V(Oo,"AbstractSequentialInternalEList/1",957);var Kke,Yke,Ba,Xke;H(624,1,{},yIe);var SQ,xQ;V(Oo,"BasicExtendedMetaData",624),H(1160,1,{},yRe),S.$k=function(){return null},S._k=function(){return this.a==-2&&yO(this,w2t(this.d,this.b)),this.a},S.al=function(){return null},S.bl=function(){return In(),In(),wu},S.ne=function(){return this.c==AA&&sP(this,m7e(this.d,this.b)),this.c},S.cl=function(){return 0},S.a=-2,S.c=AA,V(Oo,"BasicExtendedMetaData/EClassExtendedMetaDataImpl",1160),H(1161,1,{},zAe),S.$k=function(){return this.a==(g6(),SQ)&&p0(this,FCt(this.f,this.b)),this.a},S._k=function(){return 0},S.al=function(){return this.c==(g6(),SQ)&&ZI(this,jCt(this.f,this.b)),this.c},S.bl=function(){return!this.d&&VE(this,F3t(this.f,this.b)),this.d},S.ne=function(){return this.e==AA&&W_(this,m7e(this.f,this.b)),this.e},S.cl=function(){return this.g==-2&&P1(this,NEt(this.f,this.b)),this.g},S.e=AA,S.g=-2,V(Oo,"BasicExtendedMetaData/EDataTypeExtendedMetaDataImpl",1161),H(1159,1,{},_Re),S.b=!1,S.c=!1,V(Oo,"BasicExtendedMetaData/EPackageExtendedMetaDataImpl",1159),H(1162,1,{},BAe),S.c=-2,S.e=AA,S.f=AA,V(Oo,"BasicExtendedMetaData/EStructuralFeatureExtendedMetaDataImpl",1162),H(585,622,hc,VV),S.aj=function(){return this.c},S.Fk=function(){return!1},S.li=function(s,a){return a},S.c=0,V(Oo,"EDataTypeEList",585);var Qke=zo(Oo,"FeatureMap");H(75,585,{3:1,4:1,20:1,28:1,52:1,14:1,15:1,54:1,67:1,63:1,58:1,76:1,153:1,215:1,1937:1,69:1,95:1},Xo),S.Vc=function(s,a){DCt(this,s,E(a,72))},S.Fc=function(s){return Xxt(this,E(s,72))},S.Yh=function(s){jlt(this,E(s,72))},S.cj=function(s,a){return bat(this,E(s,72),a)},S.dj=function(s,a){return Wde(this,E(s,72),a)},S.ii=function(s,a){return Z3t(this,s,a)},S.li=function(s,a){return ARt(this,s,E(a,72))},S._c=function(s,a){return ETt(this,s,E(a,72))},S.jj=function(s,a){return mat(this,E(s,72),a)},S.kj=function(s,a){return q5e(this,E(s,72),a)},S.lj=function(s,a,l){return EEt(this,E(s,72),E(a,72),l)},S.oi=function(s,a){return yre(this,s,E(a,72))},S.dl=function(s,a){return k0e(this,s,a)},S.Wc=function(s,a){var l,v,y,x,T,O,A,F,z;for(F=new AS(a.gc()),y=a.Kc();y.Ob();)if(v=E(y.Pb(),72),x=v.ak(),j0(this.e,x))(!x.hi()||!Lq(this,x,v.dd())&&!J6(F,v))&&ei(F,v);else{for(z=tf(this.e.Tg(),x),l=E(this.g,119),T=!0,O=0;O<this.i;++O)if(A=l[O],z.rl(A.ak())){E(E4(this,O,v),72),T=!1;break}T&&ei(F,v)}return tge(this,s,F)},S.Gc=function(s){var a,l,v,y,x,T,O,A,F;for(A=new AS(s.gc()),v=s.Kc();v.Ob();)if(l=E(v.Pb(),72),y=l.ak(),j0(this.e,y))(!y.hi()||!Lq(this,y,l.dd())&&!J6(A,l))&&ei(A,l);else{for(F=tf(this.e.Tg(),y),a=E(this.g,119),x=!0,T=0;T<this.i;++T)if(O=a[T],F.rl(O.ak())){E(E4(this,T,l),72),x=!1;break}x&&ei(A,l)}return Yo(this,A)},S.Wh=function(s){return this.j=-1,iie(this,this.i,s)},S.el=function(s,a,l){return E0e(this,s,a,l)},S.mk=function(s,a){return dB(this,s,a)},S.fl=function(s,a,l){return V0e(this,s,a,l)},S.gl=function(){return this},S.hl=function(s,a){return bB(this,s,a)},S.il=function(s){return E(ke(this,s),72).ak()},S.jl=function(s){return E(ke(this,s),72).dd()},S.kl=function(){return this.b},S.bj=function(){return!0},S.ij=function(){return!0},S.ll=function(s){return!LL(this,s)},S.ri=function(s){return Pe(Yrt,vGe,332,s,0,1)},S.Gk=function(s){return tee(this,s)},S.Wb=function(s){qN(this,s)},S.ml=function(s,a){LG(this,s,a)},S.nl=function(s){return DFe(this,s)},S.ol=function(s){tMe(this,s)},V(Oo,"BasicFeatureMap",75),H(1851,1,Tm),S.Nb=function(s){ja(this,s)},S.Rb=function(s){if(this.g==-1)throw de(new Kl);iq(this);try{TBe(this.e,this.b,this.a,s),this.d=this.e.j,rG(this)}catch(a){throw a=Mo(a),Ce(a,73)?de(new Td):de(a)}},S.Ob=function(){return wne(this)},S.Sb=function(){return tje(this)},S.Pb=function(){return rG(this)},S.Tb=function(){return this.a},S.Ub=function(){var s;if(tje(this))return iq(this),this.g=--this.a,this.Lk()&&(s=YF(this.e,this.b,this.c,this.a,this.j),this.j=s),this.i=0,this.j;throw de(new mc)},S.Vb=function(){return this.a-1},S.Qb=function(){if(this.g==-1)throw de(new Kl);iq(this);try{SNe(this.e,this.b,this.g),this.d=this.e.j,this.g<this.a&&(--this.a,--this.c),--this.g}catch(s){throw s=Mo(s),Ce(s,73)?de(new Td):de(s)}},S.Lk=function(){return!1},S.Wb=function(s){if(this.g==-1)throw de(new Kl);iq(this);try{Xze(this.e,this.b,this.g,s),this.d=this.e.j}catch(a){throw a=Mo(a),Ce(a,73)?de(new Td):de(a)}},S.a=0,S.c=0,S.d=0,S.f=!1,S.g=0,S.i=0,V(Oo,"FeatureMapUtil/BasicFeatureEIterator",1851),H(410,1851,Tm,A6),S.pl=function(){var s,a,l;for(l=this.e.i,s=E(this.e.g,119);this.c<l;){if(a=s[this.c],this.k.rl(a.ak()))return this.j=this.f?a:a.dd(),this.i=2,!0;++this.c}return this.i=1,this.g=-1,!1},S.ql=function(){var s,a;for(s=E(this.e.g,119);--this.c>=0;)if(a=s[this.c],this.k.rl(a.ak()))return this.j=this.f?a:a.dd(),this.i=-2,!0;return this.i=-1,this.g=-1,!1},V(Oo,"BasicFeatureMap/FeatureEIterator",410),H(662,410,Tm,LZ),S.Lk=function(){return!0},V(Oo,"BasicFeatureMap/ResolvingFeatureEIterator",662),H(955,486,HK,hOe),S.Gi=function(){return this},V(Oo,"EContentsEList/1",955),H(956,486,HK,NRe),S.Lk=function(){return!1},V(Oo,"EContentsEList/2",956),H(954,279,UK,pOe),S.Nk=function(s){},S.Ob=function(){return!1},S.Sb=function(){return!1},V(Oo,"EContentsEList/FeatureIteratorImpl/1",954),H(825,585,hc,Qfe),S.ci=function(){this.a=!0},S.fj=function(){return this.a},S.Xj=function(){var s;Vr(this),Gd(this.e)?(s=this.a,this.a=!1,Gi(this.e,new o1(this.e,2,this.c,s,!1))):this.a=!1},S.a=!1,V(Oo,"EDataTypeEList/Unsettable",825),H(1849,585,hc,_Oe),S.hi=function(){return!0},V(Oo,"EDataTypeUniqueEList",1849),H(1850,825,hc,SOe),S.hi=function(){return!0},V(Oo,"EDataTypeUniqueEList/Unsettable",1850),H(139,85,hc,Wf),S.Ek=function(){return!0},S.li=function(s,a){return M5(this,s,E(a,56))},V(Oo,"EObjectContainmentEList/Resolving",139),H(1163,545,hc,EOe),S.Ek=function(){return!0},S.li=function(s,a){return M5(this,s,E(a,56))},V(Oo,"EObjectContainmentEList/Unsettable/Resolving",1163),H(748,16,hc,Lde),S.ci=function(){this.a=!0},S.fj=function(){return this.a},S.Xj=function(){var s;Vr(this),Gd(this.e)?(s=this.a,this.a=!1,Gi(this.e,new o1(this.e,2,this.c,s,!1))):this.a=!1},S.a=!1,V(Oo,"EObjectContainmentWithInverseEList/Unsettable",748),H(1173,748,hc,A5e),S.Ek=function(){return!0},S.li=function(s,a){return M5(this,s,E(a,56))},V(Oo,"EObjectContainmentWithInverseEList/Unsettable/Resolving",1173),H(743,496,hc,Xfe),S.ci=function(){this.a=!0},S.fj=function(){return this.a},S.Xj=function(){var s;Vr(this),Gd(this.e)?(s=this.a,this.a=!1,Gi(this.e,new o1(this.e,2,this.c,s,!1))):this.a=!1},S.a=!1,V(Oo,"EObjectEList/Unsettable",743),H(328,496,hc,r4),S.Ek=function(){return!0},S.li=function(s,a){return M5(this,s,E(a,56))},V(Oo,"EObjectResolvingEList",328),H(1641,743,hc,xOe),S.Ek=function(){return!0},S.li=function(s,a){return M5(this,s,E(a,56))},V(Oo,"EObjectResolvingEList/Unsettable",1641),H(1381,1,{},UI);var Qrt;V(Oo,"EObjectValidator",1381),H(546,496,hc,cq),S.zk=function(){return this.d},S.Ak=function(){return this.b},S.bj=function(){return!0},S.Dk=function(){return!0},S.b=0,V(Oo,"EObjectWithInverseEList",546),H(1176,546,hc,$5e),S.Ck=function(){return!0},V(Oo,"EObjectWithInverseEList/ManyInverse",1176),H(625,546,hc,oee),S.ci=function(){this.a=!0},S.fj=function(){return this.a},S.Xj=function(){var s;Vr(this),Gd(this.e)?(s=this.a,this.a=!1,Gi(this.e,new o1(this.e,2,this.c,s,!1))):this.a=!1},S.a=!1,V(Oo,"EObjectWithInverseEList/Unsettable",625),H(1175,625,hc,P5e),S.Ck=function(){return!0},V(Oo,"EObjectWithInverseEList/Unsettable/ManyInverse",1175),H(749,546,hc,Bde),S.Ek=function(){return!0},S.li=function(s,a){return M5(this,s,E(a,56))},V(Oo,"EObjectWithInverseResolvingEList",749),H(31,749,hc,Bn),S.Ck=function(){return!0},V(Oo,"EObjectWithInverseResolvingEList/ManyInverse",31),H(750,625,hc,zde),S.Ek=function(){return!0},S.li=function(s,a){return M5(this,s,E(a,56))},V(Oo,"EObjectWithInverseResolvingEList/Unsettable",750),H(1174,750,hc,F5e),S.Ck=function(){return!0},V(Oo,"EObjectWithInverseResolvingEList/Unsettable/ManyInverse",1174),H(1164,622,hc),S.ai=function(){return(this.b&1792)==0},S.ci=function(){this.b|=1},S.Bk=function(){return(this.b&4)!=0},S.bj=function(){return(this.b&40)!=0},S.Ck=function(){return(this.b&16)!=0},S.Dk=function(){return(this.b&8)!=0},S.Ek=function(){return(this.b&zT)!=0},S.rk=function(){return(this.b&32)!=0},S.Fk=function(){return(this.b&l1)!=0},S.wj=function(s){return this.d?b$e(this.d,s):this.ak().Yj().wj(s)},S.fj=function(){return this.b&2?(this.b&1)!=0:this.i!=0},S.hi=function(){return(this.b&128)!=0},S.Xj=function(){var s;Vr(this),this.b&2&&(Gd(this.e)?(s=(this.b&1)!=0,this.b&=-2,QE(this,new o1(this.e,2,Fo(this.e.Tg(),this.ak()),s,!1))):this.b&=-2)},S.ni=function(){return(this.b&1536)==0},S.b=0,V(Oo,"EcoreEList/Generic",1164),H(1165,1164,hc,C6e),S.ak=function(){return this.a},V(Oo,"EcoreEList/Dynamic",1165),H(747,63,Pb,lb),S.ri=function(s){return wL(this.a.a,s)},V(Oo,"EcoreEMap/1",747),H(746,85,hc,Lhe),S.bi=function(s,a){oG(this.b,E(a,133))},S.di=function(s,a){f9e(this.b)},S.ei=function(s,a,l){var v;++(v=this.b,E(a,133),v).e},S.fi=function(s,a){One(this.b,E(a,133))},S.gi=function(s,a,l){One(this.b,E(l,133)),Qe(l)===Qe(a)&&E(l,133).Th(xot(E(a,133).cd())),oG(this.b,E(a,133))},V(Oo,"EcoreEMap/DelegateEObjectContainmentEList",746),H(1171,151,pEe,xFe),V(Oo,"EcoreEMap/Unsettable",1171),H(1172,746,hc,j5e),S.ci=function(){this.a=!0},S.fj=function(){return this.a},S.Xj=function(){var s;Vr(this),Gd(this.e)?(s=this.a,this.a=!1,Gi(this.e,new o1(this.e,2,this.c,s,!1))):this.a=!1},S.a=!1,V(Oo,"EcoreEMap/Unsettable/UnsettableDelegateEObjectContainmentEList",1172),H(1168,228,N4,RDe),S.a=!1,S.b=!1,V(Oo,"EcoreUtil/Copier",1168),H(745,1,ga,t$e),S.Nb=function(s){ja(this,s)},S.Ob=function(){return Qje(this)},S.Pb=function(){var s;return Qje(this),s=this.b,this.b=null,s},S.Qb=function(){this.a.Qb()},V(Oo,"EcoreUtil/ProperContentIterator",745),H(1382,1381,{},mf);var Jrt;V(Oo,"EcoreValidator",1382);var Zrt;zo(Oo,"FeatureMapUtil/Validator"),H(1260,1,{1942:1},pC),S.rl=function(s){return!0},V(Oo,"FeatureMapUtil/1",1260),H(757,1,{1942:1},nve),S.rl=function(s){var a;return this.c==s?!0:(a=Gt(Cr(this.a,s)),a==null?b3t(this,s)?(cPe(this.a,s,(tr(),FA)),!0):(cPe(this.a,s,(tr(),H2)),!1):a==(tr(),FA))},S.e=!1;var Ele;V(Oo,"FeatureMapUtil/BasicValidator",757),H(758,43,N4,Wfe),V(Oo,"FeatureMapUtil/BasicValidator/Cache",758),H(501,52,{20:1,28:1,52:1,14:1,15:1,58:1,76:1,69:1,95:1},TN),S.Vc=function(s,a){TBe(this.c,this.b,s,a)},S.Fc=function(s){return k0e(this.c,this.b,s)},S.Wc=function(s,a){return D4t(this.c,this.b,s,a)},S.Gc=function(s){return G8(this,s)},S.Xh=function(s,a){J1t(this.c,this.b,s,a)},S.lk=function(s,a){return E0e(this.c,this.b,s,a)},S.pi=function(s){return NG(this.c,this.b,s,!1)},S.Zh=function(){return YRe(this.c,this.b)},S.$h=function(){return fot(this.c,this.b)},S._h=function(s){return r1t(this.c,this.b,s)},S.mk=function(s,a){return p5e(this,s,a)},S.$b=function(){JE(this)},S.Hc=function(s){return Lq(this.c,this.b,s)},S.Ic=function(s){return nbt(this.c,this.b,s)},S.Xb=function(s){return NG(this.c,this.b,s,!0)},S.Wj=function(s){return this},S.Xc=function(s){return ppt(this.c,this.b,s)},S.dc=function(){return mV(this)},S.fj=function(){return!LL(this.c,this.b)},S.Kc=function(){return B1t(this.c,this.b)},S.Yc=function(){return z1t(this.c,this.b)},S.Zc=function(s){return Zmt(this.c,this.b,s)},S.ii=function(s,a){return Vze(this.c,this.b,s,a)},S.ji=function(s,a){Qpt(this.c,this.b,s,a)},S.$c=function(s){return SNe(this.c,this.b,s)},S.Mc=function(s){return M3t(this.c,this.b,s)},S._c=function(s,a){return Xze(this.c,this.b,s,a)},S.Wb=function(s){EG(this.c,this.b),G8(this,E(s,15))},S.gc=function(){return d0t(this.c,this.b)},S.Pc=function(){return fht(this.c,this.b)},S.Qc=function(s){return gpt(this.c,this.b,s)},S.Ib=function(){var s,a;for(a=new bg,a.a+="[",s=YRe(this.c,this.b);wne(s);)Fu(a,Y8(rG(s))),wne(s)&&(a.a+=fu);return a.a+="]",a.a},S.Xj=function(){EG(this.c,this.b)},V(Oo,"FeatureMapUtil/FeatureEList",501),H(627,36,qB,Ete),S.yi=function(s){return PF(this,s)},S.Di=function(s){var a,l,v,y,x,T,O;switch(this.d){case 1:case 2:{if(x=s.Ai(),Qe(x)===Qe(this.c)&&PF(this,null)==s.yi(null))return this.g=s.zi(),s.xi()==1&&(this.d=1),!0;break}case 3:{switch(y=s.xi(),y){case 3:{if(x=s.Ai(),Qe(x)===Qe(this.c)&&PF(this,null)==s.yi(null))return this.d=5,a=new AS(2),ei(a,this.g),ei(a,s.zi()),this.g=a,!0;break}}break}case 5:{switch(y=s.xi(),y){case 3:{if(x=s.Ai(),Qe(x)===Qe(this.c)&&PF(this,null)==s.yi(null))return l=E(this.g,14),l.Fc(s.zi()),!0;break}}break}case 4:{switch(y=s.xi(),y){case 3:{if(x=s.Ai(),Qe(x)===Qe(this.c)&&PF(this,null)==s.yi(null))return this.d=1,this.g=s.zi(),!0;break}case 4:{if(x=s.Ai(),Qe(x)===Qe(this.c)&&PF(this,null)==s.yi(null))return this.d=6,O=new AS(2),ei(O,this.n),ei(O,s.Bi()),this.n=O,T=pe(he(Gr,1),Ei,25,15,[this.o,s.Ci()]),this.g=T,!0;break}}break}case 6:{switch(y=s.xi(),y){case 4:{if(x=s.Ai(),Qe(x)===Qe(this.c)&&PF(this,null)==s.yi(null))return l=E(this.n,14),l.Fc(s.Bi()),T=E(this.g,48),v=Pe(Gr,Ei,25,T.length+1,15,1),ll(T,0,v,0,T.length),v[T.length]=s.Ci(),this.g=v,!0;break}}break}}return!1},V(Oo,"FeatureMapUtil/FeatureENotificationImpl",627),H(552,501,{20:1,28:1,52:1,14:1,15:1,58:1,76:1,153:1,215:1,1937:1,69:1,95:1},KV),S.dl=function(s,a){return k0e(this.c,s,a)},S.el=function(s,a,l){return E0e(this.c,s,a,l)},S.fl=function(s,a,l){return V0e(this.c,s,a,l)},S.gl=function(){return this},S.hl=function(s,a){return bB(this.c,s,a)},S.il=function(s){return E(NG(this.c,this.b,s,!1),72).ak()},S.jl=function(s){return E(NG(this.c,this.b,s,!1),72).dd()},S.kl=function(){return this.a},S.ll=function(s){return!LL(this.c,s)},S.ml=function(s,a){LG(this.c,s,a)},S.nl=function(s){return DFe(this.c,s)},S.ol=function(s){tMe(this.c,s)},V(Oo,"FeatureMapUtil/FeatureFeatureMap",552),H(1259,1,Wse,SRe),S.Wj=function(s){return NG(this.b,this.a,-1,s)},S.fj=function(){return!LL(this.b,this.a)},S.Wb=function(s){LG(this.b,this.a,s)},S.Xj=function(){EG(this.b,this.a)},V(Oo,"FeatureMapUtil/FeatureValue",1259);var _I,_le,Sle,SI,eit,sH=zo(QK,"AnyType");H(666,60,M0,$D),V(QK,"InvalidDatatypeValueException",666);var CQ=zo(QK,_Ge),aH=zo(QK,SGe),Jke=zo(QK,xGe),tit,qc,Zke,r_,nit,rit,iit,oit,sit,ait,uit,cit,lit,fit,dit,ER,hit,_R,Uj,pit,Ix,uH,cH,git,Vj,qj;H(830,506,{105:1,92:1,90:1,56:1,49:1,97:1,843:1},lU),S._g=function(s,a,l){switch(s){case 0:return l?(!this.c&&(this.c=new Xo(this,0)),this.c):(!this.c&&(this.c=new Xo(this,0)),this.c.b);case 1:return l?(!this.c&&(this.c=new Xo(this,0)),E(vl(this.c,(uo(),r_)),153)):(!this.c&&(this.c=new Xo(this,0)),E(E(vl(this.c,(uo(),r_)),153),215)).kl();case 2:return l?(!this.b&&(this.b=new Xo(this,2)),this.b):(!this.b&&(this.b=new Xo(this,2)),this.b.b)}return Yh(this,s-_r(this.zh()),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():this.zh(),s),a,l)},S.jh=function(s,a,l){var v;switch(a){case 0:return!this.c&&(this.c=new Xo(this,0)),dB(this.c,s,l);case 1:return(!this.c&&(this.c=new Xo(this,0)),E(E(vl(this.c,(uo(),r_)),153),69)).mk(s,l);case 2:return!this.b&&(this.b=new Xo(this,2)),dB(this.b,s,l)}return v=E(Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():this.zh(),a),66),v.Nj().Rj(this,p1e(this),a-_r(this.zh()),s,l)},S.lh=function(s){switch(s){case 0:return!!this.c&&this.c.i!=0;case 1:return!(!this.c&&(this.c=new Xo(this,0)),E(vl(this.c,(uo(),r_)),153)).dc();case 2:return!!this.b&&this.b.i!=0}return Gh(this,s-_r(this.zh()),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():this.zh(),s))},S.sh=function(s,a){switch(s){case 0:!this.c&&(this.c=new Xo(this,0)),qN(this.c,a);return;case 1:(!this.c&&(this.c=new Xo(this,0)),E(E(vl(this.c,(uo(),r_)),153),215)).Wb(a);return;case 2:!this.b&&(this.b=new Xo(this,2)),qN(this.b,a);return}ep(this,s-_r(this.zh()),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():this.zh(),s),a)},S.zh=function(){return uo(),Zke},S.Bh=function(s){switch(s){case 0:!this.c&&(this.c=new Xo(this,0)),Vr(this.c);return;case 1:(!this.c&&(this.c=new Xo(this,0)),E(vl(this.c,(uo(),r_)),153)).$b();return;case 2:!this.b&&(this.b=new Xo(this,2)),Vr(this.b);return}Jh(this,s-_r(this.zh()),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():this.zh(),s))},S.Ib=function(){var s;return this.j&4?u1(this):(s=new pp(u1(this)),s.a+=" (mixed: ",U8(s,this.c),s.a+=", anyAttribute: ",U8(s,this.b),s.a+=")",s.a)},V(fs,"AnyTypeImpl",830),H(667,506,{105:1,92:1,90:1,56:1,49:1,97:1,2021:1,667:1},B),S._g=function(s,a,l){switch(s){case 0:return this.a;case 1:return this.b}return Yh(this,s-_r((uo(),ER)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():ER,s),a,l)},S.lh=function(s){switch(s){case 0:return this.a!=null;case 1:return this.b!=null}return Gh(this,s-_r((uo(),ER)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():ER,s))},S.sh=function(s,a){switch(s){case 0:Ek(this,ai(a));return;case 1:B7(this,ai(a));return}ep(this,s-_r((uo(),ER)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():ER,s),a)},S.zh=function(){return uo(),ER},S.Bh=function(s){switch(s){case 0:this.a=null;return;case 1:this.b=null;return}Jh(this,s-_r((uo(),ER)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():ER,s))},S.Ib=function(){var s;return this.j&4?u1(this):(s=new pp(u1(this)),s.a+=" (data: ",Fu(s,this.a),s.a+=", target: ",Fu(s,this.b),s.a+=")",s.a)},S.a=null,S.b=null,V(fs,"ProcessingInstructionImpl",667),H(668,830,{105:1,92:1,90:1,56:1,49:1,97:1,843:1,2022:1,668:1},fU),S._g=function(s,a,l){switch(s){case 0:return l?(!this.c&&(this.c=new Xo(this,0)),this.c):(!this.c&&(this.c=new Xo(this,0)),this.c.b);case 1:return l?(!this.c&&(this.c=new Xo(this,0)),E(vl(this.c,(uo(),r_)),153)):(!this.c&&(this.c=new Xo(this,0)),E(E(vl(this.c,(uo(),r_)),153),215)).kl();case 2:return l?(!this.b&&(this.b=new Xo(this,2)),this.b):(!this.b&&(this.b=new Xo(this,2)),this.b.b);case 3:return!this.c&&(this.c=new Xo(this,0)),ai(bB(this.c,(uo(),Uj),!0));case 4:return Hde(this.a,(!this.c&&(this.c=new Xo(this,0)),ai(bB(this.c,(uo(),Uj),!0))));case 5:return this.a}return Yh(this,s-_r((uo(),_R)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():_R,s),a,l)},S.lh=function(s){switch(s){case 0:return!!this.c&&this.c.i!=0;case 1:return!(!this.c&&(this.c=new Xo(this,0)),E(vl(this.c,(uo(),r_)),153)).dc();case 2:return!!this.b&&this.b.i!=0;case 3:return!this.c&&(this.c=new Xo(this,0)),ai(bB(this.c,(uo(),Uj),!0))!=null;case 4:return Hde(this.a,(!this.c&&(this.c=new Xo(this,0)),ai(bB(this.c,(uo(),Uj),!0))))!=null;case 5:return!!this.a}return Gh(this,s-_r((uo(),_R)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():_R,s))},S.sh=function(s,a){switch(s){case 0:!this.c&&(this.c=new Xo(this,0)),qN(this.c,a);return;case 1:(!this.c&&(this.c=new Xo(this,0)),E(E(vl(this.c,(uo(),r_)),153),215)).Wb(a);return;case 2:!this.b&&(this.b=new Xo(this,2)),qN(this.b,a);return;case 3:kpe(this,ai(a));return;case 4:kpe(this,Ude(this.a,a));return;case 5:_k(this,E(a,148));return}ep(this,s-_r((uo(),_R)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():_R,s),a)},S.zh=function(){return uo(),_R},S.Bh=function(s){switch(s){case 0:!this.c&&(this.c=new Xo(this,0)),Vr(this.c);return;case 1:(!this.c&&(this.c=new Xo(this,0)),E(vl(this.c,(uo(),r_)),153)).$b();return;case 2:!this.b&&(this.b=new Xo(this,2)),Vr(this.b);return;case 3:!this.c&&(this.c=new Xo(this,0)),LG(this.c,(uo(),Uj),null);return;case 4:kpe(this,Ude(this.a,null));return;case 5:this.a=null;return}Jh(this,s-_r((uo(),_R)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():_R,s))},V(fs,"SimpleAnyTypeImpl",668),H(669,506,{105:1,92:1,90:1,56:1,49:1,97:1,2023:1,669:1},hJ),S._g=function(s,a,l){switch(s){case 0:return l?(!this.a&&(this.a=new Xo(this,0)),this.a):(!this.a&&(this.a=new Xo(this,0)),this.a.b);case 1:return l?(!this.b&&(this.b=new Jd((kn(),pu),Fc,this,1)),this.b):(!this.b&&(this.b=new Jd((kn(),pu),Fc,this,1)),sL(this.b));case 2:return l?(!this.c&&(this.c=new Jd((kn(),pu),Fc,this,2)),this.c):(!this.c&&(this.c=new Jd((kn(),pu),Fc,this,2)),sL(this.c));case 3:return!this.a&&(this.a=new Xo(this,0)),vl(this.a,(uo(),uH));case 4:return!this.a&&(this.a=new Xo(this,0)),vl(this.a,(uo(),cH));case 5:return!this.a&&(this.a=new Xo(this,0)),vl(this.a,(uo(),Vj));case 6:return!this.a&&(this.a=new Xo(this,0)),vl(this.a,(uo(),qj))}return Yh(this,s-_r((uo(),Ix)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():Ix,s),a,l)},S.jh=function(s,a,l){var v;switch(a){case 0:return!this.a&&(this.a=new Xo(this,0)),dB(this.a,s,l);case 1:return!this.b&&(this.b=new Jd((kn(),pu),Fc,this,1)),LV(this.b,s,l);case 2:return!this.c&&(this.c=new Jd((kn(),pu),Fc,this,2)),LV(this.c,s,l);case 5:return!this.a&&(this.a=new Xo(this,0)),p5e(vl(this.a,(uo(),Vj)),s,l)}return v=E(Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():(uo(),Ix),a),66),v.Nj().Rj(this,p1e(this),a-_r((uo(),Ix)),s,l)},S.lh=function(s){switch(s){case 0:return!!this.a&&this.a.i!=0;case 1:return!!this.b&&this.b.f!=0;case 2:return!!this.c&&this.c.f!=0;case 3:return!this.a&&(this.a=new Xo(this,0)),!mV(vl(this.a,(uo(),uH)));case 4:return!this.a&&(this.a=new Xo(this,0)),!mV(vl(this.a,(uo(),cH)));case 5:return!this.a&&(this.a=new Xo(this,0)),!mV(vl(this.a,(uo(),Vj)));case 6:return!this.a&&(this.a=new Xo(this,0)),!mV(vl(this.a,(uo(),qj)))}return Gh(this,s-_r((uo(),Ix)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():Ix,s))},S.sh=function(s,a){switch(s){case 0:!this.a&&(this.a=new Xo(this,0)),qN(this.a,a);return;case 1:!this.b&&(this.b=new Jd((kn(),pu),Fc,this,1)),kW(this.b,a);return;case 2:!this.c&&(this.c=new Jd((kn(),pu),Fc,this,2)),kW(this.c,a);return;case 3:!this.a&&(this.a=new Xo(this,0)),JE(vl(this.a,(uo(),uH))),!this.a&&(this.a=new Xo(this,0)),G8(vl(this.a,uH),E(a,14));return;case 4:!this.a&&(this.a=new Xo(this,0)),JE(vl(this.a,(uo(),cH))),!this.a&&(this.a=new Xo(this,0)),G8(vl(this.a,cH),E(a,14));return;case 5:!this.a&&(this.a=new Xo(this,0)),JE(vl(this.a,(uo(),Vj))),!this.a&&(this.a=new Xo(this,0)),G8(vl(this.a,Vj),E(a,14));return;case 6:!this.a&&(this.a=new Xo(this,0)),JE(vl(this.a,(uo(),qj))),!this.a&&(this.a=new Xo(this,0)),G8(vl(this.a,qj),E(a,14));return}ep(this,s-_r((uo(),Ix)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():Ix,s),a)},S.zh=function(){return uo(),Ix},S.Bh=function(s){switch(s){case 0:!this.a&&(this.a=new Xo(this,0)),Vr(this.a);return;case 1:!this.b&&(this.b=new Jd((kn(),pu),Fc,this,1)),this.b.c.$b();return;case 2:!this.c&&(this.c=new Jd((kn(),pu),Fc,this,2)),this.c.c.$b();return;case 3:!this.a&&(this.a=new Xo(this,0)),JE(vl(this.a,(uo(),uH)));return;case 4:!this.a&&(this.a=new Xo(this,0)),JE(vl(this.a,(uo(),cH)));return;case 5:!this.a&&(this.a=new Xo(this,0)),JE(vl(this.a,(uo(),Vj)));return;case 6:!this.a&&(this.a=new Xo(this,0)),JE(vl(this.a,(uo(),qj)));return}Jh(this,s-_r((uo(),Ix)),Fn(this.j&2?(!this.k&&(this.k=new gf),this.k).ck():Ix,s))},S.Ib=function(){var s;return this.j&4?u1(this):(s=new pp(u1(this)),s.a+=" (mixed: ",U8(s,this.a),s.a+=")",s.a)},V(fs,"XMLTypeDocumentRootImpl",669),H(1919,704,{105:1,92:1,90:1,471:1,147:1,56:1,108:1,49:1,97:1,150:1,114:1,115:1,2024:1},j),S.Ih=function(s,a){switch(s.yj()){case 7:case 8:case 9:case 10:case 16:case 22:case 23:case 24:case 25:case 26:case 32:case 33:case 34:case 36:case 37:case 44:case 45:case 50:case 51:case 53:case 55:case 56:case 57:case 58:case 60:case 61:case 4:return a==null?null:dc(a);case 19:case 28:case 29:case 35:case 38:case 39:case 41:case 46:case 52:case 54:case 5:return ai(a);case 6:return Ist(E(a,190));case 12:case 47:case 49:case 11:return MHe(this,s,a);case 13:return a==null?null:m4t(E(a,240));case 15:case 14:return a==null?null:klt(ot(Dt(a)));case 17:return BMe((uo(),a));case 18:return BMe(a);case 21:case 20:return a==null?null:Rlt(E(a,155).a);case 27:return Dst(E(a,190));case 30:return nMe((uo(),E(a,15)));case 31:return nMe(E(a,15));case 40:return $st((uo(),a));case 42:return zMe((uo(),a));case 43:return zMe(a);case 59:case 48:return Ast((uo(),a));default:throw de(new Yn(OA+s.ne()+ax))}},S.Jh=function(s){var a,l,v,y,x;switch(s.G==-1&&(s.G=(l=yh(s),l?Zv(l.Mh(),s):-1)),s.G){case 0:return a=new lU,a;case 1:return v=new B,v;case 2:return y=new fU,y;case 3:return x=new hJ,x;default:throw de(new Yn(Ise+s.zb+ax))}},S.Kh=function(s,a){var l,v,y,x,T,O,A,F,z,q,Q,ee,ie,fe,be,Ie;switch(s.yj()){case 5:case 52:case 4:return a;case 6:return Gvt(a);case 8:case 7:return a==null?null:PEt(a);case 9:return a==null?null:mL(xh((v=El(a,!0),v.length>0&&(ui(0,v.length),v.charCodeAt(0)==43)?v.substr(1):v),-128,127)<<24>>24);case 10:return a==null?null:mL(xh((y=El(a,!0),y.length>0&&(ui(0,y.length),y.charCodeAt(0)==43)?y.substr(1):y),-128,127)<<24>>24);case 11:return ai(ex(this,(uo(),iit),a));case 12:return ai(ex(this,(uo(),oit),a));case 13:return a==null?null:new PU(El(a,!0));case 15:case 14:return tCt(a);case 16:return ai(ex(this,(uo(),sit),a));case 17:return u7e((uo(),a));case 18:return u7e(a);case 28:case 29:case 35:case 38:case 39:case 41:case 54:case 19:return El(a,!0);case 21:case 20:return lCt(a);case 22:return ai(ex(this,(uo(),ait),a));case 23:return ai(ex(this,(uo(),uit),a));case 24:return ai(ex(this,(uo(),cit),a));case 25:return ai(ex(this,(uo(),lit),a));case 26:return ai(ex(this,(uo(),fit),a));case 27:return Hvt(a);case 30:return c7e((uo(),a));case 31:return c7e(a);case 32:return a==null?null:Ot(xh((z=El(a,!0),z.length>0&&(ui(0,z.length),z.charCodeAt(0)==43)?z.substr(1):z),qa,qi));case 33:return a==null?null:new _y((q=El(a,!0),q.length>0&&(ui(0,q.length),q.charCodeAt(0)==43)?q.substr(1):q));case 34:return a==null?null:Ot(xh((Q=El(a,!0),Q.length>0&&(ui(0,Q.length),Q.charCodeAt(0)==43)?Q.substr(1):Q),qa,qi));case 36:return a==null?null:C2(VG((ee=El(a,!0),ee.length>0&&(ui(0,ee.length),ee.charCodeAt(0)==43)?ee.substr(1):ee)));case 37:return a==null?null:C2(VG((ie=El(a,!0),ie.length>0&&(ui(0,ie.length),ie.charCodeAt(0)==43)?ie.substr(1):ie)));case 40:return ivt((uo(),a));case 42:return l7e((uo(),a));case 43:return l7e(a);case 44:return a==null?null:new _y((fe=El(a,!0),fe.length>0&&(ui(0,fe.length),fe.charCodeAt(0)==43)?fe.substr(1):fe));case 45:return a==null?null:new _y((be=El(a,!0),be.length>0&&(ui(0,be.length),be.charCodeAt(0)==43)?be.substr(1):be));case 46:return El(a,!1);case 47:return ai(ex(this,(uo(),dit),a));case 59:case 48:return rvt((uo(),a));case 49:return ai(ex(this,(uo(),hit),a));case 50:return a==null?null:z6(xh((Ie=El(a,!0),Ie.length>0&&(ui(0,Ie.length),Ie.charCodeAt(0)==43)?Ie.substr(1):Ie),GK,32767)<<16>>16);case 51:return a==null?null:z6(xh((x=El(a,!0),x.length>0&&(ui(0,x.length),x.charCodeAt(0)==43)?x.substr(1):x),GK,32767)<<16>>16);case 53:return ai(ex(this,(uo(),pit),a));case 55:return a==null?null:z6(xh((T=El(a,!0),T.length>0&&(ui(0,T.length),T.charCodeAt(0)==43)?T.substr(1):T),GK,32767)<<16>>16);case 56:return a==null?null:z6(xh((O=El(a,!0),O.length>0&&(ui(0,O.length),O.charCodeAt(0)==43)?O.substr(1):O),GK,32767)<<16>>16);case 57:return a==null?null:C2(VG((A=El(a,!0),A.length>0&&(ui(0,A.length),A.charCodeAt(0)==43)?A.substr(1):A)));case 58:return a==null?null:C2(VG((F=El(a,!0),F.length>0&&(ui(0,F.length),F.charCodeAt(0)==43)?F.substr(1):F)));case 60:return a==null?null:Ot(xh((l=El(a,!0),l.length>0&&(ui(0,l.length),l.charCodeAt(0)==43)?l.substr(1):l),qa,qi));case 61:return a==null?null:Ot(xh(El(a,!0),qa,qi));default:throw de(new Yn(OA+s.ne()+ax))}};var bit,e4e,mit,t4e;V(fs,"XMLTypeFactoryImpl",1919),H(586,179,{105:1,92:1,90:1,147:1,191:1,56:1,235:1,108:1,49:1,97:1,150:1,179:1,114:1,115:1,675:1,1945:1,586:1},YDe),S.N=!1,S.O=!1;var vit=!1;V(fs,"XMLTypePackageImpl",586),H(1852,1,{837:1},Y),S._j=function(){return F0e(),kit},V(fs,"XMLTypePackageImpl/1",1852),H(1861,1,Ai,ae),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/10",1861),H(1862,1,Ai,we),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/11",1862),H(1863,1,Ai,$e),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/12",1863),H(1864,1,Ai,Ye),S.wj=function(s){return GC(s)},S.xj=function(s){return Pe(xa,ft,333,s,7,1)},V(fs,"XMLTypePackageImpl/13",1864),H(1865,1,Ai,Ct),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/14",1865),H(1866,1,Ai,Qt),S.wj=function(s){return Ce(s,15)},S.xj=function(s){return Pe(rp,PT,15,s,0,1)},V(fs,"XMLTypePackageImpl/15",1866),H(1867,1,Ai,sr),S.wj=function(s){return Ce(s,15)},S.xj=function(s){return Pe(rp,PT,15,s,0,1)},V(fs,"XMLTypePackageImpl/16",1867),H(1868,1,Ai,ao),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/17",1868),H(1869,1,Ai,Fs),S.wj=function(s){return Ce(s,155)},S.xj=function(s){return Pe(jA,ft,155,s,0,1)},V(fs,"XMLTypePackageImpl/18",1869),H(1870,1,Ai,Xr),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/19",1870),H(1853,1,Ai,Lo),S.wj=function(s){return Ce(s,843)},S.xj=function(s){return Pe(sH,Ht,843,s,0,1)},V(fs,"XMLTypePackageImpl/2",1853),H(1871,1,Ai,Gs),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/20",1871),H(1872,1,Ai,as),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/21",1872),H(1873,1,Ai,$n),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/22",1873),H(1874,1,Ai,un),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/23",1874),H(1875,1,Ai,On),S.wj=function(s){return Ce(s,190)},S.xj=function(s){return Pe(nd,ft,190,s,0,2)},V(fs,"XMLTypePackageImpl/24",1875),H(1876,1,Ai,kr),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/25",1876),H(1877,1,Ai,zr),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/26",1877),H(1878,1,Ai,oa),S.wj=function(s){return Ce(s,15)},S.xj=function(s){return Pe(rp,PT,15,s,0,1)},V(fs,"XMLTypePackageImpl/27",1878),H(1879,1,Ai,mo),S.wj=function(s){return Ce(s,15)},S.xj=function(s){return Pe(rp,PT,15,s,0,1)},V(fs,"XMLTypePackageImpl/28",1879),H(1880,1,Ai,_s),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/29",1880),H(1854,1,Ai,Ta),S.wj=function(s){return Ce(s,667)},S.xj=function(s){return Pe(CQ,Ht,2021,s,0,1)},V(fs,"XMLTypePackageImpl/3",1854),H(1881,1,Ai,da),S.wj=function(s){return Ce(s,19)},S.xj=function(s){return Pe(nu,ft,19,s,0,1)},V(fs,"XMLTypePackageImpl/30",1881),H(1882,1,Ai,wv),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/31",1882),H(1883,1,Ai,VI),S.wj=function(s){return Ce(s,162)},S.xj=function(s){return Pe(cx,ft,162,s,0,1)},V(fs,"XMLTypePackageImpl/32",1883),H(1884,1,Ai,C$),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/33",1884),H(1885,1,Ai,e7),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/34",1885),H(1886,1,Ai,t7),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/35",1886),H(1887,1,Ai,n7),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/36",1887),H(1888,1,Ai,sk),S.wj=function(s){return Ce(s,15)},S.xj=function(s){return Pe(rp,PT,15,s,0,1)},V(fs,"XMLTypePackageImpl/37",1888),H(1889,1,Ai,T$),S.wj=function(s){return Ce(s,15)},S.xj=function(s){return Pe(rp,PT,15,s,0,1)},V(fs,"XMLTypePackageImpl/38",1889),H(1890,1,Ai,k$),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/39",1890),H(1855,1,Ai,r7),S.wj=function(s){return Ce(s,668)},S.xj=function(s){return Pe(aH,Ht,2022,s,0,1)},V(fs,"XMLTypePackageImpl/4",1855),H(1891,1,Ai,R$),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/40",1891),H(1892,1,Ai,i7),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/41",1892),H(1893,1,Ai,Wl),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/42",1893),H(1894,1,Ai,O$),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/43",1894),H(1895,1,Ai,qI),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/44",1895),H(1896,1,Ai,WI),S.wj=function(s){return Ce(s,184)},S.xj=function(s){return Pe(lx,ft,184,s,0,1)},V(fs,"XMLTypePackageImpl/45",1896),H(1897,1,Ai,I$),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/46",1897),H(1898,1,Ai,D$),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/47",1898),H(1899,1,Ai,A$),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/48",1899),H(Vy,1,Ai,ak),S.wj=function(s){return Ce(s,184)},S.xj=function(s){return Pe(lx,ft,184,s,0,1)},V(fs,"XMLTypePackageImpl/49",Vy),H(1856,1,Ai,oO),S.wj=function(s){return Ce(s,669)},S.xj=function(s){return Pe(Jke,Ht,2023,s,0,1)},V(fs,"XMLTypePackageImpl/5",1856),H(1901,1,Ai,sO),S.wj=function(s){return Ce(s,162)},S.xj=function(s){return Pe(cx,ft,162,s,0,1)},V(fs,"XMLTypePackageImpl/50",1901),H(1902,1,Ai,gC),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/51",1902),H(1903,1,Ai,o7),S.wj=function(s){return Ce(s,19)},S.xj=function(s){return Pe(nu,ft,19,s,0,1)},V(fs,"XMLTypePackageImpl/52",1903),H(1857,1,Ai,$$),S.wj=function(s){return ha(s)},S.xj=function(s){return Pe(Bt,ft,2,s,6,1)},V(fs,"XMLTypePackageImpl/6",1857),H(1858,1,Ai,s7),S.wj=function(s){return Ce(s,190)},S.xj=function(s){return Pe(nd,ft,190,s,0,2)},V(fs,"XMLTypePackageImpl/7",1858),H(1859,1,Ai,P$),S.wj=function(s){return WC(s)},S.xj=function(s){return Pe(Us,ft,476,s,8,1)},V(fs,"XMLTypePackageImpl/8",1859),H(1860,1,Ai,lg),S.wj=function(s){return Ce(s,217)},S.xj=function(s){return Pe(Z5,ft,217,s,0,1)},V(fs,"XMLTypePackageImpl/9",1860);var Wg,yw,Wj,TQ,ye;H(50,60,M0,Hr),V(uw,"RegEx/ParseException",50),H(820,1,{},bC),S.sl=function(s){return s<this.j&&Ma(this.i,s)==63},S.tl=function(){var s,a,l,v,y;if(this.c!=10)throw de(new Hr(di((ni(),LK))));switch(s=this.a,s){case 101:s=27;break;case 102:s=12;break;case 110:s=10;break;case 114:s=13;break;case 116:s=9;break;case 120:if(Li(this),this.c!=0)throw de(new Hr(di((ni(),aw))));if(this.a==123){y=0,l=0;do{if(Li(this),this.c!=0)throw de(new Hr(di((ni(),aw))));if((y=k2(this.a))<0)break;if(l>l*16)throw de(new Hr(di((ni(),FWe))));l=l*16+y}while(!0);if(this.a!=125)throw de(new Hr(di((ni(),jWe))));if(l>$A)throw de(new Hr(di((ni(),MWe))));s=l}else{if(y=0,this.c!=0||(y=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(l=y,Li(this),this.c!=0||(y=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));l=l*16+y,s=l}break;case 117:if(v=0,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=v,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=a*16+v,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=a*16+v,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));a=a*16+v,s=a;break;case 118:if(Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=v,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=a*16+v,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=a*16+v,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=a*16+v,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=a*16+v,Li(this),this.c!=0||(v=k2(this.a))<0)throw de(new Hr(di((ni(),aw))));if(a=a*16+v,a>$A)throw de(new Hr(di((ni(),"parser.descappe.4"))));s=a;break;case 65:case 90:case 122:throw de(new Hr(di((ni(),NWe))))}return s},S.ul=function(s){var a,l;switch(s){case 100:l=(this.e&32)==32?Hy("Nd",!0):(zi(),kQ);break;case 68:l=(this.e&32)==32?Hy("Nd",!1):(zi(),a4e);break;case 119:l=(this.e&32)==32?Hy("IsWord",!0):(zi(),y$);break;case 87:l=(this.e&32)==32?Hy("IsWord",!1):(zi(),c4e);break;case 115:l=(this.e&32)==32?Hy("IsSpace",!0):(zi(),xI);break;case 83:l=(this.e&32)==32?Hy("IsSpace",!1):(zi(),u4e);break;default:throw de(new Zu((a=s,NGe+a.toString(16))))}return l},S.vl=function(s){var a,l,v,y,x,T,O,A,F,z,q,Q;for(this.b=1,Li(this),a=null,this.c==0&&this.a==94?(Li(this),s?z=(zi(),zi(),new vh(5)):(a=(zi(),zi(),new vh(4)),yl(a,0,$A),z=new vh(4))):z=(zi(),zi(),new vh(4)),y=!0;(Q=this.c)!=1&&!(Q==0&&this.a==93&&!y);){if(y=!1,l=this.a,v=!1,Q==10)switch(l){case 100:case 68:case 119:case 87:case 115:case 83:IT(z,this.ul(l)),v=!0;break;case 105:case 73:case 99:case 67:l=this.Ll(z,l),l<0&&(v=!0);break;case 112:case 80:if(q=Mme(this,l),!q)throw de(new Hr(di((ni(),Use))));IT(z,q),v=!0;break;default:l=this.tl()}else if(Q==20){if(T=XD(this.i,58,this.d),T<0)throw de(new Hr(di((ni(),uEe))));if(O=!0,Ma(this.i,this.d)==94&&(++this.d,O=!1),x=bh(this.i,this.d,T),A=XPe(x,O,(this.e&512)==512),!A)throw de(new Hr(di((ni(),IWe))));if(IT(z,A),v=!0,T+1>=this.j||Ma(this.i,T+1)!=93)throw de(new Hr(di((ni(),uEe))));this.d=T+2}if(Li(this),!v)if(this.c!=0||this.a!=45)yl(z,l,l);else{if(Li(this),(Q=this.c)==1)throw de(new Hr(di((ni(),BK))));Q==0&&this.a==93?(yl(z,l,l),yl(z,45,45)):(F=this.a,Q==10&&(F=this.tl()),Li(this),yl(z,l,F))}(this.e&l1)==l1&&this.c==0&&this.a==44&&Li(this)}if(this.c==1)throw de(new Hr(di((ni(),BK))));return a&&(u9(a,z),z=a),R4(z),s9(z),this.b=0,Li(this),z},S.wl=function(){var s,a,l,v;for(l=this.vl(!1);(v=this.c)!=7;)if(s=this.a,v==0&&(s==45||s==38)||v==4){if(Li(this),this.c!=9)throw de(new Hr(di((ni(),AWe))));if(a=this.vl(!1),v==4)IT(l,a);else if(s==45)u9(l,a);else if(s==38)DHe(l,a);else throw de(new Zu("ASSERT"))}else throw de(new Hr(di((ni(),$We))));return Li(this),l},S.xl=function(){var s,a;return s=this.a-48,a=(zi(),zi(),new ite(12,null,s)),!this.g&&(this.g=new zP),xD(this.g,new AP(s)),Li(this),a},S.yl=function(){return Li(this),zi(),Eit},S.zl=function(){return Li(this),zi(),yit},S.Al=function(){throw de(new Hr(di((ni(),np))))},S.Bl=function(){throw de(new Hr(di((ni(),np))))},S.Cl=function(){return Li(this),omt()},S.Dl=function(){return Li(this),zi(),Sit},S.El=function(){return Li(this),zi(),Cit},S.Fl=function(){var s;if(this.d>=this.j||((s=Ma(this.i,this.d++))&65504)!=64)throw de(new Hr(di((ni(),kWe))));return Li(this),zi(),zi(),new vm(0,s-64)},S.Gl=function(){return Li(this),Hkt()},S.Hl=function(){return Li(this),zi(),Tit},S.Il=function(){var s;return s=(zi(),zi(),new vm(0,105)),Li(this),s},S.Jl=function(){return Li(this),zi(),xit},S.Kl=function(){return Li(this),zi(),_it},S.Ll=function(s,a){return this.tl()},S.Ml=function(){return Li(this),zi(),o4e},S.Nl=function(){var s,a,l,v,y;if(this.d+1>=this.j)throw de(new Hr(di((ni(),xWe))));if(v=-1,a=null,s=Ma(this.i,this.d),49<=s&&s<=57){if(v=s-48,!this.g&&(this.g=new zP),xD(this.g,new AP(v)),++this.d,Ma(this.i,this.d)!=41)throw de(new Hr(di((ni(),L2))));++this.d}else switch(s==63&&--this.d,Li(this),a=sve(this),a.e){case 20:case 21:case 22:case 23:break;case 8:if(this.c!=7)throw de(new Hr(di((ni(),L2))));break;default:throw de(new Hr(di((ni(),CWe))))}if(Li(this),y=VS(this),l=null,y.e==2){if(y.em()!=2)throw de(new Hr(di((ni(),TWe))));l=y.am(1),y=y.am(0)}if(this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),zi(),zi(),new R8e(v,a,y,l)},S.Ol=function(){return Li(this),zi(),s4e},S.Pl=function(){var s;if(Li(this),s=lq(24,VS(this)),this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),s},S.Ql=function(){var s;if(Li(this),s=lq(20,VS(this)),this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),s},S.Rl=function(){var s;if(Li(this),s=lq(22,VS(this)),this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),s},S.Sl=function(){var s,a,l,v,y;for(s=0,l=0,a=-1;this.d<this.j&&(a=Ma(this.i,this.d),y=Hme(a),y!=0);)s|=y,++this.d;if(this.d>=this.j)throw de(new Hr(di((ni(),sEe))));if(a==45){for(++this.d;this.d<this.j&&(a=Ma(this.i,this.d),y=Hme(a),y!=0);)l|=y,++this.d;if(this.d>=this.j)throw de(new Hr(di((ni(),sEe))))}if(a==58){if(++this.d,Li(this),v=$De(VS(this),s,l),this.c!=7)throw de(new Hr(di((ni(),L2))));Li(this)}else if(a==41)++this.d,Li(this),v=$De(VS(this),s,l);else throw de(new Hr(di((ni(),SWe))));return v},S.Tl=function(){var s;if(Li(this),s=lq(21,VS(this)),this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),s},S.Ul=function(){var s;if(Li(this),s=lq(23,VS(this)),this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),s},S.Vl=function(){var s,a;if(Li(this),s=this.f++,a=Dee(VS(this),s),this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),a},S.Wl=function(){var s;if(Li(this),s=Dee(VS(this),0),this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),s},S.Xl=function(s){return Li(this),this.c==5?(Li(this),eq(s,(zi(),zi(),new sT(9,s)))):eq(s,(zi(),zi(),new sT(3,s)))},S.Yl=function(s){var a;return Li(this),a=(zi(),zi(),new W8(2)),this.c==5?(Li(this),I2(a,Kj),I2(a,s)):(I2(a,s),I2(a,Kj)),a},S.Zl=function(s){return Li(this),this.c==5?(Li(this),zi(),zi(),new sT(9,s)):(zi(),zi(),new sT(3,s))},S.a=0,S.b=0,S.c=0,S.d=0,S.e=0,S.f=1,S.g=null,S.j=0,V(uw,"RegEx/RegexParser",820),H(1824,820,{},pJ),S.sl=function(s){return!1},S.tl=function(){return m0e(this)},S.ul=function(s){return uA(s)},S.vl=function(s){return SUe(this)},S.wl=function(){throw de(new Hr(di((ni(),np))))},S.xl=function(){throw de(new Hr(di((ni(),np))))},S.yl=function(){throw de(new Hr(di((ni(),np))))},S.zl=function(){throw de(new Hr(di((ni(),np))))},S.Al=function(){return Li(this),uA(67)},S.Bl=function(){return Li(this),uA(73)},S.Cl=function(){throw de(new Hr(di((ni(),np))))},S.Dl=function(){throw de(new Hr(di((ni(),np))))},S.El=function(){throw de(new Hr(di((ni(),np))))},S.Fl=function(){return Li(this),uA(99)},S.Gl=function(){throw de(new Hr(di((ni(),np))))},S.Hl=function(){throw de(new Hr(di((ni(),np))))},S.Il=function(){return Li(this),uA(105)},S.Jl=function(){throw de(new Hr(di((ni(),np))))},S.Kl=function(){throw de(new Hr(di((ni(),np))))},S.Ll=function(s,a){return IT(s,uA(a)),-1},S.Ml=function(){return Li(this),zi(),zi(),new vm(0,94)},S.Nl=function(){throw de(new Hr(di((ni(),np))))},S.Ol=function(){return Li(this),zi(),zi(),new vm(0,36)},S.Pl=function(){throw de(new Hr(di((ni(),np))))},S.Ql=function(){throw de(new Hr(di((ni(),np))))},S.Rl=function(){throw de(new Hr(di((ni(),np))))},S.Sl=function(){throw de(new Hr(di((ni(),np))))},S.Tl=function(){throw de(new Hr(di((ni(),np))))},S.Ul=function(){throw de(new Hr(di((ni(),np))))},S.Vl=function(){var s;if(Li(this),s=Dee(VS(this),0),this.c!=7)throw de(new Hr(di((ni(),L2))));return Li(this),s},S.Wl=function(){throw de(new Hr(di((ni(),np))))},S.Xl=function(s){return Li(this),eq(s,(zi(),zi(),new sT(3,s)))},S.Yl=function(s){var a;return Li(this),a=(zi(),zi(),new W8(2)),I2(a,s),I2(a,Kj),a},S.Zl=function(s){return Li(this),zi(),zi(),new sT(3,s)};var SR=null,v$=null;V(uw,"RegEx/ParserForXMLSchema",1824),H(117,1,PA,gg),S.$l=function(s){throw de(new Zu("Not supported."))},S._l=function(){return-1},S.am=function(s){return null},S.bm=function(){return null},S.cm=function(s){},S.dm=function(s){},S.em=function(){return 0},S.Ib=function(){return this.fm(0)},S.fm=function(s){return this.e==11?".":""},S.e=0;var n4e,w$,Gj,wit,r4e,g3=null,kQ,xle=null,i4e,Kj,Cle=null,o4e,s4e,a4e,u4e,c4e,yit,xI,Eit,_it,Sit,xit,y$,Cit,Tit,jIt=V(uw,"RegEx/Token",117);H(136,117,{3:1,136:1,117:1},vh),S.fm=function(s){var a,l,v;if(this.e==4)if(this==i4e)l=".";else if(this==kQ)l="\\d";else if(this==y$)l="\\w";else if(this==xI)l="\\s";else{for(v=new bg,v.a+="[",a=0;a<this.b.length;a+=2)s&l1&&a>0&&(v.a+=","),this.b[a]===this.b[a+1]?Fu(v,gB(this.b[a])):(Fu(v,gB(this.b[a])),v.a+="-",Fu(v,gB(this.b[a+1])));v.a+="]",l=v.a}else if(this==a4e)l="\\D";else if(this==c4e)l="\\W";else if(this==u4e)l="\\S";else{for(v=new bg,v.a+="[^",a=0;a<this.b.length;a+=2)s&l1&&a>0&&(v.a+=","),this.b[a]===this.b[a+1]?Fu(v,gB(this.b[a])):(Fu(v,gB(this.b[a])),v.a+="-",Fu(v,gB(this.b[a+1])));v.a+="]",l=v.a}return l},S.a=!1,S.c=!1,V(uw,"RegEx/RangeToken",136),H(584,1,{584:1},AP),S.a=0,V(uw,"RegEx/RegexParser/ReferencePosition",584),H(583,1,{3:1,583:1},LJ),S.Fb=function(s){var a;return s==null||!Ce(s,583)?!1:(a=E(s,583),xn(this.b,a.b)&&this.a==a.a)},S.Hb=function(){return ew(this.b+"/"+f0e(this.a))},S.Ib=function(){return this.c.fm(this.a)},S.a=0,V(uw,"RegEx/RegularExpression",583),H(223,117,PA,vm),S._l=function(){return this.a},S.fm=function(s){var a,l,v;switch(this.e){case 0:switch(this.a){case 124:case 42:case 43:case 63:case 40:case 41:case 46:case 91:case 123:case 92:v="\\"+iee(this.a&ls);break;case 12:v="\\f";break;case 10:v="\\n";break;case 13:v="\\r";break;case 9:v="\\t";break;case 27:v="\\e";break;default:this.a>=du?(l=(a=this.a>>>0,"0"+a.toString(16)),v="\\v"+bh(l,l.length-6,l.length)):v=""+iee(this.a&ls)}break;case 8:this==o4e||this==s4e?v=""+iee(this.a&ls):v="\\"+iee(this.a&ls);break;default:v=null}return v},S.a=0,V(uw,"RegEx/Token/CharToken",223),H(309,117,PA,sT),S.am=function(s){return this.a},S.cm=function(s){this.b=s},S.dm=function(s){this.c=s},S.em=function(){return 1},S.fm=function(s){var a;if(this.e==3)if(this.c<0&&this.b<0)a=this.a.fm(s)+"*";else if(this.c==this.b)a=this.a.fm(s)+"{"+this.c+"}";else if(this.c>=0&&this.b>=0)a=this.a.fm(s)+"{"+this.c+","+this.b+"}";else if(this.c>=0&&this.b<0)a=this.a.fm(s)+"{"+this.c+",}";else throw de(new Zu("Token#toString(): CLOSURE "+this.c+fu+this.b));else if(this.c<0&&this.b<0)a=this.a.fm(s)+"*?";else if(this.c==this.b)a=this.a.fm(s)+"{"+this.c+"}?";else if(this.c>=0&&this.b>=0)a=this.a.fm(s)+"{"+this.c+","+this.b+"}?";else if(this.c>=0&&this.b<0)a=this.a.fm(s)+"{"+this.c+",}?";else throw de(new Zu("Token#toString(): NONGREEDYCLOSURE "+this.c+fu+this.b));return a},S.b=0,S.c=0,V(uw,"RegEx/Token/ClosureToken",309),H(821,117,PA,Ghe),S.am=function(s){return s==0?this.a:this.b},S.em=function(){return 2},S.fm=function(s){var a;return this.b.e==3&&this.b.am(0)==this.a?a=this.a.fm(s)+"+":this.b.e==9&&this.b.am(0)==this.a?a=this.a.fm(s)+"+?":a=this.a.fm(s)+(""+this.b.fm(s)),a},V(uw,"RegEx/Token/ConcatToken",821),H(1822,117,PA,R8e),S.am=function(s){if(s==0)return this.d;if(s==1)return this.b;throw de(new Zu("Internal Error: "+s))},S.em=function(){return this.b?2:1},S.fm=function(s){var a;return this.c>0?a="(?("+this.c+")":this.a.e==8?a="(?("+this.a+")":a="(?"+this.a,this.b?a+=this.d+"|"+this.b+")":a+=this.d+")",a},S.c=0,V(uw,"RegEx/Token/ConditionToken",1822),H(1823,117,PA,RAe),S.am=function(s){return this.b},S.em=function(){return 1},S.fm=function(s){return"(?"+(this.a==0?"":f0e(this.a))+(this.c==0?"":f0e(this.c))+":"+this.b.fm(s)+")"},S.a=0,S.c=0,V(uw,"RegEx/Token/ModifierToken",1823),H(822,117,PA,Zhe),S.am=function(s){return this.a},S.em=function(){return 1},S.fm=function(s){var a;switch(a=null,this.e){case 6:this.b==0?a="(?:"+this.a.fm(s)+")":a="("+this.a.fm(s)+")";break;case 20:a="(?="+this.a.fm(s)+")";break;case 21:a="(?!"+this.a.fm(s)+")";break;case 22:a="(?<="+this.a.fm(s)+")";break;case 23:a="(?<!"+this.a.fm(s)+")";break;case 24:a="(?>"+this.a.fm(s)+")"}return a},S.b=0,V(uw,"RegEx/Token/ParenToken",822),H(521,117,{3:1,117:1,521:1},ite),S.bm=function(){return this.b},S.fm=function(s){return this.e==12?"\\"+this.a:XSt(this.b)},S.a=0,V(uw,"RegEx/Token/StringToken",521),H(465,117,PA,W8),S.$l=function(s){I2(this,s)},S.am=function(s){return E(_S(this.a,s),117)},S.em=function(){return this.a?this.a.a.c.length:0},S.fm=function(s){var a,l,v,y,x;if(this.e==1){if(this.a.a.c.length==2)a=E(_S(this.a,0),117),l=E(_S(this.a,1),117),l.e==3&&l.am(0)==a?y=a.fm(s)+"+":l.e==9&&l.am(0)==a?y=a.fm(s)+"+?":y=a.fm(s)+(""+l.fm(s));else{for(x=new bg,v=0;v<this.a.a.c.length;v++)Fu(x,E(_S(this.a,v),117).fm(s));y=x.a}return y}if(this.a.a.c.length==2&&E(_S(this.a,1),117).e==7)y=E(_S(this.a,0),117).fm(s)+"?";else if(this.a.a.c.length==2&&E(_S(this.a,0),117).e==7)y=E(_S(this.a,1),117).fm(s)+"??";else{for(x=new bg,Fu(x,E(_S(this.a,0),117).fm(s)),v=1;v<this.a.a.c.length;v++)x.a+="|",Fu(x,E(_S(this.a,v),117).fm(s));y=x.a}return y},V(uw,"RegEx/Token/UnionToken",465),H(518,1,{592:1},Bk),S.Ib=function(){return this.a.b},V(HGe,"XMLTypeUtil/PatternMatcherImpl",518),H(1622,1381,{},aO);var kit;V(HGe,"XMLTypeValidator",1622),H(264,1,km,u2),S.Jc=function(s){Na(this,s)},S.Kc=function(){return(this.b-this.a)*this.c<0?bE:new Sy(this)},S.a=0,S.b=0,S.c=0;var bE;V(kEe,"ExclusiveRange",264),H(1068,1,Tm,uk),S.Rb=function(s){E(s,19),Cot()},S.Nb=function(s){ja(this,s)},S.Pb=function(){return BU()},S.Ub=function(){return Qle()},S.Wb=function(s){E(s,19),kot()},S.Ob=function(){return!1},S.Sb=function(){return!1},S.Tb=function(){return-1},S.Vb=function(){return-1},S.Qb=function(){throw de(new M1(qGe))},V(kEe,"ExclusiveRange/1",1068),H(254,1,Tm,Sy),S.Rb=function(s){E(s,19),Tot()},S.Nb=function(s){ja(this,s)},S.Pb=function(){return Tmt(this)},S.Ub=function(){return _1t(this)},S.Wb=function(s){E(s,19),Rot()},S.Ob=function(){return this.c.c<0?this.a>=this.c.b:this.a<=this.c.b},S.Sb=function(){return this.b>0},S.Tb=function(){return this.b},S.Vb=function(){return this.b-1},S.Qb=function(){throw de(new M1(qGe))},S.a=0,S.b=0,V(kEe,"ExclusiveRange/RangeIterator",254);var ap=s6(zK,"C"),Gr=s6(j9,"I"),Md=s6(L5,"Z"),mE=s6(M9,"J"),nd=s6($9,"B"),ba=s6(P9,"D"),b3=s6(F9,"F"),xR=s6(N9,"S"),MIt=zo("org.eclipse.elk.core.labels","ILabelManager"),l4e=zo(tu,"DiagnosticChain"),f4e=zo(wGe,"ResourceSet"),d4e=V(tu,"InvocationTargetException",null),Rit=(oS(),Rpt),Oit=Oit=mEt;Sgt(vD),Ygt("permProps",[[[eY,tY],[nY,"gecko1_8"]],[[eY,tY],[nY,"ie10"]],[[eY,tY],[nY,"ie8"]],[[eY,tY],[nY,"ie9"]],[[eY,tY],[nY,"safari"]]]),Oit(null,"elk",null)}(elkWorker_min,elkWorker_min.exports)),elkWorker_min.exports}function _classCallCheck(g,b){if(!(g instanceof b))throw new TypeError("Cannot call a class as a function")}function _possibleConstructorReturn(g,b){if(!g)throw new ReferenceError("this hasn't been initialised - super() hasn't been called");return b&&(typeof b=="object"||typeof b=="function")?b:g}function _inherits(g,b){if(typeof b!="function"&&b!==null)throw new TypeError("Super expression must either be null or a function, not "+typeof b);g.prototype=Object.create(b&&b.prototype,{constructor:{value:g,enumerable:!1,writable:!0,configurable:!0}}),b&&(Object.setPrototypeOf?Object.setPrototypeOf(g,b):g.__proto__=b)}var ELK=elkApiExports.default,ELKNode=function(g){_inherits(b,g);function b(){var m=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};_classCallCheck(this,b);var w=Object.assign({},m),_=!1;try{require.resolve("web-worker"),_=!0}catch{}if(m.workerUrl)if(_){var C=requireBrowser();w.workerFactory=function($){return new C($)}}else console.warn(`Web worker requested but 'web-worker' package not installed.
Consider installing the package or pass your own 'workerFactory' to ELK's constructor.
... Falling back to non-web worker version.`);if(!w.workerFactory){var k=requireElkWorker_min(),I=k.Worker;w.workerFactory=function($){return new I($)}}return _possibleConstructorReturn(this,(b.__proto__||Object.getPrototypeOf(b)).call(this,w))}return b}(ELK);Object.defineProperty(main$2.exports,"__esModule",{value:!0}),main$2.exports=ELKNode,ELKNode.default=ELKNode;var mainExports=main$2.exports;const main=getDefaultExportFromCjs(mainExports),main$1=Object.freeze(Object.defineProperty({__proto__:null,default:main},Symbol.toStringTag,{value:"Module"}))})();
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/docker_csharp/README.md | Exported Dockerfile & its dependencies are located in the same folder. The structure is as below:
- flow: the folder contains all the flow files
- ...
- connections: the folder contains yaml files to create all related connections
- ...
- Dockerfile: the dockerfile to build the image
- settings.json: a json file to store the settings of the docker image
- README.md: the readme file to describe how to use the dockerfile
Please refer to [official doc](https://microsoft.github.io/promptflow/how-to-guides/deploy-and-export-a-flow.html#export-a-flow)
for more details about how to use the exported dockerfile and scripts.
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/docker_csharp/start.sh.jinja2 | #!/bin/bash
# stop services created by runsv and propagate SIGINT, SIGTERM to child jobs
sv_stop() {
echo "$(date -uIns) - Stopping all runsv services"
for s in $(ls -d /var/runit/*); do
sv stop $s
done
}
# register SIGINT, SIGTERM handler
trap sv_stop SIGINT SIGTERM
# start services in background and wait all child jobs
runsvdir /var/runit &
wait
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/docker_csharp/Dockerfile.jinja2 | # syntax=docker/dockerfile:1
FROM mcr.microsoft.com/dotnet/sdk:6.0 AS build
WORKDIR /
COPY ./flow /flow
COPY ./connections /connections
COPY ./start.sh /start.sh
FROM mcr.microsoft.com/dotnet/aspnet:6.0 AS runtime
COPY --from=build / /
ENV IS_IN_DOCKER="true"
EXPOSE 8080
RUN apt-get update && apt-get install -y runit
# reset runsvdir
RUN rm -rf /var/runit
COPY ./runit /var/runit
# grant permission
RUN chmod -R +x /var/runit
CMD ["bash", "./start.sh"]
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/docker_csharp/runit | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/docker_csharp/runit/promptflow-serve/run.jinja2 | #! /bin/bash
echo "start promptflow serving"
cd /flow
dotnet Promptflow.dll --port "8080" --yaml_path "flow.dag.yaml" --assembly_folder "." --connection_folder_path "../connections" --log_path "" --serving | 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/docker_csharp/runit | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/docker_csharp/runit/promptflow-serve/finish.jinja2 | #!/bin/bash
echo "$(date -uIns) - promptflow-serve/finish $@"
echo "$(date -uIns) - Stopped all Gunicorn processes" | 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/executable/README.md | Exported entry file & its dependencies are located in the same folder. The structure is as below:
- flow: the folder contains all the flow files
- connections: the folder contains yaml files to create all related connections
- app.py: the entry file is included as the entry point for the bundled application.
- app.spec: the spec file tells PyInstaller how to process your script.
- main.py: it will start streamlit service and be called by the entry file.
- settings.json: a json file to store the settings of the executable application.
- build: a folder contains various log and working files.
- dist: a folder contains the executable application.
- README.md: the readme file to describe how to use the exported files and scripts.
Please refer to [official doc](https://microsoft.github.io/promptflow/how-to-guides/deploy-a-flow/index.html)
for more details about how to use the exported files and scripts.
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/executable/utils.py | import base64
import json
import re
import streamlit as st
from bs4 import BeautifulSoup, NavigableString, Tag
from promptflow._utils.multimedia_utils import MIME_PATTERN, is_multimedia_dict
def show_image(image, key=None):
col1, _ = st.columns(2)
with col1:
if not image.startswith("data:image"):
st.image(key + "," + image, use_column_width="auto")
else:
st.image(image, use_column_width="auto")
def json_dumps(value):
try:
return json.dumps(value, ensure_ascii=False)
except Exception:
return value
def is_list_contains_rich_text(rich_text):
result = False
for item in rich_text:
if isinstance(item, list):
result |= is_list_contains_rich_text(item)
elif isinstance(item, dict):
result |= is_dict_contains_rich_text(item)
else:
if isinstance(item, str) and item.startswith("data:image"):
result = True
return result
def is_dict_contains_rich_text(rich_text):
result = False
for rich_text_key, rich_text_value in rich_text.items():
if isinstance(rich_text_value, list):
result |= is_list_contains_rich_text(rich_text_value)
elif isinstance(rich_text_value, dict):
result |= is_dict_contains_rich_text(rich_text_value)
elif re.match(MIME_PATTERN, rich_text_key) or (
isinstance(rich_text_value, str) and rich_text_value.startswith("data:image")
):
result = True
return result
def item_render_message(value, key=None):
if key and re.match(MIME_PATTERN, key):
show_image(value, key)
elif isinstance(value, str) and value.startswith("data:image"):
show_image(value)
else:
if key is None:
st.markdown(f"{json_dumps(value)},")
else:
st.markdown(f"{key}: {json_dumps(value)},")
def list_iter_render_message(message_items):
if is_list_contains_rich_text(message_items):
st.markdown("[ ")
for item in message_items:
if isinstance(item, list):
list_iter_render_message(item)
if isinstance(item, dict):
dict_iter_render_message(item)
else:
item_render_message(item)
st.markdown("], ")
else:
st.markdown(f"{json_dumps(message_items)},")
def dict_iter_render_message(message_items):
if is_multimedia_dict(message_items):
key = list(message_items.keys())[0]
value = message_items[key]
show_image(value, key)
elif is_dict_contains_rich_text(message_items):
st.markdown("{ ")
for key, value in message_items.items():
if re.match(MIME_PATTERN, key):
show_image(value, key)
else:
if isinstance(value, list):
st.markdown(f"{key}: ")
list_iter_render_message(value)
elif isinstance(value, dict):
st.markdown(f"{key}: ")
dict_iter_render_message(value)
else:
item_render_message(value, key)
st.markdown("}, ")
else:
st.markdown(f"{json_dumps(message_items)},")
def render_single_list_message(message_items):
# This function is added for chat flow with only single input and single output.
# So that we can show the message directly without the list and dict wrapper.
for item in message_items:
if isinstance(item, list):
render_single_list_message(item)
elif isinstance(item, dict):
render_single_dict_message(item)
elif isinstance(item, str):
st.text(item)
def render_single_dict_message(message_items):
# This function is added for chat flow with only single input and single output.
# So that we can show the message directly without the list and dict wrapper.
for key, value in message_items.items():
if re.match(MIME_PATTERN, key):
show_image(value, key)
continue
else:
if isinstance(value, list):
render_single_list_message(value)
elif isinstance(value, dict):
render_single_dict_message(value)
else:
item_render_message(value, key)
def extract_content(node):
if isinstance(node, NavigableString):
text = node.strip()
if text:
return [text]
elif isinstance(node, Tag):
if node.name == "img":
prefix, base64_str = node["src"].split(",", 1)
return [{prefix: base64_str}]
else:
result = []
for child in node.contents:
result.extend(extract_content(child))
return result
return []
def parse_list_from_html(html_content):
"""
Parse the html content to a list of strings and images.
"""
soup = BeautifulSoup(html_content, "html.parser")
result = []
for p in soup.find_all("p"):
result.extend(extract_content(p))
return result
def parse_image_content(image_content, image_type):
if image_content is not None:
file_contents = image_content.read()
image_content = base64.b64encode(file_contents).decode("utf-8")
prefix = f"data:{image_type};base64"
return {prefix: image_content}
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/executable/app.py.jinja2 | import os
import sys
from promptflow._cli._pf._connection import create_connection
from streamlit.web import cli as st_cli
from streamlit.runtime import exists
from main import start
def is_yaml_file(file_path):
# Get the file extension
_, file_extension = os.path.splitext(file_path)
# Check if the file extension is ".yaml" or ".yml"
return file_extension.lower() in ('.yaml', '.yml')
def create_connections(directory_path) -> None:
for root, dirs, files in os.walk(directory_path):
for file in files:
file_path = os.path.join(root, file)
if is_yaml_file(file_path):
create_connection(file_path)
if __name__ == "__main__":
create_connections(os.path.join(os.path.dirname(__file__), "connections"))
if exists():
start()
else:
main_script = os.path.join(os.path.dirname(__file__), "main.py")
sys.argv = ["streamlit", "run", main_script, "--global.developmentMode=false", "--client.toolbarMode=viewer", "--browser.gatherUsageStats=false"]
st_cli.main(prog_name="streamlit")
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/executable/main.py.jinja2 | import json
import os
from pathlib import Path
from PIL import Image
import streamlit as st
from streamlit_quill import st_quill
from promptflow._sdk._serving.flow_invoker import FlowInvoker
from utils import dict_iter_render_message, parse_list_from_html, parse_image_content
invoker = None
{% set indent_level = 4 %}
def start():
def clear_chat() -> None:
st.session_state.messages = []
def render_message(role, message_items):
with st.chat_message(role):
dict_iter_render_message(message_items)
def show_conversation() -> None:
if "messages" not in st.session_state:
st.session_state.messages = []
st.session_state.history = []
if st.session_state.messages:
for role, message_items in st.session_state.messages:
render_message(role, message_items)
def get_chat_history_from_session():
if "history" in st.session_state:
return st.session_state.history
return []
def submit(**kwargs) -> None:
st.session_state.messages.append(("user", kwargs))
session_state_history = dict()
session_state_history.update({"inputs": kwargs})
with container:
render_message("user", kwargs)
# Force append chat history to kwargs
{% if is_chat_flow %}
{{ ' ' * indent_level * 2 }}response = run_flow({'{{chat_history_input_name}}': get_chat_history_from_session(), **kwargs})
{% else %}
{{ ' ' * indent_level * 2 }}response = run_flow(kwargs)
{% endif %}
st.session_state.messages.append(("assistant", response))
session_state_history.update({"outputs": response})
st.session_state.history.append(session_state_history)
with container:
render_message("assistant", response)
def run_flow(data: dict) -> dict:
global invoker
if not invoker:
{% if flow_path %}
{{ ' ' * indent_level * 3 }}flow = Path('{{flow_path}}')
{{ ' ' * indent_level * 3 }}dump_path = Path('{{flow_path}}').parent
{% else %}
{{ ' ' * indent_level * 3 }}flow = Path(__file__).parent / "flow"
{{ ' ' * indent_level * 3 }}dump_path = flow.parent
{% endif %}
if flow.is_dir():
os.chdir(flow)
else:
os.chdir(flow.parent)
invoker = FlowInvoker(flow, connection_provider="local", dump_to=dump_path)
result = invoker.invoke(data)
return result
image = Image.open(Path(__file__).parent / "logo.png")
st.set_page_config(
layout="wide",
page_title="{{flow_name}} - Promptflow App",
page_icon=image,
menu_items={
'About': """
# This is a Promptflow App.
You can refer to [promptflow](https://github.com/microsoft/promptflow) for more information.
"""
}
)
# Set primary button color here since button color of the same form need to be identical in streamlit, but we only need Run/Chat button to be blue.
st.config.set_option("theme.primaryColor", "#0F6CBD")
st.title("{{flow_name}}")
st.divider()
st.chat_message("assistant").write("Hello, please input following flow inputs.")
container = st.container()
with container:
show_conversation()
with st.form(key='input_form', clear_on_submit=True):
settings_path = os.path.join(os.path.dirname(__file__), "settings.json")
if os.path.exists(settings_path):
with open(settings_path, "r", encoding="utf-8") as file:
json_data = json.load(file)
environment_variables = list(json_data.keys())
for environment_variable in environment_variables:
secret_input = st.sidebar.text_input(label=environment_variable, type="password", placeholder=f"Please input {environment_variable} here. If you input before, you can leave it blank.")
if secret_input != "":
os.environ[environment_variable] = secret_input
{% for flow_input, (default_value, value_type) in flow_inputs.items() %}
{% if value_type == "list" %}
{{ ' ' * indent_level * 2 }}st.text('{{flow_input}}')
{{ ' ' * indent_level * 2 }}{{flow_input}} = st_quill(html=True, toolbar=["image"], key='{{flow_input}}', placeholder='Please enter the list values and use the image icon to upload a picture. Make sure to format each list item correctly with line breaks')
{% elif value_type == "image" %}
{{ ' ' * indent_level * 2 }}{{flow_input}} = st.file_uploader(label='{{flow_input}}')
{% elif value_type == "string" %}
{{ ' ' * indent_level * 2 }}{{flow_input}} = st.text_input(label='{{flow_input}}', placeholder='{{default_value}}')
{% else %}
{{ ' ' * indent_level * 2 }}{{flow_input}} = st.text_input(label='{{flow_input}}', placeholder={{default_value}})
{% endif %}
{% endfor %}
cols = st.columns(7)
submit_bt = cols[0].form_submit_button(label='{{label}}', type='primary')
clear_bt = cols[1].form_submit_button(label='Clear')
if submit_bt:
with st.spinner("Loading..."):
{% for flow_input, (default_value, value_type) in flow_inputs.items() %}
{% if value_type == "list" %}
{{ ' ' * indent_level * 4 }}{{flow_input}} = parse_list_from_html({{flow_input}})
{% elif value_type == "image" %}
{{ ' ' * indent_level * 4 }}{{flow_input}} = parse_image_content({{flow_input}}, {{flow_input}}.type if {{flow_input}} else None)
{% endif %}
{% endfor %}
submit({{flow_inputs_params}})
if clear_bt:
with st.spinner("Cleaning..."):
clear_chat()
st.rerun()
if __name__ == "__main__":
start()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/executable/main.py | import json
import os
from pathlib import Path
from PIL import Image
import streamlit as st
from streamlit_quill import st_quill
from copy import copy
from types import GeneratorType
import time
from promptflow import load_flow
from promptflow._sdk._utils import dump_flow_result
from promptflow._utils.multimedia_utils import convert_multimedia_data_to_base64, persist_multimedia_data
from promptflow._sdk._submitter.utils import get_result_output, resolve_generator
from utils import dict_iter_render_message, parse_list_from_html, parse_image_content, render_single_dict_message
invoker = None
generator_record = {}
def start():
def clear_chat() -> None:
st.session_state.messages = []
def render_message(role, message_items):
with st.chat_message(role):
if is_chat_flow:
render_single_dict_message(message_items)
else:
dict_iter_render_message(message_items)
def show_conversation() -> None:
if "messages" not in st.session_state:
st.session_state.messages = []
st.session_state.history = []
if st.session_state.messages:
for role, message_items in st.session_state.messages:
render_message(role, message_items)
def get_chat_history_from_session():
if "history" in st.session_state:
return st.session_state.history
return []
def post_process_dump_result(response, session_state_history):
response = resolve_generator(response, generator_record)
# Get base64 for multi modal object
resolved_outputs = {
k: convert_multimedia_data_to_base64(v, with_type=True, dict_type=True)
for k, v in response.output.items()
}
st.session_state.messages.append(("assistant", resolved_outputs))
session_state_history.update({"outputs": response.output})
st.session_state.history.append(session_state_history)
if is_chat_flow:
dump_path = Path(flow_path).parent
response.output = persist_multimedia_data(
response.output, base_dir=dump_path, sub_dir=Path(".promptflow/output")
)
dump_flow_result(flow_folder=dump_path, flow_result=response, prefix="chat")
return resolved_outputs
def submit(**kwargs) -> None:
st.session_state.messages.append(("user", kwargs))
session_state_history = dict()
session_state_history.update({"inputs": kwargs})
with container:
render_message("user", kwargs)
# Force append chat history to kwargs
if is_chat_flow:
response = run_flow({chat_history_input_name: get_chat_history_from_session(), **kwargs})
else:
response = run_flow(kwargs)
if is_streaming:
# Display assistant response in chat message container
with container:
with st.chat_message("assistant"):
message_placeholder = st.empty()
full_response = f"{chat_output_name}:"
chat_output = response.output[chat_output_name]
if isinstance(chat_output, GeneratorType):
# Simulate stream of response with milliseconds delay
for chunk in get_result_output(chat_output, generator_record):
full_response += chunk + " "
time.sleep(0.05)
# Add a blinking cursor to simulate typing
message_placeholder.markdown(full_response + "▌")
message_placeholder.markdown(full_response)
post_process_dump_result(response, session_state_history)
return
resolved_outputs = post_process_dump_result(response, session_state_history)
with container:
render_message("assistant", resolved_outputs)
def run_flow(data: dict) -> dict:
global invoker
if not invoker:
if flow_path:
flow = Path(flow_path)
else:
flow = Path(__file__).parent / "flow"
if flow.is_dir():
os.chdir(flow)
else:
os.chdir(flow.parent)
invoker = load_flow(flow)
invoker.context.streaming = is_streaming
result = invoker.invoke(data)
return result
image = Image.open(Path(__file__).parent / "logo.png")
st.set_page_config(
layout="wide",
page_title=f"{flow_name} - Promptflow App",
page_icon=image,
menu_items={
'About': """
# This is a Promptflow App.
You can refer to [promptflow](https://github.com/microsoft/promptflow) for more information.
"""
}
)
# Set primary button color here since button color of the same form need to be identical in streamlit, but we only
# need Run/Chat button to be blue.
st.config.set_option("theme.primaryColor", "#0F6CBD")
st.title(flow_name)
st.divider()
st.chat_message("assistant").write("Hello, please input following flow inputs.")
container = st.container()
with container:
show_conversation()
with st.form(key='input_form', clear_on_submit=True):
settings_path = os.path.join(os.path.dirname(__file__), "settings.json")
if os.path.exists(settings_path):
with open(settings_path, "r", encoding="utf-8") as file:
json_data = json.load(file)
environment_variables = list(json_data.keys())
for environment_variable in environment_variables:
secret_input = st.sidebar.text_input(label=environment_variable, type="password",
placeholder=f"Please input {environment_variable} here. "
f"If you input before, you can leave it blank.")
if secret_input != "":
os.environ[environment_variable] = secret_input
flow_inputs_params = {}
for flow_input, (default_value, value_type) in flow_inputs.items():
if value_type == "list":
st.text(flow_input)
input = st_quill(html=True, toolbar=["image"], key=flow_input,
placeholder='Please enter the list values and use the image icon to upload a picture. '
'Make sure to format each list item correctly with line breaks')
elif value_type == "image":
input = st.file_uploader(label=flow_input)
elif value_type == "string":
input = st.text_input(label=flow_input, placeholder=default_value)
else:
input = st.text_input(label=flow_input, placeholder=default_value)
flow_inputs_params.update({flow_input: copy(input)})
cols = st.columns(7)
submit_bt = cols[0].form_submit_button(label=label, type='primary')
clear_bt = cols[1].form_submit_button(label='Clear')
if submit_bt:
with st.spinner("Loading..."):
for flow_input, (default_value, value_type) in flow_inputs.items():
if value_type == "list":
input = parse_list_from_html(flow_inputs_params[flow_input])
flow_inputs_params.update({flow_input: copy(input)})
elif value_type == "image":
input = parse_image_content(
flow_inputs_params[flow_input],
flow_inputs_params[flow_input].type if flow_inputs_params[flow_input] else None
)
flow_inputs_params.update({flow_input: copy(input)})
submit(**flow_inputs_params)
if clear_bt:
with st.spinner("Cleaning..."):
clear_chat()
st.rerun()
if __name__ == "__main__":
with open(Path(__file__).parent / "config.json", 'r') as f:
config = json.load(f)
is_chat_flow = config["is_chat_flow"]
chat_history_input_name = config["chat_history_input_name"]
flow_path = config["flow_path"]
flow_name = config["flow_name"]
flow_inputs = config["flow_inputs"]
label = config["label"]
is_streaming = config["is_streaming"]
chat_output_name = config["chat_output_name"]
start()
| 0 |
promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data | promptflow_repo/promptflow/src/promptflow/promptflow/_sdk/data/executable/app.spec.jinja2 | # -*- mode: python ; coding: utf-8 -*-
from PyInstaller.utils.hooks import collect_data_files
from PyInstaller.utils.hooks import copy_metadata
datas = [('connections', 'connections'), ('flow', 'flow'), ('settings.json', '.'), ('main.py', '.'), ('utils.py', '.'), ('logo.png', '.'), ('{{runtime_interpreter_path}}', './streamlit/runtime')]
datas += collect_data_files('streamlit')
datas += copy_metadata('streamlit')
datas += collect_data_files('keyrings.alt', include_py_files=True)
datas += copy_metadata('keyrings.alt')
datas += collect_data_files('streamlit_quill')
block_cipher = None
a = Analysis(
['app.py', 'main.py', 'utils.py'],
pathex=[],
binaries=[],
datas=datas,
hiddenimports={{hidden_imports}},
hookspath=[],
hooksconfig={},
runtime_hooks=[],
excludes=[],
win_no_prefer_redirects=False,
win_private_assemblies=False,
cipher=block_cipher,
noarchive=False,
)
pyz = PYZ(a.pure, a.zipped_data, cipher=block_cipher)
exe = EXE(
pyz,
a.scripts,
a.binaries,
a.zipfiles,
a.datas,
[],
name='app',
debug=False,
bootloader_ignore_signals=False,
strip=False,
upx=True,
upx_exclude=[],
runtime_tmpdir=None,
console=True,
disable_windowed_traceback=False,
argv_emulation=False,
target_arch=None,
codesign_identity=None,
entitlements_file=None,
) | 0 |
Subsets and Splits